diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..a659b17b489b630ded615e87fa8f1780aace6a8e --- /dev/null +++ b/.gitignore @@ -0,0 +1,155 @@ +# Folders +cliport/data/ +cliport/outputs/ +cliport/notebooks/ +cliport/jobs/ +jobs/ +videos/ +checkpoints/ + +# Large Asserts +cliport/environments/assets/google/ + +# Idea +.idea + +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +pip-wheel-metadata/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST +wandb +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +.python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +venv/ +ENV/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + + + +output +data +.hydra +cliport/environments/assets_backup +0_VRDemoSettings.txt +demo*.log +outputs +*.DS_Store + +multirun +exps-singletask/ \ No newline at end of file diff --git a/BLOG.md b/BLOG.md new file mode 100644 index 0000000000000000000000000000000000000000..7a52762fe921e1b39cebc5f8a1cce89f57d0260a --- /dev/null +++ b/BLOG.md @@ -0,0 +1,132 @@ +# Supersizing Simulation Task Generation in Robotics with LLM + + +## Overview +Collecting real-world interaction data to train general robotic policies is prohibitively expensive, thus motivating the use of simulation data. Despite abundant single-task simulation data in terms of object instances and poses among others, the task-level diversity in simulation have remained a challenge. On the other hand, the breakthrough in language domain, such as GPT-4, has shown impressive coding skills and natural language understanding capability, but its usage in robotics has been mostly on policy execution, planning, and log summary. This repository explores the use of a LLM code generation pipeline to generate simulation environments and expert demonstrations for diverse simulation tasks. In particular, the task-level diversity is crucial for general-purpose manipulation policy learning. This simulation task generation pipeline can be top-down: given a target task, it proposes a task curriculum to iteratively approach the complexity of the target task; the pipeline can also work in a bottom-up manner: it bootstraps from previous tasks and iteratively proposes more interesting tasks, and these task code can be used to generate demonstrations to train a policy. + +We develop an LLM pipeline for generating simulation environments and tasks through program synthesis, as data augmentations for robotic policy learning. The framework consists of three novel components: +1. an automated prompting mechanism that proposes new tasks and implementations for open-world task design +2. a task library for developing more complex simulation environments and data generations +3. a GPT-4 generated incremental benchmark and a language-conditioned multi-task policy training method that leverages the large set of generated tasks, and close the loop on evaluating the task generation pipeline. + + +Note: Although the field has different opinions on what tasks and skills are, in this work we consider each simulation code defines a task. Therefore the [Ravens](https://github.com/google-research/ravens/tree/master) benchmark has 10 tasks in total. + + +![](media/zoom_task.gif) + + + +## Prompt Recipe +Although we can prompt GPT-4 directly to generate simulation environment code for training manipulation policies, it lacks the contexts and the capability required to build an increasing task benchmark. We formulate the task and program synthesis problems into an agent prompting mechanism with a task design agent and a task library (or memory). These sub-components are all powered by few-shot and chain-of-thoughts prompts on large language models that have distilled internet-scale knowledge and offer the reasoning and exploration capability necessary for simulation task generations. + + +We have developed both top-down and bottom-up task approaches in our method. The top-down approach takes a desired task as a prompt and gradually generates more complex tasks to achieve this target task. This is helpful if the user apriori has a desired task or wants to design a task curriculum to build complex agents. For instance, to train a policy to accomplish long-horizon tasks such as build-house, we can ask LLM to generate more basic tasks like building a base or building a roof. The bottom-up approach shows the LLM the previous tasks that have been designed, directly requests for a new task, and further bootstraps itself iteratively. The goal is then to generate as diverse and interesting tasks as possible for downstream policy training. The details of the prompt is shown in the figure and section below. + +![](media/prompting_pipeline.gif) + +## Task Design Prompt +The goal of the task design prompt is to propose novel task descriptions and their code implementations, which can be further broken down into scene code and demonstration code. In particular, we use the [Ravens](https://github.com/google-research/ravens/tree/master) benchmark codebase with TransporterNets that use affordance prediction to solve table-top top-down manipulation tasks. The task design can handle any motion primitive like pushing, sliding, etc. that can be parameterized by two +end-effector poses at each timestep. From the figure, a standard gym-style simulation environment code, the reset function, which is inherited from a base task class and takes in the environment as an argument, efficiently represents the assets and their attributes, poses and their relative configurations, and spatial and language goals that are used to parameterize the per-step demonstration. + + +To reach this level of lengthy code generation, we break the prompt of the agent into several steps to enforce its logical structure (e.g. [prompt](prompts/bottomup_task_generation_prompt/)): task description generation, API and common mistake summary, few-shot reference code selection, and code generation. The input prompt to GPT-4 task generation stage consists of several components: +1. available assets that are in the codebase +2. samples of reference tasks from the task library (discussed in the next section) to act as few-shot examples +3. also provide past task names to make sure the agent does not provide overlapped tasks. +4. some examples of bad tasks and the reasons that they are bad (for example, not physically feasible) +5. some additional rules (such as do not use assets beyond what is available) and the output format. This stage has temperature=1 to encourage diversity and the rest components would have temperature=0 to have some robustness. + + +The asset generation, which generates the URDFs for loading into a scene, has not been explored much in the pipeline. The API prompt consists of some major function implementations of the base task class as well as an explanation of the `goal` variable that represents the action labels. This is important to help GPT understands some useful helper functions in the base class (such as `get_random_pose` as well as some pybullet (simulation engine) basics. The common error prompt is a list of past errors that GPT-4 has made as well as some high-level errors that are summarized, to help it avoid making repeated errors. These components are optional. + + +Finally, reference code selection and code reference prompt will show LLM the generated task names and ask GPT which ones are useful to read, and then show GPT the corresponding code to be used as reference code. This part is critical for LLM to know exactly how to implement a task class in Ravens (such as the logic of sample asset urdfs and build scene first, and then add a spatial goal and language goals). + +![](media/code_explanation.png) + +
+Prompt Metric Ablation + + +![](media/prompt_metric.png) + +
+ +## Task Library (Memory) +An important differentiator of an agent-based LLM pipeline is that it has a memory of its past actions. In this case, our agent is a simulation task and code programmer and its environment is the physics simulation and human users. The task library has a few roles, for one it provides what past tasks are (in the task generation stage) and past codes are (in the code generation stage) to the task design agent such that it will not try to overlap tasks. It also acts as a benchmark to accumulate all past tasks and bootstrap for more novel tasks. Its saved task codes can be run offline to generate demonstration data. We can also visualize the tasks with an embedding space. The memory also contains a key component: the critic that reflects on the task and code that the agent designed and the reference code, and decides whether the new code will be added to the task memory. The task reflection stage prompt has the following component +1. the generated task description and code +2. the current tasks in the library +3. some examples of accepting and rejecting new task, and then LLM is prompted to answer whether to accept this new task and this improvement will also be in the context window in the next round of the agent task design. + + +Note that to improve the robustness of this stage, we prompt GPT three times in parallel to get diverse answers with temperature 0.5, and only accept the task if there is an agreement. We show some selected generated tasks by GPT to explore different reasoning capability of GPT-4. + +
+Stack-Tasks Examples (Complexity) + + +![](media/stack_task.gif) + +
+ +
+Build-Task Examples (Creativity) + + +![](media/build_task.gif) + +
+ +
+Pick-and-Place-Task Examples (Compositionality) + + +![](media/pick_place_task.gif) + +
+ + +## Policy Training +Once the tasks are generated, we can use these task codes to generate demonstration data and train manipulation policies. We use similar two-stream architectures and transporter architectures as in [CLIPORT](https://cliport.github.io/) to parametrize the policy $\pi$. The model first (i) attends to a local region to decide where to pick, then (ii) computes +a placement location by finding the best match through cross-correlation of deep visual features. The FCNs are extended to two-pathways: semantic and spatial where the semantic stream is conditioned with language features at the bottleneck and fused with intermediate features from the spatial stream. For more details, we refer the reader to the original papers. + + + + +## Common Failure Cases +0. The `common_error.txt` in the prompt folder shows some common failure cases of the generation. +1. Since the simulation task code (reset function and class definition) is lengthy compared to simple function completions. It can be prone to bugs such as accessing missing functions or assets which cause compilation errors. +2. When the tasks can be run, it could still have runtime errors such as in dynamics and geometry issues. For instance it can generate a huge object or generate task such as `balance a block on a rope` which is not grounded well. +3. When the task has no runtime issues, the experts (represented by the `goal`) might not complete the task. Or the language descriptions can be too ambiguous to train an agent and require manual filtering. +4. Some tasks are not zero-shot generated: such as `build-house`, `build-car`, and `manipulating-two-ropes` etc. Some tasks are mostly coded by the author for bootstrapping purpose such as `push-piles-into-letter` and `connect-boxes-with-rope`. + +
+Failure Cases + + +![](media/failure_case.gif) + +
+ + +## Related Works +LLM has shown impressive potential to explore the environments and reflect upon its own actions, similar to an agent such as in [Voyager](https://voyager.minedojo.org/). Recent works have explored domain randomizations, [parametric task generations](https://sites.google.com/view/active-task-randomization), and procedural asset generations and text to 3D such as [Shape-E](https://github.com/openai/shap-e) and [Point-E](https://openai.com/research/point-e). Moreover, large language models have been applied to policy learning such as in [PALM-e](https://ai.googleblog.com/2023/03/palm-e-embodied-multimodal-language.html) and [Say-Can](https://say-can.github.io/), task and motion planning such as in [Inner Monologue](https://innermonologue.github.io/), synthesizing policy programs such as in [Code as Policies](https://code-as-policies.github.io/) and [Language as Rewards](https://language-to-reward.github.io/). Past work has also explored LLM's physical grounded capability such as in [Mine's Eye](https://arxiv.org/abs/2210.05359). + +## Conclusion and Future Directions +Overall we explored the use of LLM in simulation environment and task generation. It has shown impressive capability to write manipulation tasks along with expert demonstrations and yet still has several drawbacks and thus future directions. +There are a few limitations which could be interesting future directions +1. The asset diversity limits how GPT-4 can generate high diverse and creative tasks. One interesting future direction is to explore asset generation jointly with code generation. +2. It would be cool to generate thousands of tasks using this pipeline by bootstrapping as well as train an agent that can fit these number of tasks. +3. It would be interesting to carefully study task-level generalization. We have generated a TSNE plot of the task code embeddings by use GPT embedding AI to encode the generated code for each task below. + +![](media/task_embedding.png) + +## Acknowledgement +I would like to acknowledge [Bailin Wang](https://berlino.github.io/), [Mohit Shridhar](https://mohitshridhar.com/), and [Yoon Kim](https://people.csail.mit.edu/yoonkim/) for the helpful discussions and collaborations. \ No newline at end of file diff --git a/README.md b/README.md index a86c565b9b24b6b6686a6a94f8145e6d53269246..51c2ab8f3fc4fb7b83ed4bf51a844ad9566b663f 100644 --- a/README.md +++ b/README.md @@ -22,10 +22,11 @@ Below is an interactive demo for the simulated tabletop manipulation domain, see 1. Obtain an [OpenAI API Key](https://openai.com/blog/openai-api/) ## Usage +1. Type in desired task name in the box. -## Example Instructions ## Known Limitations +1. The code generation can fail or generate infeasible tasks. ## Acknowledgemetn Thanks to Jacky's [code-as-policies](https://huggingface.co/spaces/jackyliang42/code-as-policies/tree/main) demo. \ No newline at end of file diff --git a/app.py b/app.py index 00a281b32114f7f5ef118fa79483037bcdeccc5c..1fe665f0a1decdb0332687e0907b3f16143408aa 100644 --- a/app.py +++ b/app.py @@ -14,83 +14,62 @@ from sim import PickPlaceEnv, LMP_wrapper from consts import ALL_BLOCKS, ALL_BOWLS from md_logger import MarkdownLogger +import numpy as np +import os +import hydra +import random + +import re +import openai +import IPython +import time +import pybullet as p +import traceback +from datetime import datetime +from pprint import pprint +import cv2 +import re +import random +import json + +from gensim.agent import Agent +from gensim.critic import Critic +from gensim.sim_runner import SimulationRunner +from gensim.memory import Memory +from gensim.utils import set_gpt_model, clear_messages class DemoRunner: def __init__(self): - self._cfg = OmegaConf.to_container(OmegaConf.load('cfg.yaml'), resolve=True) self._env = None - self._md_logger = MarkdownLogger() - - def make_LMP(self, env): - # LMP env wrapper - cfg = copy.deepcopy(self._cfg) - cfg['env'] = { - 'init_objs': list(env.obj_name_to_id.keys()), - 'coords': cfg['tabletop_coords'] - } - - LMP_env = LMP_wrapper(env, cfg) - # creating APIs that the LMPs can interact with - fixed_vars = { - 'np': np - } - fixed_vars.update({ - name: eval(name) - for name in shapely.geometry.__all__ + shapely.affinity.__all__ - }) - variable_vars = { - k: getattr(LMP_env, k) - for k in [ - 'get_bbox', 'get_obj_pos', 'get_color', 'is_obj_visible', 'denormalize_xy', - 'put_first_on_second', 'get_obj_names', - 'get_corner_name', 'get_side_name', - ] - } - variable_vars['say'] = lambda msg: self._md_logger.log_text(f'Robot says: "{msg}"') - - # creating the function-generating LMP - lmp_fgen = LMPFGen(cfg['lmps']['fgen'], fixed_vars, variable_vars, self._md_logger) - - # creating other low-level LMPs - variable_vars.update({ - k: LMP(k, cfg['lmps'][k], lmp_fgen, fixed_vars, variable_vars, self._md_logger) - for k in ['parse_obj_name', 'parse_position', 'parse_question', 'transform_shape_pts'] - }) - - # creating the LMP that deals w/ high-level language commands - lmp_tabletop_ui = LMP( - 'tabletop_ui', cfg['lmps']['tabletop_ui'], lmp_fgen, fixed_vars, variable_vars, self._md_logger - ) - - return lmp_tabletop_ui - def setup(self, api_key, n_blocks, n_bowls): + def setup(self, api_key): openai.api_key = api_key - - self._env = PickPlaceEnv(render=True, high_res=True, high_frame_rate=False) - list_idxs = np.random.choice(len(ALL_BLOCKS), size=max(n_blocks, n_bowls), replace=False) - block_list = [ALL_BLOCKS[i] for i in list_idxs[:n_blocks]] - bowl_list = [ALL_BOWLS[i] for i in list_idxs[:n_bowls]] - obj_list = block_list + bowl_list - self._env.reset(obj_list) - - self._lmp_tabletop_ui = self.make_LMP(self._env) - - info = '### Available Objects: \n- ' + '\n- '.join(obj_list) - img = self._env.get_camera_image() + cfg['model_output_dir'] = 'temp' + cfg['prompt_folder'] = 'topdown_task_generation_prompt_simple_singleprompt' + set_gpt_model(cfg['gpt_model']) + cfg['load_memory'] = True + cfg['task_description_candidate_num'] = 10 + cfg['record']['save_video'] = True + memory = Memory(cfg) + agent = Agent(cfg, memory) + critic = Critic(cfg, memory) + self.simulation_runner = SimulationRunner(cfg, agent, critic, memory) + + info = '### Build' + img = np.zeros((720, 640, 0)) return info, img def run(self, instruction): - if self._env is None: - return 'Please run setup first!', None, None + cfg['target_task_name'] = instruction self._env.cache_video = [] self._md_logger.clear() try: - self._lmp_tabletop_ui(instruction, f'objects = {self._env.object_list}') + self.simulation_runner.task_creation() + self.simulation_runner.simulate_task() except Exception as e: return f'Error: {e}', None, None @@ -100,19 +79,16 @@ class DemoRunner: video_file_name = NamedTemporaryFile(suffix='.mp4').name rendered_clip.write_videofile(video_file_name, fps=25) - return self._md_logger.get_log(), self._env.get_camera_image(), video_file_name + return self.simulation_runner.chat_log, self.simulation_runner.env.curr_video, video_file_name -def setup(api_key, n_blocks, n_bowls): +def setup(api_key): if not api_key: return 'Please enter your OpenAI API key!', None, None - if n_blocks + n_bowls == 0: - return 'Please select at least one object!', None, None - demo_runner = DemoRunner() - info, img = demo_runner.setup(api_key, n_blocks, n_bowls) + info, img = demo_runner.setup(api_key) return info, img, demo_runner @@ -137,10 +113,7 @@ if __name__ == '__main__': with gr.Column(): with gr.Row(): inp_api_key = gr.Textbox(label='OpenAI API Key (this is not stored anywhere)', lines=1) - with gr.Row(): - inp_n_blocks = gr.Slider(label='Number of Blocks', minimum=0, maximum=4, value=3, step=1) - inp_n_bowls = gr.Slider(label='Number of Bowls', minimum=0, maximum=4, value=3, step=1) - + btn_setup = gr.Button("Setup/Reset Simulation") info_setup = gr.Markdown(label='Setup Info') with gr.Column(): @@ -149,7 +122,7 @@ if __name__ == '__main__': with gr.Row(): with gr.Column(): - inp_instruction = gr.Textbox(label='Instruction', lines=1) + inp_instruction = gr.Textbox(label='Task Name', lines=1) btn_run = gr.Button("Run (this may take 30+ seconds)") info_run = gr.Markdown(label='Generated Code') with gr.Column(): @@ -157,7 +130,7 @@ if __name__ == '__main__': btn_setup.click( setup, - inputs=[inp_api_key, inp_n_blocks, inp_n_bowls], + inputs=[inp_api_key], outputs=[info_setup, img_setup, state] ) btn_run.click( @@ -166,4 +139,4 @@ if __name__ == '__main__': outputs=[info_run, img_setup, video_run] ) - demo.launch() \ No newline at end of file + demo.launch(debug=True) \ No newline at end of file diff --git a/cliport/__init__.py b/cliport/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..d4cedd82c66da3bb9e701277035398b9c7528b5b --- /dev/null +++ b/cliport/__init__.py @@ -0,0 +1,7 @@ +"""Package init.""" + +from cliport import agents +from cliport import models +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment diff --git a/cliport/agents/__init__.py b/cliport/agents/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c1e033107bc1e9204ffe88f057f6ce67694b3d6e --- /dev/null +++ b/cliport/agents/__init__.py @@ -0,0 +1,79 @@ +from cliport.agents.transporter import OriginalTransporterAgent +from cliport.agents.transporter import ClipUNetTransporterAgent +from cliport.agents.transporter import TwoStreamClipWithoutSkipsTransporterAgent +from cliport.agents.transporter import TwoStreamRN50BertUNetTransporterAgent +from cliport.agents.transporter import TwoStreamClipUNetTransporterAgent + +from cliport.agents.transporter_lang_goal import TwoStreamClipLingUNetTransporterAgent +from cliport.agents.transporter_lang_goal import TwoStreamRN50BertLingUNetTransporterAgent +from cliport.agents.transporter_lang_goal import TwoStreamUntrainedRN50BertLingUNetTransporterAgent +from cliport.agents.transporter_lang_goal import OriginalTransporterLangFusionAgent +from cliport.agents.transporter_lang_goal import ClipLingUNetTransporterAgent +from cliport.agents.transporter_lang_goal import TwoStreamRN50BertLingUNetLatTransporterAgent + +from cliport.agents.transporter_image_goal import ImageGoalTransporterAgent + +from cliport.agents.transporter import TwoStreamClipUNetLatTransporterAgent +from cliport.agents.transporter_lang_goal import TwoStreamClipLingUNetLatTransporterAgent +from cliport.agents.transporter_lang_goal import TwoStreamClipFilmLingUNetLatTransporterAgent +from cliport.agents.transporter_lang_goal import TwoStreamClipFilmLingUNetLatTransporterAgent, TwoStreamClipLingUNetLatTransporterAgentReduce, TwoStreamClipLingUNetLatTransporterAgentReducePretrained +from cliport.agents.transporter_lang_goal import TwoStreamClipLingUNetLatTransporterAgentReduceOneStream + +names = { + ################################ + ### CLIPort ### + 'cliport': TwoStreamClipLingUNetLatTransporterAgent, + 'cliport_reduce': TwoStreamClipLingUNetLatTransporterAgentReduce, + 'cliport_reduce_pretrain': TwoStreamClipLingUNetLatTransporterAgentReducePretrained, + 'cliport_reduce_onestream': TwoStreamClipLingUNetLatTransporterAgentReduceOneStream, + 'two_stream_clip_lingunet_lat_transporter': TwoStreamClipLingUNetLatTransporterAgent, + + ################################ + ### Two-Stream Architectures ### + # CLIPort without language + 'two_stream_clip_unet_lat_transporter': TwoStreamClipUNetLatTransporterAgent, + + # CLIPort without lateral connections + 'two_stream_clip_lingunet_transporter': TwoStreamClipLingUNetTransporterAgent, + + # CLIPort without language and lateral connections + 'two_stream_clip_unet_transporter': TwoStreamClipUNetTransporterAgent, + + # CLIPort without language, lateral, or skip connections + 'two_stream_clip_woskip_transporter': TwoStreamClipWithoutSkipsTransporterAgent, + + # RN50-BERT + 'two_stream_full_rn50_bert_lingunet_lat_transporter': TwoStreamRN50BertLingUNetLatTransporterAgent, + + # RN50-BERT without language + 'two_stream_full_rn50_bert_unet_transporter': TwoStreamRN50BertUNetTransporterAgent, + + # RN50-BERT without lateral connections + 'two_stream_full_rn50_bert_lingunet_transporter': TwoStreamRN50BertLingUNetTransporterAgent, + + # Untrained RN50-BERT (similar to untrained CLIP) + 'two_stream_full_untrained_rn50_bert_lingunet_transporter': TwoStreamUntrainedRN50BertLingUNetTransporterAgent, + + ################################### + ### Single-Stream Architectures ### + # Transporter-only + 'transporter': OriginalTransporterAgent, + + # CLIP-only without language + 'clip_unet_transporter': ClipUNetTransporterAgent, + + # CLIP-only + 'clip_lingunet_transporter': ClipLingUNetTransporterAgent, + + # Transporter with language (at bottleneck) + 'transporter_lang': OriginalTransporterLangFusionAgent, + + # Image-Goal Transporter + 'image_goal_transporter': ImageGoalTransporterAgent, + + ############################################## + ### New variants NOT reported in the paper ### + + # CLIPort with FiLM language fusion + 'two_stream_clip_film_lingunet_lat_transporter': TwoStreamClipFilmLingUNetLatTransporterAgent, + } \ No newline at end of file diff --git a/cliport/agents/transporter.py b/cliport/agents/transporter.py new file mode 100644 index 0000000000000000000000000000000000000000..d24967d1e7f2684176732a06bb9271676f43bbc3 --- /dev/null +++ b/cliport/agents/transporter.py @@ -0,0 +1,539 @@ +import os +import numpy as np + +import torch +import torch.nn.functional as F +from pytorch_lightning import LightningModule + +from cliport.tasks import cameras +from cliport.utils import utils +from cliport.models.core.attention import Attention +from cliport.models.core.transport import Transport +from cliport.models.streams.two_stream_attention import TwoStreamAttention +from cliport.models.streams.two_stream_transport import TwoStreamTransport + +from cliport.models.streams.two_stream_attention import TwoStreamAttentionLat +from cliport.models.streams.two_stream_transport import TwoStreamTransportLat +import time +import IPython + +class TransporterAgent(LightningModule): + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__() + utils.set_seed(0) + self.automatic_optimization=False + self.device_type = torch.device('cuda' if torch.cuda.is_available() else 'cpu') # this is bad for PL :( + self.name = name + self.cfg = cfg + self.train_loader = train_ds + self.test_loader = test_ds + + self.train_ds = train_ds.dataset + self.test_ds = test_ds.dataset + + self.name = name + self.task = cfg['train']['task'] + self.total_steps = 0 + self.crop_size = 64 + self.n_rotations = cfg['train']['n_rotations'] + + self.pix_size = 0.003125 + self.in_shape = (320, 160, 6) + self.cam_config = cameras.RealSenseD415.CONFIG + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.28]]) + + self.val_repeats = cfg['train']['val_repeats'] + self.save_steps = cfg['train']['save_steps'] + + self._build_model() + ## + # reduce the number of parameters here + ## + self._optimizers = { + 'attn': torch.optim.Adam(self.attention.parameters(), lr=self.cfg['train']['lr']), + 'trans': torch.optim.Adam(self.transport.parameters(), lr=self.cfg['train']['lr']) + } + print("Agent: {}, Logging: {}".format(name, cfg['train']['log'])) + + def configure_optimizers(self): + return self._optimizers + + def _build_model(self): + self.attention = None + self.transport = None + raise NotImplementedError() + + def forward(self, x): + raise NotImplementedError() + + def cross_entropy_with_logits(self, pred, labels, reduction='mean'): + # Lucas found that both sum and mean work equally well + x = (-labels.view(len(labels), -1) * F.log_softmax(pred.view(len(labels), -1), -1)) + if reduction == 'sum': + return x.sum() + elif reduction == 'mean': + return x.mean() + else: + raise NotImplementedError() + + def attn_forward(self, inp, softmax=True): + inp_img = inp['inp_img'] + output = self.attention.forward(inp_img, softmax=softmax) + return output + + def attn_training_step(self, frame, backprop=True, compute_err=False): + inp_img = frame['img'] + p0, p0_theta = frame['p0'], frame['p0_theta'] + + inp = {'inp_img': inp_img} + out = self.attn_forward(inp, softmax=False) + return self.attn_criterion(backprop, compute_err, inp, out, p0, p0_theta) + + def attn_criterion(self, backprop, compute_err, inp, out, p, theta): + # Get label. + if type(theta) is torch.Tensor: + theta = theta.detach().cpu().numpy() + + theta_i = theta / (2 * np.pi / self.attention.n_rotations) + theta_i = np.int32(np.round(theta_i)) % self.attention.n_rotations + inp_img = inp['inp_img'].float() + + label_size = inp_img.shape[:3] + (self.attention.n_rotations,) + label = torch.zeros(label_size, dtype=torch.float, device=out.device) + + # remove this for-loop laters + for idx, p_i in enumerate(p): + label[idx, int(p_i[0]), int(p_i[1]), theta_i[idx]] = 1 + label = label.permute((0, 3, 1, 2)).contiguous() + + # Get loss. + loss = self.cross_entropy_with_logits(out, label) + + # Backpropagate. + if backprop: + attn_optim = self._optimizers['attn'] + self.manual_backward(loss) + attn_optim.step() + attn_optim.zero_grad() + + # Pixel and Rotation error (not used anywhere). + err = {} + if compute_err: + with torch.no_grad(): + pick_conf = self.attn_forward(inp) + pick_conf = pick_conf[0].permute(1,2,0) + pick_conf = pick_conf.detach().cpu().numpy() + p = p[0] + theta = theta[0] + + # single batch + argmax = np.argmax(pick_conf) + argmax = np.unravel_index(argmax, shape=pick_conf.shape) + p0_pix = argmax[:2] + p0_theta = argmax[2] * (2 * np.pi / pick_conf.shape[2]) + + err = { + 'dist': np.linalg.norm(np.array(p.detach().cpu().numpy()) - p0_pix, ord=1), + 'theta': np.absolute((theta - p0_theta) % np.pi) + } + return loss, err + + def trans_forward(self, inp, softmax=True): + inp_img = inp['inp_img'] + p0 = inp['p0'] + + output = self.transport.forward(inp_img, p0, softmax=softmax) + return output + + def transport_training_step(self, frame, backprop=True, compute_err=False): + inp_img = frame['img'].float() + p0 = frame['p0'] + p1, p1_theta = frame['p1'], frame['p1_theta'] + + inp = {'inp_img': inp_img, 'p0': p0} + output = self.trans_forward(inp, softmax=False) + err, loss = self.transport_criterion(backprop, compute_err, inp, output, p0, p1, p1_theta) + return loss, err + + def transport_criterion(self, backprop, compute_err, inp, output, p, q, theta): + s = time.time() + if type(theta) is torch.Tensor: + theta = theta.detach().cpu().numpy() + + itheta = theta / (2 * np.pi / self.transport.n_rotations) + itheta = np.int32(np.round(itheta)) % self.transport.n_rotations + + # Get one-hot pixel label map. + inp_img = inp['inp_img'] + + # label_size = inp_img.shape[:2] + (self.transport.n_rotations,) + label_size = inp_img.shape[:3] + (self.transport.n_rotations,) + label = torch.zeros(label_size, dtype=torch.float, device=output.device) + + # remove this for-loop laters + q[:,0] = torch.clamp(q[:,0], 0, label.shape[1]-1) + q[:,1] = torch.clamp(q[:,1], 0, label.shape[2]-1) + + for idx, q_i in enumerate(q): + label[idx, int(q_i[0]), int(q_i[1]), itheta[idx]] = 1 + label = label.permute((0, 3, 1, 2)).contiguous() + + # Get loss. + loss = self.cross_entropy_with_logits(output, label) + + if backprop: + transport_optim = self._optimizers['trans'] + transport_optim.zero_grad() + self.manual_backward(loss) + transport_optim.step() + + # Pixel and Rotation error (not used anywhere). + err = {} + if compute_err: + with torch.no_grad(): + place_conf = self.trans_forward(inp) + # pick the first batch + place_conf = place_conf[0] + q = q[0] + theta = theta[0] + place_conf = place_conf.permute(1, 2, 0) + place_conf = place_conf.detach().cpu().numpy() + argmax = np.argmax(place_conf) + argmax = np.unravel_index(argmax, shape=place_conf.shape) + p1_pix = argmax[:2] + p1_theta = argmax[2] * (2 * np.pi / place_conf.shape[2]) + + err = { + 'dist': np.linalg.norm(np.array(q.detach().cpu().numpy()) - p1_pix, ord=1), + 'theta': np.absolute((theta - p1_theta) % np.pi) + } + + self.transport.iters += 1 + return err, loss + + def training_step(self, batch, batch_idx): + + self.attention.train() + self.transport.train() + + frame, _ = batch + self.start_time = time.time() + + # Get training losses. + step = self.total_steps + 1 + loss0, err0 = self.attn_training_step(frame) + + self.start_time = time.time() + + if isinstance(self.transport, Attention): + loss1, err1 = self.attn_training_step(frame) + else: + loss1, err1 = self.transport_training_step(frame) + + total_loss = loss0 + loss1 + self.total_steps = step + self.start_time = time.time() + self.log('tr/attn/loss', loss0) + self.log('tr/trans/loss', loss1) + self.log('tr/loss', total_loss) + self.check_save_iteration() + + return dict( + loss=total_loss, + ) + + def check_save_iteration(self): + global_step = self.total_steps + + if (global_step + 1) % 100 == 0: + # save lastest checkpoint + print(f"Saving last.ckpt Epoch: {self.trainer.current_epoch} | Global Step: {self.trainer.global_step}") + self.save_last_checkpoint() + + def save_last_checkpoint(self): + checkpoint_path = os.path.join(self.cfg['train']['train_dir'], 'checkpoints') + ckpt_path = os.path.join(checkpoint_path, 'last.ckpt') + self.trainer.save_checkpoint(ckpt_path) + + def validation_step(self, batch, batch_idx): + self.attention.eval() + self.transport.eval() + + loss0, loss1 = 0, 0 + assert self.val_repeats >= 1 + for i in range(self.val_repeats): + frame, _ = batch + l0, err0 = self.attn_training_step(frame, backprop=False, compute_err=True) + loss0 += l0 + if isinstance(self.transport, Attention): + l1, err1 = self.attn_training_step(frame, backprop=False, compute_err=True) + loss1 += l1 + else: + l1, err1 = self.transport_training_step(frame, backprop=False, compute_err=True) + loss1 += l1 + loss0 /= self.val_repeats + loss1 /= self.val_repeats + val_total_loss = loss0 + loss1 + + return dict( + val_loss=val_total_loss, + val_loss0=loss0, + val_loss1=loss1, + val_attn_dist_err=err0['dist'], + val_attn_theta_err=err0['theta'], + val_trans_dist_err=err1['dist'], + val_trans_theta_err=err1['theta'], + ) + + def training_epoch_end(self, all_outputs): + super().training_epoch_end(all_outputs) + utils.set_seed(self.trainer.current_epoch+1) + + def validation_epoch_end(self, all_outputs): + mean_val_total_loss = np.mean([v['val_loss'].item() for v in all_outputs]) + mean_val_loss0 = np.mean([v['val_loss0'].item() for v in all_outputs]) + mean_val_loss1 = np.mean([v['val_loss1'].item() for v in all_outputs]) + total_attn_dist_err = np.sum([v['val_attn_dist_err'].sum() for v in all_outputs]) + total_attn_theta_err = np.sum([v['val_attn_theta_err'].sum() for v in all_outputs]) + total_trans_dist_err = np.sum([v['val_trans_dist_err'].sum() for v in all_outputs]) + total_trans_theta_err = np.sum([v['val_trans_theta_err'].sum() for v in all_outputs]) + + + self.log('vl/attn/loss', mean_val_loss0) + self.log('vl/trans/loss', mean_val_loss1) + self.log('vl/loss', mean_val_total_loss) + self.log('vl/total_attn_dist_err', total_attn_dist_err) + self.log('vl/total_attn_theta_err', total_attn_theta_err) + self.log('vl/total_trans_dist_err', total_trans_dist_err) + self.log('vl/total_trans_theta_err', total_trans_theta_err) + + print("\nAttn Err - Dist: {:.2f}, Theta: {:.2f}".format(total_attn_dist_err, total_attn_theta_err)) + print("Transport Err - Dist: {:.2f}, Theta: {:.2f}".format(total_trans_dist_err, total_trans_theta_err)) + + return dict( + val_loss=mean_val_total_loss, + val_loss0=mean_val_loss0, + mean_val_loss1=mean_val_loss1, + total_attn_dist_err=total_attn_dist_err, + total_attn_theta_err=total_attn_theta_err, + total_trans_dist_err=total_trans_dist_err, + total_trans_theta_err=total_trans_theta_err, + ) + + def act(self, obs, info=None, goal=None): # pylint: disable=unused-argument + """Run inference and return best action given visual observations.""" + # Get heightmap from RGB-D images. + img = self.test_ds.get_image(obs) + + # Attention model forward pass. + pick_inp = {'inp_img': img} + pick_conf = self.attn_forward(pick_inp) + + + pick_conf = pick_conf.detach().cpu().numpy() + argmax = np.argmax(pick_conf) + argmax = np.unravel_index(argmax, shape=pick_conf.shape) + p0_pix = argmax[:2] + p0_theta = argmax[2] * (2 * np.pi / pick_conf.shape[2]) + + # Transport model forward pass. + place_inp = {'inp_img': img, 'p0': p0_pix} + place_conf = self.trans_forward(place_inp) + place_conf = place_conf.permute(1, 2, 0) + place_conf = place_conf.detach().cpu().numpy() + argmax = np.argmax(place_conf) + argmax = np.unravel_index(argmax, shape=place_conf.shape) + p1_pix = argmax[:2] + p1_theta = argmax[2] * (2 * np.pi / place_conf.shape[2]) + + # Pixels to end effector poses. + hmap = img[:, :, 3] + p0_xyz = utils.pix_to_xyz(p0_pix, hmap, self.bounds, self.pix_size) + p1_xyz = utils.pix_to_xyz(p1_pix, hmap, self.bounds, self.pix_size) + p0_xyzw = utils.eulerXYZ_to_quatXYZW((0, 0, -p0_theta)) + p1_xyzw = utils.eulerXYZ_to_quatXYZW((0, 0, -p1_theta)) + + return { + 'pose0': (np.asarray(p0_xyz), np.asarray(p0_xyzw)), + 'pose1': (np.asarray(p1_xyz), np.asarray(p1_xyzw)), + 'pick': p0_pix, + 'place': p1_pix, + } + + def optimizer_step(self, current_epoch, batch_nb, optimizer, optimizer_i, second_order_closure, on_tpu, using_native_amp, using_lbfgs): + pass + + def configure_optimizers(self): + pass + + def train_dataloader(self): + return self.train_loader + + def val_dataloader(self): + return self.test_loader + + def load(self, model_path): + self.load_state_dict(torch.load(model_path)['state_dict']) + self.to(device=self.device_type) + + +class OriginalTransporterAgent(TransporterAgent): + + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_fcn = 'plain_resnet' + self.attention = Attention( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = Transport( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class ClipUNetTransporterAgent(TransporterAgent): + + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_fcn = 'clip_unet' + self.attention = Attention( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = Transport( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class TwoStreamClipUNetTransporterAgent(TransporterAgent): + + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet' + stream_two_fcn = 'clip_unet' + self.attention = TwoStreamAttention( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransport( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class TwoStreamClipUNetLatTransporterAgent(TransporterAgent): + + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet_lat' + stream_two_fcn = 'clip_unet_lat' + self.attention = TwoStreamAttentionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class TwoStreamClipWithoutSkipsTransporterAgent(TransporterAgent): + + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + # TODO: lateral version + stream_one_fcn = 'plain_resnet' + stream_two_fcn = 'clip_woskip' + self.attention = TwoStreamAttention( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransport( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class TwoStreamRN50BertUNetTransporterAgent(TransporterAgent): + + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + # TODO: lateral version + stream_one_fcn = 'plain_resnet' + stream_two_fcn = 'rn50_bert_unet' + self.attention = TwoStreamAttention( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransport( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) diff --git a/cliport/agents/transporter_image_goal.py b/cliport/agents/transporter_image_goal.py new file mode 100644 index 0000000000000000000000000000000000000000..ea0cd9d993c9546abc9f51f635ac05a464c6bf48 --- /dev/null +++ b/cliport/agents/transporter_image_goal.py @@ -0,0 +1,161 @@ +import numpy as np + +from cliport.utils import utils +from cliport.agents.transporter import OriginalTransporterAgent +from cliport.models.core.attention import Attention +from cliport.models.core.attention_image_goal import AttentionImageGoal +from cliport.models.core.transport_image_goal import TransportImageGoal + + +class ImageGoalTransporterAgent(OriginalTransporterAgent): + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_fcn = 'plain_resnet' + self.attention = AttentionImageGoal( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TransportImageGoal( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + def attn_forward(self, inp, softmax=True): + inp_img = inp['inp_img'] + goal_img = inp['goal_img'] + + out = self.attention.forward(inp_img, goal_img, softmax=softmax) + return out + + def attn_training_step(self, frame, goal, backprop=True, compute_err=False): + inp_img = frame['img'] + goal_img = goal['img'] + p0, p0_theta = frame['p0'], frame['p0_theta'] + + inp = {'inp_img': inp_img, 'goal_img': goal_img} + out = self.attn_forward(inp, softmax=False) + return self.attn_criterion(backprop, compute_err, inp, out, p0, p0_theta) + + def trans_forward(self, inp, softmax=True): + inp_img = inp['inp_img'] + goal_img = inp['goal_img'] + p0 = inp['p0'] + + out = self.transport.forward(inp_img, goal_img, p0, softmax=softmax) + return out + + def transport_training_step(self, frame, goal, backprop=True, compute_err=False): + inp_img = frame['img'] + goal_img = goal['img'] + p0 = frame['p0'] + p1, p1_theta = frame['p1'], frame['p1_theta'] + + inp = {'inp_img': inp_img, 'goal_img': goal_img, 'p0': p0} + out = self.trans_forward(inp, softmax=False) + err, loss = self.transport_criterion(backprop, compute_err, inp, out, p0, p1, p1_theta) + return loss, err + + def training_step(self, batch, batch_idx): + self.attention.train() + self.transport.train() + frame, goal = batch + + # Get training losses. + step = self.total_steps + 1 + loss0, err0 = self.attn_training_step(frame, goal) + if isinstance(self.transport, Attention): + loss1, err1 = self.attn_training_step(frame, goal) + else: + loss1, err1 = self.transport_training_step(frame, goal) + total_loss = loss0 + loss1 + self.log('tr/attn/loss', loss0) + self.log('tr/trans/loss', loss1) + self.log('tr/loss', total_loss) + self.total_steps = step + + self.trainer.train_loop.running_loss.append(total_loss) + + self.check_save_iteration() + + return dict( + loss=total_loss, + ) + + def validation_step(self, batch, batch_idx): + self.attention.eval() + self.transport.eval() + + loss0, loss1 = 0, 0 + for i in range(self.val_repeats): + frame, goal = batch + l0, err0 = self.attn_training_step(frame, goal, backprop=False, compute_err=True) + loss0 += l0 + if isinstance(self.transport, Attention): + l1, err1 = self.attn_training_step(frame, goal, backprop=False, compute_err=True) + loss1 += l1 + else: + l1, err1 = self.transport_training_step(frame, goal, backprop=False, compute_err=True) + loss1 += l1 + loss0 /= self.val_repeats + loss1 /= self.val_repeats + val_total_loss = loss0 + loss1 + + self.trainer.evaluation_loop.trainer.train_loop.running_loss.append(val_total_loss) + + return dict( + val_loss=val_total_loss, + val_loss0=loss0, + val_loss1=loss1, + val_attn_dist_err=err0['dist'], + val_attn_theta_err=err0['theta'], + val_trans_dist_err=err1['dist'], + val_trans_theta_err=err1['theta'], + ) + + def act(self, obs, info=None, goal=None): # pylint: disable=unused-argument + """Run inference and return best action given visual observations.""" + # Get heightmap from RGB-D images. + img = self.test_ds.get_image(obs) + goal_img = self.test_ds.get_image(goal[0]) + + # Attention model forward pass. + pick_conf = self.attention.forward(img, goal_img) + pick_conf = pick_conf.detach().cpu().numpy() + argmax = np.argmax(pick_conf) + argmax = np.unravel_index(argmax, shape=pick_conf.shape) + p0_pix = argmax[:2] + p0_theta = argmax[2] * (2 * np.pi / pick_conf.shape[2]) + + # Transport model forward pass. + place_conf = self.transport.forward(img, goal_img, p0_pix) + place_conf = place_conf.permute(1, 2, 0) + place_conf = place_conf.detach().cpu().numpy() + argmax = np.argmax(place_conf) + argmax = np.unravel_index(argmax, shape=place_conf.shape) + p1_pix = argmax[:2] + p1_theta = argmax[2] * (2 * np.pi / place_conf.shape[2]) + + # Pixels to end effector poses. + hmap = img[:, :, 3] + p0_xyz = utils.pix_to_xyz(p0_pix, hmap, self.bounds, self.pix_size) + p1_xyz = utils.pix_to_xyz(p1_pix, hmap, self.bounds, self.pix_size) + p0_xyzw = utils.eulerXYZ_to_quatXYZW((0, 0, -p0_theta)) + p1_xyzw = utils.eulerXYZ_to_quatXYZW((0, 0, -p1_theta)) + + return { + 'pose0': (np.asarray(p0_xyz), np.asarray(p0_xyzw)), + 'pose1': (np.asarray(p1_xyz), np.asarray(p1_xyzw)), + 'pick': p0_pix, + 'place': p1_pix, + } diff --git a/cliport/agents/transporter_lang_goal.py b/cliport/agents/transporter_lang_goal.py new file mode 100644 index 0000000000000000000000000000000000000000..42e6dbcd7d913997c2279e67fc4ea622b94f4201 --- /dev/null +++ b/cliport/agents/transporter_lang_goal.py @@ -0,0 +1,386 @@ +import numpy as np + +from cliport.utils import utils +from cliport.agents.transporter import TransporterAgent + +from cliport.models.streams.one_stream_attention_lang_fusion import OneStreamAttentionLangFusion +from cliport.models.streams.one_stream_transport_lang_fusion import OneStreamTransportLangFusion +from cliport.models.streams.two_stream_attention_lang_fusion import TwoStreamAttentionLangFusion +from cliport.models.streams.two_stream_transport_lang_fusion import TwoStreamTransportLangFusion, TwoStreamTransportLangFusionLatReduce, TwoStreamTransportLangFusionLatPretrained18 +from cliport.models.streams.two_stream_attention_lang_fusion import TwoStreamAttentionLangFusionLat, TwoStreamAttentionLangFusionLatReduce + +from cliport.models.streams.two_stream_transport_lang_fusion import TwoStreamTransportLangFusionLatReduceOneStream +from cliport.models.streams.two_stream_transport_lang_fusion import TwoStreamTransportLangFusionLat +import torch +import time + + +class TwoStreamClipLingUNetTransporterAgent(TransporterAgent): + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet' + stream_two_fcn = 'clip_lingunet' + self.attention = TwoStreamAttentionLangFusion( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusion( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + def attn_forward(self, inp, softmax=True): + inp_img = inp['inp_img'] + if type(inp_img) is not torch.Tensor: + inp_img = torch.from_numpy(inp_img).to('cuda').float().contiguous() + lang_goal = inp['lang_goal'] + + out = self.attention.forward(inp_img.float(), lang_goal, softmax=softmax) + return out + + def attn_training_step(self, frame, backprop=True, compute_err=False): + inp_img = frame['img'] + if type(inp_img) is not torch.Tensor: + inp_img = torch.from_numpy(inp_img).to('cuda').float() + p0, p0_theta = frame['p0'], frame['p0_theta'] + lang_goal = frame['lang_goal'] + + inp = {'inp_img': inp_img, 'lang_goal': lang_goal} + out = self.attn_forward(inp, softmax=False) + return self.attn_criterion(backprop, compute_err, inp, out, p0, p0_theta) + + def trans_forward(self, inp, softmax=True): + inp_img = inp['inp_img'] + if type(inp_img) is not torch.Tensor: + inp_img = torch.from_numpy(inp_img).to('cuda').float() + p0 = inp['p0'] + lang_goal = inp['lang_goal'] + out = self.transport.forward(inp_img.float(), p0, lang_goal, softmax=softmax) + return out + + def transport_training_step(self, frame, backprop=True, compute_err=False): + inp_img = frame['img'] + p0 = frame['p0'] + p1, p1_theta = frame['p1'], frame['p1_theta'] + lang_goal = frame['lang_goal'] + + inp = {'inp_img': inp_img, 'p0': p0, 'lang_goal': lang_goal} + out = self.trans_forward(inp, softmax=False) + err, loss = self.transport_criterion(backprop, compute_err, inp, out, p0, p1, p1_theta) + return loss, err + + def act(self, obs, info, goal=None): # pylint: disable=unused-argument + """Run inference and return best action given visual observations.""" + # Get heightmap from RGB-D images. + img = self.test_ds.get_image(obs) + lang_goal = info['lang_goal'] + + # Attention model forward pass. + pick_inp = {'inp_img': img, 'lang_goal': lang_goal} + pick_conf = self.attn_forward(pick_inp) + pick_conf = pick_conf[0].permute(1, 2, 0).detach().cpu().numpy() + # + argmax = np.argmax(pick_conf) + # import IPython; IPython.embed() + argmax = np.unravel_index(argmax, shape=pick_conf.shape) + p0_pix = argmax[:2] + p0_theta = argmax[2] * (2 * np.pi / pick_conf.shape[2]) + + # Transport model forward pass. + place_inp = {'inp_img': img, 'p0': p0_pix, 'lang_goal': lang_goal} + place_conf = self.trans_forward(place_inp) + place_conf = place_conf.squeeze().permute(1, 2, 0) + place_conf = place_conf.detach().cpu().numpy() + argmax = np.argmax(place_conf) + argmax = np.unravel_index(argmax, shape=place_conf.shape) + p1_pix = argmax[:2] + p1_theta = argmax[2] * (2 * np.pi / place_conf.shape[2]) + + # Pixels to end effector poses. + hmap = img[:, :, 3] + p0_xyz = utils.pix_to_xyz(p0_pix, hmap, self.bounds, self.pix_size) + p1_xyz = utils.pix_to_xyz(p1_pix, hmap, self.bounds, self.pix_size) + p0_xyzw = utils.eulerXYZ_to_quatXYZW((0, 0, -p0_theta)) + p1_xyzw = utils.eulerXYZ_to_quatXYZW((0, 0, -p1_theta)) + + return { + 'pose0': (np.asarray(p0_xyz), np.asarray(p0_xyzw)), + 'pose1': (np.asarray(p1_xyz), np.asarray(p1_xyzw)), + 'pick': [p0_pix[0], p0_pix[1], p0_theta], + 'place': [p1_pix[0], p1_pix[1], p1_theta], + } + + +class TwoStreamClipFilmLingUNetLatTransporterAgent(TwoStreamClipLingUNetTransporterAgent): + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet_lat' + stream_two_fcn = 'clip_film_lingunet_lat' + self.attention = TwoStreamAttentionLangFusionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class TwoStreamClipLingUNetLatTransporterAgent(TwoStreamClipLingUNetTransporterAgent): # This is our model + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet_lat' + stream_two_fcn = 'clip_lingunet_lat' + self.attention = TwoStreamAttentionLangFusionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + + +class TwoStreamClipLingUNetLatTransporterAgentReduce(TwoStreamClipLingUNetTransporterAgent): # This is our model + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet_lat' + stream_two_fcn = 'clip_lingunet_lat' + self.attention = TwoStreamAttentionLangFusionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusionLatReduce( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + + +class TwoStreamClipLingUNetLatTransporterAgentReduceOneStream(TwoStreamClipLingUNetTransporterAgent): # This is our model + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet_lat' + stream_two_fcn = 'clip_lingunet_lat' + self.attention = TwoStreamAttentionLangFusionLatReduce( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusionLatReduceOneStream( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class TwoStreamClipLingUNetLatTransporterAgentReducePretrained(TwoStreamClipLingUNetTransporterAgent): # This is our model + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet_lat' + stream_two_fcn = 'clip_lingunet_lat' + self.attention = TwoStreamAttentionLangFusionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusionLatPretrained18( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + + +class TwoStreamRN50BertLingUNetTransporterAgent(TwoStreamClipLingUNetTransporterAgent): + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet' + stream_two_fcn = 'rn50_bert_lingunet' + self.attention = TwoStreamAttentionLangFusion( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusion( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class TwoStreamUntrainedRN50BertLingUNetTransporterAgent(TwoStreamClipLingUNetTransporterAgent): + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet' + stream_two_fcn = 'untrained_rn50_bert_lingunet' + self.attention = TwoStreamAttentionLangFusion( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusion( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class TwoStreamRN50BertLingUNetLatTransporterAgent(TwoStreamClipLingUNetTransporterAgent): + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_one_fcn = 'plain_resnet_lat' + stream_two_fcn = 'rn50_bert_lingunet_lat' + self.attention = TwoStreamAttentionLangFusionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = TwoStreamTransportLangFusionLat( + stream_fcn=(stream_one_fcn, stream_two_fcn), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + +class OriginalTransporterLangFusionAgent(TwoStreamClipLingUNetTransporterAgent): + + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_fcn = 'plain_resnet_lang' + self.attention = OneStreamAttentionLangFusion( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = OneStreamTransportLangFusion( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + + + +class ClipLingUNetTransporterAgent(TwoStreamClipLingUNetTransporterAgent): + + def __init__(self, name, cfg, train_ds, test_ds): + super().__init__(name, cfg, train_ds, test_ds) + + def _build_model(self): + stream_fcn = 'clip_lingunet' + self.attention = OneStreamAttentionLangFusion( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=1, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) + self.transport = OneStreamTransportLangFusion( + stream_fcn=(stream_fcn, None), + in_shape=self.in_shape, + n_rotations=self.n_rotations, + crop_size=self.crop_size, + preprocess=utils.preprocess, + cfg=self.cfg, + device=self.device_type, + ) \ No newline at end of file diff --git a/cliport/cfg/config.yaml b/cliport/cfg/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..318d7b6be0d454730001e552bb2b020f94a73ef5 --- /dev/null +++ b/cliport/cfg/config.yaml @@ -0,0 +1,30 @@ +# @package _global_ +root_dir: ${oc.env:GENSIM_ROOT} # set this ENV variable if you didn't `python setup.py develop` + +tag: default +debug: False +gpt_temperature: 0.8 # GPT-4 response temperature. higher means more diversity +prompt_folder: vanilla_task_generation_prompt # the prompt folder that stores the prompt chain +max_env_run_cnt: 3 # maximum number of runs for each environment +trials: 10 # how many times of spawning each environment generated +output_folder: 'output/output_stats' +model_output_dir: '' # to be filled in with date +gpt_model: "gpt-4-0613" # which openai gpt model to use +openai_key: ${oc.env:OPENAI_KEY} + +# Advanced options +task_description_candidate_num: -1 # the number of sample task descriptions. -1 means all +task_asset_candidate_num: -1 # the number of sample task descriptions. -1 means all +task_code_candidate_num: 4 # the number of sample task code. -1 means all + + +# Save and Load Memory +prompt_data_path: prompts/data/ +save_memory: False # save the assets, task code, task descriptions generated offline +load_memory: False # load the assets, task code, task descriptions generated offline +use_template: False # use template when constructing prompts, better for scaling +reflection_agreement_num: 2 # how many models that need to agree to add a new task in reflection + +target_task_name: "" # specific desired task name +save_code_early: False # ignore test and save the code after implementation +load_task_num: -1 # how many tasks to load from offline \ No newline at end of file diff --git a/cliport/cfg/data.yaml b/cliport/cfg/data.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ca0db5b9c0b77d0389cf68632ba21cb8a48fa8eb --- /dev/null +++ b/cliport/cfg/data.yaml @@ -0,0 +1,34 @@ +# Data Generation + +defaults: + - config + +hydra: + run: + dir: ${root_dir} + +data_dir: ${root_dir}/data # where to store dataset +assets_root: ${root_dir}/cliport/environments/assets/ +disp: False # visualize PyBullet +shared_memory: False +task: packing-boxes-pairs-seen-colors +mode: train # 'train' or 'val' or 'test' +n: 1000 # number of demos to generate +save_data: True # write episodes to disk + +dataset: + type: 'single' # 'single' or 'multi' + images: True + cache: True # load episodes to memory instead of reading from disk + augment: + theta_sigma: 60 # rotation sigma in degrees; N(mu = 0, sigma = theta_sigma). + +# record videos (super slow) +record: + save_video: False + save_video_path: ${data_dir}/${task}-${mode}/videos/ + add_text: False + add_task_text: True + fps: 20 + video_height: 640 + video_width: 720 diff --git a/cliport/cfg/eval.yaml b/cliport/cfg/eval.yaml new file mode 100644 index 0000000000000000000000000000000000000000..d3d352c0436364ea40c4683b3335d9c68981bd02 --- /dev/null +++ b/cliport/cfg/eval.yaml @@ -0,0 +1,50 @@ +# Evaluation + +defaults: + - config + +hydra: + run: + dir: ${root_dir} + +mode: val # 'val' or 'test' + +# eval settings +agent: cliport +n_demos: 100 # number of val instances +train_demos: 100 # training demos used to train model +n_repeats: 1 # number of repeats +gpu: [0] +save_results: True # write results to json +update_results: False # overwrite existing json results? +checkpoint_type: 'val_missing' +val_on_heldout: True + +disp: False +shared_memory: False +eval_task: packing-boxes-pairs-seen-colors # task to evaluate the model on +model_task: ${eval_task} # task the model was trained on (e.g. multi-language-conditioned or packing-boxes-pairs-seen-colors) +type: single # 'single' or 'multi' + +# paths +model_dir: ${root_dir} +exp_folder: exps +data_dir: ${root_dir}/data +assets_root: ${root_dir}/cliport/environments/assets/ + +model_path: ${model_dir}/${exp_folder}/${model_task}-${agent}-n${train_demos}-train/checkpoints/ # path to pre-trained models +train_config: ${model_dir}/${exp_folder}/${model_task}-${agent}-n${train_demos}-train/.hydra/config.yaml # path to train config +save_path: ${model_dir}/${exp_folder}/${eval_task}-${agent}-n${train_demos}-train/checkpoints/ # path to save results +results_path: ${model_dir}/${exp_folder}/${eval_task}-${agent}-n${train_demos}-train/checkpoints/ # path to existing results + + +# record videos (super slow) +record: + save_video: False + save_video_path: ${model_dir}/${exp_folder}/${eval_task}-${agent}-n${train_demos}-train/videos/ + add_text: True + fps: 20 + video_height: 640 + video_width: 720 + add_task_text: False + blender_render: False # new: use blender recorder for rendering \ No newline at end of file diff --git a/cliport/cfg/train.yaml b/cliport/cfg/train.yaml new file mode 100644 index 0000000000000000000000000000000000000000..19806ca64fcb3818fd14ac28d2154b855c89992d --- /dev/null +++ b/cliport/cfg/train.yaml @@ -0,0 +1,59 @@ +# Training + +defaults: + - config + +hydra: + run: + dir: ${train.train_dir} + +dataset: + type: 'single' # 'single' or 'multi' + images: True + cache: True # load episodes to memory instead of reading from disk + augment: + theta_sigma: 60 # rotation sigma in degrees; N(mu = 0, sigma = theta_sigma). + +train: + # folders + model_task: ${train.task} + exp_folder: exps + train_dir: ${root_dir}/${train.exp_folder}/${train.model_task}-${train.agent}-n${train.n_demos}-train + data_dir: ${root_dir}/data + + # task configs + task: packing-boxes-pairs-seen-colors + agent: two_stream_full_clip_lingunet_lat_transporter + n_demos: 100 + n_steps: 61000 # original paper use 200000 for single task and use 601000 for multi-task models + + # hyper params + n_rotations: 36 + batch_size: 8 + batchnorm: False # important: False because batch_size=1 + lr: 1e-4 + + attn_stream_fusion_type: 'add' + trans_stream_fusion_type: 'conv' + lang_fusion_type: 'mult' + training_step_scale: 200 # How many epochs are needed. 100 data sample requires 20000 steps. -1 means ignored. + + # script configs + gpu: -1 # -1 for all + log: False # log metrics and stats to wandb + n_val: 10 + val_repeats: 1 + save_steps: [1000, 2000, 3000, 4000, 5000, 7000, 10000, 20000, 40000, 80000, 120000, 160000, 200000, 300000, 400000, 500000, 600000, 800000, 1000000, 1200000] + load_from_last_ckpt: False # still change to True + +wandb: + run_name: 'cliport0' + logger: + entity: cliport + project: cliport + tags: [] + group: train + offline: False + saver: + upload: False + monitor: 'val_loss' \ No newline at end of file diff --git a/cliport/dataset.py b/cliport/dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..ad5e638b6c0feeb6ae7f2a8d982b95f6c96f47b2 --- /dev/null +++ b/cliport/dataset.py @@ -0,0 +1,940 @@ +"""Image dataset.""" + +import os +import pickle +import warnings + +import numpy as np +from torch.utils.data import Dataset + +from cliport import tasks +from cliport.tasks import cameras +from cliport.utils import utils +import traceback + +# See transporter.py, regression.py, dummy.py, task.py, etc. +PIXEL_SIZE = 0.003125 +CAMERA_CONFIG = cameras.RealSenseD415.CONFIG +BOUNDS = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.28]]) + +# Names as strings, REVERSE-sorted so longer (more specific) names are first. +TASK_NAMES = (tasks.names).keys() +TASK_NAMES = sorted(TASK_NAMES)[::-1] + + +class RavensDataset(Dataset): + """A simple image dataset class.""" + + def __init__(self, path, cfg, n_demos=0, augment=False): + """A simple RGB-D image dataset.""" + self._path = path + + self.cfg = cfg + self.sample_set = [] + self.max_seed = -1 + self.n_episodes = 0 + self.images = self.cfg['dataset']['images'] + self.cache = self.cfg['dataset']['cache'] + self.n_demos = n_demos + self.augment = augment + + self.aug_theta_sigma = self.cfg['dataset']['augment']['theta_sigma'] if 'augment' in self.cfg['dataset'] else 60 # legacy code issue: theta_sigma was newly added + self.pix_size = 0.003125 + self.in_shape = (320, 160, 6) + self.cam_config = cameras.RealSenseD415.CONFIG + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.28]]) + + # Track existing dataset if it exists. + color_path = os.path.join(self._path, 'action') + if os.path.exists(color_path): + for fname in sorted(os.listdir(color_path)): + if '.pkl' in fname: + seed = int(fname[(fname.find('-') + 1):-4]) + self.n_episodes += 1 + self.max_seed = max(self.max_seed, seed) + + self._cache = {} + + if self.n_demos > 0: + self.images = self.cfg['dataset']['images'] + self.cache = self.cfg['dataset']['cache'] + + # Check if there sufficient demos in the dataset + if self.n_demos > self.n_episodes: + # raise Exception(f"Requested training on {self.n_demos} demos, but only {self.n_episodes} demos exist in the dataset path: {self._path}.") + print(f"Requested training on {self.n_demos} demos, but only {self.n_episodes} demos exist in the dataset path: {self._path}.") + self.n_demos = self.n_episodes + + episodes = np.random.choice(range(self.n_episodes), self.n_demos, False) + self.set(episodes) + + + def add(self, seed, episode): + """Add an episode to the dataset. + + Args: + seed: random seed used to initialize the episode. + episode: list of (obs, act, reward, info) tuples. + """ + color, depth, action, reward, info = [], [], [], [], [] + for obs, act, r, i in episode: + color.append(obs['color']) + depth.append(obs['depth']) + action.append(act) + reward.append(r) + info.append(i) + + color = np.uint8(color) + depth = np.float32(depth) + + def dump(data, field): + field_path = os.path.join(self._path, field) + if not os.path.exists(field_path): + os.makedirs(field_path) + fname = f'{self.n_episodes:06d}-{seed}.pkl' # -{len(episode):06d} + with open(os.path.join(field_path, fname), 'wb') as f: + pickle.dump(data, f) + + dump(color, 'color') + dump(depth, 'depth') + dump(action, 'action') + dump(reward, 'reward') + dump(info, 'info') + + self.n_episodes += 1 + self.max_seed = max(self.max_seed, seed) + + def set(self, episodes): + """Limit random samples to specific fixed set.""" + self.sample_set = episodes + + def load(self, episode_id, images=True, cache=False): + # TODO(lirui): consider loading into memory + def load_field(episode_id, field, fname): + + # Check if sample is in cache. + if cache: + if episode_id in self._cache: + if field in self._cache[episode_id]: + return self._cache[episode_id][field] + else: + self._cache[episode_id] = {} + + # Load sample from files. + path = os.path.join(self._path, field) + data = pickle.load(open(os.path.join(path, fname), 'rb')) + if cache: + self._cache[episode_id][field] = data + return data + + # Get filename and random seed used to initialize episode. + seed = None + path = os.path.join(self._path, 'action') + for fname in sorted(os.listdir(path)): + if f'{episode_id:06d}' in fname: + seed = int(fname[(fname.find('-') + 1):-4]) + + # Load data. + color = load_field(episode_id, 'color', fname) + depth = load_field(episode_id, 'depth', fname) + action = load_field(episode_id, 'action', fname) + reward = load_field(episode_id, 'reward', fname) + info = load_field(episode_id, 'info', fname) + + # Reconstruct episode. + episode = [] + for i in range(len(action)): + obs = {'color': color[i], 'depth': depth[i]} if images else {} + episode.append((obs, action[i], reward[i], info[i])) + return episode, seed + + print(f'{episode_id:06d} not in ', path) + + def get_image(self, obs, cam_config=None): + """Stack color and height images image.""" + + # if self.use_goal_image: + # colormap_g, heightmap_g = utils.get_fused_heightmap(goal, configs) + # goal_image = self.concatenate_c_h(colormap_g, heightmap_g) + # input_image = np.concatenate((input_image, goal_image), axis=2) + # assert input_image.shape[2] == 12, input_image.shape + + if cam_config is None: + cam_config = self.cam_config + + # Get color and height maps from RGB-D images. + cmap, hmap = utils.get_fused_heightmap( + obs, cam_config, self.bounds, self.pix_size) + img = np.concatenate((cmap, + hmap[Ellipsis, None], + hmap[Ellipsis, None], + hmap[Ellipsis, None]), axis=2) + assert img.shape == self.in_shape, img.shape + return img + + def process_sample(self, datum, augment=True): + # Get training labels from data sample. + (obs, act, _, info) = datum + img = self.get_image(obs) + + # p0, p1 = None, None + # p0_theta, p1_theta = None, None + # perturb_params = None + p0, p1 = np.zeros(1), np.zeros(1) + p0_theta, p1_theta = np.zeros(1), np.zeros(1) + perturb_params = np.zeros(5) + + if act: + p0_xyz, p0_xyzw = act['pose0'] + p1_xyz, p1_xyzw = act['pose1'] + p0 = utils.xyz_to_pix(p0_xyz, self.bounds, self.pix_size) + p0_theta = -np.float32(utils.quatXYZW_to_eulerXYZ(p0_xyzw)[2]) + p1 = utils.xyz_to_pix(p1_xyz, self.bounds, self.pix_size) + p1_theta = -np.float32(utils.quatXYZW_to_eulerXYZ(p1_xyzw)[2]) + p1_theta = p1_theta - p0_theta + p0_theta = 0 + + # Data augmentation. + if augment: + img, _, (p0, p1), perturb_params = utils.perturb(img, [p0, p1], theta_sigma=self.aug_theta_sigma) + + # print("sample", p0,p1,p0_theta,p1_theta,perturb_params) + sample = { + 'img': img.copy(), + 'p0': np.array(p0).copy(), 'p0_theta': np.array(p0_theta).copy(), + 'p1': np.array(p1).copy(), 'p1_theta': np.array(p1_theta).copy() , + 'perturb_params': np.array(perturb_params).copy() + } + + # Add language goal if available. + if 'lang_goal' not in info: + warnings.warn("No language goal. Defaulting to 'task completed.'") + + if info and 'lang_goal' in info: + sample['lang_goal'] = info['lang_goal'] + else: + sample['lang_goal'] = "task completed." + + return sample + + def process_goal(self, goal, perturb_params): + # Get goal sample. + (obs, act, _, info) = goal + img = self.get_image(obs) + + # p0, p1 = None, None + # p0_theta, p1_theta = None, None + + p0, p1 = np.zeros(1), np.zeros(1) + p0_theta, p1_theta = np.zeros(1), np.zeros(1) + + # Data augmentation with specific params. + # try: + if perturb_params is not None and len(perturb_params) > 1: + img = utils.apply_perturbation(img, perturb_params) + + sample = { + 'img': img.copy(), + 'p0': p0 , 'p0_theta': np.array(p0_theta).copy(), + 'p1': p1, 'p1_theta': np.array(p1_theta).copy(), + 'perturb_params': np.array(perturb_params).copy() + } + + # Add language goal if available. + if 'lang_goal' not in info: + warnings.warn("No language goal. Defaulting to 'task completed.'") + # print("goal",p0,p1,p0_theta,p1_theta,perturb_params) + + if info and 'lang_goal' in info: + sample['lang_goal'] = info['lang_goal'] + else: + sample['lang_goal'] = "task completed." + + return sample + + def __len__(self): + return len(self.sample_set) + + def __getitem__(self, idx): + # Choose random episode. + # if len(self.sample_set) > 0: + # episode_id = np.random.choice(self.sample_set) + # else: + # episode_id = np.random.choice(range(self.n_episodes)) + episode_id = self.sample_set[idx] + res = self.load(episode_id, self.images, self.cache) + if res is None: + print("in get item", episode_id, self._path) + print("load sample return None. Reload") + print("Exception:", str(traceback.format_exc())) + return self[0] # + + episode, _ = res + # Is the task sequential like stack-block-pyramid-seq? + is_sequential_task = '-seq' in self._path.split("/")[-1] + + # Return random observation action pair (and goal) from episode. + i = np.random.choice(range(len(episode)-1)) + g = i+1 if is_sequential_task else -1 + sample, goal = episode[i], episode[g] + + # Process sample. + sample = self.process_sample(sample, augment=self.augment) + goal = self.process_goal(goal, perturb_params=sample['perturb_params']) + return sample, goal + + +class RavensMultiTaskDataset(RavensDataset): + + + def __init__(self, path, cfg, group='multi-all', + mode='train', n_demos=100, augment=False): + """A multi-task dataset.""" + self.root_path = path + self.mode = mode + if group not in self.MULTI_TASKS: + # generate the groups on the fly + self.tasks = list(set(group)) # .split(" ") + else: + self.tasks = self.MULTI_TASKS[group][mode] + + print("self.tasks:", self.tasks) + self.attr_train_task = self.MULTI_TASKS[group]['attr_train_task'] if group in self.MULTI_TASKS and 'attr_train_task' in self.MULTI_TASKS[group] else None + + self.cfg = cfg + self.sample_set = {} + self.max_seed = -1 + self.n_episodes = 0 + self.images = self.cfg['dataset']['images'] + self.cache = self.cfg['dataset']['cache'] + self.n_demos = n_demos + self.augment = augment + + self.aug_theta_sigma = self.cfg['dataset']['augment']['theta_sigma'] if 'augment' in self.cfg['dataset'] else 60 # legacy code issue: theta_sigma was newly added + self.pix_size = 0.003125 + self.in_shape = (320, 160, 6) + self.cam_config = cameras.RealSenseD415.CONFIG + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.28]]) + + self.n_episodes = {} + episodes = {} + + for task in self.tasks: + task_path = os.path.join(self.root_path, f'{task}-{mode}') + action_path = os.path.join(task_path, 'action') + n_episodes = 0 + if os.path.exists(action_path): + for fname in sorted(os.listdir(action_path)): + if '.pkl' in fname: + n_episodes += 1 + self.n_episodes[task] = n_episodes + + if n_episodes == 0: + raise Exception(f"{task}-{mode} has 0 episodes. Remove it from the list in dataset.py") + + # Select random episode depending on the size of the dataset. + episodes[task] = np.random.choice(range(n_episodes), min(self.n_demos, n_episodes), False) + + if self.n_demos > 0: + self.images = self.cfg['dataset']['images'] + self.cache = False # TODO(mohit): fix caching for multi-task dataset + self.set(episodes) + + self._path = None + self._task = None + + def __len__(self): + # Average number of episodes across all tasks + total_episodes = 0 + for _, episode_ids in self.sample_set.items(): + total_episodes += len(episode_ids) + avg_episodes = total_episodes # // len(self.sample_set) + return avg_episodes + + def __getitem__(self, idx): + # Choose random task. + self._task = self.tasks[idx % len(self.tasks)] # np.random.choice(self.tasks) + self._path = os.path.join(self.root_path, f'{self._task}') + + # Choose random episode. + if len(self.sample_set[self._task]) > 0: + episode_id = np.random.choice(self.sample_set[self._task]) + else: + episode_id = np.random.choice(range(self.n_episodes[self._task])) + + res = self.load(episode_id, self.images, self.cache) + if res is None: + print("failed in get item", episode_id, self._task, self._path) + print("Exception:", str(traceback.format_exc())) + + return self[np.random.randint(len(self))] # + + episode, _ = res + + # Is the task sequential like stack-block-pyramid-seq? + is_sequential_task = '-seq' in self._path.split("/")[-1] + + # Return observation action pair (and goal) from episode. + if len(episode) > 1: + i = np.random.choice(range(len(episode)-1)) + g = i+1 if is_sequential_task else -1 + sample, goal = episode[i], episode[g] + else: + sample, goal = episode[0], episode[0] + + # Process sample + sample = self.process_sample(sample, augment=self.augment) + goal = self.process_goal(goal, perturb_params=sample['perturb_params']) + + return sample, goal + + def add(self, seed, episode): + raise Exception("Adding tasks not supported with multi-task dataset") + + def load(self, episode_id, images=True, cache=False): + # if self.attr_train_task is None or self.mode in ['val', 'test']: + # self._task = np.random.choice(self.tasks) + # else: + # all_other_tasks = list(self.tasks) + # all_other_tasks.remove(self.attr_train_task) + # all_tasks = [self.attr_train_task] + all_other_tasks # add seen task in the front + + # # 50% chance of sampling the main seen task and 50% chance of sampling any other seen-unseen task + # mult_attr_seen_sample_prob = 0.5 + # sampling_probs = [(1-mult_attr_seen_sample_prob) / (len(all_tasks)-1)] * len(all_tasks) + # sampling_probs[0] = mult_attr_seen_sample_prob + + # self._task = np.random.choice(all_tasks, p=sampling_probs) + + self._path = os.path.join(self.root_path, f'{self._task}-{self.mode}') + return super().load(episode_id, images, cache) + + def get_curr_task(self): + return self._task + + + MULTI_TASKS = { + # new expeeriments + 'multi-gpt-test': { + 'train': ['align-box-corner', 'rainbow-stack'], + 'val': ['align-box-corner', 'rainbow-stack'], + 'test': ['align-box-corner', 'rainbow-stack'] + }, + + # all tasks + 'multi-all': { + 'train': [ + 'align-box-corner', + 'assembling-kits', + 'block-insertion', + 'manipulating-rope', + 'packing-boxes', + 'palletizing-boxes', + 'place-red-in-green', + 'stack-block-pyramid', + 'sweeping-piles', + 'towers-of-hanoi', + 'align-rope', + 'assembling-kits-seq-unseen-colors', + 'packing-boxes-pairs-unseen-colors', + 'packing-shapes', + 'packing-unseen-google-objects-seq', + 'packing-unseen-google-objects-group', + 'put-block-in-bowl-unseen-colors', + 'stack-block-pyramid-seq-unseen-colors', + 'separating-piles-unseen-colors', + 'towers-of-hanoi-seq-unseen-colors', + ], + 'val': [ + 'align-box-corner', + 'assembling-kits', + 'block-insertion', + 'manipulating-rope', + 'packing-boxes', + 'palletizing-boxes', + 'place-red-in-green', + 'stack-block-pyramid', + 'sweeping-piles', + 'towers-of-hanoi', + 'align-rope', + 'assembling-kits-seq-seen-colors', + 'assembling-kits-seq-unseen-colors', + 'packing-boxes-pairs-seen-colors', + 'packing-boxes-pairs-unseen-colors', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-unseen-google-objects-seq', + 'packing-seen-google-objects-group', + 'packing-unseen-google-objects-group', + 'put-block-in-bowl-seen-colors', + 'put-block-in-bowl-unseen-colors', + 'stack-block-pyramid-seq-seen-colors', + 'stack-block-pyramid-seq-unseen-colors', + 'separating-piles-seen-colors', + 'separating-piles-unseen-colors', + 'towers-of-hanoi-seq-seen-colors', + 'towers-of-hanoi-seq-unseen-colors', + ], + 'test': [ + 'align-box-corner', + 'assembling-kits', + 'block-insertion', + 'manipulating-rope', + 'packing-boxes', + 'palletizing-boxes', + 'place-red-in-green', + 'stack-block-pyramid', + 'sweeping-piles', + 'towers-of-hanoi', + 'align-rope', + 'assembling-kits-seq-seen-colors', + 'assembling-kits-seq-unseen-colors', + 'packing-boxes-pairs-seen-colors', + 'packing-boxes-pairs-unseen-colors', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-unseen-google-objects-seq', + 'packing-seen-google-objects-group', + 'packing-unseen-google-objects-group', + 'put-block-in-bowl-seen-colors', + 'put-block-in-bowl-unseen-colors', + 'stack-block-pyramid-seq-seen-colors', + 'stack-block-pyramid-seq-unseen-colors', + 'separating-piles-seen-colors', + 'separating-piles-unseen-colors', + 'towers-of-hanoi-seq-seen-colors', + 'towers-of-hanoi-seq-unseen-colors', + ], + }, + + # demo-conditioned tasks + 'multi-demo-conditioned': { + 'train': [ + 'align-box-corner', + 'assembling-kits', + 'block-insertion', + 'manipulating-rope', + 'packing-boxes', + 'palletizing-boxes', + 'place-red-in-green', + 'stack-block-pyramid', + 'sweeping-piles', + 'towers-of-hanoi', + ], + 'val': [ + 'align-box-corner', + 'assembling-kits', + 'block-insertion', + 'manipulating-rope', + 'packing-boxes', + 'palletizing-boxes', + 'place-red-in-green', + 'stack-block-pyramid', + 'sweeping-piles', + 'towers-of-hanoi', + ], + 'test': [ + 'align-box-corner', + 'assembling-kits', + 'block-insertion', + 'manipulating-rope', + 'packing-boxes', + 'palletizing-boxes', + 'place-red-in-green', + 'stack-block-pyramid', + 'sweeping-piles', + 'towers-of-hanoi', + ], + }, + + # goal-conditioned tasks + 'multi-language-conditioned': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-unseen-colors', # unseen here refers to training only seen splits to be consitent with single-task setting + 'packing-boxes-pairs-unseen-colors', + 'packing-shapes', + 'packing-unseen-google-objects-seq', + 'packing-unseen-google-objects-group', + 'put-block-in-bowl-unseen-colors', + 'stack-block-pyramid-seq-unseen-colors', + 'separating-piles-unseen-colors', + 'towers-of-hanoi-seq-unseen-colors', + ], + 'val': [ + 'align-rope', + 'assembling-kits-seq-seen-colors', + 'assembling-kits-seq-unseen-colors', + 'packing-boxes-pairs-seen-colors', + 'packing-boxes-pairs-unseen-colors', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-unseen-google-objects-seq', + 'packing-seen-google-objects-group', + 'packing-unseen-google-objects-group', + 'put-block-in-bowl-seen-colors', + 'put-block-in-bowl-unseen-colors', + 'stack-block-pyramid-seq-seen-colors', + 'stack-block-pyramid-seq-unseen-colors', + 'separating-piles-seen-colors', + 'separating-piles-unseen-colors', + 'towers-of-hanoi-seq-seen-colors', + 'towers-of-hanoi-seq-unseen-colors', + ], + 'test': [ + 'align-rope', + 'assembling-kits-seq-seen-colors', + 'assembling-kits-seq-unseen-colors', + 'packing-boxes-pairs-seen-colors', + 'packing-boxes-pairs-unseen-colors', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-unseen-google-objects-seq', + 'packing-seen-google-objects-group', + 'packing-unseen-google-objects-group', + 'put-block-in-bowl-seen-colors', + 'put-block-in-bowl-unseen-colors', + 'stack-block-pyramid-seq-seen-colors', + 'stack-block-pyramid-seq-unseen-colors', + 'separating-piles-seen-colors', + 'separating-piles-unseen-colors', + 'towers-of-hanoi-seq-seen-colors', + 'towers-of-hanoi-seq-unseen-colors', + ], + }, + + + ##### multi-attr tasks + 'multi-attr-align-rope': { + 'train': [ + 'assembling-kits-seq-full', + 'packing-boxes-pairs-full', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-full', + 'separating-piles-full', + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'align-rope', + ], + 'test': [ + 'align-rope', + ], + 'attr_train_task': None, + }, + + 'multi-attr-packing-shapes': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-full', + 'packing-boxes-pairs-full', + 'packing-seen-google-objects-seq', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-full', + 'separating-piles-full', + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'packing-shapes', + ], + 'test': [ + 'packing-shapes', + ], + 'attr_train_task': None, + }, + + 'multi-attr-assembling-kits-seq-unseen-colors': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-seen-colors', # seen only + 'packing-boxes-pairs-full', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-full', + 'separating-piles-full', + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'assembling-kits-seq-unseen-colors', + ], + 'test': [ + 'assembling-kits-seq-unseen-colors', + ], + 'attr_train_task': 'assembling-kits-seq-seen-colors', + }, + + 'multi-attr-packing-boxes-pairs-unseen-colors': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-full', + 'packing-boxes-pairs-seen-colors', # seen only + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-full', + 'separating-piles-full', + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'packing-boxes-pairs-unseen-colors', + ], + 'test': [ + 'packing-boxes-pairs-unseen-colors', + ], + 'attr_train_task': 'packing-boxes-pairs-seen-colors', + }, + + 'multi-attr-packing-unseen-google-objects-seq': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-full', + 'packing-boxes-pairs-full', + 'packing-shapes', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-full', + 'separating-piles-full', + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'packing-unseen-google-objects-seq', + ], + 'test': [ + 'packing-unseen-google-objects-seq', + ], + 'attr_train_task': 'packing-seen-google-objects-group', + }, + + 'multi-attr-packing-unseen-google-objects-group': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-full', + 'packing-boxes-pairs-full', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-full', + 'separating-piles-full', + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'packing-unseen-google-objects-group', + ], + 'test': [ + 'packing-unseen-google-objects-group', + ], + 'attr_train_task': 'packing-seen-google-objects-seq', + }, + + 'multi-attr-put-block-in-bowl-unseen-colors': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-full', + 'packing-boxes-pairs-full', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-seen-colors', # seen only + 'stack-block-pyramid-seq-full', + 'separating-piles-full', + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'put-block-in-bowl-unseen-colors', + ], + 'test': [ + 'put-block-in-bowl-unseen-colors', + ], + 'attr_train_task': 'put-block-in-bowl-seen-colors', + }, + + 'multi-attr-stack-block-pyramid-seq-unseen-colors': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-full', + 'packing-boxes-pairs-full', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-seen-colors', # seen only + 'separating-piles-full', + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'stack-block-pyramid-seq-unseen-colors', + ], + 'test': [ + 'stack-block-pyramid-seq-unseen-colors', + ], + 'attr_train_task': 'stack-block-pyramid-seq-seen-colors', + }, + + 'multi-attr-separating-piles-unseen-colors': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-full', + 'packing-boxes-pairs-full', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-full', + 'separating-piles-seen-colors', # seen only + 'towers-of-hanoi-seq-full', + ], + 'val': [ + 'separating-piles-unseen-colors', + ], + 'test': [ + 'separating-piles-unseen-colors', + ], + 'attr_train_task': 'separating-piles-seen-colors', + }, + + 'multi-attr-towers-of-hanoi-seq-unseen-colors': { + 'train': [ + 'align-rope', + 'assembling-kits-seq-full', + 'packing-boxes-pairs-full', + 'packing-shapes', + 'packing-seen-google-objects-seq', + 'packing-seen-google-objects-group', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq-full', + 'separating-piles-full', + 'towers-of-hanoi-seq-seen-colors', # seen only + ], + 'val': [ + 'towers-of-hanoi-seq-unseen-colors', + ], + 'test': [ + 'towers-of-hanoi-seq-unseen-colors', + ], + 'attr_train_task': 'towers-of-hanoi-seq-seen-colors', + }, + + } + + + +class RavenMultiTaskDatasetBalance(RavensMultiTaskDataset): + def __init__(self, path, cfg, group='multi-all', + mode='train', n_demos=100, augment=False, balance_weight=0.1): + """A multi-task dataset for balancing data.""" + self.root_path = path + self.mode = mode + if group not in self.MULTI_TASKS: + # generate the groups on the fly + self.tasks = group# .split(" ") + else: + self.tasks = self.MULTI_TASKS[group][mode] + + print("self.tasks:", self.tasks) + self.attr_train_task = self.MULTI_TASKS[group]['attr_train_task'] if group in self.MULTI_TASKS and 'attr_train_task' in self.MULTI_TASKS[group] else None + + self.cfg = cfg + self.sample_set = {} + self.max_seed = -1 + self.n_episodes = 0 + self.images = self.cfg['dataset']['images'] + self.cache = self.cfg['dataset']['cache'] + self.n_demos = n_demos + self.augment = augment + + self.aug_theta_sigma = self.cfg['dataset']['augment']['theta_sigma'] if 'augment' in self.cfg['dataset'] else 60 # legacy code issue: theta_sigma was newly added + self.pix_size = 0.003125 + self.in_shape = (320, 160, 6) + self.cam_config = cameras.RealSenseD415.CONFIG + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.28]]) + + self.n_episodes = {} + episodes = {} + + for task in self.tasks: + task_path = os.path.join(self.root_path, f'{task}-{mode}') + action_path = os.path.join(task_path, 'action') + n_episodes = 0 + if os.path.exists(action_path): + for fname in sorted(os.listdir(action_path)): + if '.pkl' in fname: + n_episodes += 1 + self.n_episodes[task] = n_episodes + + if n_episodes == 0: + raise Exception(f"{task}-{mode} has 0 episodes. Remove it from the list in dataset.py") + + # Select random episode depending on the size of the dataset. + if task in self.ORIGINAL_NAMES and self.mode == 'train': + assert self.n_demos < 200 # otherwise, we need to change the code below + episodes[task] = np.random.choice(range(n_episodes), min(int(self.n_demos*balance_weight), n_episodes), False) + else: + episodes[task] = np.random.choice(range(n_episodes), min(self.n_demos, n_episodes), False) + + if self.n_demos > 0: + self.images = self.cfg['dataset']['images'] + self.cache = False + self.set(episodes) + + self._path = None + self._task = None + + + + ORIGINAL_NAMES = [ + # demo conditioned + 'align-box-corner', + 'assembling-kits', + 'assembling-kits-easy', + 'block-insertion', + 'block-insertion-easy', + 'block-insertion-nofixture', + 'block-insertion-sixdof', + 'block-insertion-translation', + 'manipulating-rope', + 'packing-boxes', + 'palletizing-boxes', + 'place-red-in-green', + 'stack-block-pyramid', + 'sweeping-piles', + 'towers-of-hanoi', + 'gen-task', + # goal conditioned + 'align-rope', + 'assembling-kits-seq', + 'assembling-kits-seq-seen-colors', + 'assembling-kits-seq-unseen-colors', + 'assembling-kits-seq-full', + 'packing-shapes', + 'packing-boxes-pairs', + 'packing-boxes-pairs-seen-colors', + 'packing-boxes-pairs-unseen-colors', + 'packing-boxes-pairs-full', + 'packing-seen-google-objects-seq', + 'packing-unseen-google-objects-seq', + 'packing-seen-google-objects-group', + 'packing-unseen-google-objects-group', + 'put-block-in-bowl', + 'put-block-in-bowl-seen-colors', + 'put-block-in-bowl-unseen-colors', + 'put-block-in-bowl-full', + 'stack-block-pyramid-seq', + 'stack-block-pyramid-seq-seen-colors', + 'stack-block-pyramid-seq-unseen-colors', + 'stack-block-pyramid-seq-full', + 'separating-piles', + 'separating-piles-seen-colors', + 'separating-piles-unseen-colors', + 'separating-piles-full', + 'towers-of-hanoi-seq', + 'towers-of-hanoi-seq-seen-colors', + 'towers-of-hanoi-seq-unseen-colors', + 'towers-of-hanoi-seq-full', + ] \ No newline at end of file diff --git a/cliport/demos.py b/cliport/demos.py new file mode 100644 index 0000000000000000000000000000000000000000..77d5bb5229bf90dac454bf72547eb042159ea4b3 --- /dev/null +++ b/cliport/demos.py @@ -0,0 +1,117 @@ +"""Data collection script.""" + +import os +import hydra +import numpy as np +import random + +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment +import IPython +import random + +@hydra.main(config_path='./cfg', config_name='data') +def main(cfg): + # Initialize environment and task. + env = Environment( + cfg['assets_root'], + disp=cfg['disp'], + shared_memory=cfg['shared_memory'], + hz=480, + record_cfg=cfg['record'] + ) + + task = tasks.names[cfg['task']]() + task.mode = cfg['mode'] + record = cfg['record']['save_video'] + save_data = cfg['save_data'] + + # Initialize scripted oracle agent and dataset. + agent = task.oracle(env) + data_path = os.path.join(cfg['data_dir'], "{}-{}".format(cfg['task'], task.mode)) + dataset = RavensDataset(data_path, cfg, n_demos=0, augment=False) + print(f"Saving to: {data_path}") + print(f"Mode: {task.mode}") + + # Train seeds are even and val/test seeds are odd. Test seeds are offset by 10000 + seed = dataset.max_seed + max_eps = 3 * cfg['n'] + + if seed < 0: + if task.mode == 'train': + seed = -2 + elif task.mode == 'val': # NOTE: beware of increasing val set to >100 + seed = -1 + elif task.mode == 'test': + seed = -1 + 10000 + else: + raise Exception("Invalid mode. Valid options: train, val, test") + + if 'regenerate_data' in cfg: + dataset.n_episodes = 0 + + curr_run_eps = 0 + # Collect training data from oracle demonstrations. + while dataset.n_episodes < cfg['n'] and curr_run_eps < max_eps: + # for epi_idx in range(cfg['n']): + episode, total_reward = [], 0 + seed += 2 + + # Set seeds. + np.random.seed(seed) + random.seed(seed) + print('Oracle demo: {}/{} | Seed: {}'.format(dataset.n_episodes + 1, cfg['n'], seed)) + try: + curr_run_eps += 1 # make sure exits the loop + env.set_task(task) + obs = env.reset() + info = env.info + reward = 0 + + # Unlikely, but a safety check to prevent leaks. + if task.mode == 'val' and seed > (-1 + 10000): + raise Exception("!!! Seeds for val set will overlap with the test set !!!") + + # Start video recording (NOTE: super slow) + if record: + env.start_rec(f'{dataset.n_episodes+1:06d}') + + + # Rollout expert policy + for _ in range(task.max_steps): + act = agent.act(obs, info) + episode.append((obs, act, reward, info)) + lang_goal = info['lang_goal'] + obs, reward, done, info = env.step(act) + total_reward += reward + print(f'Total Reward: {total_reward:.3f} | Done: {done} | Goal: {lang_goal}') + if done: + break + if record: + env.end_rec() + + except Exception as e: + from pygments import highlight + from pygments.lexers import PythonLexer + from pygments.formatters import TerminalFormatter + import traceback + + to_print = highlight(f"{str(traceback.format_exc())}", PythonLexer(), TerminalFormatter()) + print(to_print) + if record: + env.end_rec() + continue + + episode.append((obs, None, reward, info)) + + # Only save completed demonstrations. + if save_data and total_reward > 0.99: + dataset.add(seed, episode) + if hasattr(env, 'blender_recorder'): + print("blender pickle saved to ", '{}/blender_demo_{}.pkl'.format(data_path, dataset.n_episodes)) + env.blender_recorder.save('{}/blender_demo_{}.pkl'.format(data_path, dataset.n_episodes)) + + +if __name__ == '__main__': + main() diff --git a/cliport/demos_gpt4.py b/cliport/demos_gpt4.py new file mode 100644 index 0000000000000000000000000000000000000000..8fdf0b38fdd3b140f03b398a50edf049a081fa79 --- /dev/null +++ b/cliport/demos_gpt4.py @@ -0,0 +1,357 @@ +# coding=utf-8 +# Copyright 2022 The Ravens Authors. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +"""Data collection script.""" + +import os + +import numpy as np +import os +import hydra +import numpy as np +import random + +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment + +from pygments import highlight +from pygments.lexers import PythonLexer +from pygments.formatters import TerminalFormatter +import re + +import openai +import IPython +import time +import pybullet as p +import traceback +from datetime import datetime +from pprint import pprint +import cv2 +import re +import random +import json +from cliport.simgen_utils import (mkdir_if_missing, + save_text, + add_to_txt, + extract_code, + extract_dict, + extract_list, + extract_assets, + format_dict_prompt, + sample_list_reference, + save_stat, + compute_diversity_score_from_assets) + + + +openai.api_key = "YOUR_KEY" +model = "gpt-4" +NEW_TASK_LIST = [] +full_interaction = '' + +def generate_feedback(prompt, max_tokens=2048, temperature=0.0, model="gpt-4", assistant_prompt=None, interaction_txt=None): + """ use GPT-4 API """ + params = { + "model": model, + "max_tokens": max_tokens, + "temperature": temperature, + "messages": [ + {"role": "user", "content": prompt}], + } + if assistant_prompt is not None: + params["messages"].append({"role": "assistant", "content": assistant_prompt}) + + for retry in range(3): + try: + if interaction_txt is not None: + interaction_txt = add_to_txt(interaction_txt, ">>> Prompt: \n" + prompt, with_print=False) + res = openai.ChatCompletion.create(**params)["choices"][0]["message"]["content"] + to_print = highlight(f"{res}", PythonLexer(), TerminalFormatter()) + print(to_print) + if interaction_txt is not None: + interaction_txt = add_to_txt(interaction_txt, ">>> Answer: \n" + res, with_print=False) + return res, interaction_txt + return res + + except Exception as e: + print("failed chat completion", e) + raise Exception("Failed to generate") + + +def llm_gen_env(cfg, model_output_dir): + """ + The LLM running pipeline + """ + global full_interaction + start_time = time.time() + prompt_folder = f"prompts/{cfg['prompt_folder']}" + task_prompt_text = open(f"{prompt_folder}/cliport_prompt_task.txt").read() + res, full_interaction = generate_feedback(task_prompt_text, temperature=cfg['gpt_temperature'], interaction_txt=full_interaction) + + # Extract dictionary for task name, descriptions, and assets + task_def = extract_dict(res, prefix="new_task") + exec(task_def, globals()) + + full_interaction = add_to_txt(full_interaction, "================= Task and Asset Design!", with_print=True) + pprint(new_task) + save_text(model_output_dir, f'{new_task["task-name"]}_task_def_output', res) + + # Asset Generation + if os.path.exists(f"{prompt_folder}/cliport_prompt_asset_template.txt"): + full_interaction = add_to_txt(full_interaction, "================= Asset Generation!", with_print=True) + asset_prompt_text = open(f'{prompt_folder}/cliport_prompt_asset_template.txt').read() + asset_prompt_text = asset_prompt_text.replace("TASK_NAME_TEMPLATE", new_task["task-name"]) + asset_prompt_text = asset_prompt_text.replace("ASSET_STRING_TEMPLATE", str(new_task["assets-used"])) + + res, full_interaction = generate_feedback(asset_prompt_text, temperature=0, assistant_prompt=res, interaction_txt=full_interaction) # cfg['gpt_temperature'] + save_text(model_output_dir, f'{new_task["task-name"]}_asset_output', res) + asset_list = extract_assets(res) + # save_urdf(asset_list) + else: + asset_list = {} + + # API Preview + if os.path.exists(f"{prompt_folder}/cliport_prompt_api_template.txt"): + full_interaction = add_to_txt(full_interaction,"================= API Preview!") + api_prompt_text = open(f'{prompt_folder}/cliport_prompt_api_template.txt').read() + api_prompt_text = api_prompt_text.replace("TASK_NAME_TEMPLATE", new_task["task-name"]) + res, full_interaction = generate_feedback(api_prompt_text, temperature=0, assistant_prompt=res, interaction_txt=full_interaction) # cfg['gpt_temperature'] + + # Error Preview + if os.path.exists(f"{prompt_folder}/cliport_prompt_common_errors_template.txt"): + full_interaction = add_to_txt(full_interaction,"================= Error Book Preview!") + errorbook_prompt_text = open(f'{prompt_folder}/cliport_prompt_common_errors_template.txt').read() + errorbook_prompt_text = errorbook_prompt_text.replace("TASK_NAME_TEMPLATE", new_task["task-name"]) + res, full_interaction = generate_feedback(errorbook_prompt_text, temperature=0., assistant_prompt=res, interaction_txt=full_interaction) # cfg['gpt_temperature'] + + # Generate Code + if os.path.exists(f"{prompt_folder}/cliport_prompt_code_split_template.txt"): + full_interaction = add_to_txt(full_interaction,"================= Code Generation!") + code_prompt_text = open(f"{prompt_folder}/cliport_prompt_code_split_template.txt").read() + code_prompt_text = code_prompt_text.replace("TASK_NAME_TEMPLATE", new_task["task-name"]) + code_prompt_text = code_prompt_text.replace("TASK_STRING_TEMPLATE", str(new_task)) + res, full_interaction = generate_feedback(code_prompt_text, temperature=0., assistant_prompt=res, interaction_txt=full_interaction) # cfg['gpt_temperature'] + + code, task_name = extract_code(res) + + if len(task_name) == 0: + print("empty task name:", task_name) + return None + + save_text(model_output_dir, task_name + '_code_output', code) + try: + exec(code, globals()) + except: + print(str(traceback.format_exc())) + return None + + cfg['task'] = new_task["task-name"] + print("save all interaction to :", f'{new_task["task-name"]}_full_output') + save_text(model_output_dir, f'{new_task["task-name"]}_full_output', full_interaction) + print(f"\n\nLLM generation time: {time.time() - start_time}") + return task_name, new_task, asset_list, code + + +@hydra.main(config_path='./cfg', config_name='data') +def main(cfg): + global full_interaction + + # Evaluation Metric + SYNTAX_PASS_RATE = 0. + RUNTIME_PASS_RATE = 0. + ENV_PASS_RATE = 0. + DIVERSITY_SCORES = 0 + + task_assets = [] + start_time = time.time() + output_folder = 'output/output_stats' + + model_time = datetime.now().strftime("%d_%m_%Y_%H:%M:%S") + model_output_dir = os.path.join(output_folder, cfg['prompt_folder'] + "_" + model_time) + TOTAL_TRIALS = cfg['trials'] + env_names = [] + + for trial_i in range(TOTAL_TRIALS): + + # generate + res = llm_gen_env(cfg, model_output_dir) + if res is not None: + SYNTAX_PASS_RATE += 1 + task_name, new_task, asset_list, code = res + task_assets.append(new_task["assets-used"]) + env_names.append(task_name) + else: + env_names.append("") + print("Syntax Failure") + continue + + try: + env = Environment( + cfg['assets_root'], + disp=cfg['disp'], + shared_memory=cfg['shared_memory'], + hz=480, + record_cfg=cfg['record'] + ) + + task = eval(task_name)() + task.mode = cfg['mode'] + record = cfg['record']['save_video'] + save_data = cfg['save_data'] + + # Initialize scripted oracle agent and dataset. + agent = task.oracle(env) + data_path = os.path.join(cfg['data_dir'], "{}-{}".format(cfg['task'], task.mode)) + dataset = RavensDataset(data_path, cfg, n_demos=0, augment=False) + print(f"Saving to: {data_path}") + print(f"Mode: {task.mode}") + + # Train seeds are even and val/test seeds are odd. Test seeds are offset by 10000 + seed = dataset.max_seed + total_cnt = 0. + reset_success_cnt = 0. + env_success_cnt = 0. + + # Start video recording (NOTE: super slow) + if record: + env.start_rec(f'{dataset.n_episodes+1:06d}') + + # Collect training data from oracle demonstrations. + # while dataset.n_episodes < cfg['n']: + while total_cnt < cfg['max_env_run_cnt']: + total_cnt += 1 + if total_cnt == cfg['max_env_run_cnt'] or total_cnt == cfg['n']: + if reset_success_cnt == total_cnt - 1: + RUNTIME_PASS_RATE += 1 + print("Runtime Test Pass!") + + # the task can actually be completed with oracle + if env_success_cnt >= total_cnt / 2: + ENV_PASS_RATE += 1 + print("Environment Test Pass!") + else: + print("Bad task design!! Reset!") + + break + + episode, total_reward = [], 0 + seed += 2 + + # Set seeds. + np.random.seed(seed) + random.seed(seed) + print('Oracle demo: {}/{} | Seed: {}'.format(dataset.n_episodes + 1, cfg['n'], seed)) + env.set_task(task) + + try: + obs = env.reset() + except Exception as e: + print("reset exception:", str(traceback.format_exc())) + continue + + info = env.info + reward = 0 + + + # Rollout expert policy + for _ in range(task.max_steps): + act = agent.act(obs, info) + episode.append((obs, act, reward, info)) + lang_goal = info['lang_goal'] + obs, reward, done, info = env.step(act) + total_reward += reward + print(f'Total Reward: {total_reward:.3f} | Done: {done} | Goal: {lang_goal}') + if done: + break + + episode.append((obs, None, reward, info)) + + # End video recording + if record: + env.end_rec() + + # Only save completed demonstrations. + if save_data and total_reward > 0.99: + dataset.add(seed, episode) + + reset_success_cnt += 1 + env_success_cnt += total_reward > 0.99 + + p.disconnect() + + except: + to_print = highlight(f"{str(traceback.format_exc())}", PythonLexer(), TerminalFormatter()) + save_text(model_output_dir, task_name + '_error', str(traceback.format_exc())) + + print("========================================================") + print("Exception:", to_print) + p.disconnect() + + print("=========================================================") + print(f"SYNTAX_PASS_RATE: {(SYNTAX_PASS_RATE / (trial_i+1)) * 100:.1f}% RUNTIME_PASS_RATE: {(RUNTIME_PASS_RATE / (trial_i+1)) * 100:.1f}% ENV_PASS_RATE: {(ENV_PASS_RATE / (trial_i+1)) * 100:.1f}%") + print("=========================================================") + + prompt_folder = f"prompts/{cfg['prompt_folder']}" + if os.path.exists(f"{prompt_folder}/cliport_prompt_task_reflection.txt") and env_success_cnt >= 1: + # only consider successful task + full_interaction = add_to_txt(full_interaction,"================= Code Reflect!") + + base_task_path = os.path.join("prompts/data", 'base_tasks.json') + base_tasks = json.load(open(base_task_path)) + + # append current new task + for task in NEW_TASK_LIST: + base_tasks[task["task-name"].replace("-", "_")] = str(task) + + task_descriptions_replacement_str = format_dict_prompt(base_tasks, -1) + code_reflection_prompt_text = open(f"{prompt_folder}/cliport_prompt_task_reflection.txt").read() + code_reflection_prompt_text = code_reflection_prompt_text.replace("CURRENT_TASK_NAME_TEMPLATE", str(task_descriptions_replacement_str)) + code_reflection_prompt_text = code_reflection_prompt_text.replace("TASK_STRING_TEMPLATE", str(new_task)) + res, full_interaction = generate_feedback(code_reflection_prompt_text, temperature=0., interaction_txt=full_interaction) # cfg['gpt_temperature'] + reflection_def_cmd = extract_dict(res, prefix='task_reflection') + exec(reflection_def_cmd, globals()) + print("save task result:", task_reflection) + + if task_reflection["add_to_the_task_list"] == 'True': + NEW_TASK_LIST.append(new_task) + + if cfg['save_memory']: + print("actually saving!") + + # write the python file and append to the task descriptions + generated_task_code_path = os.path.join(cfg['prompt_data_path'], 'generated_task_codes.json') + generated_task_codes = json.load(open(generated_task_code_path)) + generated_task_codes.append(new_task["task-name"] + ".py") + with open('cliport/generated_tasks/' + new_task["task-name"].replace("-","_") + ".py", "w") as fhandle: + fhandle.write(code) + + with open(generated_task_code_path, "w") as outfile: + json.dump(generated_task_codes, outfile, indent=4) + + generated_task_path = os.path.join(cfg['prompt_data_path'], 'generated_tasks.json') + generated_tasks = json.load(open(generated_task_path)) + generated_tasks[new_task["task-name"]] = new_task + + with open(generated_task_path, "w") as outfile: + json.dump(generated_tasks, outfile, indent=4) + + print("task_assets:", task_assets) + DIVERSITY_SCORE = compute_diversity_score_from_assets(task_assets) + save_stat(cfg, model_output_dir, env_names, SYNTAX_PASS_RATE / TOTAL_TRIALS, RUNTIME_PASS_RATE / TOTAL_TRIALS, ENV_PASS_RATE / TOTAL_TRIALS, DIVERSITY_SCORE) + print(f"Total {len(NEW_TASK_LIST)} New Added Tasks:", NEW_TASK_LIST) + +if __name__ == '__main__': + main() diff --git a/cliport/environments/__init__.py b/cliport/environments/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_000.mtl b/cliport/environments/assets/bags/bl_sphere_bag_basic_000.mtl new file mode 100644 index 0000000000000000000000000000000000000000..3653cb127c459a276be6dc7c715239b75e2ba1c4 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_000.mtl @@ -0,0 +1,12 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl CustomColor.001 +Ns 323.999994 +Ka 1.000000 1.000000 1.000000 +Kd 0.000000 0.000000 1.000000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_000.obj b/cliport/environments/assets/bags/bl_sphere_bag_basic_000.obj new file mode 100644 index 0000000000000000000000000000000000000000..6b82795a3530b8b92fc53b9f022508a85ff76ee0 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_000.obj @@ -0,0 +1,1587 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_basic_000.mtl +o Sphere +v -4.000000 2.565686 -0.565685 +v -4.000000 2.444456 -0.665176 +v -4.000000 2.306147 -0.739104 +v -4.000000 2.156072 -0.784628 +v -4.000000 2.000000 -0.800000 +v -4.000000 1.555544 -0.665176 +v -4.000000 1.215372 -0.156072 +v -3.889640 2.565686 -0.554816 +v -3.870231 2.444456 -0.652395 +v -3.855808 2.306147 -0.724902 +v -3.846927 2.156072 -0.769552 +v -3.843928 2.000000 -0.784628 +v -3.846927 1.843928 -0.769552 +v -3.855808 1.693853 -0.724902 +v -3.870231 1.555544 -0.652395 +v -3.889640 1.434314 -0.554816 +v -3.913291 1.334824 -0.435916 +v -3.940274 1.260896 -0.300264 +v -3.969552 1.215372 -0.153073 +v -3.783521 2.565686 -0.522625 +v -3.745448 2.444456 -0.614542 +v -3.717157 2.306147 -0.682843 +v -3.699736 2.156072 -0.724902 +v -3.693853 2.000000 -0.739104 +v -3.699736 1.843928 -0.724902 +v -3.717157 1.693853 -0.682843 +v -3.745448 1.555544 -0.614542 +v -3.783521 1.434314 -0.522625 +v -3.829914 1.334824 -0.410624 +v -3.882843 1.260896 -0.282843 +v -3.940274 1.215372 -0.144192 +v -3.685722 2.565686 -0.470350 +v -3.630448 2.444456 -0.553073 +v -3.589376 2.306147 -0.614542 +v -3.564084 2.156072 -0.652394 +v -3.555544 2.000000 -0.665176 +v -3.564084 1.843928 -0.652394 +v -3.589376 1.693853 -0.614542 +v -3.630448 1.555544 -0.553073 +v -3.685722 1.434314 -0.470350 +v -3.753073 1.334824 -0.369552 +v -3.829914 1.260896 -0.254552 +v -3.913291 1.215372 -0.129769 +v -3.600000 2.565686 -0.400000 +v -3.529649 2.444456 -0.470350 +v -3.477375 2.306147 -0.522625 +v -3.445184 2.156072 -0.554816 +v -3.434314 2.000000 -0.565685 +v -3.445184 1.843928 -0.554816 +v -3.477375 1.693853 -0.522625 +v -3.529649 1.555544 -0.470350 +v -3.600000 1.434314 -0.400000 +v -3.685722 1.334824 -0.314278 +v -3.783521 1.260896 -0.216478 +v -3.889640 1.215372 -0.110360 +v -3.529649 2.565686 -0.314278 +v -3.446926 2.444456 -0.369552 +v -3.385458 2.306147 -0.410624 +v -3.347605 2.156072 -0.435916 +v -3.334824 2.000000 -0.444456 +v -3.347605 1.843928 -0.435916 +v -3.385458 1.693853 -0.410624 +v -3.446926 1.555544 -0.369552 +v -3.529649 1.434314 -0.314278 +v -3.630448 1.334824 -0.246926 +v -3.745448 1.260896 -0.170086 +v -3.870231 1.215372 -0.086709 +v -3.477375 2.565686 -0.216478 +v -3.385458 2.444456 -0.254551 +v -3.317157 2.306147 -0.282842 +v -3.275098 2.156072 -0.300264 +v -3.260896 2.000000 -0.306146 +v -3.275098 1.843928 -0.300264 +v -3.317157 1.693853 -0.282843 +v -3.385458 1.555544 -0.254551 +v -3.477375 1.434314 -0.216478 +v -3.589376 1.334824 -0.170086 +v -3.717157 1.260896 -0.117157 +v -3.855808 1.215372 -0.059726 +v -3.445184 2.565686 -0.110359 +v -3.347605 2.444456 -0.129769 +v -3.275098 2.306147 -0.144192 +v -3.230448 2.156072 -0.153073 +v -3.215372 2.000000 -0.156072 +v -3.230448 1.843928 -0.153073 +v -3.275098 1.693853 -0.144192 +v -3.347605 1.555544 -0.129769 +v -3.445184 1.434314 -0.110359 +v -3.564084 1.334824 -0.086709 +v -3.699736 1.260896 -0.059726 +v -3.846927 1.215372 -0.030448 +v -3.434314 2.565686 0.000000 +v -3.334824 2.444456 0.000000 +v -3.260896 2.306147 0.000000 +v -3.215372 2.156072 0.000000 +v -3.200000 2.000000 0.000000 +v -3.215372 1.843928 0.000000 +v -3.260896 1.693853 0.000000 +v -3.334824 1.555544 0.000000 +v -3.434314 1.434314 0.000000 +v -3.555544 1.334824 0.000000 +v -3.693853 1.260896 0.000000 +v -3.843928 1.215372 0.000000 +v -3.445184 2.565686 0.110360 +v -3.347605 2.444456 0.129770 +v -3.275098 2.306147 0.144192 +v -3.230448 2.156072 0.153074 +v -3.215372 2.000000 0.156073 +v -3.230448 1.843928 0.153074 +v -3.275098 1.693853 0.144192 +v -3.347605 1.555544 0.129770 +v -3.445184 1.434314 0.110360 +v -3.564084 1.334824 0.086709 +v -3.699736 1.260896 0.059727 +v -3.846927 1.215372 0.030448 +v -3.477375 2.565686 0.216479 +v -3.385458 2.444456 0.254552 +v -3.317157 2.306147 0.282843 +v -3.275098 2.156072 0.300264 +v -3.260896 2.000000 0.306147 +v -3.275098 1.843928 0.300265 +v -3.317157 1.693853 0.282843 +v -3.385458 1.555544 0.254552 +v -3.477375 1.434314 0.216479 +v -3.589376 1.334824 0.170086 +v -3.717157 1.260896 0.117158 +v -3.855808 1.215372 0.059727 +v -3.529650 2.565686 0.314278 +v -3.446927 2.444456 0.369552 +v -3.385458 2.306147 0.410624 +v -3.347605 2.156072 0.435916 +v -3.334824 2.000000 0.444457 +v -3.347605 1.843928 0.435916 +v -3.385458 1.693853 0.410624 +v -3.446927 1.555544 0.369552 +v -3.529650 1.434314 0.314278 +v -3.630448 1.334824 0.246927 +v -3.745448 1.260896 0.170086 +v -3.870231 1.215372 0.086709 +v -3.600000 2.565686 0.400000 +v -3.529650 2.444456 0.470351 +v -3.477375 2.306147 0.522626 +v -3.445184 2.156072 0.554816 +v -3.434315 2.000000 0.565686 +v -3.445184 1.843928 0.554816 +v -3.477375 1.693853 0.522626 +v -3.529650 1.555544 0.470351 +v -3.600000 1.434314 0.400000 +v -3.685722 1.334824 0.314278 +v -3.783521 1.260896 0.216479 +v -3.889640 1.215372 0.110360 +v -3.685722 2.565686 0.470351 +v -3.630448 2.444456 0.553074 +v -3.589376 2.306147 0.614542 +v -3.564084 2.156072 0.652395 +v -3.555544 2.000000 0.665176 +v -3.564084 1.843928 0.652395 +v -3.589376 1.693853 0.614542 +v -3.630448 1.555544 0.553074 +v -3.685722 1.434314 0.470351 +v -3.753073 1.334824 0.369552 +v -3.829914 1.260896 0.254552 +v -3.913291 1.215372 0.129770 +v -3.783522 2.565686 0.522626 +v -3.745448 2.444456 0.614543 +v -3.717157 2.306147 0.682843 +v -3.699736 2.156072 0.724902 +v -3.693853 2.000000 0.739104 +v -3.699736 1.843928 0.724902 +v -3.717157 1.693853 0.682843 +v -3.745448 1.555544 0.614543 +v -3.783522 1.434314 0.522626 +v -3.829914 1.334824 0.410624 +v -3.882843 1.260896 0.282843 +v -3.940274 1.215372 0.144192 +v -3.889640 2.565686 0.554816 +v -3.870231 2.444456 0.652395 +v -3.855808 2.306147 0.724902 +v -3.846926 2.156072 0.769552 +v -3.843928 2.000000 0.784628 +v -3.846927 1.843928 0.769552 +v -3.855808 1.693853 0.724902 +v -3.870231 1.555544 0.652395 +v -3.889640 1.434314 0.554816 +v -3.913291 1.334824 0.435916 +v -3.940274 1.260896 0.300265 +v -3.969552 1.215372 0.153074 +v -4.000000 2.565686 0.565686 +v -4.000000 2.444456 0.665176 +v -4.000000 2.306147 0.739104 +v -4.000000 2.156072 0.784628 +v -4.000000 2.000000 0.800000 +v -4.000000 1.843928 0.784628 +v -4.000000 1.693853 0.739104 +v -4.000000 1.555544 0.665176 +v -4.000000 1.434314 0.565686 +v -4.000000 1.334824 0.444456 +v -4.000000 1.260896 0.306147 +v -4.000000 1.215372 0.156072 +v -4.000000 1.200000 0.000000 +v -4.110360 2.565686 0.554816 +v -4.129769 2.444456 0.652395 +v -4.144192 2.306147 0.724902 +v -4.153073 2.156072 0.769552 +v -4.156072 2.000000 0.784628 +v -4.153073 1.843928 0.769552 +v -4.144192 1.693853 0.724902 +v -4.129769 1.555544 0.652395 +v -4.110360 1.434314 0.554816 +v -4.086709 1.334824 0.435916 +v -4.059726 1.260896 0.300264 +v -4.030448 1.215372 0.153074 +v -4.216478 2.565686 0.522625 +v -4.254552 2.444456 0.614542 +v -4.282843 2.306147 0.682843 +v -4.300264 2.156072 0.724902 +v -4.306147 2.000000 0.739104 +v -4.300264 1.843928 0.724902 +v -4.282843 1.693853 0.682843 +v -4.254552 1.555544 0.614542 +v -4.216478 1.434314 0.522625 +v -4.170086 1.334824 0.410624 +v -4.117157 1.260896 0.282843 +v -4.059726 1.215372 0.144192 +v -4.314278 2.565686 0.470350 +v -4.369552 2.444456 0.553073 +v -4.410624 2.306147 0.614542 +v -4.435916 2.156072 0.652395 +v -4.444456 2.000000 0.665176 +v -4.435916 1.843928 0.652395 +v -4.410624 1.693853 0.614542 +v -4.369552 1.555544 0.553073 +v -4.314278 1.434314 0.470350 +v -4.246927 1.334824 0.369552 +v -4.170086 1.260896 0.254552 +v -4.086709 1.215372 0.129770 +v -4.400000 2.565686 0.400000 +v -4.470350 2.444456 0.470350 +v -4.522625 2.306147 0.522625 +v -4.554816 2.156072 0.554816 +v -4.565685 2.000000 0.565685 +v -4.554816 1.843928 0.554816 +v -4.522625 1.693853 0.522625 +v -4.470350 1.555544 0.470350 +v -4.400000 1.434314 0.400000 +v -4.314278 1.334824 0.314278 +v -4.216478 1.260896 0.216479 +v -4.110360 1.215372 0.110360 +v -4.470350 2.565686 0.314278 +v -4.553073 2.444456 0.369552 +v -4.614542 2.306147 0.410624 +v -4.652394 2.156072 0.435916 +v -4.665175 2.000000 0.444456 +v -4.652394 1.843928 0.435916 +v -4.614542 1.693853 0.410624 +v -4.553073 1.555544 0.369552 +v -4.470350 1.434314 0.314278 +v -4.369552 1.334824 0.246927 +v -4.254552 1.260896 0.170086 +v -4.129769 1.215372 0.086709 +v -4.522625 2.565686 0.216479 +v -4.614542 2.444456 0.254552 +v -4.682842 2.306147 0.282843 +v -4.724902 2.156072 0.300265 +v -4.739103 2.000000 0.306147 +v -4.724902 1.843928 0.300264 +v -4.682842 1.693853 0.282843 +v -4.614542 1.555544 0.254552 +v -4.522625 1.434314 0.216479 +v -4.410624 1.334824 0.170086 +v -4.282843 1.260896 0.117158 +v -4.144192 1.215372 0.059726 +v -4.554816 2.565686 0.110360 +v -4.652394 2.444456 0.129769 +v -4.724902 2.306147 0.144192 +v -4.769552 2.156072 0.153074 +v -4.784628 2.000000 0.156072 +v -4.769552 1.843928 0.153074 +v -4.724902 1.693853 0.144192 +v -4.652394 1.555544 0.129769 +v -4.554816 1.434314 0.110360 +v -4.435916 1.334824 0.086709 +v -4.300264 1.260896 0.059726 +v -4.153073 1.215372 0.030448 +v -4.565685 2.565686 0.000000 +v -4.665175 2.444456 0.000000 +v -4.739103 2.306147 0.000000 +v -4.784628 2.156072 0.000000 +v -4.800000 2.000000 0.000000 +v -4.784628 1.843928 0.000000 +v -4.739103 1.693853 0.000000 +v -4.665175 1.555544 0.000000 +v -4.565685 1.434314 0.000000 +v -4.444456 1.334824 0.000000 +v -4.306147 1.260896 0.000000 +v -4.156072 1.215372 0.000000 +v -4.554816 2.565686 -0.110360 +v -4.652394 2.444456 -0.129769 +v -4.724901 2.306147 -0.144192 +v -4.769551 2.156072 -0.153073 +v -4.784628 2.000000 -0.156072 +v -4.769551 1.843928 -0.153073 +v -4.724902 1.693853 -0.144192 +v -4.652394 1.555544 -0.129769 +v -4.554816 1.434314 -0.110360 +v -4.435916 1.334824 -0.086709 +v -4.300264 1.260896 -0.059726 +v -4.153073 1.215372 -0.030448 +v -4.522625 2.565686 -0.216478 +v -4.614542 2.444456 -0.254552 +v -4.682842 2.306147 -0.282842 +v -4.724902 2.156072 -0.300264 +v -4.739103 2.000000 -0.306147 +v -4.724902 1.843928 -0.300264 +v -4.682842 1.693853 -0.282842 +v -4.614542 1.555544 -0.254552 +v -4.522625 1.434314 -0.216478 +v -4.410624 1.334824 -0.170086 +v -4.282843 1.260896 -0.117157 +v -4.144192 1.215372 -0.059726 +v -4.470350 2.565686 -0.314278 +v -4.553073 2.444456 -0.369552 +v -4.614542 2.306147 -0.410624 +v -4.652394 2.156072 -0.435916 +v -4.665175 2.000000 -0.444456 +v -4.652394 1.843928 -0.435916 +v -4.614542 1.693853 -0.410624 +v -4.553073 1.555544 -0.369552 +v -4.470350 1.434314 -0.314278 +v -4.369552 1.334824 -0.246926 +v -4.254551 1.260896 -0.170086 +v -4.129769 1.215372 -0.086709 +v -4.400000 2.565686 -0.400000 +v -4.470350 2.444456 -0.470350 +v -4.522624 2.306147 -0.522625 +v -4.554816 2.156072 -0.554815 +v -4.565685 2.000000 -0.565685 +v -4.554816 1.843928 -0.554815 +v -4.522624 1.693853 -0.522625 +v -4.470350 1.555544 -0.470350 +v -4.400000 1.434314 -0.400000 +v -4.314278 1.334824 -0.314278 +v -4.216478 1.260896 -0.216478 +v -4.110360 1.215372 -0.110359 +v -4.314278 2.565686 -0.470350 +v -4.369551 2.444456 -0.553073 +v -4.410624 2.306147 -0.614542 +v -4.435916 2.156072 -0.652394 +v -4.444456 2.000000 -0.665175 +v -4.435916 1.843928 -0.652394 +v -4.410624 1.693853 -0.614542 +v -4.369551 1.555544 -0.553073 +v -4.314278 1.434314 -0.470350 +v -4.246926 1.334824 -0.369551 +v -4.170086 1.260896 -0.254551 +v -4.086709 1.215372 -0.129769 +v -4.216478 2.565686 -0.522625 +v -4.254551 2.444456 -0.614542 +v -4.282842 2.306147 -0.682842 +v -4.300264 2.156072 -0.724901 +v -4.306146 2.000000 -0.739103 +v -4.300264 1.843928 -0.724901 +v -4.282842 1.693853 -0.682842 +v -4.254551 1.555544 -0.614542 +v -4.216478 1.434314 -0.522625 +v -4.170086 1.334824 -0.410623 +v -4.117157 1.260896 -0.282842 +v -4.059726 1.215372 -0.144192 +v -4.110360 2.565686 -0.554815 +v -4.129769 2.444456 -0.652394 +v -4.144192 2.306147 -0.724901 +v -4.153073 2.156072 -0.769551 +v -4.156072 2.000000 -0.784627 +v -4.153073 1.843928 -0.769551 +v -4.144192 1.693853 -0.724901 +v -4.129769 1.555544 -0.652394 +v -4.110360 1.434314 -0.554815 +v -4.086709 1.334824 -0.435915 +v -4.059726 1.260896 -0.300264 +v -4.030448 1.215372 -0.153073 +v -4.000000 1.843928 -0.784628 +v -4.000000 1.693853 -0.739103 +v -4.000000 1.434314 -0.565685 +v -4.000000 1.334824 -0.444456 +v -4.000000 1.260896 -0.306146 +vt 0.750000 0.250000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.718750 0.250000 +vt 0.750000 0.687500 +vt 0.750000 0.750000 +vt 0.718750 0.750000 +vt 0.718750 0.687500 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.750000 0.625000 +vt 0.718750 0.625000 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.750000 0.562500 +vt 0.718750 0.562500 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.750000 0.500000 +vt 0.718750 0.500000 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.718750 0.437500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.750000 +vt 0.687500 0.687500 +vt 0.687500 0.187500 +vt 0.687500 0.625000 +vt 0.687500 0.125000 +vt 0.687500 0.562500 +vt 0.687500 0.062500 +vt 0.687500 0.500000 +vt 0.703125 0.000000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.656250 0.625000 +vt 0.656250 0.562500 +vt 0.656250 0.062500 +vt 0.656250 0.500000 +vt 0.671875 0.000000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.656250 0.750000 +vt 0.656250 0.687500 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.625000 0.750000 +vt 0.625000 0.687500 +vt 0.625000 0.187500 +vt 0.625000 0.625000 +vt 0.625000 0.125000 +vt 0.625000 0.562500 +vt 0.625000 0.062500 +vt 0.625000 0.500000 +vt 0.640625 0.000000 +vt 0.625000 0.437500 +vt 0.593750 0.125000 +vt 0.593750 0.062500 +vt 0.593750 0.562500 +vt 0.593750 0.500000 +vt 0.609375 0.000000 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.750000 +vt 0.593750 0.687500 +vt 0.593750 0.187500 +vt 0.593750 0.625000 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.750000 +vt 0.562500 0.687500 +vt 0.562500 0.187500 +vt 0.562500 0.625000 +vt 0.562500 0.125000 +vt 0.562500 0.562500 +vt 0.562500 0.062500 +vt 0.562500 0.500000 +vt 0.578125 0.000000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.531250 0.562500 +vt 0.531250 0.500000 +vt 0.546875 0.000000 +vt 0.531250 0.062500 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.750000 +vt 0.531250 0.687500 +vt 0.531250 0.187500 +vt 0.531250 0.625000 +vt 0.531250 0.125000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.750000 +vt 0.500000 0.687500 +vt 0.500000 0.187500 +vt 0.500000 0.625000 +vt 0.500000 0.125000 +vt 0.500000 0.562500 +vt 0.500000 0.062500 +vt 0.500000 0.500000 +vt 0.515625 0.000000 +vt 0.500000 0.437500 +vt 0.500000 0.375000 +vt 0.484375 0.000000 +vt 0.468750 0.062500 +vt 0.468750 0.500000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.750000 +vt 0.468750 0.687500 +vt 0.468750 0.187500 +vt 0.468750 0.625000 +vt 0.468750 0.125000 +vt 0.468750 0.562500 +vt 0.437500 0.750000 +vt 0.437500 0.687500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.625000 +vt 0.437500 0.125000 +vt 0.437500 0.562500 +vt 0.437500 0.062500 +vt 0.437500 0.500000 +vt 0.453125 0.000000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.406250 0.500000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.750000 +vt 0.406250 0.687500 +vt 0.406250 0.187500 +vt 0.406250 0.625000 +vt 0.406250 0.125000 +vt 0.406250 0.562500 +vt 0.406250 0.062500 +vt 0.421875 0.000000 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.375000 0.687500 +vt 0.375000 0.625000 +vt 0.375000 0.125000 +vt 0.375000 0.562500 +vt 0.375000 0.062500 +vt 0.375000 0.500000 +vt 0.390625 0.000000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.375000 0.750000 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.750000 +vt 0.343750 0.687500 +vt 0.343750 0.187500 +vt 0.343750 0.625000 +vt 0.343750 0.125000 +vt 0.343750 0.562500 +vt 0.343750 0.062500 +vt 0.343750 0.500000 +vt 0.359375 0.000000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.312500 0.625000 +vt 0.312500 0.562500 +vt 0.312500 0.062500 +vt 0.312500 0.500000 +vt 0.328125 0.000000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.312500 0.250000 +vt 0.312500 0.750000 +vt 0.312500 0.687500 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.281250 0.750000 +vt 0.281250 0.687500 +vt 0.281250 0.187500 +vt 0.281250 0.625000 +vt 0.281250 0.125000 +vt 0.281250 0.562500 +vt 0.281250 0.062500 +vt 0.281250 0.500000 +vt 0.296875 0.000000 +vt 0.281250 0.437500 +vt 0.250000 0.625000 +vt 0.250000 0.562500 +vt 0.250000 0.125000 +vt 0.250000 0.062500 +vt 0.250000 0.500000 +vt 0.265625 0.000000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.250000 0.750000 +vt 0.250000 0.687500 +vt 0.250000 0.187500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.218750 0.750000 +vt 0.218750 0.687500 +vt 0.218750 0.187500 +vt 0.218750 0.625000 +vt 0.218750 0.125000 +vt 0.218750 0.562500 +vt 0.218750 0.062500 +vt 0.218750 0.500000 +vt 0.234375 0.000000 +vt 0.218750 0.437500 +vt 0.187500 0.125000 +vt 0.187500 0.062500 +vt 0.187500 0.562500 +vt 0.187500 0.500000 +vt 0.203125 0.000000 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.750000 +vt 0.187500 0.687500 +vt 0.187500 0.187500 +vt 0.187500 0.625000 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.750000 +vt 0.156250 0.687500 +vt 0.156250 0.187500 +vt 0.156250 0.625000 +vt 0.156250 0.125000 +vt 0.156250 0.562500 +vt 0.156250 0.062500 +vt 0.156250 0.500000 +vt 0.171875 0.000000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.125000 0.562500 +vt 0.125000 0.500000 +vt 0.140625 0.000000 +vt 0.125000 0.062500 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.750000 +vt 0.125000 0.687500 +vt 0.125000 0.187500 +vt 0.125000 0.625000 +vt 0.125000 0.125000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.093750 0.750000 +vt 0.093750 0.687500 +vt 0.093750 0.187500 +vt 0.093750 0.625000 +vt 0.093750 0.125000 +vt 0.093750 0.562500 +vt 0.093750 0.062500 +vt 0.093750 0.500000 +vt 0.109375 0.000000 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.078125 0.000000 +vt 0.062500 0.062500 +vt 0.062500 0.500000 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.750000 +vt 0.062500 0.687500 +vt 0.062500 0.187500 +vt 0.062500 0.625000 +vt 0.062500 0.125000 +vt 0.062500 0.562500 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.687500 +vt 0.031250 0.625000 +vt 0.031250 0.125000 +vt 0.031250 0.562500 +vt 0.031250 0.062500 +vt 0.031250 0.500000 +vt 0.046875 0.000000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.031250 0.312500 +vt 0.031250 0.750000 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.750000 +vt 0.000000 0.687500 +vt 0.000000 0.187500 +vt 0.000000 0.625000 +vt 0.000000 0.125000 +vt 0.000000 0.562500 +vt 0.000000 0.062500 +vt 0.000000 0.500000 +vt 0.015625 0.000000 +vt 1.000000 0.625000 +vt 1.000000 0.687500 +vt 0.968750 0.687500 +vt 0.968750 0.625000 +vt 1.000000 0.125000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 0.968750 0.125000 +vt 1.000000 0.562500 +vt 0.968750 0.562500 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 1.000000 0.500000 +vt 0.968750 0.500000 +vt 0.984375 0.000000 +vt 1.000000 0.437500 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 1.000000 0.750000 +vt 0.968750 0.750000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.750000 +vt 0.937500 0.687500 +vt 0.937500 0.187500 +vt 0.937500 0.625000 +vt 0.937500 0.125000 +vt 0.937500 0.562500 +vt 0.937500 0.062500 +vt 0.937500 0.500000 +vt 0.953125 0.000000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.906250 0.625000 +vt 0.906250 0.562500 +vt 0.906250 0.062500 +vt 0.906250 0.500000 +vt 0.921875 0.000000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.906250 0.250000 +vt 0.906250 0.750000 +vt 0.906250 0.687500 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.875000 0.750000 +vt 0.875000 0.687500 +vt 0.875000 0.187500 +vt 0.875000 0.625000 +vt 0.875000 0.125000 +vt 0.875000 0.562500 +vt 0.875000 0.062500 +vt 0.875000 0.500000 +vt 0.890625 0.000000 +vt 0.875000 0.437500 +vt 0.843750 0.625000 +vt 0.843750 0.562500 +vt 0.843750 0.125000 +vt 0.843750 0.062500 +vt 0.843750 0.500000 +vt 0.859375 0.000000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.750000 +vt 0.843750 0.687500 +vt 0.843750 0.187500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.750000 +vt 0.812500 0.687500 +vt 0.812500 0.187500 +vt 0.812500 0.625000 +vt 0.812500 0.125000 +vt 0.812500 0.562500 +vt 0.812500 0.062500 +vt 0.812500 0.500000 +vt 0.828125 0.000000 +vt 0.812500 0.437500 +vt 0.781250 0.125000 +vt 0.781250 0.062500 +vt 0.781250 0.562500 +vt 0.781250 0.500000 +vt 0.796875 0.000000 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.750000 +vt 0.781250 0.687500 +vt 0.781250 0.187500 +vt 0.781250 0.625000 +vt 0.765625 0.000000 +vn 0.0759 -0.6326 -0.7708 +vn 0.0759 0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0865 0.4696 -0.8786 +vn 0.0464 -0.8810 -0.4709 +vn 0.0938 0.2890 -0.9527 +vn 0.0286 -0.9565 -0.2902 +vn 0.0975 0.0975 -0.9904 +vn 0.0097 -0.9951 -0.0980 +vn 0.0975 -0.0976 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.2248 0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.2563 0.4696 -0.8448 +vn 0.1374 -0.8810 -0.4528 +vn 0.2779 0.2890 -0.9161 +vn 0.0846 -0.9565 -0.2790 +vn 0.2889 0.0976 -0.9524 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.2231 -0.8810 -0.4173 +vn 0.4513 0.2890 -0.8443 +vn 0.1374 -0.9565 -0.2571 +vn 0.4691 0.0976 -0.8777 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.3651 0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.4162 0.4696 -0.7786 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4913 0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.5601 0.4696 -0.6825 +vn 0.3002 -0.8810 -0.3658 +vn 0.6073 0.2890 -0.7400 +vn 0.1850 -0.9566 -0.2254 +vn 0.6314 0.0975 -0.7693 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0975 -0.7693 +vn 0.6073 -0.2890 -0.7400 +vn 0.2254 -0.9565 -0.1850 +vn 0.7693 0.0976 -0.6314 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.5987 0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.6825 0.4696 -0.5601 +vn 0.3658 -0.8810 -0.3002 +vn 0.7400 0.2890 -0.6073 +vn 0.6831 -0.6326 -0.3651 +vn 0.6831 0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.7786 0.4696 -0.4162 +vn 0.4173 -0.8810 -0.2231 +vn 0.8443 0.2890 -0.4513 +vn 0.2571 -0.9566 -0.1374 +vn 0.8777 0.0975 -0.4691 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0975 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.9524 0.0975 -0.2889 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0975 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.7412 0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.8448 0.4696 -0.2563 +vn 0.4528 -0.8810 -0.1374 +vn 0.9161 0.2890 -0.2779 +vn 0.2790 -0.9566 -0.0846 +vn 0.7708 -0.6326 -0.0759 +vn 0.7708 0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.8786 0.4696 -0.0865 +vn 0.4709 -0.8810 -0.0464 +vn 0.9527 0.2890 -0.0938 +vn 0.2902 -0.9565 -0.0286 +vn 0.9904 0.0975 -0.0975 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0976 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.8786 -0.4696 -0.0865 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0976 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.7708 0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.8786 0.4696 0.0865 +vn 0.4709 -0.8810 0.0464 +vn 0.9527 0.2890 0.0938 +vn 0.2902 -0.9565 0.0286 +vn 0.9904 0.0976 0.0975 +vn 0.7412 0.6326 0.2248 +vn 0.6088 -0.7715 0.1847 +vn 0.8448 0.4696 0.2563 +vn 0.4528 -0.8810 0.1374 +vn 0.9161 0.2890 0.2779 +vn 0.2790 -0.9565 0.0846 +vn 0.9524 0.0975 0.2889 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0975 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.8777 -0.0975 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.6831 0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.7786 0.4696 0.4162 +vn 0.4173 -0.8810 0.2230 +vn 0.8443 0.2890 0.4513 +vn 0.2571 -0.9565 0.1374 +vn 0.8777 0.0975 0.4691 +vn 0.0869 -0.9951 0.0464 +vn 0.4918 -0.7715 0.4036 +vn 0.6825 0.4696 0.5601 +vn 0.3658 -0.8810 0.3002 +vn 0.7400 0.2890 0.6073 +vn 0.2254 -0.9565 0.1850 +vn 0.7693 0.0975 0.6314 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0975 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.5987 0.6326 0.4913 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4913 0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.5601 0.4696 0.6825 +vn 0.3002 -0.8810 0.3658 +vn 0.6073 0.2890 0.7400 +vn 0.1850 -0.9565 0.2254 +vn 0.6314 0.0975 0.7693 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0975 0.7693 +vn 0.2231 -0.8810 0.4173 +vn 0.4513 0.2890 0.8443 +vn 0.1374 -0.9565 0.2571 +vn 0.4691 0.0975 0.8777 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0975 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.3651 0.6326 0.6831 +vn 0.2999 -0.7715 0.5611 +vn 0.4162 0.4696 0.7786 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.2248 0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.2563 0.4696 0.8448 +vn 0.1374 -0.8810 0.4528 +vn 0.2779 0.2890 0.9161 +vn 0.0846 -0.9565 0.2790 +vn 0.2889 0.0975 0.9524 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0975 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.0938 0.2890 0.9527 +vn 0.0286 -0.9565 0.2902 +vn 0.0975 0.0975 0.9904 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0975 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0759 0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn 0.0865 0.4696 0.8786 +vn 0.0464 -0.8810 0.4709 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0759 0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.0865 0.4696 0.8786 +vn -0.0464 -0.8810 0.4709 +vn -0.0938 0.2890 0.9527 +vn -0.0286 -0.9565 0.2902 +vn -0.0976 0.0975 0.9904 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0975 0.9904 +vn -0.0938 -0.2890 0.9527 +vn -0.0846 -0.9566 0.2790 +vn -0.2889 0.0976 0.9524 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0975 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.2248 0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.2563 0.4696 0.8448 +vn -0.1374 -0.8810 0.4528 +vn -0.2779 0.2890 0.9161 +vn -0.3651 -0.6326 0.6831 +vn -0.3651 0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.4162 0.4696 0.7786 +vn -0.2230 -0.8810 0.4173 +vn -0.4513 0.2890 0.8443 +vn -0.1374 -0.9565 0.2571 +vn -0.4691 0.0975 0.8777 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0975 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.6314 0.0975 0.7693 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0975 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4913 0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.5601 0.4696 0.6825 +vn -0.3002 -0.8810 0.3658 +vn -0.6073 0.2890 0.7400 +vn -0.1850 -0.9565 0.2254 +vn -0.5987 -0.6326 0.4913 +vn -0.5987 0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.6825 0.4696 0.5601 +vn -0.3658 -0.8810 0.3002 +vn -0.7400 0.2890 0.6073 +vn -0.2254 -0.9565 0.1850 +vn -0.7693 0.0975 0.6314 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0975 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0975 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.6831 0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.7786 0.4696 0.4162 +vn -0.4173 -0.8810 0.2230 +vn -0.8443 0.2890 0.4513 +vn -0.2571 -0.9565 0.1374 +vn -0.8777 0.0975 0.4691 +vn -0.6088 -0.7715 0.1847 +vn -0.8448 0.4696 0.2563 +vn -0.4528 -0.8810 0.1374 +vn -0.9161 0.2890 0.2779 +vn -0.2790 -0.9565 0.0846 +vn -0.9524 0.0975 0.2889 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0975 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.7412 -0.6326 0.2248 +vn -0.7412 0.6326 0.2248 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.7708 0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.8786 0.4696 0.0865 +vn -0.4709 -0.8810 0.0464 +vn -0.9527 0.2890 0.0938 +vn -0.2902 -0.9566 0.0286 +vn -0.9904 0.0975 0.0975 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0975 0.0975 +vn -0.8786 0.4696 -0.0865 +vn -0.4709 -0.8810 -0.0464 +vn -0.9527 0.2890 -0.0938 +vn -0.2902 -0.9566 -0.0286 +vn -0.9904 0.0975 -0.0976 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0976 -0.0976 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.7708 0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.9161 -0.2890 -0.2779 +vn -0.8449 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.7412 0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.8448 0.4696 -0.2563 +vn -0.4528 -0.8810 -0.1374 +vn -0.9161 0.2890 -0.2779 +vn -0.2790 -0.9565 -0.0846 +vn -0.9524 0.0975 -0.2889 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0975 -0.2889 +vn -0.4173 -0.8810 -0.2231 +vn -0.8443 0.2890 -0.4513 +vn -0.2571 -0.9565 -0.1374 +vn -0.8777 0.0975 -0.4691 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0975 -0.4692 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.6831 0.6326 -0.3651 +vn -0.5611 -0.7715 -0.2999 +vn -0.7786 0.4696 -0.4162 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.5987 0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.6825 0.4696 -0.5601 +vn -0.3658 -0.8810 -0.3002 +vn -0.7400 0.2890 -0.6073 +vn -0.2254 -0.9566 -0.1850 +vn -0.7693 0.0975 -0.6314 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0975 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.6073 0.2890 -0.7400 +vn -0.1850 -0.9565 -0.2254 +vn -0.6314 0.0975 -0.7693 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0975 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4913 0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.5601 0.4696 -0.6825 +vn -0.3002 -0.8810 -0.3658 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.3651 0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.4162 0.4696 -0.7786 +vn -0.2230 -0.8810 -0.4173 +vn -0.4513 0.2890 -0.8443 +vn -0.1374 -0.9565 -0.2571 +vn -0.4691 0.0975 -0.8777 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0975 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.0846 -0.9566 -0.2790 +vn -0.2889 0.0975 -0.9524 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0975 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.2248 0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.2563 0.4696 -0.8448 +vn -0.1374 -0.8810 -0.4528 +vn -0.2779 0.2890 -0.9161 +vn -0.0759 -0.6326 -0.7708 +vn -0.0759 0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0865 0.4696 -0.8786 +vn -0.0464 -0.8810 -0.4709 +vn -0.0938 0.2890 -0.9527 +vn -0.0286 -0.9565 -0.2902 +vn -0.0976 0.0975 -0.9904 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +vn -0.0865 -0.4696 -0.8786 +usemtl CustomColor.001 +s off +f 383/1/1 6/2/1 15/3/1 16/4/1 +f 2/5/2 1/6/2 8/7/2 9/8/2 +f 384/9/3 383/1/3 16/4/3 17/10/3 +f 3/11/4 2/5/4 9/8/4 10/12/4 +f 385/13/5 384/9/5 17/10/5 18/14/5 +f 4/15/6 3/11/6 10/12/6 11/16/6 +f 7/17/7 385/13/7 18/14/7 19/18/7 +f 5/19/8 4/15/8 11/16/8 12/20/8 +f 200/21/9 7/17/9 19/18/9 +f 381/22/10 5/19/10 12/20/10 13/23/10 +f 382/24/11 381/22/11 13/23/11 14/25/11 +f 6/2/12 382/24/12 14/25/12 15/3/12 +f 14/25/13 13/23/13 25/26/13 26/27/13 +f 15/3/14 14/25/14 26/27/14 27/28/14 +f 16/4/15 15/3/15 27/28/15 28/29/15 +f 9/8/16 8/7/16 20/30/16 21/31/16 +f 17/10/17 16/4/17 28/29/17 29/32/17 +f 10/12/18 9/8/18 21/31/18 22/33/18 +f 18/14/19 17/10/19 29/32/19 30/34/19 +f 11/16/20 10/12/20 22/33/20 23/35/20 +f 19/18/21 18/14/21 30/34/21 31/36/21 +f 12/20/22 11/16/22 23/35/22 24/37/22 +f 200/38/23 19/18/23 31/36/23 +f 13/23/24 12/20/24 24/37/24 25/26/24 +f 30/34/25 29/32/25 41/39/25 42/40/25 +f 23/35/26 22/33/26 34/41/26 35/42/26 +f 31/36/27 30/34/27 42/40/27 43/43/27 +f 24/37/28 23/35/28 35/42/28 36/44/28 +f 200/45/29 31/36/29 43/43/29 +f 25/26/30 24/37/30 36/44/30 37/46/30 +f 26/27/31 25/26/31 37/46/31 38/47/31 +f 27/28/32 26/27/32 38/47/32 39/48/32 +f 28/29/33 27/28/33 39/48/33 40/49/33 +f 21/31/34 20/30/34 32/50/34 33/51/34 +f 29/32/35 28/29/35 40/49/35 41/39/35 +f 22/33/36 21/31/36 33/51/36 34/41/36 +f 39/48/37 38/47/37 50/52/37 51/53/37 +f 40/49/38 39/48/38 51/53/38 52/54/38 +f 33/51/39 32/50/39 44/55/39 45/56/39 +f 41/39/40 40/49/40 52/54/40 53/57/40 +f 34/41/41 33/51/41 45/56/41 46/58/41 +f 42/40/42 41/39/42 53/57/42 54/59/42 +f 35/42/43 34/41/43 46/58/43 47/60/43 +f 43/43/44 42/40/44 54/59/44 55/61/44 +f 36/44/45 35/42/45 47/60/45 48/62/45 +f 200/63/46 43/43/46 55/61/46 +f 37/46/47 36/44/47 48/62/47 49/64/47 +f 38/47/48 37/46/48 49/64/48 50/52/48 +f 55/61/49 54/59/49 66/65/49 67/66/49 +f 48/62/50 47/60/50 59/67/50 60/68/50 +f 200/69/51 55/61/51 67/66/51 +f 49/64/52 48/62/52 60/68/52 61/70/52 +f 50/52/53 49/64/53 61/70/53 62/71/53 +f 51/53/54 50/52/54 62/71/54 63/72/54 +f 52/54/55 51/53/55 63/72/55 64/73/55 +f 45/56/56 44/55/56 56/74/56 57/75/56 +f 53/57/57 52/54/57 64/73/57 65/76/57 +f 46/58/58 45/56/58 57/75/58 58/77/58 +f 54/59/59 53/57/59 65/76/59 66/65/59 +f 47/60/60 46/58/60 58/77/60 59/67/60 +f 64/73/61 63/72/61 75/78/61 76/79/61 +f 57/75/62 56/74/62 68/80/62 69/81/62 +f 65/76/63 64/73/63 76/79/63 77/82/63 +f 58/77/64 57/75/64 69/81/64 70/83/64 +f 66/65/65 65/76/65 77/82/65 78/84/65 +f 59/67/66 58/77/66 70/83/66 71/85/66 +f 67/66/67 66/65/67 78/84/67 79/86/67 +f 60/68/68 59/67/68 71/85/68 72/87/68 +f 200/88/69 67/66/69 79/86/69 +f 61/70/70 60/68/70 72/87/70 73/89/70 +f 62/71/71 61/70/71 73/89/71 74/90/71 +f 63/72/72 62/71/72 74/90/72 75/78/72 +f 72/87/73 71/85/73 83/91/73 84/92/73 +f 200/93/74 79/86/74 91/94/74 +f 73/89/75 72/87/75 84/92/75 85/95/75 +f 74/90/76 73/89/76 85/95/76 86/96/76 +f 75/78/77 74/90/77 86/96/77 87/97/77 +f 76/79/78 75/78/78 87/97/78 88/98/78 +f 69/81/79 68/80/79 80/99/79 81/100/79 +f 77/82/80 76/79/80 88/98/80 89/101/80 +f 70/83/81 69/81/81 81/100/81 82/102/81 +f 78/84/82 77/82/82 89/101/82 90/103/82 +f 71/85/83 70/83/83 82/102/83 83/91/83 +f 79/86/84 78/84/84 90/103/84 91/94/84 +f 88/98/85 87/97/85 99/104/85 100/105/85 +f 81/100/86 80/99/86 92/106/86 93/107/86 +f 89/101/87 88/98/87 100/105/87 101/108/87 +f 82/102/88 81/100/88 93/107/88 94/109/88 +f 90/103/89 89/101/89 101/108/89 102/110/89 +f 83/91/90 82/102/90 94/109/90 95/111/90 +f 91/94/91 90/103/91 102/110/91 103/112/91 +f 84/92/92 83/91/92 95/111/92 96/113/92 +f 200/114/93 91/94/93 103/112/93 +f 85/95/94 84/92/94 96/113/94 97/115/94 +f 86/96/95 85/95/95 97/115/95 98/116/95 +f 87/97/96 86/96/96 98/116/96 99/104/96 +f 200/117/97 103/112/97 115/118/97 +f 97/115/98 96/113/98 108/119/98 109/120/98 +f 98/116/99 97/115/99 109/120/99 110/121/99 +f 99/104/100 98/116/100 110/121/100 111/122/100 +f 100/105/101 99/104/101 111/122/101 112/123/101 +f 93/107/102 92/106/102 104/124/102 105/125/102 +f 101/108/103 100/105/103 112/123/103 113/126/103 +f 94/109/104 93/107/104 105/125/104 106/127/104 +f 102/110/105 101/108/105 113/126/105 114/128/105 +f 95/111/106 94/109/106 106/127/106 107/129/106 +f 103/112/107 102/110/107 114/128/107 115/118/107 +f 96/113/108 95/111/108 107/129/108 108/119/108 +f 105/125/109 104/124/109 116/130/109 117/131/109 +f 113/126/110 112/123/110 124/132/110 125/133/110 +f 106/127/111 105/125/111 117/131/111 118/134/111 +f 114/128/112 113/126/112 125/133/112 126/135/112 +f 107/129/113 106/127/113 118/134/113 119/136/113 +f 115/118/114 114/128/114 126/135/114 127/137/114 +f 108/119/115 107/129/115 119/136/115 120/138/115 +f 200/139/116 115/118/116 127/137/116 +f 109/120/117 108/119/117 120/138/117 121/140/117 +f 110/121/118 109/120/118 121/140/118 122/141/118 +f 111/122/119 110/121/119 122/141/119 123/142/119 +f 112/123/120 111/122/120 123/142/120 124/132/120 +f 121/140/121 120/138/121 132/143/121 133/144/121 +f 122/141/122 121/140/122 133/144/122 134/145/122 +f 123/142/123 122/141/123 134/145/123 135/146/123 +f 124/132/124 123/142/124 135/146/124 136/147/124 +f 117/131/125 116/130/125 128/148/125 129/149/125 +f 125/133/126 124/132/126 136/147/126 137/150/126 +f 118/134/127 117/131/127 129/149/127 130/151/127 +f 126/135/128 125/133/128 137/150/128 138/152/128 +f 119/136/129 118/134/129 130/151/129 131/153/129 +f 127/137/130 126/135/130 138/152/130 139/154/130 +f 120/138/131 119/136/131 131/153/131 132/143/131 +f 200/155/132 127/137/132 139/154/132 +f 137/150/133 136/147/133 148/156/133 149/157/133 +f 130/151/134 129/149/134 141/158/134 142/159/134 +f 138/152/135 137/150/135 149/157/135 150/160/135 +f 131/153/136 130/151/136 142/159/136 143/161/136 +f 139/154/137 138/152/137 150/160/137 151/162/137 +f 132/143/138 131/153/138 143/161/138 144/163/138 +f 200/164/139 139/154/139 151/162/139 +f 133/144/140 132/143/140 144/163/140 145/165/140 +f 134/145/141 133/144/141 145/165/141 146/166/141 +f 135/146/142 134/145/142 146/166/142 147/167/142 +f 136/147/143 135/146/143 147/167/143 148/156/143 +f 129/149/144 128/148/144 140/168/144 141/158/144 +f 146/166/145 145/165/145 157/169/145 158/170/145 +f 147/167/146 146/166/146 158/170/146 159/171/146 +f 148/156/147 147/167/147 159/171/147 160/172/147 +f 141/158/148 140/168/148 152/173/148 153/174/148 +f 149/157/149 148/156/149 160/172/149 161/175/149 +f 142/159/150 141/158/150 153/174/150 154/176/150 +f 150/160/151 149/157/151 161/175/151 162/177/151 +f 143/161/152 142/159/152 154/176/152 155/178/152 +f 151/162/153 150/160/153 162/177/153 163/179/153 +f 144/163/154 143/161/154 155/178/154 156/180/154 +f 200/181/155 151/162/155 163/179/155 +f 145/165/156 144/163/156 156/180/156 157/169/156 +f 162/177/157 161/175/157 173/182/157 174/183/157 +f 155/178/158 154/176/158 166/184/158 167/185/158 +f 163/179/159 162/177/159 174/183/159 175/186/159 +f 156/180/160 155/178/160 167/185/160 168/187/160 +f 200/188/161 163/179/161 175/186/161 +f 157/169/162 156/180/162 168/187/162 169/189/162 +f 158/170/163 157/169/163 169/189/163 170/190/163 +f 159/171/164 158/170/164 170/190/164 171/191/164 +f 160/172/165 159/171/165 171/191/165 172/192/165 +f 153/174/166 152/173/166 164/193/166 165/194/166 +f 161/175/167 160/172/167 172/192/167 173/182/167 +f 154/176/168 153/174/168 165/194/168 166/184/168 +f 171/191/169 170/190/169 182/195/169 183/196/169 +f 172/192/170 171/191/170 183/196/170 184/197/170 +f 165/194/171 164/193/171 176/198/171 177/199/171 +f 173/182/172 172/192/172 184/197/172 185/200/172 +f 166/184/173 165/194/173 177/199/173 178/201/173 +f 174/183/174 173/182/174 185/200/174 186/202/174 +f 167/185/175 166/184/175 178/201/175 179/203/175 +f 175/186/176 174/183/176 186/202/176 187/204/176 +f 168/187/177 167/185/177 179/203/177 180/205/177 +f 200/206/178 175/186/178 187/204/178 +f 169/189/179 168/187/179 180/205/179 181/207/179 +f 170/190/180 169/189/180 181/207/180 182/195/180 +f 179/203/181 178/201/181 190/208/181 191/209/181 +f 187/204/182 186/202/182 198/210/182 199/211/182 +f 180/205/183 179/203/183 191/209/183 192/212/183 +f 200/213/184 187/204/184 199/211/184 +f 181/207/185 180/205/185 192/212/185 193/214/185 +f 182/195/186 181/207/186 193/214/186 194/215/186 +f 183/196/187 182/195/187 194/215/187 195/216/187 +f 184/197/188 183/196/188 195/216/188 196/217/188 +f 177/199/189 176/198/189 188/218/189 189/219/189 +f 185/200/190 184/197/190 196/217/190 197/220/190 +f 178/201/191 177/199/191 189/219/191 190/208/191 +f 186/202/192 185/200/192 197/220/192 198/210/192 +f 195/216/193 194/215/193 207/221/193 208/222/193 +f 196/217/194 195/216/194 208/222/194 209/223/194 +f 189/219/195 188/218/195 201/224/195 202/225/195 +f 197/220/196 196/217/196 209/223/196 210/226/196 +f 190/208/197 189/219/197 202/225/197 203/227/197 +f 198/210/198 197/220/198 210/226/198 211/228/198 +f 191/209/199 190/208/199 203/227/199 204/229/199 +f 199/211/200 198/210/200 211/228/200 212/230/200 +f 192/212/201 191/209/201 204/229/201 205/231/201 +f 200/232/202 199/211/202 212/230/202 +f 193/214/203 192/212/203 205/231/203 206/233/203 +f 194/215/204 193/214/204 206/233/204 207/221/204 +f 212/230/205 211/228/205 223/234/205 224/235/205 +f 205/231/206 204/229/206 216/236/206 217/237/206 +f 200/238/207 212/230/207 224/235/207 +f 206/233/208 205/231/208 217/237/208 218/239/208 +f 207/221/209 206/233/209 218/239/209 219/240/209 +f 208/222/210 207/221/210 219/240/210 220/241/210 +f 209/223/211 208/222/211 220/241/211 221/242/211 +f 202/225/212 201/224/212 213/243/212 214/244/212 +f 210/226/213 209/223/213 221/242/213 222/245/213 +f 203/227/214 202/225/214 214/244/214 215/246/214 +f 211/228/215 210/226/215 222/245/215 223/234/215 +f 204/229/216 203/227/216 215/246/216 216/236/216 +f 221/242/217 220/241/217 232/247/217 233/248/217 +f 214/244/218 213/243/218 225/249/218 226/250/218 +f 222/245/219 221/242/219 233/248/219 234/251/219 +f 215/246/220 214/244/220 226/250/220 227/252/220 +f 223/234/221 222/245/221 234/251/221 235/253/221 +f 216/236/222 215/246/222 227/252/222 228/254/222 +f 224/235/223 223/234/223 235/253/223 236/255/223 +f 217/237/224 216/236/224 228/254/224 229/256/224 +f 200/257/225 224/235/225 236/255/225 +f 218/239/226 217/237/226 229/256/226 230/258/226 +f 219/240/227 218/239/227 230/258/227 231/259/227 +f 220/241/228 219/240/228 231/259/228 232/247/228 +f 229/256/229 228/254/229 240/260/229 241/261/229 +f 200/262/230 236/255/230 248/263/230 +f 230/258/231 229/256/231 241/261/231 242/264/231 +f 231/259/232 230/258/232 242/264/232 243/265/232 +f 232/247/233 231/259/233 243/265/233 244/266/233 +f 233/248/234 232/247/234 244/266/234 245/267/234 +f 226/250/235 225/249/235 237/268/235 238/269/235 +f 234/251/236 233/248/236 245/267/236 246/270/236 +f 227/252/237 226/250/237 238/269/237 239/271/237 +f 235/253/238 234/251/238 246/270/238 247/272/238 +f 228/254/239 227/252/239 239/271/239 240/260/239 +f 236/255/240 235/253/240 247/272/240 248/263/240 +f 245/267/241 244/266/241 256/273/241 257/274/241 +f 238/269/242 237/268/242 249/275/242 250/276/242 +f 246/270/243 245/267/243 257/274/243 258/277/243 +f 239/271/244 238/269/244 250/276/244 251/278/244 +f 247/272/245 246/270/245 258/277/245 259/279/245 +f 240/260/246 239/271/246 251/278/246 252/280/246 +f 248/263/247 247/272/247 259/279/247 260/281/247 +f 241/261/248 240/260/248 252/280/248 253/282/248 +f 200/283/249 248/263/249 260/281/249 +f 242/264/250 241/261/250 253/282/250 254/284/250 +f 243/265/251 242/264/251 254/284/251 255/285/251 +f 244/266/252 243/265/252 255/285/252 256/273/252 +f 200/286/253 260/281/253 272/287/253 +f 254/284/254 253/282/254 265/288/254 266/289/254 +f 255/285/255 254/284/255 266/289/255 267/290/255 +f 256/273/256 255/285/256 267/290/256 268/291/256 +f 257/274/257 256/273/257 268/291/257 269/292/257 +f 250/276/258 249/275/258 261/293/258 262/294/258 +f 258/277/259 257/274/259 269/292/259 270/295/259 +f 251/278/260 250/276/260 262/294/260 263/296/260 +f 259/279/261 258/277/261 270/295/261 271/297/261 +f 252/280/262 251/278/262 263/296/262 264/298/262 +f 260/281/263 259/279/263 271/297/263 272/287/263 +f 253/282/264 252/280/264 264/298/264 265/288/264 +f 270/295/265 269/292/265 281/299/265 282/300/265 +f 263/296/266 262/294/266 274/301/266 275/302/266 +f 271/297/267 270/295/267 282/300/267 283/303/267 +f 264/298/268 263/296/268 275/302/268 276/304/268 +f 272/287/269 271/297/269 283/303/269 284/305/269 +f 265/288/270 264/298/270 276/304/270 277/306/270 +f 200/307/271 272/287/271 284/305/271 +f 266/289/272 265/288/272 277/306/272 278/308/272 +f 267/290/273 266/289/273 278/308/273 279/309/273 +f 268/291/274 267/290/274 279/309/274 280/310/274 +f 269/292/275 268/291/275 280/310/275 281/299/275 +f 262/294/276 261/293/276 273/311/276 274/301/276 +f 279/309/277 278/308/277 290/312/277 291/313/277 +f 280/310/278 279/309/278 291/313/278 292/314/278 +f 281/299/279 280/310/279 292/314/279 293/315/279 +f 274/301/280 273/311/280 285/316/280 286/317/280 +f 282/300/281 281/299/281 293/315/281 294/318/281 +f 275/302/282 274/301/282 286/317/282 287/319/282 +f 283/303/283 282/300/283 294/318/283 295/320/283 +f 276/304/284 275/302/284 287/319/284 288/321/284 +f 284/305/285 283/303/285 295/320/285 296/322/285 +f 277/306/286 276/304/286 288/321/286 289/323/286 +f 200/324/287 284/305/287 296/322/287 +f 278/308/288 277/306/288 289/323/288 290/312/288 +f 287/325/289 286/326/289 298/327/289 299/328/289 +f 295/329/290 294/330/290 306/331/290 307/332/290 +f 288/333/291 287/325/291 299/328/291 300/334/291 +f 296/335/292 295/329/292 307/332/292 308/336/292 +f 289/337/293 288/333/293 300/334/293 301/338/293 +f 200/339/294 296/335/294 308/336/294 +f 290/340/295 289/337/295 301/338/295 302/341/295 +f 291/342/296 290/340/296 302/341/296 303/343/296 +f 292/344/297 291/342/297 303/343/297 304/345/297 +f 293/346/298 292/344/298 304/345/298 305/347/298 +f 286/326/299 285/348/299 297/349/299 298/327/299 +f 294/330/300 293/346/300 305/347/300 306/331/300 +f 303/343/301 302/341/301 314/350/301 315/351/301 +f 304/345/302 303/343/302 315/351/302 316/352/302 +f 305/347/303 304/345/303 316/352/303 317/353/303 +f 298/327/304 297/349/304 309/354/304 310/355/304 +f 306/331/305 305/347/305 317/353/305 318/356/305 +f 299/328/306 298/327/306 310/355/306 311/357/306 +f 307/332/307 306/331/307 318/356/307 319/358/307 +f 300/334/308 299/328/308 311/357/308 312/359/308 +f 308/336/309 307/332/309 319/358/309 320/360/309 +f 301/338/310 300/334/310 312/359/310 313/361/310 +f 200/362/311 308/336/311 320/360/311 +f 302/341/312 301/338/312 313/361/312 314/350/312 +f 319/358/313 318/356/313 330/363/313 331/364/313 +f 312/359/314 311/357/314 323/365/314 324/366/314 +f 320/360/315 319/358/315 331/364/315 332/367/315 +f 313/361/316 312/359/316 324/366/316 325/368/316 +f 200/369/317 320/360/317 332/367/317 +f 314/350/318 313/361/318 325/368/318 326/370/318 +f 315/351/319 314/350/319 326/370/319 327/371/319 +f 316/352/320 315/351/320 327/371/320 328/372/320 +f 317/353/321 316/352/321 328/372/321 329/373/321 +f 310/355/322 309/354/322 321/374/322 322/375/322 +f 318/356/323 317/353/323 329/373/323 330/363/323 +f 311/357/324 310/355/324 322/375/324 323/365/324 +f 328/372/325 327/371/325 339/376/325 340/377/325 +f 329/373/326 328/372/326 340/377/326 341/378/326 +f 322/375/327 321/374/327 333/379/327 334/380/327 +f 330/363/328 329/373/328 341/378/328 342/381/328 +f 323/365/329 322/375/329 334/380/329 335/382/329 +f 331/364/330 330/363/330 342/381/330 343/383/330 +f 324/366/331 323/365/331 335/382/331 336/384/331 +f 332/367/332 331/364/332 343/383/332 344/385/332 +f 325/368/333 324/366/333 336/384/333 337/386/333 +f 200/387/334 332/367/334 344/385/334 +f 326/370/335 325/368/335 337/386/335 338/388/335 +f 327/371/336 326/370/336 338/388/336 339/376/336 +f 336/384/337 335/382/337 347/389/337 348/390/337 +f 344/385/338 343/383/338 355/391/338 356/392/338 +f 337/386/339 336/384/339 348/390/339 349/393/339 +f 200/394/340 344/385/340 356/392/340 +f 338/388/341 337/386/341 349/393/341 350/395/341 +f 339/376/342 338/388/342 350/395/342 351/396/342 +f 340/377/343 339/376/343 351/396/343 352/397/343 +f 341/378/344 340/377/344 352/397/344 353/398/344 +f 334/380/345 333/379/345 345/399/345 346/400/345 +f 342/381/346 341/378/346 353/398/346 354/401/346 +f 335/382/347 334/380/347 346/400/347 347/389/347 +f 343/383/348 342/381/348 354/401/348 355/391/348 +f 352/397/349 351/396/349 363/402/349 364/403/349 +f 353/398/350 352/397/350 364/403/350 365/404/350 +f 346/400/351 345/399/351 357/405/351 358/406/351 +f 354/401/352 353/398/352 365/404/352 366/407/352 +f 347/389/353 346/400/353 358/406/353 359/408/353 +f 355/391/354 354/401/354 366/407/354 367/409/354 +f 348/390/355 347/389/355 359/408/355 360/410/355 +f 356/392/356 355/391/356 367/409/356 368/411/356 +f 349/393/357 348/390/357 360/410/357 361/412/357 +f 200/413/358 356/392/358 368/411/358 +f 350/395/359 349/393/359 361/412/359 362/414/359 +f 351/396/360 350/395/360 362/414/360 363/402/360 +f 368/411/361 367/409/361 379/415/361 380/416/361 +f 361/412/362 360/410/362 372/417/362 373/418/362 +f 200/419/363 368/411/363 380/416/363 +f 362/414/364 361/412/364 373/418/364 374/420/364 +f 363/402/365 362/414/365 374/420/365 375/421/365 +f 364/403/366 363/402/366 375/421/366 376/422/366 +f 365/404/367 364/403/367 376/422/367 377/423/367 +f 358/406/368 357/405/368 369/424/368 370/425/368 +f 366/407/369 365/404/369 377/423/369 378/426/369 +f 359/408/370 358/406/370 370/425/370 371/427/370 +f 367/409/371 366/407/371 378/426/371 379/415/371 +f 360/410/372 359/408/372 371/427/372 372/417/372 +f 377/423/373 376/422/373 6/2/373 383/1/373 +f 370/425/374 369/424/374 1/6/374 2/5/374 +f 378/426/375 377/423/375 383/1/375 384/9/375 +f 371/427/376 370/425/376 2/5/376 3/11/376 +f 379/415/377 378/426/377 384/9/377 385/13/377 +f 372/417/378 371/427/378 3/11/378 4/15/378 +f 380/416/379 379/415/379 385/13/379 7/17/379 +f 373/418/380 372/417/380 4/15/380 5/19/380 +f 200/428/381 380/416/381 7/17/381 +f 374/420/382 373/418/382 5/19/382 381/22/382 +f 375/421/383 374/420/383 381/22/383 382/24/383 +f 376/422/384 375/421/384 382/24/384 6/2/384 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_001.mtl b/cliport/environments/assets/bags/bl_sphere_bag_basic_001.mtl new file mode 100644 index 0000000000000000000000000000000000000000..afca61d4251bda1532c47bdc9c0bdf1520961abd --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_001.mtl @@ -0,0 +1,12 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl CustomColor.002 +Ns 323.999994 +Ka 1.000000 1.000000 1.000000 +Kd 0.000000 0.000000 1.000000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_001.obj b/cliport/environments/assets/bags/bl_sphere_bag_basic_001.obj new file mode 100644 index 0000000000000000000000000000000000000000..30c1b374cacd6cd71737b29b314f811b4ed25672 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_001.obj @@ -0,0 +1,1458 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_basic_001.mtl +o Sphere.001 +v -2.000000 2.444456 -0.665176 +v -2.000000 2.306147 -0.739104 +v -2.000000 2.156072 -0.784628 +v -2.000000 2.000000 -0.800000 +v -2.000000 1.555544 -0.665176 +v -2.000000 1.215372 -0.156072 +v -1.870231 2.444456 -0.652395 +v -1.855808 2.306147 -0.724902 +v -1.846927 2.156072 -0.769552 +v -1.843928 2.000000 -0.784628 +v -1.846927 1.843928 -0.769552 +v -1.855808 1.693853 -0.724902 +v -1.870231 1.555544 -0.652395 +v -1.889640 1.434314 -0.554816 +v -1.913291 1.334824 -0.435916 +v -1.940274 1.260896 -0.300264 +v -1.969552 1.215372 -0.153073 +v -1.745448 2.444456 -0.614542 +v -1.717157 2.306147 -0.682843 +v -1.699736 2.156072 -0.724902 +v -1.693853 2.000000 -0.739104 +v -1.699736 1.843928 -0.724902 +v -1.717157 1.693853 -0.682843 +v -1.745448 1.555544 -0.614542 +v -1.783521 1.434314 -0.522625 +v -1.829914 1.334824 -0.410624 +v -1.882843 1.260896 -0.282843 +v -1.940274 1.215372 -0.144192 +v -1.630448 2.444456 -0.553073 +v -1.589376 2.306147 -0.614542 +v -1.564084 2.156072 -0.652394 +v -1.555544 2.000000 -0.665176 +v -1.564084 1.843928 -0.652394 +v -1.589376 1.693853 -0.614542 +v -1.630448 1.555544 -0.553073 +v -1.685722 1.434314 -0.470350 +v -1.753073 1.334824 -0.369552 +v -1.829914 1.260896 -0.254552 +v -1.913291 1.215372 -0.129769 +v -1.529649 2.444456 -0.470350 +v -1.477375 2.306147 -0.522625 +v -1.445184 2.156072 -0.554816 +v -1.434314 2.000000 -0.565685 +v -1.445184 1.843928 -0.554816 +v -1.477375 1.693853 -0.522625 +v -1.529649 1.555544 -0.470350 +v -1.600000 1.434314 -0.400000 +v -1.685722 1.334824 -0.314278 +v -1.783522 1.260896 -0.216478 +v -1.889640 1.215372 -0.110360 +v -1.446926 2.444456 -0.369552 +v -1.385458 2.306147 -0.410624 +v -1.347605 2.156072 -0.435916 +v -1.334824 2.000000 -0.444456 +v -1.347605 1.843928 -0.435916 +v -1.385458 1.693853 -0.410624 +v -1.446926 1.555544 -0.369552 +v -1.529650 1.434314 -0.314278 +v -1.630448 1.334824 -0.246926 +v -1.745448 1.260896 -0.170086 +v -1.870231 1.215372 -0.086709 +v -1.385458 2.444456 -0.254551 +v -1.317157 2.306147 -0.282842 +v -1.275098 2.156072 -0.300264 +v -1.260896 2.000000 -0.306146 +v -1.275098 1.843928 -0.300264 +v -1.317157 1.693853 -0.282843 +v -1.385458 1.555544 -0.254551 +v -1.477375 1.434314 -0.216478 +v -1.589376 1.334824 -0.170086 +v -1.717157 1.260896 -0.117157 +v -1.855808 1.215372 -0.059726 +v -1.347605 2.444456 -0.129769 +v -1.275098 2.306147 -0.144192 +v -1.230448 2.156072 -0.153073 +v -1.215372 2.000000 -0.156072 +v -1.230448 1.843928 -0.153073 +v -1.275098 1.693853 -0.144192 +v -1.347605 1.555544 -0.129769 +v -1.445184 1.434314 -0.110359 +v -1.564084 1.334824 -0.086709 +v -1.699736 1.260896 -0.059726 +v -1.846927 1.215372 -0.030448 +v -1.334824 2.444456 0.000000 +v -1.260896 2.306147 0.000000 +v -1.215372 2.156072 0.000000 +v -1.200000 2.000000 0.000000 +v -1.215372 1.843928 0.000000 +v -1.260896 1.693853 0.000000 +v -1.334824 1.555544 0.000000 +v -1.434314 1.434314 0.000000 +v -1.555544 1.334824 0.000000 +v -1.693853 1.260896 0.000000 +v -1.843928 1.215372 0.000000 +v -1.347605 2.444456 0.129770 +v -1.275098 2.306147 0.144192 +v -1.230448 2.156072 0.153074 +v -1.215372 2.000000 0.156073 +v -1.230448 1.843928 0.153074 +v -1.275098 1.693853 0.144192 +v -1.347605 1.555544 0.129770 +v -1.445184 1.434314 0.110360 +v -1.564084 1.334824 0.086709 +v -1.699736 1.260896 0.059727 +v -1.846927 1.215372 0.030448 +v -1.385458 2.444456 0.254552 +v -1.317157 2.306147 0.282843 +v -1.275098 2.156072 0.300264 +v -1.260896 2.000000 0.306147 +v -1.275098 1.843928 0.300265 +v -1.317157 1.693853 0.282843 +v -1.385458 1.555544 0.254552 +v -1.477375 1.434314 0.216479 +v -1.589376 1.334824 0.170086 +v -1.717157 1.260896 0.117158 +v -1.855808 1.215372 0.059727 +v -1.446927 2.444456 0.369552 +v -1.385458 2.306147 0.410624 +v -1.347605 2.156072 0.435916 +v -1.334824 2.000000 0.444457 +v -1.347605 1.843928 0.435916 +v -1.385458 1.693853 0.410624 +v -1.446927 1.555544 0.369552 +v -1.529650 1.434314 0.314278 +v -1.630448 1.334824 0.246927 +v -1.745448 1.260896 0.170086 +v -1.870231 1.215372 0.086709 +v -1.529650 2.444456 0.470351 +v -1.477375 2.306147 0.522626 +v -1.445184 2.156072 0.554816 +v -1.434315 2.000000 0.565686 +v -1.445184 1.843928 0.554816 +v -1.477375 1.693853 0.522626 +v -1.529650 1.555544 0.470351 +v -1.600000 1.434314 0.400000 +v -1.685722 1.334824 0.314278 +v -1.783521 1.260896 0.216479 +v -1.889640 1.215372 0.110360 +v -1.630448 2.444456 0.553074 +v -1.589376 2.306147 0.614542 +v -1.564084 2.156072 0.652395 +v -1.555544 2.000000 0.665176 +v -1.564084 1.843928 0.652395 +v -1.589376 1.693853 0.614542 +v -1.630448 1.555544 0.553074 +v -1.685722 1.434314 0.470351 +v -1.753073 1.334824 0.369552 +v -1.829914 1.260896 0.254552 +v -1.913291 1.215372 0.129770 +v -1.745448 2.444456 0.614543 +v -1.717157 2.306147 0.682843 +v -1.699736 2.156072 0.724902 +v -1.693853 2.000000 0.739104 +v -1.699736 1.843928 0.724902 +v -1.717157 1.693853 0.682843 +v -1.745448 1.555544 0.614543 +v -1.783522 1.434314 0.522626 +v -1.829914 1.334824 0.410624 +v -1.882843 1.260896 0.282843 +v -1.940274 1.215372 0.144192 +v -1.870231 2.444456 0.652395 +v -1.855808 2.306147 0.724902 +v -1.846926 2.156072 0.769552 +v -1.843928 2.000000 0.784628 +v -1.846927 1.843928 0.769552 +v -1.855808 1.693853 0.724902 +v -1.870231 1.555544 0.652395 +v -1.889640 1.434314 0.554816 +v -1.913291 1.334824 0.435916 +v -1.940274 1.260896 0.300265 +v -1.969552 1.215372 0.153074 +v -2.000000 2.444456 0.665176 +v -2.000000 2.306147 0.739104 +v -2.000000 2.156072 0.784628 +v -2.000000 2.000000 0.800000 +v -2.000000 1.843928 0.784628 +v -2.000000 1.693853 0.739104 +v -2.000000 1.555544 0.665176 +v -2.000000 1.434314 0.565686 +v -2.000000 1.334824 0.444456 +v -2.000000 1.260896 0.306147 +v -2.000000 1.215372 0.156072 +v -2.000000 1.200000 0.000000 +v -2.129770 2.444456 0.652395 +v -2.144192 2.306147 0.724902 +v -2.153073 2.156072 0.769552 +v -2.156072 2.000000 0.784628 +v -2.153073 1.843928 0.769552 +v -2.144192 1.693853 0.724902 +v -2.129770 1.555544 0.652395 +v -2.110360 1.434314 0.554816 +v -2.086709 1.334824 0.435916 +v -2.059726 1.260896 0.300264 +v -2.030448 1.215372 0.153074 +v -2.254552 2.444456 0.614542 +v -2.282843 2.306147 0.682843 +v -2.300264 2.156072 0.724902 +v -2.306147 2.000000 0.739104 +v -2.300264 1.843928 0.724902 +v -2.282843 1.693853 0.682843 +v -2.254552 1.555544 0.614542 +v -2.216479 1.434314 0.522625 +v -2.170086 1.334824 0.410624 +v -2.117157 1.260896 0.282843 +v -2.059726 1.215372 0.144192 +v -2.369552 2.444456 0.553073 +v -2.410624 2.306147 0.614542 +v -2.435916 2.156072 0.652395 +v -2.444456 2.000000 0.665176 +v -2.435916 1.843928 0.652395 +v -2.410624 1.693853 0.614542 +v -2.369552 1.555544 0.553073 +v -2.314278 1.434314 0.470350 +v -2.246927 1.334824 0.369552 +v -2.170086 1.260896 0.254552 +v -2.086709 1.215372 0.129770 +v -2.470350 2.444456 0.470350 +v -2.522625 2.306147 0.522625 +v -2.554816 2.156072 0.554816 +v -2.565685 2.000000 0.565685 +v -2.554816 1.843928 0.554816 +v -2.522625 1.693853 0.522625 +v -2.470350 1.555544 0.470350 +v -2.400000 1.434314 0.400000 +v -2.314278 1.334824 0.314278 +v -2.216478 1.260896 0.216479 +v -2.110360 1.215372 0.110360 +v -2.553073 2.444456 0.369552 +v -2.614542 2.306147 0.410624 +v -2.652394 2.156072 0.435916 +v -2.665175 2.000000 0.444456 +v -2.652394 1.843928 0.435916 +v -2.614542 1.693853 0.410624 +v -2.553073 1.555544 0.369552 +v -2.470350 1.434314 0.314278 +v -2.369552 1.334824 0.246927 +v -2.254552 1.260896 0.170086 +v -2.129769 1.215372 0.086709 +v -2.614542 2.444456 0.254552 +v -2.682842 2.306147 0.282843 +v -2.724902 2.156072 0.300265 +v -2.739103 2.000000 0.306147 +v -2.724902 1.843928 0.300264 +v -2.682842 1.693853 0.282843 +v -2.614542 1.555544 0.254552 +v -2.522625 1.434314 0.216479 +v -2.410624 1.334824 0.170086 +v -2.282843 1.260896 0.117158 +v -2.144192 1.215372 0.059726 +v -2.652394 2.444456 0.129769 +v -2.724902 2.306147 0.144192 +v -2.769552 2.156072 0.153074 +v -2.784628 2.000000 0.156072 +v -2.769552 1.843928 0.153074 +v -2.724902 1.693853 0.144192 +v -2.652394 1.555544 0.129769 +v -2.554816 1.434314 0.110360 +v -2.435916 1.334824 0.086709 +v -2.300264 1.260896 0.059726 +v -2.153073 1.215372 0.030448 +v -2.665175 2.444456 0.000000 +v -2.739103 2.306147 0.000000 +v -2.784628 2.156072 0.000000 +v -2.799999 2.000000 0.000000 +v -2.784628 1.843928 0.000000 +v -2.739103 1.693853 0.000000 +v -2.665175 1.555544 0.000000 +v -2.565685 1.434314 0.000000 +v -2.444456 1.334824 0.000000 +v -2.306147 1.260896 0.000000 +v -2.156072 1.215372 0.000000 +v -2.652394 2.444456 -0.129769 +v -2.724901 2.306147 -0.144192 +v -2.769552 2.156072 -0.153073 +v -2.784628 2.000000 -0.156072 +v -2.769552 1.843928 -0.153073 +v -2.724901 1.693853 -0.144192 +v -2.652394 1.555544 -0.129769 +v -2.554816 1.434314 -0.110360 +v -2.435916 1.334824 -0.086709 +v -2.300264 1.260896 -0.059726 +v -2.153073 1.215372 -0.030448 +v -2.614542 2.444456 -0.254552 +v -2.682842 2.306147 -0.282842 +v -2.724902 2.156072 -0.300264 +v -2.739103 2.000000 -0.306147 +v -2.724902 1.843928 -0.300264 +v -2.682842 1.693853 -0.282842 +v -2.614542 1.555544 -0.254552 +v -2.522625 1.434314 -0.216478 +v -2.410624 1.334824 -0.170086 +v -2.282843 1.260896 -0.117157 +v -2.144192 1.215372 -0.059726 +v -2.553073 2.444456 -0.369552 +v -2.614542 2.306147 -0.410624 +v -2.652394 2.156072 -0.435916 +v -2.665175 2.000000 -0.444456 +v -2.652394 1.843928 -0.435916 +v -2.614542 1.693853 -0.410624 +v -2.553073 1.555544 -0.369552 +v -2.470350 1.434314 -0.314278 +v -2.369551 1.334824 -0.246926 +v -2.254552 1.260896 -0.170086 +v -2.129769 1.215372 -0.086709 +v -2.470350 2.444456 -0.470350 +v -2.522624 2.306147 -0.522625 +v -2.554816 2.156072 -0.554815 +v -2.565685 2.000000 -0.565685 +v -2.554816 1.843928 -0.554815 +v -2.522625 1.693853 -0.522625 +v -2.470350 1.555544 -0.470350 +v -2.400000 1.434314 -0.400000 +v -2.314278 1.334824 -0.314278 +v -2.216478 1.260896 -0.216478 +v -2.110360 1.215372 -0.110359 +v -2.369551 2.444456 -0.553073 +v -2.410624 2.306147 -0.614542 +v -2.435916 2.156072 -0.652394 +v -2.444456 2.000000 -0.665175 +v -2.435916 1.843928 -0.652394 +v -2.410624 1.693853 -0.614542 +v -2.369551 1.555544 -0.553073 +v -2.314278 1.434314 -0.470350 +v -2.246926 1.334824 -0.369551 +v -2.170086 1.260896 -0.254551 +v -2.086709 1.215372 -0.129769 +v -2.254551 2.444456 -0.614542 +v -2.282842 2.306147 -0.682842 +v -2.300264 2.156072 -0.724901 +v -2.306146 2.000000 -0.739103 +v -2.300264 1.843928 -0.724901 +v -2.282842 1.693853 -0.682842 +v -2.254551 1.555544 -0.614542 +v -2.216478 1.434314 -0.522625 +v -2.170086 1.334824 -0.410623 +v -2.117157 1.260896 -0.282842 +v -2.059726 1.215372 -0.144192 +v -2.129769 2.444456 -0.652394 +v -2.144192 2.306147 -0.724901 +v -2.153073 2.156072 -0.769551 +v -2.156072 2.000000 -0.784627 +v -2.153073 1.843928 -0.769551 +v -2.144192 1.693853 -0.724901 +v -2.129769 1.555544 -0.652394 +v -2.110359 1.434314 -0.554815 +v -2.086709 1.334824 -0.435915 +v -2.059726 1.260896 -0.300264 +v -2.030448 1.215372 -0.153073 +v -2.000000 1.843928 -0.784628 +v -2.000000 1.693853 -0.739103 +v -2.000000 1.434314 -0.565685 +v -2.000000 1.334824 -0.444456 +v -2.000000 1.260896 -0.306146 +vt 0.750000 0.250000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.718750 0.250000 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.750000 0.625000 +vt 0.750000 0.687500 +vt 0.718750 0.687500 +vt 0.718750 0.625000 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.750000 0.562500 +vt 0.718750 0.562500 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.750000 0.500000 +vt 0.718750 0.500000 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.718750 0.437500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.187500 +vt 0.687500 0.687500 +vt 0.687500 0.625000 +vt 0.687500 0.125000 +vt 0.687500 0.562500 +vt 0.687500 0.062500 +vt 0.687500 0.500000 +vt 0.703125 0.000000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.656250 0.625000 +vt 0.656250 0.562500 +vt 0.656250 0.062500 +vt 0.656250 0.500000 +vt 0.671875 0.000000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.656250 0.687500 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.625000 0.187500 +vt 0.625000 0.687500 +vt 0.625000 0.625000 +vt 0.625000 0.125000 +vt 0.625000 0.562500 +vt 0.625000 0.062500 +vt 0.625000 0.500000 +vt 0.640625 0.000000 +vt 0.625000 0.437500 +vt 0.593750 0.125000 +vt 0.593750 0.062500 +vt 0.593750 0.562500 +vt 0.593750 0.500000 +vt 0.609375 0.000000 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.187500 +vt 0.593750 0.687500 +vt 0.593750 0.625000 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.187500 +vt 0.562500 0.687500 +vt 0.562500 0.625000 +vt 0.562500 0.125000 +vt 0.562500 0.562500 +vt 0.562500 0.062500 +vt 0.562500 0.500000 +vt 0.578125 0.000000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.531250 0.562500 +vt 0.531250 0.500000 +vt 0.546875 0.000000 +vt 0.531250 0.062500 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.187500 +vt 0.531250 0.687500 +vt 0.531250 0.625000 +vt 0.531250 0.125000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.187500 +vt 0.500000 0.687500 +vt 0.500000 0.625000 +vt 0.500000 0.125000 +vt 0.500000 0.562500 +vt 0.500000 0.062500 +vt 0.500000 0.500000 +vt 0.515625 0.000000 +vt 0.500000 0.437500 +vt 0.500000 0.375000 +vt 0.484375 0.000000 +vt 0.468750 0.062500 +vt 0.468750 0.500000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.187500 +vt 0.468750 0.687500 +vt 0.468750 0.625000 +vt 0.468750 0.125000 +vt 0.468750 0.562500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.687500 +vt 0.437500 0.625000 +vt 0.437500 0.125000 +vt 0.437500 0.562500 +vt 0.437500 0.062500 +vt 0.437500 0.500000 +vt 0.453125 0.000000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.406250 0.500000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.187500 +vt 0.406250 0.687500 +vt 0.406250 0.625000 +vt 0.406250 0.125000 +vt 0.406250 0.562500 +vt 0.406250 0.062500 +vt 0.421875 0.000000 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.375000 0.687500 +vt 0.375000 0.625000 +vt 0.375000 0.125000 +vt 0.375000 0.562500 +vt 0.375000 0.062500 +vt 0.375000 0.500000 +vt 0.390625 0.000000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.187500 +vt 0.343750 0.687500 +vt 0.343750 0.625000 +vt 0.343750 0.125000 +vt 0.343750 0.562500 +vt 0.343750 0.062500 +vt 0.343750 0.500000 +vt 0.359375 0.000000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.312500 0.625000 +vt 0.312500 0.562500 +vt 0.312500 0.062500 +vt 0.312500 0.500000 +vt 0.328125 0.000000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.312500 0.250000 +vt 0.312500 0.687500 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.281250 0.187500 +vt 0.281250 0.687500 +vt 0.281250 0.625000 +vt 0.281250 0.125000 +vt 0.281250 0.562500 +vt 0.281250 0.062500 +vt 0.281250 0.500000 +vt 0.296875 0.000000 +vt 0.281250 0.437500 +vt 0.250000 0.625000 +vt 0.250000 0.562500 +vt 0.250000 0.125000 +vt 0.250000 0.062500 +vt 0.250000 0.500000 +vt 0.265625 0.000000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.250000 0.187500 +vt 0.250000 0.687500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.218750 0.187500 +vt 0.218750 0.687500 +vt 0.218750 0.625000 +vt 0.218750 0.125000 +vt 0.218750 0.562500 +vt 0.218750 0.062500 +vt 0.218750 0.500000 +vt 0.234375 0.000000 +vt 0.218750 0.437500 +vt 0.187500 0.125000 +vt 0.187500 0.062500 +vt 0.187500 0.562500 +vt 0.187500 0.500000 +vt 0.203125 0.000000 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.187500 +vt 0.187500 0.687500 +vt 0.187500 0.625000 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.187500 +vt 0.156250 0.687500 +vt 0.156250 0.625000 +vt 0.156250 0.125000 +vt 0.156250 0.562500 +vt 0.156250 0.062500 +vt 0.156250 0.500000 +vt 0.171875 0.000000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.125000 0.562500 +vt 0.125000 0.500000 +vt 0.140625 0.000000 +vt 0.125000 0.062500 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.187500 +vt 0.125000 0.687500 +vt 0.125000 0.625000 +vt 0.125000 0.125000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.093750 0.187500 +vt 0.093750 0.687500 +vt 0.093750 0.625000 +vt 0.093750 0.125000 +vt 0.093750 0.562500 +vt 0.093750 0.062500 +vt 0.093750 0.500000 +vt 0.109375 0.000000 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.078125 0.000000 +vt 0.062500 0.062500 +vt 0.062500 0.500000 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.187500 +vt 0.062500 0.687500 +vt 0.062500 0.625000 +vt 0.062500 0.125000 +vt 0.062500 0.562500 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.687500 +vt 0.031250 0.625000 +vt 0.031250 0.125000 +vt 0.031250 0.562500 +vt 0.031250 0.062500 +vt 0.031250 0.500000 +vt 0.046875 0.000000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.031250 0.312500 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.187500 +vt 0.000000 0.687500 +vt 0.000000 0.625000 +vt 0.000000 0.125000 +vt 0.000000 0.562500 +vt 0.000000 0.062500 +vt 0.000000 0.500000 +vt 0.015625 0.000000 +vt 1.000000 0.625000 +vt 1.000000 0.687500 +vt 0.968750 0.687500 +vt 0.968750 0.625000 +vt 1.000000 0.125000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 0.968750 0.125000 +vt 1.000000 0.562500 +vt 0.968750 0.562500 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 1.000000 0.500000 +vt 0.968750 0.500000 +vt 0.984375 0.000000 +vt 1.000000 0.437500 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.187500 +vt 0.937500 0.687500 +vt 0.937500 0.625000 +vt 0.937500 0.125000 +vt 0.937500 0.562500 +vt 0.937500 0.062500 +vt 0.937500 0.500000 +vt 0.953125 0.000000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.906250 0.625000 +vt 0.906250 0.562500 +vt 0.906250 0.062500 +vt 0.906250 0.500000 +vt 0.921875 0.000000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.906250 0.250000 +vt 0.906250 0.687500 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.875000 0.187500 +vt 0.875000 0.687500 +vt 0.875000 0.625000 +vt 0.875000 0.125000 +vt 0.875000 0.562500 +vt 0.875000 0.062500 +vt 0.875000 0.500000 +vt 0.890625 0.000000 +vt 0.875000 0.437500 +vt 0.843750 0.625000 +vt 0.843750 0.562500 +vt 0.843750 0.125000 +vt 0.843750 0.062500 +vt 0.843750 0.500000 +vt 0.859375 0.000000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.187500 +vt 0.843750 0.687500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.187500 +vt 0.812500 0.687500 +vt 0.812500 0.625000 +vt 0.812500 0.125000 +vt 0.812500 0.562500 +vt 0.812500 0.062500 +vt 0.812500 0.500000 +vt 0.828125 0.000000 +vt 0.812500 0.437500 +vt 0.781250 0.125000 +vt 0.781250 0.062500 +vt 0.781250 0.562500 +vt 0.781250 0.500000 +vt 0.796875 0.000000 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.187500 +vt 0.781250 0.687500 +vt 0.781250 0.625000 +vt 0.765625 0.000000 +vn 0.0759 -0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0865 0.4696 -0.8786 +vn 0.0464 -0.8810 -0.4709 +vn 0.0938 0.2890 -0.9527 +vn 0.0286 -0.9565 -0.2902 +vn 0.0975 0.0975 -0.9904 +vn 0.0097 -0.9951 -0.0980 +vn 0.0975 -0.0976 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.2563 0.4696 -0.8448 +vn 0.1374 -0.8810 -0.4528 +vn 0.2779 0.2890 -0.9161 +vn 0.0846 -0.9565 -0.2790 +vn 0.2889 0.0975 -0.9524 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.2230 -0.8810 -0.4173 +vn 0.4513 0.2890 -0.8443 +vn 0.1374 -0.9565 -0.2571 +vn 0.4691 0.0975 -0.8777 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.4162 0.4696 -0.7786 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.5601 0.4696 -0.6825 +vn 0.3002 -0.8810 -0.3658 +vn 0.6073 0.2890 -0.7400 +vn 0.1850 -0.9565 -0.2254 +vn 0.6314 0.0975 -0.7693 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0975 -0.7693 +vn 0.6073 -0.2890 -0.7400 +vn 0.2254 -0.9565 -0.1850 +vn 0.7693 0.0975 -0.6314 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.6825 0.4696 -0.5601 +vn 0.3658 -0.8810 -0.3002 +vn 0.7400 0.2890 -0.6073 +vn 0.6831 -0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.7786 0.4696 -0.4162 +vn 0.4173 -0.8810 -0.2231 +vn 0.8443 0.2890 -0.4513 +vn 0.2571 -0.9565 -0.1374 +vn 0.8777 0.0975 -0.4691 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0975 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.9524 0.0975 -0.2889 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0975 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.8448 0.4696 -0.2563 +vn 0.4528 -0.8810 -0.1374 +vn 0.9161 0.2890 -0.2779 +vn 0.2790 -0.9565 -0.0846 +vn 0.7708 -0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.8786 0.4696 -0.0865 +vn 0.4709 -0.8810 -0.0464 +vn 0.9527 0.2890 -0.0938 +vn 0.2902 -0.9565 -0.0286 +vn 0.9904 0.0975 -0.0975 +vn 0.0980 -0.9951 -0.0096 +vn 0.9904 -0.0975 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.8786 -0.4696 -0.0865 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0975 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.8786 0.4696 0.0865 +vn 0.4709 -0.8810 0.0464 +vn 0.9527 0.2890 0.0938 +vn 0.2902 -0.9565 0.0286 +vn 0.9904 0.0975 0.0975 +vn 0.6088 -0.7715 0.1847 +vn 0.8448 0.4696 0.2563 +vn 0.4528 -0.8810 0.1374 +vn 0.9161 0.2890 0.2779 +vn 0.2790 -0.9565 0.0846 +vn 0.9524 0.0975 0.2889 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0975 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.8777 -0.0975 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.7786 0.4696 0.4162 +vn 0.4173 -0.8810 0.2230 +vn 0.8443 0.2890 0.4513 +vn 0.2571 -0.9566 0.1374 +vn 0.8777 0.0975 0.4691 +vn 0.0869 -0.9951 0.0464 +vn 0.4918 -0.7715 0.4036 +vn 0.6825 0.4696 0.5601 +vn 0.3658 -0.8810 0.3002 +vn 0.7400 0.2890 0.6073 +vn 0.2254 -0.9565 0.1850 +vn 0.7693 0.0975 0.6314 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0975 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.5601 0.4696 0.6825 +vn 0.3002 -0.8810 0.3658 +vn 0.6073 0.2890 0.7400 +vn 0.1850 -0.9565 0.2254 +vn 0.6314 0.0975 0.7693 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0975 0.7693 +vn 0.2231 -0.8810 0.4173 +vn 0.4513 0.2890 0.8443 +vn 0.1374 -0.9565 0.2571 +vn 0.4691 0.0975 0.8777 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0975 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.2999 -0.7715 0.5611 +vn 0.4162 0.4696 0.7786 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.2563 0.4696 0.8448 +vn 0.1374 -0.8810 0.4528 +vn 0.2779 0.2890 0.9161 +vn 0.0846 -0.9565 0.2790 +vn 0.2889 0.0975 0.9524 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0975 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.0938 0.2890 0.9527 +vn 0.0286 -0.9565 0.2902 +vn 0.0975 0.0975 0.9904 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0975 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn 0.0865 0.4696 0.8786 +vn 0.0464 -0.8810 0.4709 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.0865 0.4696 0.8786 +vn -0.0464 -0.8810 0.4709 +vn -0.0938 0.2890 0.9527 +vn -0.0286 -0.9566 0.2902 +vn -0.0976 0.0975 0.9904 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0975 0.9904 +vn -0.0938 -0.2890 0.9527 +vn -0.0846 -0.9565 0.2790 +vn -0.2889 0.0975 0.9524 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0975 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.2563 0.4696 0.8448 +vn -0.1374 -0.8810 0.4528 +vn -0.2779 0.2890 0.9161 +vn -0.3651 -0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.4162 0.4696 0.7786 +vn -0.2231 -0.8810 0.4173 +vn -0.4513 0.2890 0.8443 +vn -0.1374 -0.9565 0.2571 +vn -0.4691 0.0975 0.8777 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0975 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.6314 0.0975 0.7693 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0975 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.5601 0.4696 0.6825 +vn -0.3002 -0.8810 0.3658 +vn -0.6073 0.2890 0.7400 +vn -0.1850 -0.9565 0.2254 +vn -0.5987 -0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.6825 0.4696 0.5601 +vn -0.3658 -0.8810 0.3002 +vn -0.7400 0.2890 0.6073 +vn -0.2254 -0.9565 0.1850 +vn -0.7693 0.0975 0.6314 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0975 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0975 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.7786 0.4696 0.4162 +vn -0.4173 -0.8810 0.2231 +vn -0.8443 0.2890 0.4513 +vn -0.2571 -0.9565 0.1374 +vn -0.8777 0.0975 0.4691 +vn -0.6088 -0.7715 0.1847 +vn -0.8448 0.4696 0.2563 +vn -0.4528 -0.8810 0.1374 +vn -0.9161 0.2890 0.2779 +vn -0.2790 -0.9565 0.0846 +vn -0.9524 0.0975 0.2889 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0975 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.7412 -0.6326 0.2248 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.8786 0.4696 0.0865 +vn -0.4709 -0.8810 0.0464 +vn -0.9527 0.2890 0.0938 +vn -0.2902 -0.9565 0.0286 +vn -0.9904 0.0976 0.0975 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0975 0.0975 +vn -0.8786 0.4696 -0.0865 +vn -0.4709 -0.8810 -0.0464 +vn -0.9527 0.2890 -0.0938 +vn -0.2902 -0.9565 -0.0286 +vn -0.9904 0.0975 -0.0975 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0975 -0.0975 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.8448 0.4696 -0.2563 +vn -0.4528 -0.8810 -0.1374 +vn -0.9161 0.2890 -0.2779 +vn -0.2790 -0.9565 -0.0846 +vn -0.9524 0.0975 -0.2889 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0975 -0.2889 +vn -0.4173 -0.8810 -0.2231 +vn -0.8443 0.2890 -0.4513 +vn -0.2571 -0.9565 -0.1374 +vn -0.8777 0.0975 -0.4691 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0975 -0.4691 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.5611 -0.7715 -0.2999 +vn -0.7786 0.4696 -0.4162 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.6825 0.4696 -0.5601 +vn -0.3658 -0.8810 -0.3002 +vn -0.7400 0.2890 -0.6073 +vn -0.2254 -0.9566 -0.1850 +vn -0.7693 0.0975 -0.6314 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0975 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.6073 0.2890 -0.7400 +vn -0.1850 -0.9565 -0.2254 +vn -0.6314 0.0975 -0.7693 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0975 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.5601 0.4696 -0.6825 +vn -0.3002 -0.8810 -0.3658 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.4162 0.4696 -0.7786 +vn -0.2230 -0.8810 -0.4173 +vn -0.4513 0.2890 -0.8443 +vn -0.1374 -0.9565 -0.2571 +vn -0.4691 0.0975 -0.8777 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0975 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.0846 -0.9565 -0.2790 +vn -0.2889 0.0975 -0.9524 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0975 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.2563 0.4696 -0.8448 +vn -0.1374 -0.8810 -0.4528 +vn -0.2779 0.2890 -0.9161 +vn -0.0759 -0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0865 0.4696 -0.8786 +vn -0.0464 -0.8810 -0.4709 +vn -0.0938 0.2890 -0.9527 +vn -0.0286 -0.9566 -0.2902 +vn -0.0976 0.0975 -0.9904 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +vn -0.0865 -0.4696 -0.8786 +usemtl CustomColor.002 +s off +f 351/1/1 5/2/1 13/3/1 14/4/1 +f 352/5/2 351/1/2 14/4/2 15/6/2 +f 2/7/3 1/8/3 7/9/3 8/10/3 +f 353/11/4 352/5/4 15/6/4 16/12/4 +f 3/13/5 2/7/5 8/10/5 9/14/5 +f 6/15/6 353/11/6 16/12/6 17/16/6 +f 4/17/7 3/13/7 9/14/7 10/18/7 +f 183/19/8 6/15/8 17/16/8 +f 349/20/9 4/17/9 10/18/9 11/21/9 +f 350/22/10 349/20/10 11/21/10 12/23/10 +f 5/2/11 350/22/11 12/23/11 13/3/11 +f 12/23/12 11/21/12 22/24/12 23/25/12 +f 13/3/13 12/23/13 23/25/13 24/26/13 +f 14/4/14 13/3/14 24/26/14 25/27/14 +f 15/6/15 14/4/15 25/27/15 26/28/15 +f 8/10/16 7/9/16 18/29/16 19/30/16 +f 16/12/17 15/6/17 26/28/17 27/31/17 +f 9/14/18 8/10/18 19/30/18 20/32/18 +f 17/16/19 16/12/19 27/31/19 28/33/19 +f 10/18/20 9/14/20 20/32/20 21/34/20 +f 183/35/21 17/16/21 28/33/21 +f 11/21/22 10/18/22 21/34/22 22/24/22 +f 27/31/23 26/28/23 37/36/23 38/37/23 +f 20/32/24 19/30/24 30/38/24 31/39/24 +f 28/33/25 27/31/25 38/37/25 39/40/25 +f 21/34/26 20/32/26 31/39/26 32/41/26 +f 183/42/27 28/33/27 39/40/27 +f 22/24/28 21/34/28 32/41/28 33/43/28 +f 23/25/29 22/24/29 33/43/29 34/44/29 +f 24/26/30 23/25/30 34/44/30 35/45/30 +f 25/27/31 24/26/31 35/45/31 36/46/31 +f 26/28/32 25/27/32 36/46/32 37/36/32 +f 19/30/33 18/29/33 29/47/33 30/38/33 +f 35/45/34 34/44/34 45/48/34 46/49/34 +f 36/46/35 35/45/35 46/49/35 47/50/35 +f 37/36/36 36/46/36 47/50/36 48/51/36 +f 30/38/37 29/47/37 40/52/37 41/53/37 +f 38/37/38 37/36/38 48/51/38 49/54/38 +f 31/39/39 30/38/39 41/53/39 42/55/39 +f 39/40/40 38/37/40 49/54/40 50/56/40 +f 32/41/41 31/39/41 42/55/41 43/57/41 +f 183/58/42 39/40/42 50/56/42 +f 33/43/43 32/41/43 43/57/43 44/59/43 +f 34/44/44 33/43/44 44/59/44 45/48/44 +f 50/56/45 49/54/45 60/60/45 61/61/45 +f 43/57/46 42/55/46 53/62/46 54/63/46 +f 183/64/47 50/56/47 61/61/47 +f 44/59/48 43/57/48 54/63/48 55/65/48 +f 45/48/49 44/59/49 55/65/49 56/66/49 +f 46/49/50 45/48/50 56/66/50 57/67/50 +f 47/50/51 46/49/51 57/67/51 58/68/51 +f 48/51/52 47/50/52 58/68/52 59/69/52 +f 41/53/53 40/52/53 51/70/53 52/71/53 +f 49/54/54 48/51/54 59/69/54 60/60/54 +f 42/55/55 41/53/55 52/71/55 53/62/55 +f 58/68/56 57/67/56 68/72/56 69/73/56 +f 59/69/57 58/68/57 69/73/57 70/74/57 +f 52/71/58 51/70/58 62/75/58 63/76/58 +f 60/60/59 59/69/59 70/74/59 71/77/59 +f 53/62/60 52/71/60 63/76/60 64/78/60 +f 61/61/61 60/60/61 71/77/61 72/79/61 +f 54/63/62 53/62/62 64/78/62 65/80/62 +f 183/81/63 61/61/63 72/79/63 +f 55/65/64 54/63/64 65/80/64 66/82/64 +f 56/66/65 55/65/65 66/82/65 67/83/65 +f 57/67/66 56/66/66 67/83/66 68/72/66 +f 65/80/67 64/78/67 75/84/67 76/85/67 +f 183/86/68 72/79/68 83/87/68 +f 66/82/69 65/80/69 76/85/69 77/88/69 +f 67/83/70 66/82/70 77/88/70 78/89/70 +f 68/72/71 67/83/71 78/89/71 79/90/71 +f 69/73/72 68/72/72 79/90/72 80/91/72 +f 70/74/73 69/73/73 80/91/73 81/92/73 +f 63/76/74 62/75/74 73/93/74 74/94/74 +f 71/77/75 70/74/75 81/92/75 82/95/75 +f 64/78/76 63/76/76 74/94/76 75/84/76 +f 72/79/77 71/77/77 82/95/77 83/87/77 +f 80/91/78 79/90/78 90/96/78 91/97/78 +f 81/92/79 80/91/79 91/97/79 92/98/79 +f 74/94/80 73/93/80 84/99/80 85/100/80 +f 82/95/81 81/92/81 92/98/81 93/101/81 +f 75/84/82 74/94/82 85/100/82 86/102/82 +f 83/87/83 82/95/83 93/101/83 94/103/83 +f 76/85/84 75/84/84 86/102/84 87/104/84 +f 183/105/85 83/87/85 94/103/85 +f 77/88/86 76/85/86 87/104/86 88/106/86 +f 78/89/87 77/88/87 88/106/87 89/107/87 +f 79/90/88 78/89/88 89/107/88 90/96/88 +f 183/108/89 94/103/89 105/109/89 +f 88/106/90 87/104/90 98/110/90 99/111/90 +f 89/107/91 88/106/91 99/111/91 100/112/91 +f 90/96/92 89/107/92 100/112/92 101/113/92 +f 91/97/93 90/96/93 101/113/93 102/114/93 +f 92/98/94 91/97/94 102/114/94 103/115/94 +f 85/100/95 84/99/95 95/116/95 96/117/95 +f 93/101/96 92/98/96 103/115/96 104/118/96 +f 86/102/97 85/100/97 96/117/97 97/119/97 +f 94/103/98 93/101/98 104/118/98 105/109/98 +f 87/104/99 86/102/99 97/119/99 98/110/99 +f 103/115/100 102/114/100 113/120/100 114/121/100 +f 96/117/101 95/116/101 106/122/101 107/123/101 +f 104/118/102 103/115/102 114/121/102 115/124/102 +f 97/119/103 96/117/103 107/123/103 108/125/103 +f 105/109/104 104/118/104 115/124/104 116/126/104 +f 98/110/105 97/119/105 108/125/105 109/127/105 +f 183/128/106 105/109/106 116/126/106 +f 99/111/107 98/110/107 109/127/107 110/129/107 +f 100/112/108 99/111/108 110/129/108 111/130/108 +f 101/113/109 100/112/109 111/130/109 112/131/109 +f 102/114/110 101/113/110 112/131/110 113/120/110 +f 110/129/111 109/127/111 120/132/111 121/133/111 +f 111/130/112 110/129/112 121/133/112 122/134/112 +f 112/131/113 111/130/113 122/134/113 123/135/113 +f 113/120/114 112/131/114 123/135/114 124/136/114 +f 114/121/115 113/120/115 124/136/115 125/137/115 +f 107/123/116 106/122/116 117/138/116 118/139/116 +f 115/124/117 114/121/117 125/137/117 126/140/117 +f 108/125/118 107/123/118 118/139/118 119/141/118 +f 116/126/119 115/124/119 126/140/119 127/142/119 +f 109/127/120 108/125/120 119/141/120 120/132/120 +f 183/143/121 116/126/121 127/142/121 +f 125/137/122 124/136/122 135/144/122 136/145/122 +f 118/139/123 117/138/123 128/146/123 129/147/123 +f 126/140/124 125/137/124 136/145/124 137/148/124 +f 119/141/125 118/139/125 129/147/125 130/149/125 +f 127/142/126 126/140/126 137/148/126 138/150/126 +f 120/132/127 119/141/127 130/149/127 131/151/127 +f 183/152/128 127/142/128 138/150/128 +f 121/133/129 120/132/129 131/151/129 132/153/129 +f 122/134/130 121/133/130 132/153/130 133/154/130 +f 123/135/131 122/134/131 133/154/131 134/155/131 +f 124/136/132 123/135/132 134/155/132 135/144/132 +f 133/154/133 132/153/133 143/156/133 144/157/133 +f 134/155/134 133/154/134 144/157/134 145/158/134 +f 135/144/135 134/155/135 145/158/135 146/159/135 +f 136/145/136 135/144/136 146/159/136 147/160/136 +f 129/147/137 128/146/137 139/161/137 140/162/137 +f 137/148/138 136/145/138 147/160/138 148/163/138 +f 130/149/139 129/147/139 140/162/139 141/164/139 +f 138/150/140 137/148/140 148/163/140 149/165/140 +f 131/151/141 130/149/141 141/164/141 142/166/141 +f 183/167/142 138/150/142 149/165/142 +f 132/153/143 131/151/143 142/166/143 143/156/143 +f 148/163/144 147/160/144 158/168/144 159/169/144 +f 141/164/145 140/162/145 151/170/145 152/171/145 +f 149/165/146 148/163/146 159/169/146 160/172/146 +f 142/166/147 141/164/147 152/171/147 153/173/147 +f 183/174/148 149/165/148 160/172/148 +f 143/156/149 142/166/149 153/173/149 154/175/149 +f 144/157/150 143/156/150 154/175/150 155/176/150 +f 145/158/151 144/157/151 155/176/151 156/177/151 +f 146/159/152 145/158/152 156/177/152 157/178/152 +f 147/160/153 146/159/153 157/178/153 158/168/153 +f 140/162/154 139/161/154 150/179/154 151/170/154 +f 156/177/155 155/176/155 166/180/155 167/181/155 +f 157/178/156 156/177/156 167/181/156 168/182/156 +f 158/168/157 157/178/157 168/182/157 169/183/157 +f 151/170/158 150/179/158 161/184/158 162/185/158 +f 159/169/159 158/168/159 169/183/159 170/186/159 +f 152/171/160 151/170/160 162/185/160 163/187/160 +f 160/172/161 159/169/161 170/186/161 171/188/161 +f 153/173/162 152/171/162 163/187/162 164/189/162 +f 183/190/163 160/172/163 171/188/163 +f 154/175/164 153/173/164 164/189/164 165/191/164 +f 155/176/165 154/175/165 165/191/165 166/180/165 +f 163/187/166 162/185/166 173/192/166 174/193/166 +f 171/188/167 170/186/167 181/194/167 182/195/167 +f 164/189/168 163/187/168 174/193/168 175/196/168 +f 183/197/169 171/188/169 182/195/169 +f 165/191/170 164/189/170 175/196/170 176/198/170 +f 166/180/171 165/191/171 176/198/171 177/199/171 +f 167/181/172 166/180/172 177/199/172 178/200/172 +f 168/182/173 167/181/173 178/200/173 179/201/173 +f 169/183/174 168/182/174 179/201/174 180/202/174 +f 162/185/175 161/184/175 172/203/175 173/192/175 +f 170/186/176 169/183/176 180/202/176 181/194/176 +f 178/200/177 177/199/177 189/204/177 190/205/177 +f 179/201/178 178/200/178 190/205/178 191/206/178 +f 180/202/179 179/201/179 191/206/179 192/207/179 +f 173/192/180 172/203/180 184/208/180 185/209/180 +f 181/194/181 180/202/181 192/207/181 193/210/181 +f 174/193/182 173/192/182 185/209/182 186/211/182 +f 182/195/183 181/194/183 193/210/183 194/212/183 +f 175/196/184 174/193/184 186/211/184 187/213/184 +f 183/214/185 182/195/185 194/212/185 +f 176/198/186 175/196/186 187/213/186 188/215/186 +f 177/199/187 176/198/187 188/215/187 189/204/187 +f 194/212/188 193/210/188 204/216/188 205/217/188 +f 187/213/189 186/211/189 197/218/189 198/219/189 +f 183/220/190 194/212/190 205/217/190 +f 188/215/191 187/213/191 198/219/191 199/221/191 +f 189/204/192 188/215/192 199/221/192 200/222/192 +f 190/205/193 189/204/193 200/222/193 201/223/193 +f 191/206/194 190/205/194 201/223/194 202/224/194 +f 192/207/195 191/206/195 202/224/195 203/225/195 +f 185/209/196 184/208/196 195/226/196 196/227/196 +f 193/210/197 192/207/197 203/225/197 204/216/197 +f 186/211/198 185/209/198 196/227/198 197/218/198 +f 202/224/199 201/223/199 212/228/199 213/229/199 +f 203/225/200 202/224/200 213/229/200 214/230/200 +f 196/227/201 195/226/201 206/231/201 207/232/201 +f 204/216/202 203/225/202 214/230/202 215/233/202 +f 197/218/203 196/227/203 207/232/203 208/234/203 +f 205/217/204 204/216/204 215/233/204 216/235/204 +f 198/219/205 197/218/205 208/234/205 209/236/205 +f 183/237/206 205/217/206 216/235/206 +f 199/221/207 198/219/207 209/236/207 210/238/207 +f 200/222/208 199/221/208 210/238/208 211/239/208 +f 201/223/209 200/222/209 211/239/209 212/228/209 +f 209/236/210 208/234/210 219/240/210 220/241/210 +f 183/242/211 216/235/211 227/243/211 +f 210/238/212 209/236/212 220/241/212 221/244/212 +f 211/239/213 210/238/213 221/244/213 222/245/213 +f 212/228/214 211/239/214 222/245/214 223/246/214 +f 213/229/215 212/228/215 223/246/215 224/247/215 +f 214/230/216 213/229/216 224/247/216 225/248/216 +f 207/232/217 206/231/217 217/249/217 218/250/217 +f 215/233/218 214/230/218 225/248/218 226/251/218 +f 208/234/219 207/232/219 218/250/219 219/240/219 +f 216/235/220 215/233/220 226/251/220 227/243/220 +f 224/247/221 223/246/221 234/252/221 235/253/221 +f 225/248/222 224/247/222 235/253/222 236/254/222 +f 218/250/223 217/249/223 228/255/223 229/256/223 +f 226/251/224 225/248/224 236/254/224 237/257/224 +f 219/240/225 218/250/225 229/256/225 230/258/225 +f 227/243/226 226/251/226 237/257/226 238/259/226 +f 220/241/227 219/240/227 230/258/227 231/260/227 +f 183/261/228 227/243/228 238/259/228 +f 221/244/229 220/241/229 231/260/229 232/262/229 +f 222/245/230 221/244/230 232/262/230 233/263/230 +f 223/246/231 222/245/231 233/263/231 234/252/231 +f 183/264/232 238/259/232 249/265/232 +f 232/262/233 231/260/233 242/266/233 243/267/233 +f 233/263/234 232/262/234 243/267/234 244/268/234 +f 234/252/235 233/263/235 244/268/235 245/269/235 +f 235/253/236 234/252/236 245/269/236 246/270/236 +f 236/254/237 235/253/237 246/270/237 247/271/237 +f 229/256/238 228/255/238 239/272/238 240/273/238 +f 237/257/239 236/254/239 247/271/239 248/274/239 +f 230/258/240 229/256/240 240/273/240 241/275/240 +f 238/259/241 237/257/241 248/274/241 249/265/241 +f 231/260/242 230/258/242 241/275/242 242/266/242 +f 247/271/243 246/270/243 257/276/243 258/277/243 +f 240/273/244 239/272/244 250/278/244 251/279/244 +f 248/274/245 247/271/245 258/277/245 259/280/245 +f 241/275/246 240/273/246 251/279/246 252/281/246 +f 249/265/247 248/274/247 259/280/247 260/282/247 +f 242/266/248 241/275/248 252/281/248 253/283/248 +f 183/284/249 249/265/249 260/282/249 +f 243/267/250 242/266/250 253/283/250 254/285/250 +f 244/268/251 243/267/251 254/285/251 255/286/251 +f 245/269/252 244/268/252 255/286/252 256/287/252 +f 246/270/253 245/269/253 256/287/253 257/276/253 +f 255/286/254 254/285/254 265/288/254 266/289/254 +f 256/287/255 255/286/255 266/289/255 267/290/255 +f 257/276/256 256/287/256 267/290/256 268/291/256 +f 258/277/257 257/276/257 268/291/257 269/292/257 +f 251/279/258 250/278/258 261/293/258 262/294/258 +f 259/280/259 258/277/259 269/292/259 270/295/259 +f 252/281/260 251/279/260 262/294/260 263/296/260 +f 260/282/261 259/280/261 270/295/261 271/297/261 +f 253/283/262 252/281/262 263/296/262 264/298/262 +f 183/299/263 260/282/263 271/297/263 +f 254/285/264 253/283/264 264/298/264 265/288/264 +f 262/300/265 261/301/265 272/302/265 273/303/265 +f 270/304/266 269/305/266 280/306/266 281/307/266 +f 263/308/267 262/300/267 273/303/267 274/309/267 +f 271/310/268 270/304/268 281/307/268 282/311/268 +f 264/312/269 263/308/269 274/309/269 275/313/269 +f 183/314/270 271/310/270 282/311/270 +f 265/315/271 264/312/271 275/313/271 276/316/271 +f 266/317/272 265/315/272 276/316/272 277/318/272 +f 267/319/273 266/317/273 277/318/273 278/320/273 +f 268/321/274 267/319/274 278/320/274 279/322/274 +f 269/305/275 268/321/275 279/322/275 280/306/275 +f 277/318/276 276/316/276 287/323/276 288/324/276 +f 278/320/277 277/318/277 288/324/277 289/325/277 +f 279/322/278 278/320/278 289/325/278 290/326/278 +f 280/306/279 279/322/279 290/326/279 291/327/279 +f 273/303/280 272/302/280 283/328/280 284/329/280 +f 281/307/281 280/306/281 291/327/281 292/330/281 +f 274/309/282 273/303/282 284/329/282 285/331/282 +f 282/311/283 281/307/283 292/330/283 293/332/283 +f 275/313/284 274/309/284 285/331/284 286/333/284 +f 183/334/285 282/311/285 293/332/285 +f 276/316/286 275/313/286 286/333/286 287/323/286 +f 292/330/287 291/327/287 302/335/287 303/336/287 +f 285/331/288 284/329/288 295/337/288 296/338/288 +f 293/332/289 292/330/289 303/336/289 304/339/289 +f 286/333/290 285/331/290 296/338/290 297/340/290 +f 183/341/291 293/332/291 304/339/291 +f 287/323/292 286/333/292 297/340/292 298/342/292 +f 288/324/293 287/323/293 298/342/293 299/343/293 +f 289/325/294 288/324/294 299/343/294 300/344/294 +f 290/326/295 289/325/295 300/344/295 301/345/295 +f 291/327/296 290/326/296 301/345/296 302/335/296 +f 284/329/297 283/328/297 294/346/297 295/337/297 +f 300/344/298 299/343/298 310/347/298 311/348/298 +f 301/345/299 300/344/299 311/348/299 312/349/299 +f 302/335/300 301/345/300 312/349/300 313/350/300 +f 295/337/301 294/346/301 305/351/301 306/352/301 +f 303/336/302 302/335/302 313/350/302 314/353/302 +f 296/338/303 295/337/303 306/352/303 307/354/303 +f 304/339/304 303/336/304 314/353/304 315/355/304 +f 297/340/305 296/338/305 307/354/305 308/356/305 +f 183/357/306 304/339/306 315/355/306 +f 298/342/307 297/340/307 308/356/307 309/358/307 +f 299/343/308 298/342/308 309/358/308 310/347/308 +f 307/354/309 306/352/309 317/359/309 318/360/309 +f 315/355/310 314/353/310 325/361/310 326/362/310 +f 308/356/311 307/354/311 318/360/311 319/363/311 +f 183/364/312 315/355/312 326/362/312 +f 309/358/313 308/356/313 319/363/313 320/365/313 +f 310/347/314 309/358/314 320/365/314 321/366/314 +f 311/348/315 310/347/315 321/366/315 322/367/315 +f 312/349/316 311/348/316 322/367/316 323/368/316 +f 313/350/317 312/349/317 323/368/317 324/369/317 +f 306/352/318 305/351/318 316/370/318 317/359/318 +f 314/353/319 313/350/319 324/369/319 325/361/319 +f 322/367/320 321/366/320 332/371/320 333/372/320 +f 323/368/321 322/367/321 333/372/321 334/373/321 +f 324/369/322 323/368/322 334/373/322 335/374/322 +f 317/359/323 316/370/323 327/375/323 328/376/323 +f 325/361/324 324/369/324 335/374/324 336/377/324 +f 318/360/325 317/359/325 328/376/325 329/378/325 +f 326/362/326 325/361/326 336/377/326 337/379/326 +f 319/363/327 318/360/327 329/378/327 330/380/327 +f 183/381/328 326/362/328 337/379/328 +f 320/365/329 319/363/329 330/380/329 331/382/329 +f 321/366/330 320/365/330 331/382/330 332/371/330 +f 337/379/331 336/377/331 347/383/331 348/384/331 +f 330/380/332 329/378/332 340/385/332 341/386/332 +f 183/387/333 337/379/333 348/384/333 +f 331/382/334 330/380/334 341/386/334 342/388/334 +f 332/371/335 331/382/335 342/388/335 343/389/335 +f 333/372/336 332/371/336 343/389/336 344/390/336 +f 334/373/337 333/372/337 344/390/337 345/391/337 +f 335/374/338 334/373/338 345/391/338 346/392/338 +f 328/376/339 327/375/339 338/393/339 339/394/339 +f 336/377/340 335/374/340 346/392/340 347/383/340 +f 329/378/341 328/376/341 339/394/341 340/385/341 +f 345/391/342 344/390/342 5/2/342 351/1/342 +f 346/392/343 345/391/343 351/1/343 352/5/343 +f 339/394/344 338/393/344 1/8/344 2/7/344 +f 347/383/345 346/392/345 352/5/345 353/11/345 +f 340/385/346 339/394/346 2/7/346 3/13/346 +f 348/384/347 347/383/347 353/11/347 6/15/347 +f 341/386/348 340/385/348 3/13/348 4/17/348 +f 183/395/349 348/384/349 6/15/349 +f 342/388/350 341/386/350 4/17/350 349/20/350 +f 343/389/351 342/388/351 349/20/351 350/22/351 +f 344/390/352 343/389/352 350/22/352 5/2/352 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_002.mtl b/cliport/environments/assets/bags/bl_sphere_bag_basic_002.mtl new file mode 100644 index 0000000000000000000000000000000000000000..14d95b68f667c64be0024a05e0c17ef887bd8c6f --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_002.mtl @@ -0,0 +1,12 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl CustomColor.003 +Ns 323.999994 +Ka 1.000000 1.000000 1.000000 +Kd 0.000000 0.000000 1.000000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_002.obj b/cliport/environments/assets/bags/bl_sphere_bag_basic_002.obj new file mode 100644 index 0000000000000000000000000000000000000000..10798dbccbc038bd7f7baaed184c550f37b27c53 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_002.obj @@ -0,0 +1,1329 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_basic_002.mtl +o Sphere.002 +v 0.000000 2.306147 -0.739104 +v 0.000000 2.156072 -0.784628 +v 0.000000 2.000000 -0.800000 +v 0.000000 1.555544 -0.665176 +v 0.000000 1.215372 -0.156072 +v 0.144192 2.306147 -0.724902 +v 0.153073 2.156072 -0.769552 +v 0.156072 2.000000 -0.784628 +v 0.153073 1.843928 -0.769552 +v 0.144192 1.693853 -0.724902 +v 0.129769 1.555544 -0.652395 +v 0.110360 1.434314 -0.554816 +v 0.086709 1.334824 -0.435916 +v 0.059726 1.260896 -0.300264 +v 0.030448 1.215372 -0.153073 +v 0.282843 2.306147 -0.682843 +v 0.300264 2.156072 -0.724902 +v 0.306147 2.000000 -0.739104 +v 0.300264 1.843928 -0.724902 +v 0.282843 1.693853 -0.682843 +v 0.254552 1.555544 -0.614542 +v 0.216479 1.434314 -0.522625 +v 0.170086 1.334824 -0.410624 +v 0.117157 1.260896 -0.282843 +v 0.059726 1.215372 -0.144192 +v 0.410624 2.306147 -0.614542 +v 0.435916 2.156072 -0.652394 +v 0.444456 2.000000 -0.665176 +v 0.435916 1.843928 -0.652394 +v 0.410624 1.693853 -0.614542 +v 0.369552 1.555544 -0.553073 +v 0.314278 1.434314 -0.470350 +v 0.246927 1.334824 -0.369552 +v 0.170086 1.260896 -0.254552 +v 0.086709 1.215372 -0.129769 +v 0.522625 2.306147 -0.522625 +v 0.554816 2.156072 -0.554816 +v 0.565686 2.000000 -0.565685 +v 0.554816 1.843928 -0.554816 +v 0.522625 1.693853 -0.522625 +v 0.470350 1.555544 -0.470350 +v 0.400000 1.434314 -0.400000 +v 0.314278 1.334824 -0.314278 +v 0.216479 1.260896 -0.216478 +v 0.110360 1.215372 -0.110360 +v 0.614542 2.306147 -0.410624 +v 0.652395 2.156072 -0.435916 +v 0.665176 2.000000 -0.444456 +v 0.652395 1.843928 -0.435916 +v 0.614542 1.693853 -0.410624 +v 0.553074 1.555544 -0.369552 +v 0.470350 1.434314 -0.314278 +v 0.369552 1.334824 -0.246926 +v 0.254552 1.260896 -0.170086 +v 0.129769 1.215372 -0.086709 +v 0.682843 2.306147 -0.282842 +v 0.724902 2.156072 -0.300264 +v 0.739104 2.000000 -0.306146 +v 0.724902 1.843928 -0.300264 +v 0.682843 1.693853 -0.282843 +v 0.614542 1.555544 -0.254551 +v 0.522625 1.434314 -0.216478 +v 0.410624 1.334824 -0.170086 +v 0.282843 1.260896 -0.117157 +v 0.144192 1.215372 -0.059726 +v 0.724902 2.306147 -0.144192 +v 0.769552 2.156072 -0.153073 +v 0.784628 2.000000 -0.156072 +v 0.769552 1.843928 -0.153073 +v 0.724902 1.693853 -0.144192 +v 0.652395 1.555544 -0.129769 +v 0.554816 1.434314 -0.110359 +v 0.435916 1.334824 -0.086709 +v 0.300264 1.260896 -0.059726 +v 0.153073 1.215372 -0.030448 +v 0.739104 2.306147 0.000000 +v 0.784628 2.156072 0.000000 +v 0.800000 2.000000 0.000000 +v 0.784628 1.843928 0.000000 +v 0.739104 1.693853 0.000000 +v 0.665176 1.555544 0.000000 +v 0.565686 1.434314 0.000000 +v 0.444456 1.334824 0.000000 +v 0.306147 1.260896 0.000000 +v 0.156072 1.215372 0.000000 +v 0.724902 2.306147 0.144192 +v 0.769552 2.156072 0.153074 +v 0.784628 2.000000 0.156073 +v 0.769552 1.843928 0.153074 +v 0.724902 1.693853 0.144192 +v 0.652395 1.555544 0.129770 +v 0.554816 1.434314 0.110360 +v 0.435916 1.334824 0.086709 +v 0.300264 1.260896 0.059727 +v 0.153073 1.215372 0.030448 +v 0.682843 2.306147 0.282843 +v 0.724902 2.156072 0.300264 +v 0.739104 2.000000 0.306147 +v 0.724902 1.843928 0.300265 +v 0.682843 1.693853 0.282843 +v 0.614542 1.555544 0.254552 +v 0.522625 1.434314 0.216479 +v 0.410624 1.334824 0.170086 +v 0.282843 1.260896 0.117158 +v 0.144192 1.215372 0.059727 +v 0.614542 2.306147 0.410624 +v 0.652395 2.156072 0.435916 +v 0.665176 2.000000 0.444457 +v 0.652395 1.843928 0.435916 +v 0.614542 1.693853 0.410624 +v 0.553073 1.555544 0.369552 +v 0.470350 1.434314 0.314278 +v 0.369552 1.334824 0.246927 +v 0.254552 1.260896 0.170086 +v 0.129769 1.215372 0.086709 +v 0.522625 2.306147 0.522626 +v 0.554816 2.156072 0.554816 +v 0.565685 2.000000 0.565686 +v 0.554816 1.843928 0.554816 +v 0.522625 1.693853 0.522626 +v 0.470350 1.555544 0.470351 +v 0.400000 1.434314 0.400000 +v 0.314278 1.334824 0.314278 +v 0.216479 1.260896 0.216479 +v 0.110360 1.215372 0.110360 +v 0.410624 2.306147 0.614542 +v 0.435916 2.156072 0.652395 +v 0.444456 2.000000 0.665176 +v 0.435916 1.843928 0.652395 +v 0.410624 1.693853 0.614542 +v 0.369552 1.555544 0.553074 +v 0.314278 1.434314 0.470351 +v 0.246927 1.334824 0.369552 +v 0.170086 1.260896 0.254552 +v 0.086709 1.215372 0.129770 +v 0.282843 2.306147 0.682843 +v 0.300264 2.156072 0.724902 +v 0.306147 2.000000 0.739104 +v 0.300264 1.843928 0.724902 +v 0.282843 1.693853 0.682843 +v 0.254552 1.555544 0.614543 +v 0.216478 1.434314 0.522626 +v 0.170086 1.334824 0.410624 +v 0.117157 1.260896 0.282843 +v 0.059726 1.215372 0.144192 +v 0.144192 2.306147 0.724902 +v 0.153073 2.156072 0.769552 +v 0.156072 2.000000 0.784628 +v 0.153073 1.843928 0.769552 +v 0.144192 1.693853 0.724902 +v 0.129769 1.555544 0.652395 +v 0.110360 1.434314 0.554816 +v 0.086709 1.334824 0.435916 +v 0.059726 1.260896 0.300265 +v 0.030448 1.215372 0.153074 +v -0.000000 2.306147 0.739104 +v 0.000000 2.156072 0.784628 +v -0.000000 2.000000 0.800000 +v 0.000000 1.843928 0.784628 +v -0.000000 1.693853 0.739104 +v -0.000000 1.555544 0.665176 +v -0.000000 1.434314 0.565686 +v -0.000000 1.334824 0.444456 +v 0.000000 1.260896 0.306147 +v -0.000000 1.215372 0.156072 +v 0.000000 1.200000 0.000000 +v -0.144192 2.306147 0.724902 +v -0.153073 2.156072 0.769552 +v -0.156072 2.000000 0.784628 +v -0.153073 1.843928 0.769552 +v -0.144192 1.693853 0.724902 +v -0.129770 1.555544 0.652395 +v -0.110360 1.434314 0.554816 +v -0.086709 1.334824 0.435916 +v -0.059726 1.260896 0.300264 +v -0.030448 1.215372 0.153074 +v -0.282843 2.306147 0.682843 +v -0.300264 2.156072 0.724902 +v -0.306147 2.000000 0.739104 +v -0.300264 1.843928 0.724902 +v -0.282843 1.693853 0.682843 +v -0.254552 1.555544 0.614542 +v -0.216479 1.434314 0.522625 +v -0.170086 1.334824 0.410624 +v -0.117157 1.260896 0.282843 +v -0.059726 1.215372 0.144192 +v -0.410624 2.306147 0.614542 +v -0.435916 2.156072 0.652395 +v -0.444456 2.000000 0.665176 +v -0.435916 1.843928 0.652395 +v -0.410624 1.693853 0.614542 +v -0.369552 1.555544 0.553073 +v -0.314278 1.434314 0.470350 +v -0.246927 1.334824 0.369552 +v -0.170086 1.260896 0.254552 +v -0.086709 1.215372 0.129770 +v -0.522625 2.306147 0.522625 +v -0.554816 2.156072 0.554816 +v -0.565685 2.000000 0.565685 +v -0.554816 1.843928 0.554816 +v -0.522625 1.693853 0.522625 +v -0.470350 1.555544 0.470350 +v -0.400000 1.434314 0.400000 +v -0.314278 1.334824 0.314278 +v -0.216478 1.260896 0.216479 +v -0.110360 1.215372 0.110360 +v -0.614542 2.306147 0.410624 +v -0.652394 2.156072 0.435916 +v -0.665175 2.000000 0.444456 +v -0.652394 1.843928 0.435916 +v -0.614542 1.693853 0.410624 +v -0.553073 1.555544 0.369552 +v -0.470350 1.434314 0.314278 +v -0.369552 1.334824 0.246927 +v -0.254552 1.260896 0.170086 +v -0.129769 1.215372 0.086709 +v -0.682842 2.306147 0.282843 +v -0.724902 2.156072 0.300265 +v -0.739103 2.000000 0.306147 +v -0.724902 1.843928 0.300264 +v -0.682842 1.693853 0.282843 +v -0.614542 1.555544 0.254552 +v -0.522625 1.434314 0.216479 +v -0.410624 1.334824 0.170086 +v -0.282843 1.260896 0.117158 +v -0.144192 1.215372 0.059726 +v -0.724902 2.306147 0.144192 +v -0.769552 2.156072 0.153074 +v -0.784628 2.000000 0.156072 +v -0.769552 1.843928 0.153074 +v -0.724902 1.693853 0.144192 +v -0.652394 1.555544 0.129769 +v -0.554816 1.434314 0.110360 +v -0.435916 1.334824 0.086709 +v -0.300264 1.260896 0.059726 +v -0.153073 1.215372 0.030448 +v -0.739103 2.306147 0.000000 +v -0.784628 2.156072 0.000000 +v -0.800000 2.000000 0.000000 +v -0.784628 1.843928 0.000000 +v -0.739103 1.693853 0.000000 +v -0.665175 1.555544 0.000000 +v -0.565685 1.434314 0.000000 +v -0.444456 1.334824 0.000000 +v -0.306147 1.260896 0.000000 +v -0.156072 1.215372 0.000000 +v -0.724901 2.306147 -0.144192 +v -0.769552 2.156072 -0.153073 +v -0.784628 2.000000 -0.156072 +v -0.769552 1.843928 -0.153073 +v -0.724901 1.693853 -0.144192 +v -0.652394 1.555544 -0.129769 +v -0.554816 1.434314 -0.110360 +v -0.435916 1.334824 -0.086709 +v -0.300264 1.260896 -0.059726 +v -0.153073 1.215372 -0.030448 +v -0.682842 2.306147 -0.282842 +v -0.724902 2.156072 -0.300264 +v -0.739103 2.000000 -0.306147 +v -0.724902 1.843928 -0.300264 +v -0.682842 1.693853 -0.282842 +v -0.614542 1.555544 -0.254552 +v -0.522625 1.434314 -0.216478 +v -0.410624 1.334824 -0.170086 +v -0.282843 1.260896 -0.117157 +v -0.144192 1.215372 -0.059726 +v -0.614542 2.306147 -0.410624 +v -0.652394 2.156072 -0.435916 +v -0.665175 2.000000 -0.444456 +v -0.652394 1.843928 -0.435916 +v -0.614542 1.693853 -0.410624 +v -0.553073 1.555544 -0.369552 +v -0.470350 1.434314 -0.314278 +v -0.369551 1.334824 -0.246926 +v -0.254552 1.260896 -0.170086 +v -0.129769 1.215372 -0.086709 +v -0.522625 2.306147 -0.522625 +v -0.554816 2.156072 -0.554815 +v -0.565685 2.000000 -0.565685 +v -0.554816 1.843928 -0.554815 +v -0.522625 1.693853 -0.522625 +v -0.470350 1.555544 -0.470350 +v -0.400000 1.434314 -0.400000 +v -0.314278 1.334824 -0.314278 +v -0.216478 1.260896 -0.216478 +v -0.110360 1.215372 -0.110359 +v -0.410623 2.306147 -0.614542 +v -0.435916 2.156072 -0.652394 +v -0.444456 2.000000 -0.665175 +v -0.435916 1.843928 -0.652394 +v -0.410623 1.693853 -0.614542 +v -0.369551 1.555544 -0.553073 +v -0.314278 1.434314 -0.470350 +v -0.246926 1.334824 -0.369551 +v -0.170086 1.260896 -0.254551 +v -0.086709 1.215372 -0.129769 +v -0.282842 2.306147 -0.682842 +v -0.300264 2.156072 -0.724901 +v -0.306146 2.000000 -0.739103 +v -0.300264 1.843928 -0.724901 +v -0.282842 1.693853 -0.682842 +v -0.254551 1.555544 -0.614542 +v -0.216478 1.434314 -0.522625 +v -0.170086 1.334824 -0.410623 +v -0.117157 1.260896 -0.282842 +v -0.059726 1.215372 -0.144192 +v -0.144192 2.306147 -0.724901 +v -0.153073 2.156072 -0.769551 +v -0.156072 2.000000 -0.784627 +v -0.153073 1.843928 -0.769551 +v -0.144192 1.693853 -0.724901 +v -0.129769 1.555544 -0.652394 +v -0.110360 1.434314 -0.554815 +v -0.086709 1.334824 -0.435915 +v -0.059726 1.260896 -0.300264 +v -0.030448 1.215372 -0.153073 +v 0.000000 1.843928 -0.784628 +v 0.000000 1.693853 -0.739103 +v 0.000000 1.434314 -0.565685 +v 0.000000 1.334824 -0.444456 +v 0.000000 1.260896 -0.306146 +vt 0.750000 0.250000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.718750 0.250000 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.750000 0.562500 +vt 0.750000 0.625000 +vt 0.718750 0.625000 +vt 0.718750 0.562500 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.750000 0.500000 +vt 0.718750 0.500000 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.718750 0.437500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.187500 +vt 0.687500 0.125000 +vt 0.687500 0.625000 +vt 0.687500 0.562500 +vt 0.687500 0.062500 +vt 0.687500 0.500000 +vt 0.703125 0.000000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.656250 0.625000 +vt 0.656250 0.562500 +vt 0.656250 0.062500 +vt 0.656250 0.500000 +vt 0.671875 0.000000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.625000 0.187500 +vt 0.625000 0.125000 +vt 0.625000 0.625000 +vt 0.625000 0.562500 +vt 0.625000 0.062500 +vt 0.625000 0.500000 +vt 0.640625 0.000000 +vt 0.625000 0.437500 +vt 0.593750 0.125000 +vt 0.593750 0.062500 +vt 0.593750 0.562500 +vt 0.593750 0.500000 +vt 0.609375 0.000000 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.187500 +vt 0.593750 0.625000 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.187500 +vt 0.562500 0.125000 +vt 0.562500 0.625000 +vt 0.562500 0.562500 +vt 0.562500 0.062500 +vt 0.562500 0.500000 +vt 0.578125 0.000000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.531250 0.562500 +vt 0.531250 0.500000 +vt 0.546875 0.000000 +vt 0.531250 0.062500 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.187500 +vt 0.531250 0.125000 +vt 0.531250 0.625000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.187500 +vt 0.500000 0.125000 +vt 0.500000 0.625000 +vt 0.500000 0.562500 +vt 0.500000 0.062500 +vt 0.500000 0.500000 +vt 0.515625 0.000000 +vt 0.500000 0.437500 +vt 0.500000 0.375000 +vt 0.484375 0.000000 +vt 0.468750 0.062500 +vt 0.468750 0.500000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.187500 +vt 0.468750 0.125000 +vt 0.468750 0.625000 +vt 0.468750 0.562500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.125000 +vt 0.437500 0.625000 +vt 0.437500 0.562500 +vt 0.437500 0.062500 +vt 0.437500 0.500000 +vt 0.453125 0.000000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.406250 0.500000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.187500 +vt 0.406250 0.125000 +vt 0.406250 0.625000 +vt 0.406250 0.562500 +vt 0.406250 0.062500 +vt 0.421875 0.000000 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.375000 0.125000 +vt 0.375000 0.625000 +vt 0.375000 0.562500 +vt 0.375000 0.062500 +vt 0.375000 0.500000 +vt 0.390625 0.000000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.187500 +vt 0.343750 0.125000 +vt 0.343750 0.625000 +vt 0.343750 0.562500 +vt 0.343750 0.062500 +vt 0.343750 0.500000 +vt 0.359375 0.000000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.312500 0.625000 +vt 0.312500 0.562500 +vt 0.312500 0.062500 +vt 0.312500 0.500000 +vt 0.328125 0.000000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.312500 0.250000 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.281250 0.187500 +vt 0.281250 0.125000 +vt 0.281250 0.625000 +vt 0.281250 0.562500 +vt 0.281250 0.062500 +vt 0.281250 0.500000 +vt 0.296875 0.000000 +vt 0.281250 0.437500 +vt 0.250000 0.625000 +vt 0.250000 0.562500 +vt 0.250000 0.125000 +vt 0.250000 0.062500 +vt 0.250000 0.500000 +vt 0.265625 0.000000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.250000 0.187500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.218750 0.187500 +vt 0.218750 0.125000 +vt 0.218750 0.625000 +vt 0.218750 0.562500 +vt 0.218750 0.062500 +vt 0.218750 0.500000 +vt 0.234375 0.000000 +vt 0.218750 0.437500 +vt 0.187500 0.125000 +vt 0.187500 0.062500 +vt 0.187500 0.562500 +vt 0.187500 0.500000 +vt 0.203125 0.000000 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.187500 +vt 0.187500 0.625000 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.187500 +vt 0.156250 0.125000 +vt 0.156250 0.625000 +vt 0.156250 0.562500 +vt 0.156250 0.062500 +vt 0.156250 0.500000 +vt 0.171875 0.000000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.125000 0.562500 +vt 0.125000 0.500000 +vt 0.140625 0.000000 +vt 0.125000 0.062500 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.187500 +vt 0.125000 0.125000 +vt 0.125000 0.625000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.093750 0.187500 +vt 0.093750 0.125000 +vt 0.093750 0.625000 +vt 0.093750 0.562500 +vt 0.093750 0.062500 +vt 0.093750 0.500000 +vt 0.109375 0.000000 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.078125 0.000000 +vt 0.062500 0.062500 +vt 0.062500 0.500000 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.187500 +vt 0.062500 0.125000 +vt 0.062500 0.625000 +vt 0.062500 0.562500 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.125000 +vt 0.031250 0.625000 +vt 0.031250 0.562500 +vt 0.031250 0.062500 +vt 0.031250 0.500000 +vt 0.046875 0.000000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.031250 0.312500 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.187500 +vt 0.000000 0.125000 +vt 0.000000 0.625000 +vt 0.000000 0.562500 +vt 0.000000 0.062500 +vt 0.000000 0.500000 +vt 0.015625 0.000000 +vt 1.000000 0.125000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 0.968750 0.125000 +vt 1.000000 0.562500 +vt 1.000000 0.625000 +vt 0.968750 0.625000 +vt 0.968750 0.562500 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 1.000000 0.500000 +vt 0.968750 0.500000 +vt 0.984375 0.000000 +vt 1.000000 0.437500 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.187500 +vt 0.937500 0.125000 +vt 0.937500 0.625000 +vt 0.937500 0.562500 +vt 0.937500 0.062500 +vt 0.937500 0.500000 +vt 0.953125 0.000000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.906250 0.625000 +vt 0.906250 0.562500 +vt 0.906250 0.062500 +vt 0.906250 0.500000 +vt 0.921875 0.000000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.906250 0.250000 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.875000 0.187500 +vt 0.875000 0.125000 +vt 0.875000 0.625000 +vt 0.875000 0.562500 +vt 0.875000 0.062500 +vt 0.875000 0.500000 +vt 0.890625 0.000000 +vt 0.875000 0.437500 +vt 0.843750 0.625000 +vt 0.843750 0.562500 +vt 0.843750 0.125000 +vt 0.843750 0.062500 +vt 0.843750 0.500000 +vt 0.859375 0.000000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.187500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.187500 +vt 0.812500 0.125000 +vt 0.812500 0.625000 +vt 0.812500 0.562500 +vt 0.812500 0.062500 +vt 0.812500 0.500000 +vt 0.828125 0.000000 +vt 0.812500 0.437500 +vt 0.781250 0.125000 +vt 0.781250 0.062500 +vt 0.781250 0.562500 +vt 0.781250 0.500000 +vt 0.796875 0.000000 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.187500 +vt 0.781250 0.625000 +vt 0.765625 0.000000 +vn 0.0759 -0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0464 -0.8810 -0.4709 +vn 0.0938 0.2890 -0.9527 +vn 0.0286 -0.9565 -0.2902 +vn 0.0975 0.0975 -0.9904 +vn 0.0097 -0.9951 -0.0980 +vn 0.0975 -0.0976 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.1374 -0.8810 -0.4528 +vn 0.2779 0.2890 -0.9161 +vn 0.0846 -0.9565 -0.2790 +vn 0.2889 0.0975 -0.9524 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.2231 -0.8810 -0.4173 +vn 0.4513 0.2890 -0.8443 +vn 0.1374 -0.9565 -0.2571 +vn 0.4691 0.0975 -0.8777 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.3002 -0.8810 -0.3658 +vn 0.6073 0.2890 -0.7400 +vn 0.1850 -0.9565 -0.2254 +vn 0.6314 0.0975 -0.7693 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0975 -0.7693 +vn 0.6073 -0.2890 -0.7400 +vn 0.2254 -0.9565 -0.1850 +vn 0.7693 0.0975 -0.6314 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.3658 -0.8810 -0.3002 +vn 0.7400 0.2890 -0.6073 +vn 0.6831 -0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.4173 -0.8810 -0.2230 +vn 0.8443 0.2890 -0.4513 +vn 0.2571 -0.9565 -0.1374 +vn 0.8777 0.0975 -0.4691 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0975 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.9524 0.0975 -0.2889 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0975 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.4528 -0.8810 -0.1374 +vn 0.9161 0.2890 -0.2779 +vn 0.2790 -0.9565 -0.0846 +vn 0.7708 -0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.4709 -0.8810 -0.0464 +vn 0.9527 0.2890 -0.0938 +vn 0.2902 -0.9565 -0.0286 +vn 0.9904 0.0975 -0.0975 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0975 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.8786 -0.4696 -0.0865 +vn 0.0980 -0.9951 0.0096 +vn 0.9904 -0.0975 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.4709 -0.8810 0.0464 +vn 0.9527 0.2890 0.0938 +vn 0.2902 -0.9565 0.0286 +vn 0.9904 0.0975 0.0975 +vn 0.6088 -0.7715 0.1847 +vn 0.4528 -0.8810 0.1374 +vn 0.9161 0.2890 0.2779 +vn 0.2790 -0.9565 0.0846 +vn 0.9524 0.0975 0.2889 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0975 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.8777 -0.0975 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.4173 -0.8810 0.2231 +vn 0.8443 0.2890 0.4513 +vn 0.2571 -0.9565 0.1374 +vn 0.8777 0.0975 0.4691 +vn 0.0869 -0.9951 0.0464 +vn 0.4918 -0.7715 0.4036 +vn 0.3658 -0.8810 0.3002 +vn 0.7400 0.2890 0.6073 +vn 0.2254 -0.9565 0.1850 +vn 0.7693 0.0975 0.6314 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0975 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.3002 -0.8810 0.3658 +vn 0.6073 0.2890 0.7400 +vn 0.1850 -0.9565 0.2254 +vn 0.6314 0.0975 0.7693 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0975 0.7693 +vn 0.2231 -0.8810 0.4173 +vn 0.4513 0.2890 0.8443 +vn 0.1374 -0.9565 0.2571 +vn 0.4691 0.0975 0.8777 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0975 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.2999 -0.7715 0.5611 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.1374 -0.8810 0.4528 +vn 0.2779 0.2890 0.9161 +vn 0.0846 -0.9565 0.2790 +vn 0.2889 0.0975 0.9524 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0975 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.0938 0.2890 0.9527 +vn 0.0286 -0.9565 0.2902 +vn 0.0975 0.0975 0.9904 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0975 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn 0.0464 -0.8810 0.4709 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.0464 -0.8810 0.4709 +vn -0.0938 0.2890 0.9527 +vn -0.0286 -0.9565 0.2902 +vn -0.0976 0.0975 0.9904 +vn -0.0097 -0.9951 0.0980 +vn -0.0975 -0.0975 0.9904 +vn -0.0938 -0.2890 0.9527 +vn -0.0846 -0.9565 0.2790 +vn -0.2889 0.0975 0.9524 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0975 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.1374 -0.8810 0.4528 +vn -0.2779 0.2890 0.9161 +vn -0.3651 -0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.2231 -0.8810 0.4173 +vn -0.4513 0.2890 0.8443 +vn -0.1374 -0.9565 0.2571 +vn -0.4691 0.0975 0.8777 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0975 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.6314 0.0975 0.7693 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0975 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.3002 -0.8810 0.3658 +vn -0.6073 0.2890 0.7400 +vn -0.1850 -0.9565 0.2254 +vn -0.5987 -0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.3658 -0.8810 0.3002 +vn -0.7400 0.2890 0.6073 +vn -0.2254 -0.9565 0.1850 +vn -0.7693 0.0975 0.6314 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0975 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0975 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.4173 -0.8810 0.2231 +vn -0.8443 0.2890 0.4513 +vn -0.2571 -0.9565 0.1374 +vn -0.8777 0.0975 0.4691 +vn -0.6088 -0.7715 0.1847 +vn -0.4528 -0.8810 0.1374 +vn -0.9161 0.2890 0.2779 +vn -0.2790 -0.9565 0.0846 +vn -0.9524 0.0975 0.2889 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0975 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.7412 -0.6326 0.2248 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.4709 -0.8810 0.0464 +vn -0.9527 0.2890 0.0938 +vn -0.2902 -0.9565 0.0286 +vn -0.9904 0.0975 0.0975 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0975 0.0975 +vn -0.4709 -0.8810 -0.0464 +vn -0.9527 0.2890 -0.0938 +vn -0.2902 -0.9565 -0.0286 +vn -0.9904 0.0975 -0.0976 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0975 -0.0976 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.4528 -0.8810 -0.1374 +vn -0.9161 0.2890 -0.2779 +vn -0.2790 -0.9565 -0.0846 +vn -0.9524 0.0975 -0.2889 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0975 -0.2889 +vn -0.4173 -0.8810 -0.2231 +vn -0.8443 0.2890 -0.4513 +vn -0.2571 -0.9565 -0.1374 +vn -0.8777 0.0975 -0.4691 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0975 -0.4691 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.5611 -0.7715 -0.2999 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.3658 -0.8810 -0.3002 +vn -0.7400 0.2890 -0.6073 +vn -0.2254 -0.9565 -0.1850 +vn -0.7693 0.0975 -0.6314 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0975 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.6073 0.2890 -0.7400 +vn -0.1850 -0.9565 -0.2254 +vn -0.6314 0.0975 -0.7693 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0975 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.3002 -0.8810 -0.3658 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.2231 -0.8810 -0.4173 +vn -0.4513 0.2890 -0.8443 +vn -0.1374 -0.9565 -0.2571 +vn -0.4691 0.0975 -0.8777 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0975 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.0846 -0.9565 -0.2790 +vn -0.2889 0.0975 -0.9524 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0975 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.1374 -0.8810 -0.4528 +vn -0.2779 0.2890 -0.9161 +vn -0.0759 -0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0464 -0.8810 -0.4709 +vn -0.0938 0.2890 -0.9527 +vn -0.0286 -0.9565 -0.2902 +vn -0.0976 0.0975 -0.9904 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +vn -0.0865 -0.4696 -0.8786 +usemtl CustomColor.003 +s off +f 319/1/1 4/2/1 11/3/1 12/4/1 +f 320/5/2 319/1/2 12/4/2 13/6/2 +f 321/7/3 320/5/3 13/6/3 14/8/3 +f 2/9/4 1/10/4 6/11/4 7/12/4 +f 5/13/5 321/7/5 14/8/5 15/14/5 +f 3/15/6 2/9/6 7/12/6 8/16/6 +f 166/17/7 5/13/7 15/14/7 +f 317/18/8 3/15/8 8/16/8 9/19/8 +f 318/20/9 317/18/9 9/19/9 10/21/9 +f 4/2/10 318/20/10 10/21/10 11/3/10 +f 10/21/11 9/19/11 19/22/11 20/23/11 +f 11/3/12 10/21/12 20/23/12 21/24/12 +f 12/4/13 11/3/13 21/24/13 22/25/13 +f 13/6/14 12/4/14 22/25/14 23/26/14 +f 14/8/15 13/6/15 23/26/15 24/27/15 +f 7/12/16 6/11/16 16/28/16 17/29/16 +f 15/14/17 14/8/17 24/27/17 25/30/17 +f 8/16/18 7/12/18 17/29/18 18/31/18 +f 166/32/19 15/14/19 25/30/19 +f 9/19/20 8/16/20 18/31/20 19/22/20 +f 24/27/21 23/26/21 33/33/21 34/34/21 +f 17/29/22 16/28/22 26/35/22 27/36/22 +f 25/30/23 24/27/23 34/34/23 35/37/23 +f 18/31/24 17/29/24 27/36/24 28/38/24 +f 166/39/25 25/30/25 35/37/25 +f 19/22/26 18/31/26 28/38/26 29/40/26 +f 20/23/27 19/22/27 29/40/27 30/41/27 +f 21/24/28 20/23/28 30/41/28 31/42/28 +f 22/25/29 21/24/29 31/42/29 32/43/29 +f 23/26/30 22/25/30 32/43/30 33/33/30 +f 31/42/31 30/41/31 40/44/31 41/45/31 +f 32/43/32 31/42/32 41/45/32 42/46/32 +f 33/33/33 32/43/33 42/46/33 43/47/33 +f 34/34/34 33/33/34 43/47/34 44/48/34 +f 27/36/35 26/35/35 36/49/35 37/50/35 +f 35/37/36 34/34/36 44/48/36 45/51/36 +f 28/38/37 27/36/37 37/50/37 38/52/37 +f 166/53/38 35/37/38 45/51/38 +f 29/40/39 28/38/39 38/52/39 39/54/39 +f 30/41/40 29/40/40 39/54/40 40/44/40 +f 45/51/41 44/48/41 54/55/41 55/56/41 +f 38/52/42 37/50/42 47/57/42 48/58/42 +f 166/59/43 45/51/43 55/56/43 +f 39/54/44 38/52/44 48/58/44 49/60/44 +f 40/44/45 39/54/45 49/60/45 50/61/45 +f 41/45/46 40/44/46 50/61/46 51/62/46 +f 42/46/47 41/45/47 51/62/47 52/63/47 +f 43/47/48 42/46/48 52/63/48 53/64/48 +f 44/48/49 43/47/49 53/64/49 54/55/49 +f 37/50/50 36/49/50 46/65/50 47/57/50 +f 52/63/51 51/62/51 61/66/51 62/67/51 +f 53/64/52 52/63/52 62/67/52 63/68/52 +f 54/55/53 53/64/53 63/68/53 64/69/53 +f 47/57/54 46/65/54 56/70/54 57/71/54 +f 55/56/55 54/55/55 64/69/55 65/72/55 +f 48/58/56 47/57/56 57/71/56 58/73/56 +f 166/74/57 55/56/57 65/72/57 +f 49/60/58 48/58/58 58/73/58 59/75/58 +f 50/61/59 49/60/59 59/75/59 60/76/59 +f 51/62/60 50/61/60 60/76/60 61/66/60 +f 58/73/61 57/71/61 67/77/61 68/78/61 +f 166/79/62 65/72/62 75/80/62 +f 59/75/63 58/73/63 68/78/63 69/81/63 +f 60/76/64 59/75/64 69/81/64 70/82/64 +f 61/66/65 60/76/65 70/82/65 71/83/65 +f 62/67/66 61/66/66 71/83/66 72/84/66 +f 63/68/67 62/67/67 72/84/67 73/85/67 +f 64/69/68 63/68/68 73/85/68 74/86/68 +f 57/71/69 56/70/69 66/87/69 67/77/69 +f 65/72/70 64/69/70 74/86/70 75/80/70 +f 72/84/71 71/83/71 81/88/71 82/89/71 +f 73/85/72 72/84/72 82/89/72 83/90/72 +f 74/86/73 73/85/73 83/90/73 84/91/73 +f 67/77/74 66/87/74 76/92/74 77/93/74 +f 75/80/75 74/86/75 84/91/75 85/94/75 +f 68/78/76 67/77/76 77/93/76 78/95/76 +f 166/96/77 75/80/77 85/94/77 +f 69/81/78 68/78/78 78/95/78 79/97/78 +f 70/82/79 69/81/79 79/97/79 80/98/79 +f 71/83/80 70/82/80 80/98/80 81/88/80 +f 166/99/81 85/94/81 95/100/81 +f 79/97/82 78/95/82 88/101/82 89/102/82 +f 80/98/83 79/97/83 89/102/83 90/103/83 +f 81/88/84 80/98/84 90/103/84 91/104/84 +f 82/89/85 81/88/85 91/104/85 92/105/85 +f 83/90/86 82/89/86 92/105/86 93/106/86 +f 84/91/87 83/90/87 93/106/87 94/107/87 +f 77/93/88 76/92/88 86/108/88 87/109/88 +f 85/94/89 84/91/89 94/107/89 95/100/89 +f 78/95/90 77/93/90 87/109/90 88/101/90 +f 93/106/91 92/105/91 102/110/91 103/111/91 +f 94/107/92 93/106/92 103/111/92 104/112/92 +f 87/109/93 86/108/93 96/113/93 97/114/93 +f 95/100/94 94/107/94 104/112/94 105/115/94 +f 88/101/95 87/109/95 97/114/95 98/116/95 +f 166/117/96 95/100/96 105/115/96 +f 89/102/97 88/101/97 98/116/97 99/118/97 +f 90/103/98 89/102/98 99/118/98 100/119/98 +f 91/104/99 90/103/99 100/119/99 101/120/99 +f 92/105/100 91/104/100 101/120/100 102/110/100 +f 99/118/101 98/116/101 108/121/101 109/122/101 +f 100/119/102 99/118/102 109/122/102 110/123/102 +f 101/120/103 100/119/103 110/123/103 111/124/103 +f 102/110/104 101/120/104 111/124/104 112/125/104 +f 103/111/105 102/110/105 112/125/105 113/126/105 +f 104/112/106 103/111/106 113/126/106 114/127/106 +f 97/114/107 96/113/107 106/128/107 107/129/107 +f 105/115/108 104/112/108 114/127/108 115/130/108 +f 98/116/109 97/114/109 107/129/109 108/121/109 +f 166/131/110 105/115/110 115/130/110 +f 113/126/111 112/125/111 122/132/111 123/133/111 +f 114/127/112 113/126/112 123/133/112 124/134/112 +f 107/129/113 106/128/113 116/135/113 117/136/113 +f 115/130/114 114/127/114 124/134/114 125/137/114 +f 108/121/115 107/129/115 117/136/115 118/138/115 +f 166/139/116 115/130/116 125/137/116 +f 109/122/117 108/121/117 118/138/117 119/140/117 +f 110/123/118 109/122/118 119/140/118 120/141/118 +f 111/124/119 110/123/119 120/141/119 121/142/119 +f 112/125/120 111/124/120 121/142/120 122/132/120 +f 120/141/121 119/140/121 129/143/121 130/144/121 +f 121/142/122 120/141/122 130/144/122 131/145/122 +f 122/132/123 121/142/123 131/145/123 132/146/123 +f 123/133/124 122/132/124 132/146/124 133/147/124 +f 124/134/125 123/133/125 133/147/125 134/148/125 +f 117/136/126 116/135/126 126/149/126 127/150/126 +f 125/137/127 124/134/127 134/148/127 135/151/127 +f 118/138/128 117/136/128 127/150/128 128/152/128 +f 166/153/129 125/137/129 135/151/129 +f 119/140/130 118/138/130 128/152/130 129/143/130 +f 134/148/131 133/147/131 143/154/131 144/155/131 +f 127/150/132 126/149/132 136/156/132 137/157/132 +f 135/151/133 134/148/133 144/155/133 145/158/133 +f 128/152/134 127/150/134 137/157/134 138/159/134 +f 166/160/135 135/151/135 145/158/135 +f 129/143/136 128/152/136 138/159/136 139/161/136 +f 130/144/137 129/143/137 139/161/137 140/162/137 +f 131/145/138 130/144/138 140/162/138 141/163/138 +f 132/146/139 131/145/139 141/163/139 142/164/139 +f 133/147/140 132/146/140 142/164/140 143/154/140 +f 141/163/141 140/162/141 150/165/141 151/166/141 +f 142/164/142 141/163/142 151/166/142 152/167/142 +f 143/154/143 142/164/143 152/167/143 153/168/143 +f 144/155/144 143/154/144 153/168/144 154/169/144 +f 137/157/145 136/156/145 146/170/145 147/171/145 +f 145/158/146 144/155/146 154/169/146 155/172/146 +f 138/159/147 137/157/147 147/171/147 148/173/147 +f 166/174/148 145/158/148 155/172/148 +f 139/161/149 138/159/149 148/173/149 149/175/149 +f 140/162/150 139/161/150 149/175/150 150/165/150 +f 147/171/151 146/170/151 156/176/151 157/177/151 +f 155/172/152 154/169/152 164/178/152 165/179/152 +f 148/173/153 147/171/153 157/177/153 158/180/153 +f 166/181/154 155/172/154 165/179/154 +f 149/175/155 148/173/155 158/180/155 159/182/155 +f 150/165/156 149/175/156 159/182/156 160/183/156 +f 151/166/157 150/165/157 160/183/157 161/184/157 +f 152/167/158 151/166/158 161/184/158 162/185/158 +f 153/168/159 152/167/159 162/185/159 163/186/159 +f 154/169/160 153/168/160 163/186/160 164/178/160 +f 161/184/161 160/183/161 171/187/161 172/188/161 +f 162/185/162 161/184/162 172/188/162 173/189/162 +f 163/186/163 162/185/163 173/189/163 174/190/163 +f 164/178/164 163/186/164 174/190/164 175/191/164 +f 157/177/165 156/176/165 167/192/165 168/193/165 +f 165/179/166 164/178/166 175/191/166 176/194/166 +f 158/180/167 157/177/167 168/193/167 169/195/167 +f 166/196/168 165/179/168 176/194/168 +f 159/182/169 158/180/169 169/195/169 170/197/169 +f 160/183/170 159/182/170 170/197/170 171/187/170 +f 176/194/171 175/191/171 185/198/171 186/199/171 +f 169/195/172 168/193/172 178/200/172 179/201/172 +f 166/202/173 176/194/173 186/199/173 +f 170/197/174 169/195/174 179/201/174 180/203/174 +f 171/187/175 170/197/175 180/203/175 181/204/175 +f 172/188/176 171/187/176 181/204/176 182/205/176 +f 173/189/177 172/188/177 182/205/177 183/206/177 +f 174/190/178 173/189/178 183/206/178 184/207/178 +f 175/191/179 174/190/179 184/207/179 185/198/179 +f 168/193/180 167/192/180 177/208/180 178/200/180 +f 183/206/181 182/205/181 192/209/181 193/210/181 +f 184/207/182 183/206/182 193/210/182 194/211/182 +f 185/198/183 184/207/183 194/211/183 195/212/183 +f 178/200/184 177/208/184 187/213/184 188/214/184 +f 186/199/185 185/198/185 195/212/185 196/215/185 +f 179/201/186 178/200/186 188/214/186 189/216/186 +f 166/217/187 186/199/187 196/215/187 +f 180/203/188 179/201/188 189/216/188 190/218/188 +f 181/204/189 180/203/189 190/218/189 191/219/189 +f 182/205/190 181/204/190 191/219/190 192/209/190 +f 189/216/191 188/214/191 198/220/191 199/221/191 +f 166/222/192 196/215/192 206/223/192 +f 190/218/193 189/216/193 199/221/193 200/224/193 +f 191/219/194 190/218/194 200/224/194 201/225/194 +f 192/209/195 191/219/195 201/225/195 202/226/195 +f 193/210/196 192/209/196 202/226/196 203/227/196 +f 194/211/197 193/210/197 203/227/197 204/228/197 +f 195/212/198 194/211/198 204/228/198 205/229/198 +f 188/214/199 187/213/199 197/230/199 198/220/199 +f 196/215/200 195/212/200 205/229/200 206/223/200 +f 203/227/201 202/226/201 212/231/201 213/232/201 +f 204/228/202 203/227/202 213/232/202 214/233/202 +f 205/229/203 204/228/203 214/233/203 215/234/203 +f 198/220/204 197/230/204 207/235/204 208/236/204 +f 206/223/205 205/229/205 215/234/205 216/237/205 +f 199/221/206 198/220/206 208/236/206 209/238/206 +f 166/239/207 206/223/207 216/237/207 +f 200/224/208 199/221/208 209/238/208 210/240/208 +f 201/225/209 200/224/209 210/240/209 211/241/209 +f 202/226/210 201/225/210 211/241/210 212/231/210 +f 166/242/211 216/237/211 226/243/211 +f 210/240/212 209/238/212 219/244/212 220/245/212 +f 211/241/213 210/240/213 220/245/213 221/246/213 +f 212/231/214 211/241/214 221/246/214 222/247/214 +f 213/232/215 212/231/215 222/247/215 223/248/215 +f 214/233/216 213/232/216 223/248/216 224/249/216 +f 215/234/217 214/233/217 224/249/217 225/250/217 +f 208/236/218 207/235/218 217/251/218 218/252/218 +f 216/237/219 215/234/219 225/250/219 226/243/219 +f 209/238/220 208/236/220 218/252/220 219/244/220 +f 224/249/221 223/248/221 233/253/221 234/254/221 +f 225/250/222 224/249/222 234/254/222 235/255/222 +f 218/252/223 217/251/223 227/256/223 228/257/223 +f 226/243/224 225/250/224 235/255/224 236/258/224 +f 219/244/225 218/252/225 228/257/225 229/259/225 +f 166/260/226 226/243/226 236/258/226 +f 220/245/227 219/244/227 229/259/227 230/261/227 +f 221/246/228 220/245/228 230/261/228 231/262/228 +f 222/247/229 221/246/229 231/262/229 232/263/229 +f 223/248/230 222/247/230 232/263/230 233/253/230 +f 231/262/231 230/261/231 240/264/231 241/265/231 +f 232/263/232 231/262/232 241/265/232 242/266/232 +f 233/253/233 232/263/233 242/266/233 243/267/233 +f 234/254/234 233/253/234 243/267/234 244/268/234 +f 235/255/235 234/254/235 244/268/235 245/269/235 +f 228/257/236 227/256/236 237/270/236 238/271/236 +f 236/258/237 235/255/237 245/269/237 246/272/237 +f 229/259/238 228/257/238 238/271/238 239/273/238 +f 166/274/239 236/258/239 246/272/239 +f 230/261/240 229/259/240 239/273/240 240/264/240 +f 245/275/241 244/276/241 254/277/241 255/278/241 +f 238/279/242 237/280/242 247/281/242 248/282/242 +f 246/283/243 245/275/243 255/278/243 256/284/243 +f 239/285/244 238/279/244 248/282/244 249/286/244 +f 166/287/245 246/283/245 256/284/245 +f 240/288/246 239/285/246 249/286/246 250/289/246 +f 241/290/247 240/288/247 250/289/247 251/291/247 +f 242/292/248 241/290/248 251/291/248 252/293/248 +f 243/294/249 242/292/249 252/293/249 253/295/249 +f 244/276/250 243/294/250 253/295/250 254/277/250 +f 251/291/251 250/289/251 260/296/251 261/297/251 +f 252/293/252 251/291/252 261/297/252 262/298/252 +f 253/295/253 252/293/253 262/298/253 263/299/253 +f 254/277/254 253/295/254 263/299/254 264/300/254 +f 255/278/255 254/277/255 264/300/255 265/301/255 +f 248/282/256 247/281/256 257/302/256 258/303/256 +f 256/284/257 255/278/257 265/301/257 266/304/257 +f 249/286/258 248/282/258 258/303/258 259/305/258 +f 166/306/259 256/284/259 266/304/259 +f 250/289/260 249/286/260 259/305/260 260/296/260 +f 265/301/261 264/300/261 274/307/261 275/308/261 +f 258/303/262 257/302/262 267/309/262 268/310/262 +f 266/304/263 265/301/263 275/308/263 276/311/263 +f 259/305/264 258/303/264 268/310/264 269/312/264 +f 166/313/265 266/304/265 276/311/265 +f 260/296/266 259/305/266 269/312/266 270/314/266 +f 261/297/267 260/296/267 270/314/267 271/315/267 +f 262/298/268 261/297/268 271/315/268 272/316/268 +f 263/299/269 262/298/269 272/316/269 273/317/269 +f 264/300/270 263/299/270 273/317/270 274/307/270 +f 272/316/271 271/315/271 281/318/271 282/319/271 +f 273/317/272 272/316/272 282/319/272 283/320/272 +f 274/307/273 273/317/273 283/320/273 284/321/273 +f 275/308/274 274/307/274 284/321/274 285/322/274 +f 268/310/275 267/309/275 277/323/275 278/324/275 +f 276/311/276 275/308/276 285/322/276 286/325/276 +f 269/312/277 268/310/277 278/324/277 279/326/277 +f 166/327/278 276/311/278 286/325/278 +f 270/314/279 269/312/279 279/326/279 280/328/279 +f 271/315/280 270/314/280 280/328/280 281/318/280 +f 278/324/281 277/323/281 287/329/281 288/330/281 +f 286/325/282 285/322/282 295/331/282 296/332/282 +f 279/326/283 278/324/283 288/330/283 289/333/283 +f 166/334/284 286/325/284 296/332/284 +f 280/328/285 279/326/285 289/333/285 290/335/285 +f 281/318/286 280/328/286 290/335/286 291/336/286 +f 282/319/287 281/318/287 291/336/287 292/337/287 +f 283/320/288 282/319/288 292/337/288 293/338/288 +f 284/321/289 283/320/289 293/338/289 294/339/289 +f 285/322/290 284/321/290 294/339/290 295/331/290 +f 292/337/291 291/336/291 301/340/291 302/341/291 +f 293/338/292 292/337/292 302/341/292 303/342/292 +f 294/339/293 293/338/293 303/342/293 304/343/293 +f 295/331/294 294/339/294 304/343/294 305/344/294 +f 288/330/295 287/329/295 297/345/295 298/346/295 +f 296/332/296 295/331/296 305/344/296 306/347/296 +f 289/333/297 288/330/297 298/346/297 299/348/297 +f 166/349/298 296/332/298 306/347/298 +f 290/335/299 289/333/299 299/348/299 300/350/299 +f 291/336/300 290/335/300 300/350/300 301/340/300 +f 306/347/301 305/344/301 315/351/301 316/352/301 +f 299/348/302 298/346/302 308/353/302 309/354/302 +f 166/355/303 306/347/303 316/352/303 +f 300/350/304 299/348/304 309/354/304 310/356/304 +f 301/340/305 300/350/305 310/356/305 311/357/305 +f 302/341/306 301/340/306 311/357/306 312/358/306 +f 303/342/307 302/341/307 312/358/307 313/359/307 +f 304/343/308 303/342/308 313/359/308 314/360/308 +f 305/344/309 304/343/309 314/360/309 315/351/309 +f 298/346/310 297/345/310 307/361/310 308/353/310 +f 313/359/311 312/358/311 4/2/311 319/1/311 +f 314/360/312 313/359/312 319/1/312 320/5/312 +f 315/351/313 314/360/313 320/5/313 321/7/313 +f 308/353/314 307/361/314 1/10/314 2/9/314 +f 316/352/315 315/351/315 321/7/315 5/13/315 +f 309/354/316 308/353/316 2/9/316 3/15/316 +f 166/362/317 316/352/317 5/13/317 +f 310/356/318 309/354/318 3/15/318 317/18/318 +f 311/357/319 310/356/319 317/18/319 318/20/319 +f 312/358/320 311/357/320 318/20/320 4/2/320 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_003.mtl b/cliport/environments/assets/bags/bl_sphere_bag_basic_003.mtl new file mode 100644 index 0000000000000000000000000000000000000000..0d3c4a1033a0b1eaa0c2ae1264743576c281cbb8 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_003.mtl @@ -0,0 +1,12 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl CustomColor.004 +Ns 323.999994 +Ka 1.000000 1.000000 1.000000 +Kd 0.000000 0.000000 1.000000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_003.obj b/cliport/environments/assets/bags/bl_sphere_bag_basic_003.obj new file mode 100644 index 0000000000000000000000000000000000000000..babbd23854d859aceb9b0b925aeb99e17e970f80 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_003.obj @@ -0,0 +1,1200 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_basic_003.mtl +o Sphere.003 +v 2.000000 2.156072 -0.784628 +v 2.000000 2.000000 -0.800000 +v 2.000000 1.555544 -0.665176 +v 2.000000 1.215372 -0.156072 +v 2.153073 2.156072 -0.769552 +v 2.156072 2.000000 -0.784628 +v 2.153073 1.843928 -0.769552 +v 2.144192 1.693853 -0.724902 +v 2.129769 1.555544 -0.652395 +v 2.110360 1.434314 -0.554816 +v 2.086709 1.334824 -0.435916 +v 2.059726 1.260896 -0.300264 +v 2.030448 1.215372 -0.153073 +v 2.300264 2.156072 -0.724902 +v 2.306147 2.000000 -0.739104 +v 2.300264 1.843928 -0.724902 +v 2.282843 1.693853 -0.682843 +v 2.254552 1.555544 -0.614542 +v 2.216479 1.434314 -0.522625 +v 2.170086 1.334824 -0.410624 +v 2.117157 1.260896 -0.282843 +v 2.059726 1.215372 -0.144192 +v 2.435916 2.156072 -0.652394 +v 2.444456 2.000000 -0.665176 +v 2.435916 1.843928 -0.652394 +v 2.410624 1.693853 -0.614542 +v 2.369552 1.555544 -0.553073 +v 2.314278 1.434314 -0.470350 +v 2.246927 1.334824 -0.369552 +v 2.170086 1.260896 -0.254552 +v 2.086709 1.215372 -0.129769 +v 2.554816 2.156072 -0.554816 +v 2.565686 2.000000 -0.565685 +v 2.554816 1.843928 -0.554816 +v 2.522625 1.693853 -0.522625 +v 2.470351 1.555544 -0.470350 +v 2.400000 1.434314 -0.400000 +v 2.314278 1.334824 -0.314278 +v 2.216479 1.260896 -0.216478 +v 2.110360 1.215372 -0.110360 +v 2.652395 2.156072 -0.435916 +v 2.665176 2.000000 -0.444456 +v 2.652395 1.843928 -0.435916 +v 2.614542 1.693853 -0.410624 +v 2.553074 1.555544 -0.369552 +v 2.470351 1.434314 -0.314278 +v 2.369552 1.334824 -0.246926 +v 2.254552 1.260896 -0.170086 +v 2.129769 1.215372 -0.086709 +v 2.724902 2.156072 -0.300264 +v 2.739104 2.000000 -0.306146 +v 2.724902 1.843928 -0.300264 +v 2.682843 1.693853 -0.282843 +v 2.614542 1.555544 -0.254551 +v 2.522625 1.434314 -0.216478 +v 2.410624 1.334824 -0.170086 +v 2.282843 1.260896 -0.117157 +v 2.144192 1.215372 -0.059726 +v 2.769552 2.156072 -0.153073 +v 2.784628 2.000000 -0.156072 +v 2.769552 1.843928 -0.153073 +v 2.724902 1.693853 -0.144192 +v 2.652395 1.555544 -0.129769 +v 2.554816 1.434314 -0.110359 +v 2.435916 1.334824 -0.086709 +v 2.300264 1.260896 -0.059726 +v 2.153073 1.215372 -0.030448 +v 2.784628 2.156072 0.000000 +v 2.800000 2.000000 0.000000 +v 2.784628 1.843928 0.000000 +v 2.739104 1.693853 0.000000 +v 2.665176 1.555544 0.000000 +v 2.565686 1.434314 0.000000 +v 2.444456 1.334824 0.000000 +v 2.306147 1.260896 0.000000 +v 2.156072 1.215372 0.000000 +v 2.769552 2.156072 0.153074 +v 2.784628 2.000000 0.156073 +v 2.769552 1.843928 0.153074 +v 2.724902 1.693853 0.144192 +v 2.652395 1.555544 0.129770 +v 2.554816 1.434314 0.110360 +v 2.435916 1.334824 0.086709 +v 2.300264 1.260896 0.059727 +v 2.153073 1.215372 0.030448 +v 2.724902 2.156072 0.300264 +v 2.739104 2.000000 0.306147 +v 2.724902 1.843928 0.300265 +v 2.682843 1.693853 0.282843 +v 2.614542 1.555544 0.254552 +v 2.522625 1.434314 0.216479 +v 2.410624 1.334824 0.170086 +v 2.282843 1.260896 0.117158 +v 2.144192 1.215372 0.059727 +v 2.652395 2.156072 0.435916 +v 2.665176 2.000000 0.444457 +v 2.652395 1.843928 0.435916 +v 2.614542 1.693853 0.410624 +v 2.553073 1.555544 0.369552 +v 2.470350 1.434314 0.314278 +v 2.369552 1.334824 0.246927 +v 2.254552 1.260896 0.170086 +v 2.129769 1.215372 0.086709 +v 2.554816 2.156072 0.554816 +v 2.565685 2.000000 0.565686 +v 2.554816 1.843928 0.554816 +v 2.522625 1.693853 0.522626 +v 2.470350 1.555544 0.470351 +v 2.400000 1.434314 0.400000 +v 2.314278 1.334824 0.314278 +v 2.216479 1.260896 0.216479 +v 2.110360 1.215372 0.110360 +v 2.435916 2.156072 0.652395 +v 2.444456 2.000000 0.665176 +v 2.435916 1.843928 0.652395 +v 2.410624 1.693853 0.614542 +v 2.369552 1.555544 0.553074 +v 2.314278 1.434314 0.470351 +v 2.246927 1.334824 0.369552 +v 2.170086 1.260896 0.254552 +v 2.086709 1.215372 0.129770 +v 2.300264 2.156072 0.724902 +v 2.306147 2.000000 0.739104 +v 2.300264 1.843928 0.724902 +v 2.282843 1.693853 0.682843 +v 2.254552 1.555544 0.614543 +v 2.216478 1.434314 0.522626 +v 2.170086 1.334824 0.410624 +v 2.117157 1.260896 0.282843 +v 2.059726 1.215372 0.144192 +v 2.153074 2.156072 0.769552 +v 2.156072 2.000000 0.784628 +v 2.153073 1.843928 0.769552 +v 2.144192 1.693853 0.724902 +v 2.129769 1.555544 0.652395 +v 2.110360 1.434314 0.554816 +v 2.086709 1.334824 0.435916 +v 2.059726 1.260896 0.300265 +v 2.030448 1.215372 0.153074 +v 2.000000 2.156072 0.784628 +v 2.000000 2.000000 0.800000 +v 2.000000 1.843928 0.784628 +v 2.000000 1.693853 0.739104 +v 2.000000 1.555544 0.665176 +v 2.000000 1.434314 0.565686 +v 2.000000 1.334824 0.444456 +v 2.000000 1.260896 0.306147 +v 2.000000 1.215372 0.156072 +v 2.000000 1.200000 0.000000 +v 1.846927 2.156072 0.769552 +v 1.843928 2.000000 0.784628 +v 1.846927 1.843928 0.769552 +v 1.855808 1.693853 0.724902 +v 1.870230 1.555544 0.652395 +v 1.889640 1.434314 0.554816 +v 1.913291 1.334824 0.435916 +v 1.940274 1.260896 0.300264 +v 1.969552 1.215372 0.153074 +v 1.699736 2.156072 0.724902 +v 1.693853 2.000000 0.739104 +v 1.699736 1.843928 0.724902 +v 1.717157 1.693853 0.682843 +v 1.745448 1.555544 0.614542 +v 1.783522 1.434314 0.522625 +v 1.829914 1.334824 0.410624 +v 1.882843 1.260896 0.282843 +v 1.940274 1.215372 0.144192 +v 1.564084 2.156072 0.652395 +v 1.555544 2.000000 0.665176 +v 1.564084 1.843928 0.652395 +v 1.589376 1.693853 0.614542 +v 1.630448 1.555544 0.553073 +v 1.685722 1.434314 0.470350 +v 1.753073 1.334824 0.369552 +v 1.829914 1.260896 0.254552 +v 1.913291 1.215372 0.129770 +v 1.445184 2.156072 0.554816 +v 1.434315 2.000000 0.565685 +v 1.445184 1.843928 0.554816 +v 1.477375 1.693853 0.522625 +v 1.529650 1.555544 0.470350 +v 1.600000 1.434314 0.400000 +v 1.685722 1.334824 0.314278 +v 1.783522 1.260896 0.216479 +v 1.889640 1.215372 0.110360 +v 1.347606 2.156072 0.435916 +v 1.334825 2.000000 0.444456 +v 1.347606 1.843928 0.435916 +v 1.385458 1.693853 0.410624 +v 1.446927 1.555544 0.369552 +v 1.529650 1.434314 0.314278 +v 1.630448 1.334824 0.246927 +v 1.745448 1.260896 0.170086 +v 1.870231 1.215372 0.086709 +v 1.275098 2.156072 0.300265 +v 1.260897 2.000000 0.306147 +v 1.275098 1.843928 0.300264 +v 1.317158 1.693853 0.282843 +v 1.385458 1.555544 0.254552 +v 1.477375 1.434314 0.216479 +v 1.589376 1.334824 0.170086 +v 1.717157 1.260896 0.117158 +v 1.855808 1.215372 0.059726 +v 1.230448 2.156072 0.153074 +v 1.215372 2.000000 0.156072 +v 1.230448 1.843928 0.153074 +v 1.275098 1.693853 0.144192 +v 1.347606 1.555544 0.129769 +v 1.445184 1.434314 0.110360 +v 1.564084 1.334824 0.086709 +v 1.699736 1.260896 0.059726 +v 1.846927 1.215372 0.030448 +v 1.215372 2.156072 0.000000 +v 1.200001 2.000000 0.000000 +v 1.215372 1.843928 0.000000 +v 1.260897 1.693853 0.000000 +v 1.334825 1.555544 0.000000 +v 1.434315 1.434314 0.000000 +v 1.555544 1.334824 0.000000 +v 1.693853 1.260896 0.000000 +v 1.843928 1.215372 0.000000 +v 1.230448 2.156072 -0.153073 +v 1.215372 2.000000 -0.156072 +v 1.230448 1.843928 -0.153073 +v 1.275099 1.693853 -0.144192 +v 1.347606 1.555544 -0.129769 +v 1.445184 1.434314 -0.110360 +v 1.564084 1.334824 -0.086709 +v 1.699736 1.260896 -0.059726 +v 1.846927 1.215372 -0.030448 +v 1.275098 2.156072 -0.300264 +v 1.260897 2.000000 -0.306147 +v 1.275098 1.843928 -0.300264 +v 1.317158 1.693853 -0.282842 +v 1.385458 1.555544 -0.254552 +v 1.477375 1.434314 -0.216478 +v 1.589376 1.334824 -0.170086 +v 1.717157 1.260896 -0.117157 +v 1.855808 1.215372 -0.059726 +v 1.347606 2.156072 -0.435916 +v 1.334825 2.000000 -0.444456 +v 1.347606 1.843928 -0.435916 +v 1.385458 1.693853 -0.410624 +v 1.446927 1.555544 -0.369552 +v 1.529650 1.434314 -0.314278 +v 1.630449 1.334824 -0.246926 +v 1.745448 1.260896 -0.170086 +v 1.870231 1.215372 -0.086709 +v 1.445184 2.156072 -0.554815 +v 1.434315 2.000000 -0.565685 +v 1.445184 1.843928 -0.554815 +v 1.477375 1.693853 -0.522625 +v 1.529650 1.555544 -0.470350 +v 1.600000 1.434314 -0.400000 +v 1.685722 1.334824 -0.314278 +v 1.783522 1.260896 -0.216478 +v 1.889640 1.215372 -0.110359 +v 1.564084 2.156072 -0.652394 +v 1.555544 2.000000 -0.665175 +v 1.564084 1.843928 -0.652394 +v 1.589377 1.693853 -0.614542 +v 1.630449 1.555544 -0.553073 +v 1.685722 1.434314 -0.470350 +v 1.753074 1.334824 -0.369551 +v 1.829914 1.260896 -0.254551 +v 1.913291 1.215372 -0.129769 +v 1.699736 2.156072 -0.724901 +v 1.693854 2.000000 -0.739103 +v 1.699736 1.843928 -0.724901 +v 1.717158 1.693853 -0.682842 +v 1.745449 1.555544 -0.614542 +v 1.783522 1.434314 -0.522625 +v 1.829914 1.334824 -0.410623 +v 1.882843 1.260896 -0.282842 +v 1.940274 1.215372 -0.144192 +v 1.846927 2.156072 -0.769551 +v 1.843928 2.000000 -0.784627 +v 1.846927 1.843928 -0.769551 +v 1.855808 1.693853 -0.724901 +v 1.870231 1.555544 -0.652394 +v 1.889640 1.434314 -0.554815 +v 1.913291 1.334824 -0.435915 +v 1.940274 1.260896 -0.300264 +v 1.969552 1.215372 -0.153073 +v 2.000000 1.843928 -0.784628 +v 2.000000 1.693853 -0.739103 +v 2.000000 1.434314 -0.565685 +v 2.000000 1.334824 -0.444456 +v 2.000000 1.260896 -0.306146 +vt 0.750000 0.250000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.718750 0.250000 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.750000 0.500000 +vt 0.750000 0.562500 +vt 0.718750 0.562500 +vt 0.718750 0.500000 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.718750 0.437500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.187500 +vt 0.687500 0.125000 +vt 0.687500 0.062500 +vt 0.687500 0.562500 +vt 0.687500 0.500000 +vt 0.703125 0.000000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.656250 0.062500 +vt 0.656250 0.562500 +vt 0.656250 0.500000 +vt 0.671875 0.000000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.625000 0.187500 +vt 0.625000 0.125000 +vt 0.625000 0.062500 +vt 0.625000 0.562500 +vt 0.625000 0.500000 +vt 0.640625 0.000000 +vt 0.625000 0.437500 +vt 0.593750 0.125000 +vt 0.593750 0.062500 +vt 0.593750 0.562500 +vt 0.593750 0.500000 +vt 0.609375 0.000000 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.187500 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.187500 +vt 0.562500 0.125000 +vt 0.562500 0.062500 +vt 0.562500 0.562500 +vt 0.562500 0.500000 +vt 0.578125 0.000000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.531250 0.562500 +vt 0.531250 0.500000 +vt 0.546875 0.000000 +vt 0.531250 0.062500 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.187500 +vt 0.531250 0.125000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.187500 +vt 0.500000 0.125000 +vt 0.500000 0.062500 +vt 0.500000 0.562500 +vt 0.500000 0.500000 +vt 0.515625 0.000000 +vt 0.500000 0.437500 +vt 0.500000 0.375000 +vt 0.484375 0.000000 +vt 0.468750 0.062500 +vt 0.468750 0.500000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.187500 +vt 0.468750 0.125000 +vt 0.468750 0.562500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.125000 +vt 0.437500 0.062500 +vt 0.437500 0.562500 +vt 0.437500 0.500000 +vt 0.453125 0.000000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.406250 0.500000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.187500 +vt 0.406250 0.125000 +vt 0.406250 0.062500 +vt 0.406250 0.562500 +vt 0.421875 0.000000 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.375000 0.125000 +vt 0.375000 0.062500 +vt 0.375000 0.562500 +vt 0.375000 0.500000 +vt 0.390625 0.000000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.187500 +vt 0.343750 0.125000 +vt 0.343750 0.062500 +vt 0.343750 0.562500 +vt 0.343750 0.500000 +vt 0.359375 0.000000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.312500 0.062500 +vt 0.312500 0.562500 +vt 0.312500 0.500000 +vt 0.328125 0.000000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.312500 0.250000 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.281250 0.187500 +vt 0.281250 0.125000 +vt 0.281250 0.062500 +vt 0.281250 0.562500 +vt 0.281250 0.500000 +vt 0.296875 0.000000 +vt 0.281250 0.437500 +vt 0.250000 0.125000 +vt 0.250000 0.062500 +vt 0.250000 0.562500 +vt 0.250000 0.500000 +vt 0.265625 0.000000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.250000 0.187500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.218750 0.187500 +vt 0.218750 0.125000 +vt 0.218750 0.062500 +vt 0.218750 0.562500 +vt 0.218750 0.500000 +vt 0.234375 0.000000 +vt 0.218750 0.437500 +vt 0.187500 0.125000 +vt 0.187500 0.062500 +vt 0.187500 0.562500 +vt 0.187500 0.500000 +vt 0.203125 0.000000 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.187500 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.187500 +vt 0.156250 0.125000 +vt 0.156250 0.062500 +vt 0.156250 0.562500 +vt 0.156250 0.500000 +vt 0.171875 0.000000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.125000 0.562500 +vt 0.125000 0.500000 +vt 0.140625 0.000000 +vt 0.125000 0.062500 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.187500 +vt 0.125000 0.125000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.093750 0.187500 +vt 0.093750 0.125000 +vt 0.093750 0.062500 +vt 0.093750 0.562500 +vt 0.093750 0.500000 +vt 0.109375 0.000000 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.078125 0.000000 +vt 0.062500 0.062500 +vt 0.062500 0.500000 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.187500 +vt 0.062500 0.125000 +vt 0.062500 0.562500 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.125000 +vt 0.031250 0.062500 +vt 0.031250 0.562500 +vt 0.031250 0.500000 +vt 0.046875 0.000000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.031250 0.312500 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.187500 +vt 0.000000 0.125000 +vt 0.000000 0.062500 +vt 0.000000 0.562500 +vt 0.000000 0.500000 +vt 0.015625 0.000000 +vt 1.000000 0.125000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 0.968750 0.125000 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 1.000000 0.500000 +vt 1.000000 0.562500 +vt 0.968750 0.562500 +vt 0.968750 0.500000 +vt 0.984375 0.000000 +vt 1.000000 0.437500 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.187500 +vt 0.937500 0.125000 +vt 0.937500 0.062500 +vt 0.937500 0.562500 +vt 0.937500 0.500000 +vt 0.953125 0.000000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.906250 0.062500 +vt 0.906250 0.562500 +vt 0.906250 0.500000 +vt 0.921875 0.000000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.906250 0.250000 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.875000 0.187500 +vt 0.875000 0.125000 +vt 0.875000 0.062500 +vt 0.875000 0.562500 +vt 0.875000 0.500000 +vt 0.890625 0.000000 +vt 0.875000 0.437500 +vt 0.843750 0.125000 +vt 0.843750 0.062500 +vt 0.843750 0.562500 +vt 0.843750 0.500000 +vt 0.859375 0.000000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.187500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.187500 +vt 0.812500 0.125000 +vt 0.812500 0.062500 +vt 0.812500 0.562500 +vt 0.812500 0.500000 +vt 0.828125 0.000000 +vt 0.812500 0.437500 +vt 0.781250 0.125000 +vt 0.781250 0.062500 +vt 0.781250 0.562500 +vt 0.781250 0.500000 +vt 0.796875 0.000000 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.187500 +vt 0.765625 0.000000 +vn 0.0759 -0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0464 -0.8810 -0.4709 +vn 0.0286 -0.9565 -0.2902 +vn 0.0975 0.0975 -0.9904 +vn 0.0097 -0.9951 -0.0980 +vn 0.0975 -0.0976 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.1374 -0.8810 -0.4528 +vn 0.0846 -0.9565 -0.2790 +vn 0.2889 0.0975 -0.9524 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.2231 -0.8810 -0.4173 +vn 0.1374 -0.9565 -0.2571 +vn 0.4691 0.0975 -0.8777 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.3002 -0.8810 -0.3658 +vn 0.1850 -0.9566 -0.2254 +vn 0.6314 0.0975 -0.7693 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0975 -0.7693 +vn 0.6073 -0.2890 -0.7400 +vn 0.2254 -0.9565 -0.1850 +vn 0.7693 0.0976 -0.6314 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.3658 -0.8810 -0.3002 +vn 0.6831 -0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.4173 -0.8810 -0.2231 +vn 0.2571 -0.9566 -0.1374 +vn 0.8777 0.0975 -0.4691 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0975 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.9524 0.0975 -0.2889 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0975 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.4528 -0.8810 -0.1374 +vn 0.2790 -0.9566 -0.0846 +vn 0.7708 -0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.4709 -0.8810 -0.0464 +vn 0.2902 -0.9565 -0.0286 +vn 0.9904 0.0975 -0.0975 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0975 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.8786 -0.4696 -0.0865 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0976 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.4709 -0.8810 0.0464 +vn 0.2902 -0.9565 0.0286 +vn 0.9904 0.0976 0.0975 +vn 0.6088 -0.7715 0.1847 +vn 0.4528 -0.8810 0.1374 +vn 0.2790 -0.9565 0.0846 +vn 0.9524 0.0975 0.2889 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0975 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.8777 -0.0975 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.4173 -0.8810 0.2230 +vn 0.2571 -0.9566 0.1374 +vn 0.8777 0.0975 0.4691 +vn 0.0869 -0.9951 0.0464 +vn 0.4918 -0.7715 0.4036 +vn 0.3658 -0.8810 0.3002 +vn 0.2254 -0.9565 0.1850 +vn 0.7693 0.0975 0.6314 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0975 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.3002 -0.8810 0.3658 +vn 0.1850 -0.9565 0.2254 +vn 0.6314 0.0975 0.7693 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0975 0.7693 +vn 0.2230 -0.8810 0.4173 +vn 0.1374 -0.9566 0.2571 +vn 0.4691 0.0975 0.8777 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0975 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.2999 -0.7715 0.5611 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.1374 -0.8810 0.4528 +vn 0.0846 -0.9565 0.2790 +vn 0.2889 0.0975 0.9524 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0975 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.0286 -0.9566 0.2902 +vn 0.0975 0.0975 0.9904 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0975 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn 0.0464 -0.8810 0.4709 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.0464 -0.8810 0.4709 +vn -0.0286 -0.9566 0.2902 +vn -0.0976 0.0975 0.9904 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0975 0.9904 +vn -0.0938 -0.2890 0.9527 +vn -0.0846 -0.9565 0.2790 +vn -0.2889 0.0975 0.9524 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0975 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.1374 -0.8810 0.4528 +vn -0.3651 -0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.2231 -0.8810 0.4173 +vn -0.1374 -0.9565 0.2571 +vn -0.4691 0.0975 0.8777 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0975 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.6314 0.0975 0.7693 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0975 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.3002 -0.8810 0.3658 +vn -0.1850 -0.9565 0.2254 +vn -0.5987 -0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.3658 -0.8810 0.3002 +vn -0.2254 -0.9565 0.1850 +vn -0.7693 0.0975 0.6314 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0975 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0975 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.4173 -0.8810 0.2231 +vn -0.2571 -0.9565 0.1374 +vn -0.8777 0.0975 0.4691 +vn -0.6088 -0.7715 0.1847 +vn -0.4528 -0.8810 0.1374 +vn -0.2790 -0.9565 0.0846 +vn -0.9524 0.0975 0.2889 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0975 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.7412 -0.6326 0.2248 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.4709 -0.8810 0.0464 +vn -0.2902 -0.9565 0.0286 +vn -0.9904 0.0975 0.0975 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0975 0.0975 +vn -0.4709 -0.8810 -0.0464 +vn -0.2902 -0.9565 -0.0286 +vn -0.9904 0.0975 -0.0975 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0975 -0.0975 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.4528 -0.8810 -0.1374 +vn -0.2790 -0.9565 -0.0846 +vn -0.9524 0.0975 -0.2889 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0975 -0.2889 +vn -0.4173 -0.8810 -0.2231 +vn -0.2571 -0.9566 -0.1374 +vn -0.8777 0.0975 -0.4691 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0975 -0.4691 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.5611 -0.7715 -0.2999 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.3658 -0.8810 -0.3002 +vn -0.2254 -0.9565 -0.1850 +vn -0.7693 0.0975 -0.6314 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0975 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.1850 -0.9565 -0.2254 +vn -0.6314 0.0975 -0.7693 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0975 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.3002 -0.8810 -0.3658 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.2231 -0.8810 -0.4173 +vn -0.1374 -0.9565 -0.2571 +vn -0.4691 0.0975 -0.8777 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0975 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.0846 -0.9565 -0.2790 +vn -0.2889 0.0975 -0.9524 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0975 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.1374 -0.8810 -0.4528 +vn -0.0759 -0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0464 -0.8810 -0.4709 +vn -0.0286 -0.9565 -0.2902 +vn -0.0976 0.0975 -0.9904 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +vn -0.0865 -0.4696 -0.8786 +usemtl CustomColor.004 +s off +f 287/1/1 3/2/1 9/3/1 10/4/1 +f 288/5/2 287/1/2 10/4/2 11/6/2 +f 289/7/3 288/5/3 11/6/3 12/8/3 +f 4/9/4 289/7/4 12/8/4 13/10/4 +f 2/11/5 1/12/5 5/13/5 6/14/5 +f 149/15/6 4/9/6 13/10/6 +f 285/16/7 2/11/7 6/14/7 7/17/7 +f 286/18/8 285/16/8 7/17/8 8/19/8 +f 3/2/9 286/18/9 8/19/9 9/3/9 +f 8/19/10 7/17/10 16/20/10 17/21/10 +f 9/3/11 8/19/11 17/21/11 18/22/11 +f 10/4/12 9/3/12 18/22/12 19/23/12 +f 11/6/13 10/4/13 19/23/13 20/24/13 +f 12/8/14 11/6/14 20/24/14 21/25/14 +f 13/10/15 12/8/15 21/25/15 22/26/15 +f 6/14/16 5/13/16 14/27/16 15/28/16 +f 149/29/17 13/10/17 22/26/17 +f 7/17/18 6/14/18 15/28/18 16/20/18 +f 21/25/19 20/24/19 29/30/19 30/31/19 +f 22/26/20 21/25/20 30/31/20 31/32/20 +f 15/28/21 14/27/21 23/33/21 24/34/21 +f 149/35/22 22/26/22 31/32/22 +f 16/20/23 15/28/23 24/34/23 25/36/23 +f 17/21/24 16/20/24 25/36/24 26/37/24 +f 18/22/25 17/21/25 26/37/25 27/38/25 +f 19/23/26 18/22/26 27/38/26 28/39/26 +f 20/24/27 19/23/27 28/39/27 29/30/27 +f 27/38/28 26/37/28 35/40/28 36/41/28 +f 28/39/29 27/38/29 36/41/29 37/42/29 +f 29/30/30 28/39/30 37/42/30 38/43/30 +f 30/31/31 29/30/31 38/43/31 39/44/31 +f 31/32/32 30/31/32 39/44/32 40/45/32 +f 24/34/33 23/33/33 32/46/33 33/47/33 +f 149/48/34 31/32/34 40/45/34 +f 25/36/35 24/34/35 33/47/35 34/49/35 +f 26/37/36 25/36/36 34/49/36 35/40/36 +f 40/45/37 39/44/37 48/50/37 49/51/37 +f 33/47/38 32/46/38 41/52/38 42/53/38 +f 149/54/39 40/45/39 49/51/39 +f 34/49/40 33/47/40 42/53/40 43/55/40 +f 35/40/41 34/49/41 43/55/41 44/56/41 +f 36/41/42 35/40/42 44/56/42 45/57/42 +f 37/42/43 36/41/43 45/57/43 46/58/43 +f 38/43/44 37/42/44 46/58/44 47/59/44 +f 39/44/45 38/43/45 47/59/45 48/50/45 +f 46/58/46 45/57/46 54/60/46 55/61/46 +f 47/59/47 46/58/47 55/61/47 56/62/47 +f 48/50/48 47/59/48 56/62/48 57/63/48 +f 49/51/49 48/50/49 57/63/49 58/64/49 +f 42/53/50 41/52/50 50/65/50 51/66/50 +f 149/67/51 49/51/51 58/64/51 +f 43/55/52 42/53/52 51/66/52 52/68/52 +f 44/56/53 43/55/53 52/68/53 53/69/53 +f 45/57/54 44/56/54 53/69/54 54/60/54 +f 51/66/55 50/65/55 59/70/55 60/71/55 +f 149/72/56 58/64/56 67/73/56 +f 52/68/57 51/66/57 60/71/57 61/74/57 +f 53/69/58 52/68/58 61/74/58 62/75/58 +f 54/60/59 53/69/59 62/75/59 63/76/59 +f 55/61/60 54/60/60 63/76/60 64/77/60 +f 56/62/61 55/61/61 64/77/61 65/78/61 +f 57/63/62 56/62/62 65/78/62 66/79/62 +f 58/64/63 57/63/63 66/79/63 67/73/63 +f 64/77/64 63/76/64 72/80/64 73/81/64 +f 65/78/65 64/77/65 73/81/65 74/82/65 +f 66/79/66 65/78/66 74/82/66 75/83/66 +f 67/73/67 66/79/67 75/83/67 76/84/67 +f 60/71/68 59/70/68 68/85/68 69/86/68 +f 149/87/69 67/73/69 76/84/69 +f 61/74/70 60/71/70 69/86/70 70/88/70 +f 62/75/71 61/74/71 70/88/71 71/89/71 +f 63/76/72 62/75/72 71/89/72 72/80/72 +f 149/90/73 76/84/73 85/91/73 +f 70/88/74 69/86/74 78/92/74 79/93/74 +f 71/89/75 70/88/75 79/93/75 80/94/75 +f 72/80/76 71/89/76 80/94/76 81/95/76 +f 73/81/77 72/80/77 81/95/77 82/96/77 +f 74/82/78 73/81/78 82/96/78 83/97/78 +f 75/83/79 74/82/79 83/97/79 84/98/79 +f 76/84/80 75/83/80 84/98/80 85/91/80 +f 69/86/81 68/85/81 77/99/81 78/92/81 +f 83/97/82 82/96/82 91/100/82 92/101/82 +f 84/98/83 83/97/83 92/101/83 93/102/83 +f 85/91/84 84/98/84 93/102/84 94/103/84 +f 78/92/85 77/99/85 86/104/85 87/105/85 +f 149/106/86 85/91/86 94/103/86 +f 79/93/87 78/92/87 87/105/87 88/107/87 +f 80/94/88 79/93/88 88/107/88 89/108/88 +f 81/95/89 80/94/89 89/108/89 90/109/89 +f 82/96/90 81/95/90 90/109/90 91/100/90 +f 88/107/91 87/105/91 96/110/91 97/111/91 +f 89/108/92 88/107/92 97/111/92 98/112/92 +f 90/109/93 89/108/93 98/112/93 99/113/93 +f 91/100/94 90/109/94 99/113/94 100/114/94 +f 92/101/95 91/100/95 100/114/95 101/115/95 +f 93/102/96 92/101/96 101/115/96 102/116/96 +f 94/103/97 93/102/97 102/116/97 103/117/97 +f 87/105/98 86/104/98 95/118/98 96/110/98 +f 149/119/99 94/103/99 103/117/99 +f 101/115/100 100/114/100 109/120/100 110/121/100 +f 102/116/101 101/115/101 110/121/101 111/122/101 +f 103/117/102 102/116/102 111/122/102 112/123/102 +f 96/110/103 95/118/103 104/124/103 105/125/103 +f 149/126/104 103/117/104 112/123/104 +f 97/111/105 96/110/105 105/125/105 106/127/105 +f 98/112/106 97/111/106 106/127/106 107/128/106 +f 99/113/107 98/112/107 107/128/107 108/129/107 +f 100/114/108 99/113/108 108/129/108 109/120/108 +f 107/128/109 106/127/109 115/130/109 116/131/109 +f 108/129/110 107/128/110 116/131/110 117/132/110 +f 109/120/111 108/129/111 117/132/111 118/133/111 +f 110/121/112 109/120/112 118/133/112 119/134/112 +f 111/122/113 110/121/113 119/134/113 120/135/113 +f 112/123/114 111/122/114 120/135/114 121/136/114 +f 105/125/115 104/124/115 113/137/115 114/138/115 +f 149/139/116 112/123/116 121/136/116 +f 106/127/117 105/125/117 114/138/117 115/130/117 +f 120/135/118 119/134/118 128/140/118 129/141/118 +f 121/136/119 120/135/119 129/141/119 130/142/119 +f 114/138/120 113/137/120 122/143/120 123/144/120 +f 149/145/121 121/136/121 130/142/121 +f 115/130/122 114/138/122 123/144/122 124/146/122 +f 116/131/123 115/130/123 124/146/123 125/147/123 +f 117/132/124 116/131/124 125/147/124 126/148/124 +f 118/133/125 117/132/125 126/148/125 127/149/125 +f 119/134/126 118/133/126 127/149/126 128/140/126 +f 126/148/127 125/147/127 134/150/127 135/151/127 +f 127/149/128 126/148/128 135/151/128 136/152/128 +f 128/140/129 127/149/129 136/152/129 137/153/129 +f 129/141/130 128/140/130 137/153/130 138/154/130 +f 130/142/131 129/141/131 138/154/131 139/155/131 +f 123/144/132 122/143/132 131/156/132 132/157/132 +f 149/158/133 130/142/133 139/155/133 +f 124/146/134 123/144/134 132/157/134 133/159/134 +f 125/147/135 124/146/135 133/159/135 134/150/135 +f 139/155/136 138/154/136 147/160/136 148/161/136 +f 132/157/137 131/156/137 140/162/137 141/163/137 +f 149/164/138 139/155/138 148/161/138 +f 133/159/139 132/157/139 141/163/139 142/165/139 +f 134/150/140 133/159/140 142/165/140 143/166/140 +f 135/151/141 134/150/141 143/166/141 144/167/141 +f 136/152/142 135/151/142 144/167/142 145/168/142 +f 137/153/143 136/152/143 145/168/143 146/169/143 +f 138/154/144 137/153/144 146/169/144 147/160/144 +f 144/167/145 143/166/145 153/170/145 154/171/145 +f 145/168/146 144/167/146 154/171/146 155/172/146 +f 146/169/147 145/168/147 155/172/147 156/173/147 +f 147/160/148 146/169/148 156/173/148 157/174/148 +f 148/161/149 147/160/149 157/174/149 158/175/149 +f 141/163/150 140/162/150 150/176/150 151/177/150 +f 149/178/151 148/161/151 158/175/151 +f 142/165/152 141/163/152 151/177/152 152/179/152 +f 143/166/153 142/165/153 152/179/153 153/170/153 +f 158/175/154 157/174/154 166/180/154 167/181/154 +f 151/177/155 150/176/155 159/182/155 160/183/155 +f 149/184/156 158/175/156 167/181/156 +f 152/179/157 151/177/157 160/183/157 161/185/157 +f 153/170/158 152/179/158 161/185/158 162/186/158 +f 154/171/159 153/170/159 162/186/159 163/187/159 +f 155/172/160 154/171/160 163/187/160 164/188/160 +f 156/173/161 155/172/161 164/188/161 165/189/161 +f 157/174/162 156/173/162 165/189/162 166/180/162 +f 164/188/163 163/187/163 172/190/163 173/191/163 +f 165/189/164 164/188/164 173/191/164 174/192/164 +f 166/180/165 165/189/165 174/192/165 175/193/165 +f 167/181/166 166/180/166 175/193/166 176/194/166 +f 160/183/167 159/182/167 168/195/167 169/196/167 +f 149/197/168 167/181/168 176/194/168 +f 161/185/169 160/183/169 169/196/169 170/198/169 +f 162/186/170 161/185/170 170/198/170 171/199/170 +f 163/187/171 162/186/171 171/199/171 172/190/171 +f 169/196/172 168/195/172 177/200/172 178/201/172 +f 149/202/173 176/194/173 185/203/173 +f 170/198/174 169/196/174 178/201/174 179/204/174 +f 171/199/175 170/198/175 179/204/175 180/205/175 +f 172/190/176 171/199/176 180/205/176 181/206/176 +f 173/191/177 172/190/177 181/206/177 182/207/177 +f 174/192/178 173/191/178 182/207/178 183/208/178 +f 175/193/179 174/192/179 183/208/179 184/209/179 +f 176/194/180 175/193/180 184/209/180 185/203/180 +f 182/207/181 181/206/181 190/210/181 191/211/181 +f 183/208/182 182/207/182 191/211/182 192/212/182 +f 184/209/183 183/208/183 192/212/183 193/213/183 +f 185/203/184 184/209/184 193/213/184 194/214/184 +f 178/201/185 177/200/185 186/215/185 187/216/185 +f 149/217/186 185/203/186 194/214/186 +f 179/204/187 178/201/187 187/216/187 188/218/187 +f 180/205/188 179/204/188 188/218/188 189/219/188 +f 181/206/189 180/205/189 189/219/189 190/210/189 +f 149/220/190 194/214/190 203/221/190 +f 188/218/191 187/216/191 196/222/191 197/223/191 +f 189/219/192 188/218/192 197/223/192 198/224/192 +f 190/210/193 189/219/193 198/224/193 199/225/193 +f 191/211/194 190/210/194 199/225/194 200/226/194 +f 192/212/195 191/211/195 200/226/195 201/227/195 +f 193/213/196 192/212/196 201/227/196 202/228/196 +f 194/214/197 193/213/197 202/228/197 203/221/197 +f 187/216/198 186/215/198 195/229/198 196/222/198 +f 201/227/199 200/226/199 209/230/199 210/231/199 +f 202/228/200 201/227/200 210/231/200 211/232/200 +f 203/221/201 202/228/201 211/232/201 212/233/201 +f 196/222/202 195/229/202 204/234/202 205/235/202 +f 149/236/203 203/221/203 212/233/203 +f 197/223/204 196/222/204 205/235/204 206/237/204 +f 198/224/205 197/223/205 206/237/205 207/238/205 +f 199/225/206 198/224/206 207/238/206 208/239/206 +f 200/226/207 199/225/207 208/239/207 209/230/207 +f 207/238/208 206/237/208 215/240/208 216/241/208 +f 208/239/209 207/238/209 216/241/209 217/242/209 +f 209/230/210 208/239/210 217/242/210 218/243/210 +f 210/231/211 209/230/211 218/243/211 219/244/211 +f 211/232/212 210/231/212 219/244/212 220/245/212 +f 212/233/213 211/232/213 220/245/213 221/246/213 +f 205/235/214 204/234/214 213/247/214 214/248/214 +f 149/249/215 212/233/215 221/246/215 +f 206/237/216 205/235/216 214/248/216 215/240/216 +f 220/250/217 219/251/217 228/252/217 229/253/217 +f 221/254/218 220/250/218 229/253/218 230/255/218 +f 214/256/219 213/257/219 222/258/219 223/259/219 +f 149/260/220 221/254/220 230/255/220 +f 215/261/221 214/256/221 223/259/221 224/262/221 +f 216/263/222 215/261/222 224/262/222 225/264/222 +f 217/265/223 216/263/223 225/264/223 226/266/223 +f 218/267/224 217/265/224 226/266/224 227/268/224 +f 219/251/225 218/267/225 227/268/225 228/252/225 +f 225/264/226 224/262/226 233/269/226 234/270/226 +f 226/266/227 225/264/227 234/270/227 235/271/227 +f 227/268/228 226/266/228 235/271/228 236/272/228 +f 228/252/229 227/268/229 236/272/229 237/273/229 +f 229/253/230 228/252/230 237/273/230 238/274/230 +f 230/255/231 229/253/231 238/274/231 239/275/231 +f 223/259/232 222/258/232 231/276/232 232/277/232 +f 149/278/233 230/255/233 239/275/233 +f 224/262/234 223/259/234 232/277/234 233/269/234 +f 238/274/235 237/273/235 246/279/235 247/280/235 +f 239/275/236 238/274/236 247/280/236 248/281/236 +f 232/277/237 231/276/237 240/282/237 241/283/237 +f 149/284/238 239/275/238 248/281/238 +f 233/269/239 232/277/239 241/283/239 242/285/239 +f 234/270/240 233/269/240 242/285/240 243/286/240 +f 235/271/241 234/270/241 243/286/241 244/287/241 +f 236/272/242 235/271/242 244/287/242 245/288/242 +f 237/273/243 236/272/243 245/288/243 246/279/243 +f 244/287/244 243/286/244 252/289/244 253/290/244 +f 245/288/245 244/287/245 253/290/245 254/291/245 +f 246/279/246 245/288/246 254/291/246 255/292/246 +f 247/280/247 246/279/247 255/292/247 256/293/247 +f 248/281/248 247/280/248 256/293/248 257/294/248 +f 241/283/249 240/282/249 249/295/249 250/296/249 +f 149/297/250 248/281/250 257/294/250 +f 242/285/251 241/283/251 250/296/251 251/298/251 +f 243/286/252 242/285/252 251/298/252 252/289/252 +f 257/294/253 256/293/253 265/299/253 266/300/253 +f 250/296/254 249/295/254 258/301/254 259/302/254 +f 149/303/255 257/294/255 266/300/255 +f 251/298/256 250/296/256 259/302/256 260/304/256 +f 252/289/257 251/298/257 260/304/257 261/305/257 +f 253/290/258 252/289/258 261/305/258 262/306/258 +f 254/291/259 253/290/259 262/306/259 263/307/259 +f 255/292/260 254/291/260 263/307/260 264/308/260 +f 256/293/261 255/292/261 264/308/261 265/299/261 +f 262/306/262 261/305/262 270/309/262 271/310/262 +f 263/307/263 262/306/263 271/310/263 272/311/263 +f 264/308/264 263/307/264 272/311/264 273/312/264 +f 265/299/265 264/308/265 273/312/265 274/313/265 +f 266/300/266 265/299/266 274/313/266 275/314/266 +f 259/302/267 258/301/267 267/315/267 268/316/267 +f 149/317/268 266/300/268 275/314/268 +f 260/304/269 259/302/269 268/316/269 269/318/269 +f 261/305/270 260/304/270 269/318/270 270/309/270 +f 275/314/271 274/313/271 283/319/271 284/320/271 +f 268/316/272 267/315/272 276/321/272 277/322/272 +f 149/323/273 275/314/273 284/320/273 +f 269/318/274 268/316/274 277/322/274 278/324/274 +f 270/309/275 269/318/275 278/324/275 279/325/275 +f 271/310/276 270/309/276 279/325/276 280/326/276 +f 272/311/277 271/310/277 280/326/277 281/327/277 +f 273/312/278 272/311/278 281/327/278 282/328/278 +f 274/313/279 273/312/279 282/328/279 283/319/279 +f 281/327/280 280/326/280 3/2/280 287/1/280 +f 282/328/281 281/327/281 287/1/281 288/5/281 +f 283/319/282 282/328/282 288/5/282 289/7/282 +f 284/320/283 283/319/283 289/7/283 4/9/283 +f 277/322/284 276/321/284 1/12/284 2/11/284 +f 149/329/285 284/320/285 4/9/285 +f 278/324/286 277/322/286 2/11/286 285/16/286 +f 279/325/287 278/324/287 285/16/287 286/18/287 +f 280/326/288 279/325/288 286/18/288 3/2/288 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_004.mtl b/cliport/environments/assets/bags/bl_sphere_bag_basic_004.mtl new file mode 100644 index 0000000000000000000000000000000000000000..b0cce64bc51d9d812ce864bb6cff43715a3c655e --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_004.mtl @@ -0,0 +1,12 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl CustomColor.005 +Ns 323.999994 +Ka 1.000000 1.000000 1.000000 +Kd 0.000000 0.000000 1.000000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_basic_004.obj b/cliport/environments/assets/bags/bl_sphere_bag_basic_004.obj new file mode 100644 index 0000000000000000000000000000000000000000..132e60477bca0d4534d81ae373caeabb455a9ba2 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_basic_004.obj @@ -0,0 +1,1071 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_basic_004.mtl +o Sphere.004 +v 4.000000 2.000000 -0.800000 +v 4.000000 1.555544 -0.665176 +v 4.000000 1.215372 -0.156072 +v 4.156072 2.000000 -0.784628 +v 4.153073 1.843928 -0.769552 +v 4.144192 1.693853 -0.724902 +v 4.129769 1.555544 -0.652395 +v 4.110360 1.434314 -0.554816 +v 4.086709 1.334824 -0.435916 +v 4.059726 1.260896 -0.300264 +v 4.030448 1.215372 -0.153073 +v 4.306147 2.000000 -0.739104 +v 4.300264 1.843928 -0.724902 +v 4.282843 1.693853 -0.682843 +v 4.254552 1.555544 -0.614542 +v 4.216478 1.434314 -0.522625 +v 4.170086 1.334824 -0.410624 +v 4.117157 1.260896 -0.282843 +v 4.059726 1.215372 -0.144192 +v 4.444456 2.000000 -0.665176 +v 4.435916 1.843928 -0.652394 +v 4.410624 1.693853 -0.614542 +v 4.369552 1.555544 -0.553073 +v 4.314278 1.434314 -0.470350 +v 4.246927 1.334824 -0.369552 +v 4.170086 1.260896 -0.254552 +v 4.086709 1.215372 -0.129769 +v 4.565686 2.000000 -0.565685 +v 4.554816 1.843928 -0.554816 +v 4.522625 1.693853 -0.522625 +v 4.470350 1.555544 -0.470350 +v 4.400000 1.434314 -0.400000 +v 4.314278 1.334824 -0.314278 +v 4.216478 1.260896 -0.216478 +v 4.110360 1.215372 -0.110360 +v 4.665176 2.000000 -0.444456 +v 4.652395 1.843928 -0.435916 +v 4.614542 1.693853 -0.410624 +v 4.553073 1.555544 -0.369552 +v 4.470350 1.434314 -0.314278 +v 4.369552 1.334824 -0.246926 +v 4.254552 1.260896 -0.170086 +v 4.129769 1.215372 -0.086709 +v 4.739104 2.000000 -0.306146 +v 4.724902 1.843928 -0.300264 +v 4.682843 1.693853 -0.282843 +v 4.614542 1.555544 -0.254551 +v 4.522625 1.434314 -0.216478 +v 4.410624 1.334824 -0.170086 +v 4.282843 1.260896 -0.117157 +v 4.144192 1.215372 -0.059726 +v 4.784628 2.000000 -0.156072 +v 4.769552 1.843928 -0.153073 +v 4.724902 1.693853 -0.144192 +v 4.652395 1.555544 -0.129769 +v 4.554816 1.434314 -0.110359 +v 4.435916 1.334824 -0.086709 +v 4.300264 1.260896 -0.059726 +v 4.153073 1.215372 -0.030448 +v 4.800000 2.000000 0.000000 +v 4.784628 1.843928 0.000000 +v 4.739104 1.693853 0.000000 +v 4.665176 1.555544 0.000000 +v 4.565686 1.434314 0.000000 +v 4.444456 1.334824 0.000000 +v 4.306147 1.260896 0.000000 +v 4.156072 1.215372 0.000000 +v 4.784628 2.000000 0.156073 +v 4.769552 1.843928 0.153074 +v 4.724902 1.693853 0.144192 +v 4.652395 1.555544 0.129770 +v 4.554816 1.434314 0.110360 +v 4.435916 1.334824 0.086709 +v 4.300264 1.260896 0.059727 +v 4.153073 1.215372 0.030448 +v 4.739104 2.000000 0.306147 +v 4.724902 1.843928 0.300265 +v 4.682843 1.693853 0.282843 +v 4.614542 1.555544 0.254552 +v 4.522625 1.434314 0.216479 +v 4.410624 1.334824 0.170086 +v 4.282843 1.260896 0.117158 +v 4.144192 1.215372 0.059727 +v 4.665175 2.000000 0.444457 +v 4.652395 1.843928 0.435916 +v 4.614542 1.693853 0.410624 +v 4.553073 1.555544 0.369552 +v 4.470350 1.434314 0.314278 +v 4.369552 1.334824 0.246927 +v 4.254552 1.260896 0.170086 +v 4.129769 1.215372 0.086709 +v 4.565685 2.000000 0.565686 +v 4.554816 1.843928 0.554816 +v 4.522625 1.693853 0.522626 +v 4.470350 1.555544 0.470351 +v 4.400000 1.434314 0.400000 +v 4.314278 1.334824 0.314278 +v 4.216478 1.260896 0.216479 +v 4.110360 1.215372 0.110360 +v 4.444456 2.000000 0.665176 +v 4.435916 1.843928 0.652395 +v 4.410624 1.693853 0.614542 +v 4.369552 1.555544 0.553074 +v 4.314278 1.434314 0.470351 +v 4.246927 1.334824 0.369552 +v 4.170086 1.260896 0.254552 +v 4.086709 1.215372 0.129770 +v 4.306147 2.000000 0.739104 +v 4.300264 1.843928 0.724902 +v 4.282843 1.693853 0.682843 +v 4.254552 1.555544 0.614543 +v 4.216478 1.434314 0.522626 +v 4.170086 1.334824 0.410624 +v 4.117157 1.260896 0.282843 +v 4.059726 1.215372 0.144192 +v 4.156072 2.000000 0.784628 +v 4.153073 1.843928 0.769552 +v 4.144192 1.693853 0.724902 +v 4.129769 1.555544 0.652395 +v 4.110360 1.434314 0.554816 +v 4.086709 1.334824 0.435916 +v 4.059726 1.260896 0.300265 +v 4.030448 1.215372 0.153074 +v 4.000000 2.000000 0.800000 +v 4.000000 1.843928 0.784628 +v 4.000000 1.693853 0.739104 +v 4.000000 1.555544 0.665176 +v 4.000000 1.434314 0.565686 +v 4.000000 1.334824 0.444456 +v 4.000000 1.260896 0.306147 +v 4.000000 1.215372 0.156072 +v 4.000000 1.200000 0.000000 +v 3.843928 2.000000 0.784628 +v 3.846927 1.843928 0.769552 +v 3.855808 1.693853 0.724902 +v 3.870230 1.555544 0.652395 +v 3.889640 1.434314 0.554816 +v 3.913291 1.334824 0.435916 +v 3.940274 1.260896 0.300264 +v 3.969552 1.215372 0.153074 +v 3.693853 2.000000 0.739104 +v 3.699736 1.843928 0.724902 +v 3.717157 1.693853 0.682843 +v 3.745448 1.555544 0.614542 +v 3.783521 1.434314 0.522625 +v 3.829914 1.334824 0.410624 +v 3.882843 1.260896 0.282843 +v 3.940274 1.215372 0.144192 +v 3.555544 2.000000 0.665176 +v 3.564084 1.843928 0.652395 +v 3.589376 1.693853 0.614542 +v 3.630448 1.555544 0.553073 +v 3.685722 1.434314 0.470350 +v 3.753073 1.334824 0.369552 +v 3.829914 1.260896 0.254552 +v 3.913291 1.215372 0.129770 +v 3.434315 2.000000 0.565685 +v 3.445184 1.843928 0.554816 +v 3.477375 1.693853 0.522625 +v 3.529650 1.555544 0.470350 +v 3.600000 1.434314 0.400000 +v 3.685722 1.334824 0.314278 +v 3.783522 1.260896 0.216479 +v 3.889640 1.215372 0.110360 +v 3.334825 2.000000 0.444456 +v 3.347606 1.843928 0.435916 +v 3.385458 1.693853 0.410624 +v 3.446927 1.555544 0.369552 +v 3.529650 1.434314 0.314278 +v 3.630448 1.334824 0.246927 +v 3.745448 1.260896 0.170086 +v 3.870231 1.215372 0.086709 +v 3.260897 2.000000 0.306147 +v 3.275098 1.843928 0.300264 +v 3.317158 1.693853 0.282843 +v 3.385458 1.555544 0.254552 +v 3.477375 1.434314 0.216479 +v 3.589376 1.334824 0.170086 +v 3.717157 1.260896 0.117158 +v 3.855808 1.215372 0.059726 +v 3.215372 2.000000 0.156072 +v 3.230448 1.843928 0.153074 +v 3.275098 1.693853 0.144192 +v 3.347606 1.555544 0.129769 +v 3.445184 1.434314 0.110360 +v 3.564084 1.334824 0.086709 +v 3.699736 1.260896 0.059726 +v 3.846927 1.215372 0.030448 +v 3.200001 2.000000 0.000000 +v 3.215372 1.843928 0.000000 +v 3.260897 1.693853 0.000000 +v 3.334825 1.555544 0.000000 +v 3.434315 1.434314 0.000000 +v 3.555544 1.334824 0.000000 +v 3.693853 1.260896 0.000000 +v 3.843928 1.215372 0.000000 +v 3.215372 2.000000 -0.156072 +v 3.230448 1.843928 -0.153073 +v 3.275099 1.693853 -0.144192 +v 3.347606 1.555544 -0.129769 +v 3.445184 1.434314 -0.110360 +v 3.564084 1.334824 -0.086709 +v 3.699736 1.260896 -0.059726 +v 3.846927 1.215372 -0.030448 +v 3.260897 2.000000 -0.306147 +v 3.275098 1.843928 -0.300264 +v 3.317158 1.693853 -0.282842 +v 3.385458 1.555544 -0.254552 +v 3.477375 1.434314 -0.216478 +v 3.589376 1.334824 -0.170086 +v 3.717157 1.260896 -0.117157 +v 3.855808 1.215372 -0.059726 +v 3.334825 2.000000 -0.444456 +v 3.347606 1.843928 -0.435916 +v 3.385458 1.693853 -0.410624 +v 3.446927 1.555544 -0.369552 +v 3.529650 1.434314 -0.314278 +v 3.630449 1.334824 -0.246926 +v 3.745448 1.260896 -0.170086 +v 3.870231 1.215372 -0.086709 +v 3.434315 2.000000 -0.565685 +v 3.445184 1.843928 -0.554815 +v 3.477375 1.693853 -0.522625 +v 3.529650 1.555544 -0.470350 +v 3.600000 1.434314 -0.400000 +v 3.685722 1.334824 -0.314278 +v 3.783522 1.260896 -0.216478 +v 3.889640 1.215372 -0.110359 +v 3.555544 2.000000 -0.665175 +v 3.564084 1.843928 -0.652394 +v 3.589376 1.693853 -0.614542 +v 3.630449 1.555544 -0.553073 +v 3.685722 1.434314 -0.470350 +v 3.753074 1.334824 -0.369551 +v 3.829914 1.260896 -0.254551 +v 3.913291 1.215372 -0.129769 +v 3.693854 2.000000 -0.739103 +v 3.699736 1.843928 -0.724901 +v 3.717158 1.693853 -0.682842 +v 3.745449 1.555544 -0.614542 +v 3.783522 1.434314 -0.522625 +v 3.829914 1.334824 -0.410623 +v 3.882843 1.260896 -0.282842 +v 3.940274 1.215372 -0.144192 +v 3.843928 2.000000 -0.784627 +v 3.846927 1.843928 -0.769551 +v 3.855808 1.693853 -0.724901 +v 3.870231 1.555544 -0.652394 +v 3.889641 1.434314 -0.554815 +v 3.913291 1.334824 -0.435915 +v 3.940274 1.260896 -0.300264 +v 3.969552 1.215372 -0.153073 +v 4.000000 1.843928 -0.784628 +v 4.000000 1.693853 -0.739103 +v 4.000000 1.434314 -0.565685 +v 4.000000 1.334824 -0.444456 +v 4.000000 1.260896 -0.306146 +vt 0.750000 0.250000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.718750 0.250000 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.750000 0.500000 +vt 0.718750 0.500000 +vt 0.718750 0.437500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.187500 +vt 0.687500 0.125000 +vt 0.687500 0.062500 +vt 0.703125 0.000000 +vt 0.687500 0.500000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.656250 0.062500 +vt 0.671875 0.000000 +vt 0.656250 0.500000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.625000 0.187500 +vt 0.625000 0.125000 +vt 0.625000 0.062500 +vt 0.640625 0.000000 +vt 0.625000 0.500000 +vt 0.625000 0.437500 +vt 0.593750 0.125000 +vt 0.593750 0.062500 +vt 0.609375 0.000000 +vt 0.593750 0.500000 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.187500 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.187500 +vt 0.562500 0.125000 +vt 0.562500 0.062500 +vt 0.578125 0.000000 +vt 0.562500 0.500000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.546875 0.000000 +vt 0.531250 0.062500 +vt 0.531250 0.500000 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.187500 +vt 0.531250 0.125000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.187500 +vt 0.500000 0.125000 +vt 0.500000 0.062500 +vt 0.515625 0.000000 +vt 0.500000 0.500000 +vt 0.500000 0.437500 +vt 0.500000 0.375000 +vt 0.484375 0.000000 +vt 0.468750 0.062500 +vt 0.468750 0.500000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.187500 +vt 0.468750 0.125000 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.125000 +vt 0.437500 0.062500 +vt 0.453125 0.000000 +vt 0.437500 0.500000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.406250 0.500000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.187500 +vt 0.406250 0.125000 +vt 0.406250 0.062500 +vt 0.421875 0.000000 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.375000 0.125000 +vt 0.375000 0.062500 +vt 0.390625 0.000000 +vt 0.375000 0.500000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.187500 +vt 0.343750 0.125000 +vt 0.343750 0.062500 +vt 0.359375 0.000000 +vt 0.343750 0.500000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.312500 0.062500 +vt 0.328125 0.000000 +vt 0.312500 0.500000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.312500 0.250000 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.281250 0.187500 +vt 0.281250 0.125000 +vt 0.281250 0.062500 +vt 0.296875 0.000000 +vt 0.281250 0.500000 +vt 0.281250 0.437500 +vt 0.250000 0.125000 +vt 0.250000 0.062500 +vt 0.265625 0.000000 +vt 0.250000 0.500000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.250000 0.187500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.218750 0.187500 +vt 0.218750 0.125000 +vt 0.218750 0.062500 +vt 0.234375 0.000000 +vt 0.218750 0.500000 +vt 0.218750 0.437500 +vt 0.187500 0.125000 +vt 0.187500 0.062500 +vt 0.203125 0.000000 +vt 0.187500 0.500000 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.187500 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.187500 +vt 0.156250 0.125000 +vt 0.156250 0.062500 +vt 0.171875 0.000000 +vt 0.156250 0.500000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.140625 0.000000 +vt 0.125000 0.062500 +vt 0.125000 0.500000 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.187500 +vt 0.125000 0.125000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.093750 0.187500 +vt 0.093750 0.125000 +vt 0.093750 0.062500 +vt 0.109375 0.000000 +vt 0.093750 0.500000 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.078125 0.000000 +vt 0.062500 0.062500 +vt 0.062500 0.500000 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.187500 +vt 0.062500 0.125000 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.125000 +vt 0.031250 0.062500 +vt 0.046875 0.000000 +vt 0.031250 0.500000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.031250 0.312500 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.187500 +vt 0.000000 0.125000 +vt 0.000000 0.062500 +vt 0.015625 0.000000 +vt 0.000000 0.500000 +vt 1.000000 0.125000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 0.968750 0.125000 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 0.984375 0.000000 +vt 1.000000 0.437500 +vt 1.000000 0.500000 +vt 0.968750 0.500000 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.187500 +vt 0.937500 0.125000 +vt 0.937500 0.062500 +vt 0.953125 0.000000 +vt 0.937500 0.500000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.906250 0.062500 +vt 0.921875 0.000000 +vt 0.906250 0.500000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.906250 0.250000 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.875000 0.187500 +vt 0.875000 0.125000 +vt 0.875000 0.062500 +vt 0.890625 0.000000 +vt 0.875000 0.500000 +vt 0.875000 0.437500 +vt 0.843750 0.125000 +vt 0.843750 0.062500 +vt 0.859375 0.000000 +vt 0.843750 0.500000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.187500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.187500 +vt 0.812500 0.125000 +vt 0.812500 0.062500 +vt 0.828125 0.000000 +vt 0.812500 0.500000 +vt 0.812500 0.437500 +vt 0.781250 0.125000 +vt 0.781250 0.062500 +vt 0.796875 0.000000 +vt 0.781250 0.500000 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.187500 +vt 0.765625 0.000000 +vn 0.0759 -0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0464 -0.8810 -0.4709 +vn 0.0286 -0.9565 -0.2902 +vn 0.0097 -0.9951 -0.0980 +vn 0.0975 -0.0976 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.1374 -0.8810 -0.4528 +vn 0.0846 -0.9565 -0.2790 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0976 -0.9524 +vn 0.2230 -0.8810 -0.4173 +vn 0.1374 -0.9565 -0.2571 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.3002 -0.8810 -0.3658 +vn 0.1850 -0.9565 -0.2254 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0975 -0.7693 +vn 0.6073 -0.2890 -0.7400 +vn 0.2254 -0.9565 -0.1850 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0976 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.3658 -0.8810 -0.3002 +vn 0.6831 -0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.4173 -0.8810 -0.2230 +vn 0.2571 -0.9565 -0.1374 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0976 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0975 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.4528 -0.8810 -0.1374 +vn 0.2790 -0.9566 -0.0846 +vn 0.7708 -0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.4709 -0.8810 -0.0464 +vn 0.2902 -0.9565 -0.0286 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0976 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.8786 -0.4696 -0.0865 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0976 0.0976 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.4709 -0.8810 0.0464 +vn 0.2902 -0.9566 0.0286 +vn 0.6088 -0.7715 0.1847 +vn 0.4528 -0.8810 0.1374 +vn 0.2790 -0.9565 0.0846 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0976 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.8777 -0.0976 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.4173 -0.8810 0.2231 +vn 0.2571 -0.9565 0.1374 +vn 0.0869 -0.9951 0.0464 +vn 0.4918 -0.7715 0.4036 +vn 0.3658 -0.8810 0.3002 +vn 0.2254 -0.9565 0.1850 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0975 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.3002 -0.8810 0.3658 +vn 0.1850 -0.9565 0.2254 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0975 0.7693 +vn 0.2230 -0.8810 0.4173 +vn 0.1374 -0.9565 0.2571 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0975 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.2999 -0.7715 0.5611 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.1374 -0.8810 0.4528 +vn 0.0846 -0.9566 0.2790 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0976 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.0286 -0.9565 0.2902 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0975 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn 0.0464 -0.8810 0.4709 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.0464 -0.8810 0.4709 +vn -0.0286 -0.9565 0.2902 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0975 0.9904 +vn -0.0938 -0.2890 0.9527 +vn -0.0846 -0.9565 0.2790 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0975 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.1374 -0.8810 0.4528 +vn -0.3651 -0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.2230 -0.8810 0.4173 +vn -0.1374 -0.9565 0.2571 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0975 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0975 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.3002 -0.8810 0.3658 +vn -0.1850 -0.9565 0.2254 +vn -0.5987 -0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.3658 -0.8810 0.3002 +vn -0.2254 -0.9565 0.1850 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0975 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0975 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.4173 -0.8810 0.2231 +vn -0.2571 -0.9565 0.1374 +vn -0.6088 -0.7715 0.1847 +vn -0.4528 -0.8810 0.1374 +vn -0.2790 -0.9565 0.0846 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0975 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.7412 -0.6326 0.2248 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.4709 -0.8810 0.0464 +vn -0.2902 -0.9565 0.0286 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0975 0.0975 +vn -0.4709 -0.8810 -0.0464 +vn -0.2902 -0.9565 -0.0286 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0976 -0.0975 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.4528 -0.8810 -0.1374 +vn -0.2790 -0.9565 -0.0846 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0975 -0.2889 +vn -0.4173 -0.8810 -0.2231 +vn -0.2571 -0.9566 -0.1374 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0975 -0.4691 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.5611 -0.7715 -0.2999 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.3658 -0.8810 -0.3002 +vn -0.2254 -0.9566 -0.1850 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0975 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.1850 -0.9565 -0.2254 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0975 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.3002 -0.8810 -0.3658 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.2230 -0.8810 -0.4173 +vn -0.1374 -0.9565 -0.2571 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0975 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.0846 -0.9565 -0.2790 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0975 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.1374 -0.8810 -0.4528 +vn -0.0759 -0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0464 -0.8810 -0.4709 +vn -0.0286 -0.9565 -0.2902 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +vn -0.0865 -0.4696 -0.8786 +usemtl CustomColor.005 +s off +f 255/1/1 2/2/1 7/3/1 8/4/1 +f 256/5/2 255/1/2 8/4/2 9/6/2 +f 257/7/3 256/5/3 9/6/3 10/8/3 +f 3/9/4 257/7/4 10/8/4 11/10/4 +f 132/11/5 3/9/5 11/10/5 +f 253/12/6 1/13/6 4/14/6 5/15/6 +f 254/16/7 253/12/7 5/15/7 6/17/7 +f 2/2/8 254/16/8 6/17/8 7/3/8 +f 6/17/9 5/15/9 13/18/9 14/19/9 +f 7/3/10 6/17/10 14/19/10 15/20/10 +f 8/4/11 7/3/11 15/20/11 16/21/11 +f 9/6/12 8/4/12 16/21/12 17/22/12 +f 10/8/13 9/6/13 17/22/13 18/23/13 +f 11/10/14 10/8/14 18/23/14 19/24/14 +f 132/25/15 11/10/15 19/24/15 +f 5/15/16 4/14/16 12/26/16 13/18/16 +f 18/23/17 17/22/17 25/27/17 26/28/17 +f 19/24/18 18/23/18 26/28/18 27/29/18 +f 132/30/19 19/24/19 27/29/19 +f 13/18/20 12/26/20 20/31/20 21/32/20 +f 14/19/21 13/18/21 21/32/21 22/33/21 +f 15/20/22 14/19/22 22/33/22 23/34/22 +f 16/21/23 15/20/23 23/34/23 24/35/23 +f 17/22/24 16/21/24 24/35/24 25/27/24 +f 23/34/25 22/33/25 30/36/25 31/37/25 +f 24/35/26 23/34/26 31/37/26 32/38/26 +f 25/27/27 24/35/27 32/38/27 33/39/27 +f 26/28/28 25/27/28 33/39/28 34/40/28 +f 27/29/29 26/28/29 34/40/29 35/41/29 +f 132/42/30 27/29/30 35/41/30 +f 21/32/31 20/31/31 28/43/31 29/44/31 +f 22/33/32 21/32/32 29/44/32 30/36/32 +f 35/41/33 34/40/33 42/45/33 43/46/33 +f 132/47/34 35/41/34 43/46/34 +f 29/44/35 28/43/35 36/48/35 37/49/35 +f 30/36/36 29/44/36 37/49/36 38/50/36 +f 31/37/37 30/36/37 38/50/37 39/51/37 +f 32/38/38 31/37/38 39/51/38 40/52/38 +f 33/39/39 32/38/39 40/52/39 41/53/39 +f 34/40/40 33/39/40 41/53/40 42/45/40 +f 40/52/41 39/51/41 47/54/41 48/55/41 +f 41/53/42 40/52/42 48/55/42 49/56/42 +f 42/45/43 41/53/43 49/56/43 50/57/43 +f 43/46/44 42/45/44 50/57/44 51/58/44 +f 132/59/45 43/46/45 51/58/45 +f 37/49/46 36/48/46 44/60/46 45/61/46 +f 38/50/47 37/49/47 45/61/47 46/62/47 +f 39/51/48 38/50/48 46/62/48 47/54/48 +f 132/63/49 51/58/49 59/64/49 +f 45/61/50 44/60/50 52/65/50 53/66/50 +f 46/62/51 45/61/51 53/66/51 54/67/51 +f 47/54/52 46/62/52 54/67/52 55/68/52 +f 48/55/53 47/54/53 55/68/53 56/69/53 +f 49/56/54 48/55/54 56/69/54 57/70/54 +f 50/57/55 49/56/55 57/70/55 58/71/55 +f 51/58/56 50/57/56 58/71/56 59/64/56 +f 56/69/57 55/68/57 63/72/57 64/73/57 +f 57/70/58 56/69/58 64/73/58 65/74/58 +f 58/71/59 57/70/59 65/74/59 66/75/59 +f 59/64/60 58/71/60 66/75/60 67/76/60 +f 132/77/61 59/64/61 67/76/61 +f 53/66/62 52/65/62 60/78/62 61/79/62 +f 54/67/63 53/66/63 61/79/63 62/80/63 +f 55/68/64 54/67/64 62/80/64 63/72/64 +f 132/81/65 67/76/65 75/82/65 +f 61/79/66 60/78/66 68/83/66 69/84/66 +f 62/80/67 61/79/67 69/84/67 70/85/67 +f 63/72/68 62/80/68 70/85/68 71/86/68 +f 64/73/69 63/72/69 71/86/69 72/87/69 +f 65/74/70 64/73/70 72/87/70 73/88/70 +f 66/75/71 65/74/71 73/88/71 74/89/71 +f 67/76/72 66/75/72 74/89/72 75/82/72 +f 73/88/73 72/87/73 80/90/73 81/91/73 +f 74/89/74 73/88/74 81/91/74 82/92/74 +f 75/82/75 74/89/75 82/92/75 83/93/75 +f 132/94/76 75/82/76 83/93/76 +f 69/84/77 68/83/77 76/95/77 77/96/77 +f 70/85/78 69/84/78 77/96/78 78/97/78 +f 71/86/79 70/85/79 78/97/79 79/98/79 +f 72/87/80 71/86/80 79/98/80 80/90/80 +f 77/96/81 76/95/81 84/99/81 85/100/81 +f 78/97/82 77/96/82 85/100/82 86/101/82 +f 79/98/83 78/97/83 86/101/83 87/102/83 +f 80/90/84 79/98/84 87/102/84 88/103/84 +f 81/91/85 80/90/85 88/103/85 89/104/85 +f 82/92/86 81/91/86 89/104/86 90/105/86 +f 83/93/87 82/92/87 90/105/87 91/106/87 +f 132/107/88 83/93/88 91/106/88 +f 89/104/89 88/103/89 96/108/89 97/109/89 +f 90/105/90 89/104/90 97/109/90 98/110/90 +f 91/106/91 90/105/91 98/110/91 99/111/91 +f 132/112/92 91/106/92 99/111/92 +f 85/100/93 84/99/93 92/113/93 93/114/93 +f 86/101/94 85/100/94 93/114/94 94/115/94 +f 87/102/95 86/101/95 94/115/95 95/116/95 +f 88/103/96 87/102/96 95/116/96 96/108/96 +f 94/115/97 93/114/97 101/117/97 102/118/97 +f 95/116/98 94/115/98 102/118/98 103/119/98 +f 96/108/99 95/116/99 103/119/99 104/120/99 +f 97/109/100 96/108/100 104/120/100 105/121/100 +f 98/110/101 97/109/101 105/121/101 106/122/101 +f 99/111/102 98/110/102 106/122/102 107/123/102 +f 132/124/103 99/111/103 107/123/103 +f 93/114/104 92/113/104 100/125/104 101/117/104 +f 106/122/105 105/121/105 113/126/105 114/127/105 +f 107/123/106 106/122/106 114/127/106 115/128/106 +f 132/129/107 107/123/107 115/128/107 +f 101/117/108 100/125/108 108/130/108 109/131/108 +f 102/118/109 101/117/109 109/131/109 110/132/109 +f 103/119/110 102/118/110 110/132/110 111/133/110 +f 104/120/111 103/119/111 111/133/111 112/134/111 +f 105/121/112 104/120/112 112/134/112 113/126/112 +f 111/133/113 110/132/113 118/135/113 119/136/113 +f 112/134/114 111/133/114 119/136/114 120/137/114 +f 113/126/115 112/134/115 120/137/115 121/138/115 +f 114/127/116 113/126/116 121/138/116 122/139/116 +f 115/128/117 114/127/117 122/139/117 123/140/117 +f 132/141/118 115/128/118 123/140/118 +f 109/131/119 108/130/119 116/142/119 117/143/119 +f 110/132/120 109/131/120 117/143/120 118/135/120 +f 123/140/121 122/139/121 130/144/121 131/145/121 +f 132/146/122 123/140/122 131/145/122 +f 117/143/123 116/142/123 124/147/123 125/148/123 +f 118/135/124 117/143/124 125/148/124 126/149/124 +f 119/136/125 118/135/125 126/149/125 127/150/125 +f 120/137/126 119/136/126 127/150/126 128/151/126 +f 121/138/127 120/137/127 128/151/127 129/152/127 +f 122/139/128 121/138/128 129/152/128 130/144/128 +f 127/150/129 126/149/129 135/153/129 136/154/129 +f 128/151/130 127/150/130 136/154/130 137/155/130 +f 129/152/131 128/151/131 137/155/131 138/156/131 +f 130/144/132 129/152/132 138/156/132 139/157/132 +f 131/145/133 130/144/133 139/157/133 140/158/133 +f 132/159/134 131/145/134 140/158/134 +f 125/148/135 124/147/135 133/160/135 134/161/135 +f 126/149/136 125/148/136 134/161/136 135/153/136 +f 140/158/137 139/157/137 147/162/137 148/163/137 +f 132/164/138 140/158/138 148/163/138 +f 134/161/139 133/160/139 141/165/139 142/166/139 +f 135/153/140 134/161/140 142/166/140 143/167/140 +f 136/154/141 135/153/141 143/167/141 144/168/141 +f 137/155/142 136/154/142 144/168/142 145/169/142 +f 138/156/143 137/155/143 145/169/143 146/170/143 +f 139/157/144 138/156/144 146/170/144 147/162/144 +f 145/169/145 144/168/145 152/171/145 153/172/145 +f 146/170/146 145/169/146 153/172/146 154/173/146 +f 147/162/147 146/170/147 154/173/147 155/174/147 +f 148/163/148 147/162/148 155/174/148 156/175/148 +f 132/176/149 148/163/149 156/175/149 +f 142/166/150 141/165/150 149/177/150 150/178/150 +f 143/167/151 142/166/151 150/178/151 151/179/151 +f 144/168/152 143/167/152 151/179/152 152/171/152 +f 132/180/153 156/175/153 164/181/153 +f 150/178/154 149/177/154 157/182/154 158/183/154 +f 151/179/155 150/178/155 158/183/155 159/184/155 +f 152/171/156 151/179/156 159/184/156 160/185/156 +f 153/172/157 152/171/157 160/185/157 161/186/157 +f 154/173/158 153/172/158 161/186/158 162/187/158 +f 155/174/159 154/173/159 162/187/159 163/188/159 +f 156/175/160 155/174/160 163/188/160 164/181/160 +f 161/186/161 160/185/161 168/189/161 169/190/161 +f 162/187/162 161/186/162 169/190/162 170/191/162 +f 163/188/163 162/187/163 170/191/163 171/192/163 +f 164/181/164 163/188/164 171/192/164 172/193/164 +f 132/194/165 164/181/165 172/193/165 +f 158/183/166 157/182/166 165/195/166 166/196/166 +f 159/184/167 158/183/167 166/196/167 167/197/167 +f 160/185/168 159/184/168 167/197/168 168/189/168 +f 132/198/169 172/193/169 180/199/169 +f 166/196/170 165/195/170 173/200/170 174/201/170 +f 167/197/171 166/196/171 174/201/171 175/202/171 +f 168/189/172 167/197/172 175/202/172 176/203/172 +f 169/190/173 168/189/173 176/203/173 177/204/173 +f 170/191/174 169/190/174 177/204/174 178/205/174 +f 171/192/175 170/191/175 178/205/175 179/206/175 +f 172/193/176 171/192/176 179/206/176 180/199/176 +f 178/205/177 177/204/177 185/207/177 186/208/177 +f 179/206/178 178/205/178 186/208/178 187/209/178 +f 180/199/179 179/206/179 187/209/179 188/210/179 +f 132/211/180 180/199/180 188/210/180 +f 174/201/181 173/200/181 181/212/181 182/213/181 +f 175/202/182 174/201/182 182/213/182 183/214/182 +f 176/203/183 175/202/183 183/214/183 184/215/183 +f 177/204/184 176/203/184 184/215/184 185/207/184 +f 183/214/185 182/213/185 190/216/185 191/217/185 +f 184/215/186 183/214/186 191/217/186 192/218/186 +f 185/207/187 184/215/187 192/218/187 193/219/187 +f 186/208/188 185/207/188 193/219/188 194/220/188 +f 187/209/189 186/208/189 194/220/189 195/221/189 +f 188/210/190 187/209/190 195/221/190 196/222/190 +f 132/223/191 188/210/191 196/222/191 +f 182/213/192 181/212/192 189/224/192 190/216/192 +f 195/225/193 194/226/193 202/227/193 203/228/193 +f 196/229/194 195/225/194 203/228/194 204/230/194 +f 132/231/195 196/229/195 204/230/195 +f 190/232/196 189/233/196 197/234/196 198/235/196 +f 191/236/197 190/232/197 198/235/197 199/237/197 +f 192/238/198 191/236/198 199/237/198 200/239/198 +f 193/240/199 192/238/199 200/239/199 201/241/199 +f 194/226/200 193/240/200 201/241/200 202/227/200 +f 199/237/201 198/235/201 206/242/201 207/243/201 +f 200/239/202 199/237/202 207/243/202 208/244/202 +f 201/241/203 200/239/203 208/244/203 209/245/203 +f 202/227/204 201/241/204 209/245/204 210/246/204 +f 203/228/205 202/227/205 210/246/205 211/247/205 +f 204/230/206 203/228/206 211/247/206 212/248/206 +f 132/249/207 204/230/207 212/248/207 +f 198/235/208 197/234/208 205/250/208 206/242/208 +f 211/247/209 210/246/209 218/251/209 219/252/209 +f 212/248/210 211/247/210 219/252/210 220/253/210 +f 132/254/211 212/248/211 220/253/211 +f 206/242/212 205/250/212 213/255/212 214/256/212 +f 207/243/213 206/242/213 214/256/213 215/257/213 +f 208/244/214 207/243/214 215/257/214 216/258/214 +f 209/245/215 208/244/215 216/258/215 217/259/215 +f 210/246/216 209/245/216 217/259/216 218/251/216 +f 216/258/217 215/257/217 223/260/217 224/261/217 +f 217/259/218 216/258/218 224/261/218 225/262/218 +f 218/251/219 217/259/219 225/262/219 226/263/219 +f 219/252/220 218/251/220 226/263/220 227/264/220 +f 220/253/221 219/252/221 227/264/221 228/265/221 +f 132/266/222 220/253/222 228/265/222 +f 214/256/223 213/255/223 221/267/223 222/268/223 +f 215/257/224 214/256/224 222/268/224 223/260/224 +f 228/265/225 227/264/225 235/269/225 236/270/225 +f 132/271/226 228/265/226 236/270/226 +f 222/268/227 221/267/227 229/272/227 230/273/227 +f 223/260/228 222/268/228 230/273/228 231/274/228 +f 224/261/229 223/260/229 231/274/229 232/275/229 +f 225/262/230 224/261/230 232/275/230 233/276/230 +f 226/263/231 225/262/231 233/276/231 234/277/231 +f 227/264/232 226/263/232 234/277/232 235/269/232 +f 232/275/233 231/274/233 239/278/233 240/279/233 +f 233/276/234 232/275/234 240/279/234 241/280/234 +f 234/277/235 233/276/235 241/280/235 242/281/235 +f 235/269/236 234/277/236 242/281/236 243/282/236 +f 236/270/237 235/269/237 243/282/237 244/283/237 +f 132/284/238 236/270/238 244/283/238 +f 230/273/239 229/272/239 237/285/239 238/286/239 +f 231/274/240 230/273/240 238/286/240 239/278/240 +f 244/283/241 243/282/241 251/287/241 252/288/241 +f 132/289/242 244/283/242 252/288/242 +f 238/286/243 237/285/243 245/290/243 246/291/243 +f 239/278/244 238/286/244 246/291/244 247/292/244 +f 240/279/245 239/278/245 247/292/245 248/293/245 +f 241/280/246 240/279/246 248/293/246 249/294/246 +f 242/281/247 241/280/247 249/294/247 250/295/247 +f 243/282/248 242/281/248 250/295/248 251/287/248 +f 249/294/249 248/293/249 2/2/249 255/1/249 +f 250/295/250 249/294/250 255/1/250 256/5/250 +f 251/287/251 250/295/251 256/5/251 257/7/251 +f 252/288/252 251/287/252 257/7/252 3/9/252 +f 132/296/253 252/288/253 3/9/253 +f 246/291/254 245/290/254 1/13/254 253/12/254 +f 247/292/255 246/291/255 253/12/255 254/16/255 +f 248/293/256 247/292/256 254/16/256 2/2/256 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257.mtl b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257.mtl new file mode 100644 index 0000000000000000000000000000000000000000..f231bdf4c1534431b9322220b4d534db03594d80 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257.mtl @@ -0,0 +1,10 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl None +Ns 500 +Ka 0.8 0.8 0.8 +Kd 0.8 0.8 0.8 +Ks 0.8 0.8 0.8 +d 1 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257.obj b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257.obj new file mode 100644 index 0000000000000000000000000000000000000000..da9e24fbaafa592f3b2f11a9d4d6bf4f5e8874e8 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257.obj @@ -0,0 +1,1071 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257.mtl +o Sphere +v 0.000000 0.000000 -1.000000 +v 0.000000 -0.195090 -0.980785 +v 0.000000 -0.831470 -0.555570 +v 0.195090 0.000000 -0.980785 +v 0.191342 -0.195090 -0.961940 +v 0.180240 -0.382683 -0.906127 +v 0.162212 -0.555570 -0.815493 +v 0.137950 -0.707107 -0.693520 +v 0.108386 -0.831470 -0.544895 +v 0.074658 -0.923880 -0.375330 +v 0.038060 -0.980785 -0.191341 +v 0.382684 0.000000 -0.923879 +v 0.375330 -0.195090 -0.906127 +v 0.353554 -0.382683 -0.853553 +v 0.318190 -0.555570 -0.768178 +v 0.270598 -0.707107 -0.653281 +v 0.212608 -0.831470 -0.513280 +v 0.146447 -0.923880 -0.353553 +v 0.074658 -0.980785 -0.180240 +v 0.555570 0.000000 -0.831469 +v 0.544895 -0.195090 -0.815493 +v 0.513280 -0.382683 -0.768178 +v 0.461940 -0.555570 -0.691342 +v 0.392848 -0.707107 -0.587938 +v 0.308658 -0.831470 -0.461940 +v 0.212608 -0.923880 -0.318189 +v 0.108386 -0.980785 -0.162211 +v 0.707107 0.000000 -0.707107 +v 0.693520 -0.195090 -0.693520 +v 0.653282 -0.382683 -0.653281 +v 0.587938 -0.555570 -0.587938 +v 0.500000 -0.707107 -0.500000 +v 0.392848 -0.831470 -0.392847 +v 0.270598 -0.923880 -0.270598 +v 0.137950 -0.980785 -0.137949 +v 0.831470 0.000000 -0.555570 +v 0.815493 -0.195090 -0.544895 +v 0.768178 -0.382683 -0.513280 +v 0.691342 -0.555570 -0.461940 +v 0.587938 -0.707107 -0.392847 +v 0.461940 -0.831470 -0.308658 +v 0.318190 -0.923880 -0.212607 +v 0.162212 -0.980785 -0.108386 +v 0.923880 0.000000 -0.382683 +v 0.906128 -0.195090 -0.375330 +v 0.853554 -0.382683 -0.353553 +v 0.768178 -0.555570 -0.318189 +v 0.653282 -0.707107 -0.270598 +v 0.513280 -0.831470 -0.212607 +v 0.353554 -0.923880 -0.146446 +v 0.180240 -0.980785 -0.074658 +v 0.980785 0.000000 -0.195090 +v 0.961940 -0.195090 -0.191341 +v 0.906128 -0.382683 -0.180240 +v 0.815493 -0.555570 -0.162211 +v 0.693520 -0.707107 -0.137949 +v 0.544895 -0.831470 -0.108386 +v 0.375330 -0.923880 -0.074658 +v 0.191342 -0.980785 -0.038060 +v 1.000000 0.000000 0.000000 +v 0.980785 -0.195090 0.000000 +v 0.923880 -0.382683 0.000000 +v 0.831470 -0.555570 0.000000 +v 0.707107 -0.707107 0.000000 +v 0.555570 -0.831470 0.000000 +v 0.382684 -0.923880 0.000000 +v 0.195090 -0.980785 0.000000 +v 0.980785 0.000000 0.195091 +v 0.961940 -0.195090 0.191342 +v 0.906128 -0.382683 0.180240 +v 0.815493 -0.555570 0.162212 +v 0.693520 -0.707107 0.137950 +v 0.544895 -0.831470 0.108387 +v 0.375330 -0.923880 0.074658 +v 0.191342 -0.980785 0.038061 +v 0.923880 0.000000 0.382684 +v 0.906127 -0.195090 0.375331 +v 0.853554 -0.382683 0.353554 +v 0.768178 -0.555570 0.318190 +v 0.653282 -0.707107 0.270598 +v 0.513280 -0.831470 0.212608 +v 0.353553 -0.923880 0.146447 +v 0.180240 -0.980785 0.074658 +v 0.831470 0.000000 0.555571 +v 0.815493 -0.195090 0.544895 +v 0.768178 -0.382683 0.513280 +v 0.691342 -0.555570 0.461940 +v 0.587938 -0.707107 0.392848 +v 0.461940 -0.831470 0.308659 +v 0.318190 -0.923880 0.212608 +v 0.162212 -0.980785 0.108387 +v 0.707107 0.000000 0.707107 +v 0.693520 -0.195090 0.693520 +v 0.653282 -0.382683 0.653282 +v 0.587938 -0.555570 0.587938 +v 0.500000 -0.707107 0.500000 +v 0.392848 -0.831470 0.392848 +v 0.270598 -0.923880 0.270598 +v 0.137950 -0.980785 0.137950 +v 0.555570 0.000000 0.831470 +v 0.544895 -0.195090 0.815493 +v 0.513280 -0.382683 0.768178 +v 0.461940 -0.555570 0.691342 +v 0.392848 -0.707107 0.587938 +v 0.308658 -0.831470 0.461940 +v 0.212608 -0.923880 0.318190 +v 0.108386 -0.980785 0.162212 +v 0.000000 -1.000000 0.000000 +v 0.382683 0.000000 0.923880 +v 0.375330 -0.195090 0.906128 +v 0.353553 -0.382683 0.853554 +v 0.318190 -0.555570 0.768178 +v 0.270598 -0.707107 0.653282 +v 0.212608 -0.831470 0.513280 +v 0.146447 -0.923880 0.353554 +v 0.074658 -0.980785 0.180240 +v 0.195090 0.000000 0.980786 +v 0.191342 -0.195090 0.961940 +v 0.180240 -0.382683 0.906128 +v 0.162212 -0.555570 0.815493 +v 0.137950 -0.707107 0.693520 +v 0.108386 -0.831470 0.544895 +v 0.074658 -0.923880 0.375331 +v 0.038060 -0.980785 0.191342 +v -0.000000 0.000000 1.000000 +v -0.000000 -0.195090 0.980785 +v 0.000000 -0.382683 0.923880 +v -0.000000 -0.555570 0.831470 +v -0.000000 -0.707107 0.707107 +v -0.000000 -0.831470 0.555570 +v 0.000000 -0.923880 0.382684 +v 0.000000 -0.980785 0.195091 +v -0.195090 0.000000 0.980786 +v -0.191342 -0.195090 0.961940 +v -0.180240 -0.382683 0.906128 +v -0.162212 -0.555570 0.815493 +v -0.137950 -0.707107 0.693520 +v -0.108386 -0.831470 0.544895 +v -0.074658 -0.923880 0.375331 +v -0.038060 -0.980785 0.191342 +v -0.382684 0.000000 0.923880 +v -0.375330 -0.195090 0.906127 +v -0.353553 -0.382683 0.853554 +v -0.318190 -0.555570 0.768178 +v -0.270598 -0.707107 0.653282 +v -0.212608 -0.831470 0.513280 +v -0.146447 -0.923880 0.353554 +v -0.074658 -0.980785 0.180240 +v -0.555570 0.000000 0.831470 +v -0.544895 -0.195090 0.815493 +v -0.513280 -0.382683 0.768178 +v -0.461940 -0.555570 0.691342 +v -0.392847 -0.707107 0.587938 +v -0.308658 -0.831470 0.461940 +v -0.212607 -0.923880 0.318190 +v -0.108386 -0.980785 0.162212 +v -0.707107 0.000000 0.707107 +v -0.693520 -0.195090 0.693520 +v -0.653281 -0.382683 0.653282 +v -0.587938 -0.555570 0.587938 +v -0.500000 -0.707107 0.500000 +v -0.392847 -0.831470 0.392848 +v -0.270598 -0.923880 0.270598 +v -0.137950 -0.980785 0.137950 +v -0.831470 0.000000 0.555570 +v -0.815493 -0.195090 0.544895 +v -0.768178 -0.382683 0.513280 +v -0.691342 -0.555570 0.461940 +v -0.587938 -0.707107 0.392848 +v -0.461940 -0.831470 0.308658 +v -0.318190 -0.923880 0.212608 +v -0.162212 -0.980785 0.108387 +v -0.923880 0.000000 0.382684 +v -0.906127 -0.195090 0.375330 +v -0.853553 -0.382683 0.353554 +v -0.768177 -0.555570 0.318190 +v -0.653281 -0.707107 0.270598 +v -0.513280 -0.831470 0.212608 +v -0.353553 -0.923880 0.146447 +v -0.180240 -0.980785 0.074658 +v -0.980785 0.000000 0.195090 +v -0.961939 -0.195090 0.191342 +v -0.906127 -0.382683 0.180240 +v -0.815493 -0.555570 0.162212 +v -0.693520 -0.707107 0.137950 +v -0.544895 -0.831470 0.108387 +v -0.375330 -0.923880 0.074658 +v -0.191342 -0.980785 0.038061 +v -1.000000 0.000000 0.000000 +v -0.980785 -0.195090 0.000000 +v -0.923879 -0.382683 0.000000 +v -0.831469 -0.555570 0.000000 +v -0.707107 -0.707107 0.000000 +v -0.555570 -0.831470 0.000000 +v -0.382683 -0.923880 0.000000 +v -0.195090 -0.980785 0.000000 +v -0.980785 0.000000 -0.195090 +v -0.961939 -0.195090 -0.191342 +v -0.906127 -0.382683 -0.180240 +v -0.815493 -0.555570 -0.162211 +v -0.693520 -0.707107 -0.137949 +v -0.544895 -0.831470 -0.108386 +v -0.375330 -0.923880 -0.074658 +v -0.191342 -0.980785 -0.038060 +v -0.923879 0.000000 -0.382683 +v -0.906127 -0.195090 -0.375330 +v -0.853553 -0.382683 -0.353553 +v -0.768177 -0.555570 -0.318189 +v -0.653281 -0.707107 -0.270598 +v -0.513280 -0.831470 -0.212607 +v -0.353553 -0.923880 -0.146446 +v -0.180240 -0.980785 -0.074657 +v -0.831469 0.000000 -0.555570 +v -0.815493 -0.195090 -0.544895 +v -0.768178 -0.382683 -0.513280 +v -0.691341 -0.555570 -0.461939 +v -0.587938 -0.707107 -0.392847 +v -0.461940 -0.831470 -0.308658 +v -0.318189 -0.923880 -0.212607 +v -0.162212 -0.980785 -0.108386 +v -0.707106 0.000000 -0.707106 +v -0.693519 -0.195090 -0.693519 +v -0.653281 -0.382683 -0.653281 +v -0.587937 -0.555570 -0.587937 +v -0.500000 -0.707107 -0.500000 +v -0.392847 -0.831470 -0.392847 +v -0.270598 -0.923880 -0.270598 +v -0.137950 -0.980785 -0.137949 +v -0.555570 0.000000 -0.831469 +v -0.544895 -0.195090 -0.815492 +v -0.513280 -0.382683 -0.768177 +v -0.461939 -0.555570 -0.691341 +v -0.392847 -0.707107 -0.587937 +v -0.308658 -0.831470 -0.461939 +v -0.212607 -0.923880 -0.318189 +v -0.108386 -0.980785 -0.162211 +v -0.382683 0.000000 -0.923879 +v -0.375330 -0.195090 -0.906127 +v -0.353553 -0.382683 -0.853553 +v -0.318189 -0.555570 -0.768177 +v -0.270598 -0.707107 -0.653281 +v -0.212607 -0.831470 -0.513279 +v -0.146446 -0.923880 -0.353553 +v -0.074658 -0.980785 -0.180240 +v -0.195090 0.000000 -0.980785 +v -0.191341 -0.195090 -0.961939 +v -0.180240 -0.382683 -0.906127 +v -0.162211 -0.555570 -0.815492 +v -0.137950 -0.707107 -0.693520 +v -0.108386 -0.831470 -0.544895 +v -0.074658 -0.923880 -0.375330 +v -0.038060 -0.980785 -0.191341 +v 0.000000 -0.382683 -0.923879 +v 0.000000 -0.555570 -0.831469 +v 0.000000 -0.707107 -0.707106 +v 0.000000 -0.923880 -0.382683 +v 0.000000 -0.980785 -0.195090 +vt 0.750000 0.125000 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.718750 0.125000 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.750000 0.500000 +vt 0.718750 0.500000 +vt 0.718750 0.437500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.750000 0.250000 +vt 0.718750 0.250000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.187500 +vt 0.687500 0.125000 +vt 0.687500 0.062500 +vt 0.703125 0.000000 +vt 0.687500 0.500000 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.671875 0.000000 +vt 0.656250 0.062500 +vt 0.656250 0.500000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.625000 0.250000 +vt 0.625000 0.187500 +vt 0.625000 0.125000 +vt 0.625000 0.062500 +vt 0.640625 0.000000 +vt 0.625000 0.500000 +vt 0.625000 0.437500 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.187500 +vt 0.593750 0.125000 +vt 0.593750 0.062500 +vt 0.609375 0.000000 +vt 0.593750 0.500000 +vt 0.562500 0.187500 +vt 0.562500 0.125000 +vt 0.562500 0.062500 +vt 0.578125 0.000000 +vt 0.562500 0.500000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.187500 +vt 0.531250 0.125000 +vt 0.531250 0.062500 +vt 0.546875 0.000000 +vt 0.531250 0.500000 +vt 0.500000 0.187500 +vt 0.500000 0.125000 +vt 0.500000 0.062500 +vt 0.515625 0.000000 +vt 0.500000 0.500000 +vt 0.500000 0.437500 +vt 0.500000 0.375000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.187500 +vt 0.468750 0.125000 +vt 0.468750 0.062500 +vt 0.484375 0.000000 +vt 0.468750 0.500000 +vt 0.468750 0.437500 +vt 0.437500 0.125000 +vt 0.437500 0.062500 +vt 0.453125 0.000000 +vt 0.437500 0.500000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.187500 +vt 0.406250 0.125000 +vt 0.406250 0.062500 +vt 0.421875 0.000000 +vt 0.406250 0.500000 +vt 0.406250 0.437500 +vt 0.375000 0.125000 +vt 0.375000 0.062500 +vt 0.390625 0.000000 +vt 0.375000 0.500000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.187500 +vt 0.343750 0.125000 +vt 0.343750 0.062500 +vt 0.359375 0.000000 +vt 0.343750 0.500000 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.328125 0.000000 +vt 0.312500 0.062500 +vt 0.312500 0.500000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.312500 0.250000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.281250 0.250000 +vt 0.281250 0.187500 +vt 0.281250 0.125000 +vt 0.281250 0.062500 +vt 0.296875 0.000000 +vt 0.281250 0.500000 +vt 0.281250 0.437500 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.250000 0.500000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.250000 0.187500 +vt 0.250000 0.125000 +vt 0.250000 0.062500 +vt 0.265625 0.000000 +vt 0.218750 0.250000 +vt 0.218750 0.187500 +vt 0.218750 0.125000 +vt 0.218750 0.062500 +vt 0.234375 0.000000 +vt 0.218750 0.500000 +vt 0.218750 0.437500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.187500 +vt 0.187500 0.125000 +vt 0.187500 0.062500 +vt 0.203125 0.000000 +vt 0.187500 0.500000 +vt 0.156250 0.187500 +vt 0.156250 0.125000 +vt 0.156250 0.062500 +vt 0.171875 0.000000 +vt 0.156250 0.500000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.187500 +vt 0.125000 0.125000 +vt 0.125000 0.062500 +vt 0.140625 0.000000 +vt 0.125000 0.500000 +vt 0.093750 0.187500 +vt 0.093750 0.125000 +vt 0.093750 0.062500 +vt 0.109375 0.000000 +vt 0.093750 0.500000 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.187500 +vt 0.062500 0.125000 +vt 0.062500 0.062500 +vt 0.078125 0.000000 +vt 0.062500 0.500000 +vt 0.062500 0.437500 +vt 0.031250 0.125000 +vt 0.031250 0.062500 +vt 0.046875 0.000000 +vt 0.031250 0.500000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.031250 0.312500 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.187500 +vt 0.000000 0.125000 +vt 0.000000 0.062500 +vt 0.015625 0.000000 +vt 0.000000 0.500000 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.984375 0.000000 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 1.000000 0.437500 +vt 1.000000 0.500000 +vt 0.968750 0.500000 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 1.000000 0.125000 +vt 0.968750 0.125000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.187500 +vt 0.937500 0.125000 +vt 0.937500 0.062500 +vt 0.953125 0.000000 +vt 0.937500 0.500000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.921875 0.000000 +vt 0.906250 0.062500 +vt 0.906250 0.500000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.906250 0.250000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.875000 0.250000 +vt 0.875000 0.187500 +vt 0.875000 0.125000 +vt 0.875000 0.062500 +vt 0.890625 0.000000 +vt 0.875000 0.500000 +vt 0.875000 0.437500 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.843750 0.500000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.187500 +vt 0.843750 0.125000 +vt 0.843750 0.062500 +vt 0.859375 0.000000 +vt 0.812500 0.250000 +vt 0.812500 0.187500 +vt 0.812500 0.125000 +vt 0.812500 0.062500 +vt 0.828125 0.000000 +vt 0.812500 0.500000 +vt 0.812500 0.437500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.187500 +vt 0.781250 0.125000 +vt 0.781250 0.062500 +vt 0.796875 0.000000 +vt 0.781250 0.500000 +vt 0.765625 0.000000 +vn 0.0464 -0.8810 -0.4709 +vn 0.0286 -0.9565 -0.2902 +vn 0.0097 -0.9951 -0.0980 +vn 0.0976 -0.0975 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.0759 -0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.2248 -0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.1374 -0.8810 -0.4528 +vn 0.0846 -0.9565 -0.2790 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.2230 -0.8810 -0.4173 +vn 0.1374 -0.9565 -0.2571 +vn 0.4036 -0.7715 -0.4918 +vn 0.3002 -0.8810 -0.3658 +vn 0.1850 -0.9565 -0.2254 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0976 -0.7693 +vn 0.6073 -0.2890 -0.7400 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.3658 -0.8810 -0.3002 +vn 0.2254 -0.9565 -0.1850 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.4173 -0.8810 -0.2231 +vn 0.2571 -0.9565 -0.1374 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0976 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.6831 -0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.4528 -0.8810 -0.1374 +vn 0.2790 -0.9565 -0.0846 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0976 -0.2889 +vn 0.4709 -0.8810 -0.0464 +vn 0.2902 -0.9565 -0.0286 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0976 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.8786 -0.4696 -0.0865 +vn 0.7708 -0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.4709 -0.8810 0.0464 +vn 0.2902 -0.9565 0.0286 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0976 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.2790 -0.9565 0.0846 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0976 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.6088 -0.7715 0.1847 +vn 0.4528 -0.8810 0.1374 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.4173 -0.8810 0.2231 +vn 0.2571 -0.9565 0.1374 +vn 0.0869 -0.9951 0.0464 +vn 0.8777 -0.0976 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.2254 -0.9565 0.1850 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0976 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.4918 -0.7715 0.4036 +vn 0.3658 -0.8810 0.3002 +vn 0.4913 -0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.3002 -0.8810 0.3658 +vn 0.1850 -0.9565 0.2254 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0976 0.7693 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0976 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.2999 -0.7715 0.5611 +vn 0.2230 -0.8810 0.4173 +vn 0.1374 -0.9565 0.2571 +vn 0.1847 -0.7715 0.6088 +vn 0.1374 -0.8810 0.4528 +vn 0.0846 -0.9565 0.2790 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0976 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.0975 -0.0976 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn 0.0464 -0.8810 0.4709 +vn 0.0286 -0.9565 0.2902 +vn 0.0097 -0.9951 0.0980 +vn -0.0624 -0.7715 0.6332 +vn -0.0464 -0.8810 0.4709 +vn -0.0286 -0.9565 0.2902 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0976 0.9904 +vn -0.0938 -0.2890 0.9527 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.1374 -0.8810 0.4528 +vn -0.0846 -0.9565 0.2790 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0976 0.9524 +vn -0.2230 -0.8810 0.4173 +vn -0.1374 -0.9565 0.2571 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0976 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.3651 -0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.3002 -0.8810 0.3658 +vn -0.1850 -0.9565 0.2254 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0976 0.7693 +vn -0.3658 -0.8810 0.3002 +vn -0.2254 -0.9565 0.1850 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0976 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.5987 -0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.4173 -0.8810 0.2231 +vn -0.2571 -0.9565 0.1374 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0976 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.2790 -0.9565 0.0846 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0976 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.7412 -0.6326 0.2248 +vn -0.6088 -0.7715 0.1847 +vn -0.4528 -0.8810 0.1374 +vn -0.7708 -0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.4709 -0.8810 0.0464 +vn -0.2902 -0.9565 0.0286 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0976 0.0975 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0976 -0.0976 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.4709 -0.8810 -0.0464 +vn -0.2902 -0.9565 -0.0286 +vn -0.7412 -0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.4528 -0.8810 -0.1374 +vn -0.2790 -0.9565 -0.0846 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0976 -0.2889 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0976 -0.4691 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.5611 -0.7715 -0.2999 +vn -0.4173 -0.8810 -0.2231 +vn -0.2571 -0.9565 -0.1374 +vn -0.4918 -0.7715 -0.4036 +vn -0.3658 -0.8810 -0.3002 +vn -0.2254 -0.9565 -0.1850 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0976 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.6314 -0.0976 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.3002 -0.8810 -0.3658 +vn -0.1850 -0.9565 -0.2254 +vn -0.0625 -0.9951 -0.0761 +vn -0.2999 -0.7715 -0.5611 +vn -0.2230 -0.8810 -0.4173 +vn -0.1374 -0.9565 -0.2571 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0976 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.1374 -0.8810 -0.4528 +vn -0.0846 -0.9565 -0.2790 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0976 -0.9524 +vn -0.0464 -0.8810 -0.4709 +vn -0.0286 -0.9565 -0.2902 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +vn -0.0865 -0.4696 -0.8786 +vn -0.0759 -0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +usemtl None +s off +f 256/1/1 3/2/1 9/3/1 10/4/1 +f 257/5/2 256/1/2 10/4/2 11/6/2 +f 108/7/3 257/5/3 11/6/3 +f 2/8/4 1/9/4 4/10/4 5/11/4 +f 253/12/5 2/8/5 5/11/5 6/13/5 +f 254/14/6 253/12/6 6/13/6 7/15/6 +f 255/16/7 254/14/7 7/15/7 8/17/7 +f 3/2/8 255/16/8 8/17/8 9/3/8 +f 8/17/9 7/15/9 15/18/9 16/19/9 +f 9/3/10 8/17/10 16/19/10 17/20/10 +f 10/4/11 9/3/11 17/20/11 18/21/11 +f 11/6/12 10/4/12 18/21/12 19/22/12 +f 108/23/13 11/6/13 19/22/13 +f 5/11/14 4/10/14 12/24/14 13/25/14 +f 6/13/15 5/11/15 13/25/15 14/26/15 +f 7/15/16 6/13/16 14/26/16 15/18/16 +f 108/27/17 19/22/17 27/28/17 +f 13/25/18 12/24/18 20/29/18 21/30/18 +f 14/26/19 13/25/19 21/30/19 22/31/19 +f 15/18/20 14/26/20 22/31/20 23/32/20 +f 16/19/21 15/18/21 23/32/21 24/33/21 +f 17/20/22 16/19/22 24/33/22 25/34/22 +f 18/21/23 17/20/23 25/34/23 26/35/23 +f 19/22/24 18/21/24 26/35/24 27/28/24 +f 25/34/25 24/33/25 32/36/25 33/37/25 +f 26/35/26 25/34/26 33/37/26 34/38/26 +f 27/28/27 26/35/27 34/38/27 35/39/27 +f 108/40/28 27/28/28 35/39/28 +f 21/30/29 20/29/29 28/41/29 29/42/29 +f 22/31/30 21/30/30 29/42/30 30/43/30 +f 23/32/31 22/31/31 30/43/31 31/44/31 +f 24/33/32 23/32/32 31/44/32 32/36/32 +f 30/43/33 29/42/33 37/45/33 38/46/33 +f 31/44/34 30/43/34 38/46/34 39/47/34 +f 32/36/35 31/44/35 39/47/35 40/48/35 +f 33/37/36 32/36/36 40/48/36 41/49/36 +f 34/38/37 33/37/37 41/49/37 42/50/37 +f 35/39/38 34/38/38 42/50/38 43/51/38 +f 108/52/39 35/39/39 43/51/39 +f 29/42/40 28/41/40 36/53/40 37/45/40 +f 42/50/41 41/49/41 49/54/41 50/55/41 +f 43/51/42 42/50/42 50/55/42 51/56/42 +f 108/57/43 43/51/43 51/56/43 +f 37/45/44 36/53/44 44/58/44 45/59/44 +f 38/46/45 37/45/45 45/59/45 46/60/45 +f 39/47/46 38/46/46 46/60/46 47/61/46 +f 40/48/47 39/47/47 47/61/47 48/62/47 +f 41/49/48 40/48/48 48/62/48 49/54/48 +f 46/60/49 45/59/49 53/63/49 54/64/49 +f 47/61/50 46/60/50 54/64/50 55/65/50 +f 48/62/51 47/61/51 55/65/51 56/66/51 +f 49/54/52 48/62/52 56/66/52 57/67/52 +f 50/55/53 49/54/53 57/67/53 58/68/53 +f 51/56/54 50/55/54 58/68/54 59/69/54 +f 108/70/55 51/56/55 59/69/55 +f 45/59/56 44/58/56 52/71/56 53/63/56 +f 58/68/57 57/67/57 65/72/57 66/73/57 +f 59/69/58 58/68/58 66/73/58 67/74/58 +f 108/75/59 59/69/59 67/74/59 +f 53/63/60 52/71/60 60/76/60 61/77/60 +f 54/64/61 53/63/61 61/77/61 62/78/61 +f 55/65/62 54/64/62 62/78/62 63/79/62 +f 56/66/63 55/65/63 63/79/63 64/80/63 +f 57/67/64 56/66/64 64/80/64 65/72/64 +f 63/79/65 62/78/65 70/81/65 71/82/65 +f 64/80/66 63/79/66 71/82/66 72/83/66 +f 65/72/67 64/80/67 72/83/67 73/84/67 +f 66/73/68 65/72/68 73/84/68 74/85/68 +f 67/74/69 66/73/69 74/85/69 75/86/69 +f 108/87/70 67/74/70 75/86/70 +f 61/77/71 60/76/71 68/88/71 69/89/71 +f 62/78/72 61/77/72 69/89/72 70/81/72 +f 75/86/73 74/85/73 82/90/73 83/91/73 +f 108/92/74 75/86/74 83/91/74 +f 69/89/75 68/88/75 76/93/75 77/94/75 +f 70/81/76 69/89/76 77/94/76 78/95/76 +f 71/82/77 70/81/77 78/95/77 79/96/77 +f 72/83/78 71/82/78 79/96/78 80/97/78 +f 73/84/79 72/83/79 80/97/79 81/98/79 +f 74/85/80 73/84/80 81/98/80 82/90/80 +f 79/96/81 78/95/81 86/99/81 87/100/81 +f 80/97/82 79/96/82 87/100/82 88/101/82 +f 81/98/83 80/97/83 88/101/83 89/102/83 +f 82/90/84 81/98/84 89/102/84 90/103/84 +f 83/91/85 82/90/85 90/103/85 91/104/85 +f 108/105/86 83/91/86 91/104/86 +f 77/94/87 76/93/87 84/106/87 85/107/87 +f 78/95/88 77/94/88 85/107/88 86/99/88 +f 91/104/89 90/103/89 98/108/89 99/109/89 +f 108/110/90 91/104/90 99/109/90 +f 85/107/91 84/106/91 92/111/91 93/112/91 +f 86/99/92 85/107/92 93/112/92 94/113/92 +f 87/100/93 86/99/93 94/113/93 95/114/93 +f 88/101/94 87/100/94 95/114/94 96/115/94 +f 89/102/95 88/101/95 96/115/95 97/116/95 +f 90/103/96 89/102/96 97/116/96 98/108/96 +f 96/115/97 95/114/97 103/117/97 104/118/97 +f 97/116/98 96/115/98 104/118/98 105/119/98 +f 98/108/99 97/116/99 105/119/99 106/120/99 +f 99/109/100 98/108/100 106/120/100 107/121/100 +f 108/122/101 99/109/101 107/121/101 +f 93/112/102 92/111/102 100/123/102 101/124/102 +f 94/113/103 93/112/103 101/124/103 102/125/103 +f 95/114/104 94/113/104 102/125/104 103/117/104 +f 108/126/105 107/121/105 116/127/105 +f 101/124/106 100/123/106 109/128/106 110/129/106 +f 102/125/107 101/124/107 110/129/107 111/130/107 +f 103/117/108 102/125/108 111/130/108 112/131/108 +f 104/118/109 103/117/109 112/131/109 113/132/109 +f 105/119/110 104/118/110 113/132/110 114/133/110 +f 106/120/111 105/119/111 114/133/111 115/134/111 +f 107/121/112 106/120/112 115/134/112 116/127/112 +f 114/133/113 113/132/113 121/135/113 122/136/113 +f 115/134/114 114/133/114 122/136/114 123/137/114 +f 116/127/115 115/134/115 123/137/115 124/138/115 +f 108/139/116 116/127/116 124/138/116 +f 110/129/117 109/128/117 117/140/117 118/141/117 +f 111/130/118 110/129/118 118/141/118 119/142/118 +f 112/131/119 111/130/119 119/142/119 120/143/119 +f 113/132/120 112/131/120 120/143/120 121/135/120 +f 118/141/121 117/140/121 125/144/121 126/145/121 +f 119/142/122 118/141/122 126/145/122 127/146/122 +f 120/143/123 119/142/123 127/146/123 128/147/123 +f 121/135/124 120/143/124 128/147/124 129/148/124 +f 122/136/125 121/135/125 129/148/125 130/149/125 +f 123/137/126 122/136/126 130/149/126 131/150/126 +f 124/138/127 123/137/127 131/150/127 132/151/127 +f 108/152/128 124/138/128 132/151/128 +f 130/149/129 129/148/129 137/153/129 138/154/129 +f 131/150/130 130/149/130 138/154/130 139/155/130 +f 132/151/131 131/150/131 139/155/131 140/156/131 +f 108/157/132 132/151/132 140/156/132 +f 126/145/133 125/144/133 133/158/133 134/159/133 +f 127/146/134 126/145/134 134/159/134 135/160/134 +f 128/147/135 127/146/135 135/160/135 136/161/135 +f 129/148/136 128/147/136 136/161/136 137/153/136 +f 135/160/137 134/159/137 142/162/137 143/163/137 +f 136/161/138 135/160/138 143/163/138 144/164/138 +f 137/153/139 136/161/139 144/164/139 145/165/139 +f 138/154/140 137/153/140 145/165/140 146/166/140 +f 139/155/141 138/154/141 146/166/141 147/167/141 +f 140/156/142 139/155/142 147/167/142 148/168/142 +f 108/169/143 140/156/143 148/168/143 +f 134/159/144 133/158/144 141/170/144 142/162/144 +f 147/167/145 146/166/145 154/171/145 155/172/145 +f 148/168/146 147/167/146 155/172/146 156/173/146 +f 108/174/147 148/168/147 156/173/147 +f 142/162/148 141/170/148 149/175/148 150/176/148 +f 143/163/149 142/162/149 150/176/149 151/177/149 +f 144/164/150 143/163/150 151/177/150 152/178/150 +f 145/165/151 144/164/151 152/178/151 153/179/151 +f 146/166/152 145/165/152 153/179/152 154/171/152 +f 151/177/153 150/176/153 158/180/153 159/181/153 +f 152/178/154 151/177/154 159/181/154 160/182/154 +f 153/179/155 152/178/155 160/182/155 161/183/155 +f 154/171/156 153/179/156 161/183/156 162/184/156 +f 155/172/157 154/171/157 162/184/157 163/185/157 +f 156/173/158 155/172/158 163/185/158 164/186/158 +f 108/187/159 156/173/159 164/186/159 +f 150/176/160 149/175/160 157/188/160 158/180/160 +f 163/185/161 162/184/161 170/189/161 171/190/161 +f 164/186/162 163/185/162 171/190/162 172/191/162 +f 108/192/163 164/186/163 172/191/163 +f 158/180/164 157/188/164 165/193/164 166/194/164 +f 159/181/165 158/180/165 166/194/165 167/195/165 +f 160/182/166 159/181/166 167/195/166 168/196/166 +f 161/183/167 160/182/167 168/196/167 169/197/167 +f 162/184/168 161/183/168 169/197/168 170/189/168 +f 168/196/169 167/195/169 175/198/169 176/199/169 +f 169/197/170 168/196/170 176/199/170 177/200/170 +f 170/189/171 169/197/171 177/200/171 178/201/171 +f 171/190/172 170/189/172 178/201/172 179/202/172 +f 172/191/173 171/190/173 179/202/173 180/203/173 +f 108/204/174 172/191/174 180/203/174 +f 166/194/175 165/193/175 173/205/175 174/206/175 +f 167/195/176 166/194/176 174/206/176 175/198/176 +f 180/203/177 179/202/177 187/207/177 188/208/177 +f 108/209/178 180/203/178 188/208/178 +f 174/206/179 173/205/179 181/210/179 182/211/179 +f 175/198/180 174/206/180 182/211/180 183/212/180 +f 176/199/181 175/198/181 183/212/181 184/213/181 +f 177/200/182 176/199/182 184/213/182 185/214/182 +f 178/201/183 177/200/183 185/214/183 186/215/183 +f 179/202/184 178/201/184 186/215/184 187/207/184 +f 185/214/185 184/213/185 192/216/185 193/217/185 +f 186/215/186 185/214/186 193/217/186 194/218/186 +f 187/207/187 186/215/187 194/218/187 195/219/187 +f 188/208/188 187/207/188 195/219/188 196/220/188 +f 108/221/189 188/208/189 196/220/189 +f 182/211/190 181/210/190 189/222/190 190/223/190 +f 183/212/191 182/211/191 190/223/191 191/224/191 +f 184/213/192 183/212/192 191/224/192 192/216/192 +f 108/225/193 196/226/193 204/227/193 +f 190/228/194 189/229/194 197/230/194 198/231/194 +f 191/232/195 190/228/195 198/231/195 199/233/195 +f 192/234/196 191/232/196 199/233/196 200/235/196 +f 193/236/197 192/234/197 200/235/197 201/237/197 +f 194/238/198 193/236/198 201/237/198 202/239/198 +f 195/240/199 194/238/199 202/239/199 203/241/199 +f 196/226/200 195/240/200 203/241/200 204/227/200 +f 201/237/201 200/235/201 208/242/201 209/243/201 +f 202/239/202 201/237/202 209/243/202 210/244/202 +f 203/241/203 202/239/203 210/244/203 211/245/203 +f 204/227/204 203/241/204 211/245/204 212/246/204 +f 108/247/205 204/227/205 212/246/205 +f 198/231/206 197/230/206 205/248/206 206/249/206 +f 199/233/207 198/231/207 206/249/207 207/250/207 +f 200/235/208 199/233/208 207/250/208 208/242/208 +f 108/251/209 212/246/209 220/252/209 +f 206/249/210 205/248/210 213/253/210 214/254/210 +f 207/250/211 206/249/211 214/254/211 215/255/211 +f 208/242/212 207/250/212 215/255/212 216/256/212 +f 209/243/213 208/242/213 216/256/213 217/257/213 +f 210/244/214 209/243/214 217/257/214 218/258/214 +f 211/245/215 210/244/215 218/258/215 219/259/215 +f 212/246/216 211/245/216 219/259/216 220/252/216 +f 218/258/217 217/257/217 225/260/217 226/261/217 +f 219/259/218 218/258/218 226/261/218 227/262/218 +f 220/252/219 219/259/219 227/262/219 228/263/219 +f 108/264/220 220/252/220 228/263/220 +f 214/254/221 213/253/221 221/265/221 222/266/221 +f 215/255/222 214/254/222 222/266/222 223/267/222 +f 216/256/223 215/255/223 223/267/223 224/268/223 +f 217/257/224 216/256/224 224/268/224 225/260/224 +f 222/266/225 221/265/225 229/269/225 230/270/225 +f 223/267/226 222/266/226 230/270/226 231/271/226 +f 224/268/227 223/267/227 231/271/227 232/272/227 +f 225/260/228 224/268/228 232/272/228 233/273/228 +f 226/261/229 225/260/229 233/273/229 234/274/229 +f 227/262/230 226/261/230 234/274/230 235/275/230 +f 228/263/231 227/262/231 235/275/231 236/276/231 +f 108/277/232 228/263/232 236/276/232 +f 234/274/233 233/273/233 241/278/233 242/279/233 +f 235/275/234 234/274/234 242/279/234 243/280/234 +f 236/276/235 235/275/235 243/280/235 244/281/235 +f 108/282/236 236/276/236 244/281/236 +f 230/270/237 229/269/237 237/283/237 238/284/237 +f 231/271/238 230/270/238 238/284/238 239/285/238 +f 232/272/239 231/271/239 239/285/239 240/286/239 +f 233/273/240 232/272/240 240/286/240 241/278/240 +f 239/285/241 238/284/241 246/287/241 247/288/241 +f 240/286/242 239/285/242 247/288/242 248/289/242 +f 241/278/243 240/286/243 248/289/243 249/290/243 +f 242/279/244 241/278/244 249/290/244 250/291/244 +f 243/280/245 242/279/245 250/291/245 251/292/245 +f 244/281/246 243/280/246 251/292/246 252/293/246 +f 108/294/247 244/281/247 252/293/247 +f 238/284/248 237/283/248 245/295/248 246/287/248 +f 251/292/249 250/291/249 3/2/249 256/1/249 +f 252/293/250 251/292/250 256/1/250 257/5/250 +f 108/296/251 252/293/251 257/5/251 +f 246/287/252 245/295/252 1/9/252 2/8/252 +f 247/288/253 246/287/253 2/8/253 253/12/253 +f 248/289/254 247/288/254 253/12/254 254/14/254 +f 249/290/255 248/289/255 254/14/255 255/16/255 +f 250/291/256 249/290/256 255/16/256 3/2/256 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257_top_ring.txt b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257_top_ring.txt new file mode 100644 index 0000000000000000000000000000000000000000..30fa23e9775596daf4e75ddeebf8578552e2a66b --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.1_numV_257_top_ring.txt @@ -0,0 +1,32 @@ +0 0.00000 1.00000 0.00000 +3 0.19509 0.98079 0.00000 +11 0.38268 0.92388 0.00000 +19 0.55557 0.83147 0.00000 +27 0.70711 0.70711 0.00000 +35 0.83147 0.55557 0.00000 +43 0.92388 0.38268 0.00000 +51 0.98079 0.19509 0.00000 +59 1.00000 -0.00000 0.00000 +67 0.98079 -0.19509 0.00000 +75 0.92388 -0.38268 0.00000 +83 0.83147 -0.55557 0.00000 +91 0.70711 -0.70711 0.00000 +99 0.55557 -0.83147 0.00000 +108 0.38268 -0.92388 0.00000 +116 0.19509 -0.98079 0.00000 +124 -0.00000 -1.00000 0.00000 +132 -0.19509 -0.98079 0.00000 +140 -0.38268 -0.92388 0.00000 +148 -0.55557 -0.83147 0.00000 +156 -0.70711 -0.70711 0.00000 +164 -0.83147 -0.55557 0.00000 +172 -0.92388 -0.38268 0.00000 +180 -0.98079 -0.19509 0.00000 +188 -1.00000 -0.00000 0.00000 +196 -0.98079 0.19509 0.00000 +204 -0.92388 0.38268 0.00000 +212 -0.83147 0.55557 0.00000 +220 -0.70711 0.70711 0.00000 +228 -0.55557 0.83147 0.00000 +236 -0.38268 0.92388 0.00000 +244 -0.19509 0.98078 0.00000 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289.mtl b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289.mtl new file mode 100644 index 0000000000000000000000000000000000000000..f231bdf4c1534431b9322220b4d534db03594d80 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289.mtl @@ -0,0 +1,10 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl None +Ns 500 +Ka 0.8 0.8 0.8 +Kd 0.8 0.8 0.8 +Ks 0.8 0.8 0.8 +d 1 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289.obj b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289.obj new file mode 100644 index 0000000000000000000000000000000000000000..80cd0713f855d8e55c83e0d4474509ec977aafab --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289.obj @@ -0,0 +1,1200 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289.mtl +o Sphere +v 0.000000 0.195090 -0.980785 +v 0.000000 0.000000 -1.000000 +v 0.000000 -0.195090 -0.980785 +v 0.000000 -0.831470 -0.555570 +v 0.191342 0.195090 -0.961940 +v 0.195090 0.000000 -0.980785 +v 0.191342 -0.195090 -0.961940 +v 0.180240 -0.382683 -0.906127 +v 0.162212 -0.555570 -0.815493 +v 0.137950 -0.707107 -0.693520 +v 0.108386 -0.831470 -0.544895 +v 0.074658 -0.923880 -0.375330 +v 0.038060 -0.980785 -0.191341 +v 0.375330 0.195090 -0.906127 +v 0.382684 0.000000 -0.923879 +v 0.375330 -0.195090 -0.906127 +v 0.353554 -0.382683 -0.853553 +v 0.318190 -0.555570 -0.768178 +v 0.270598 -0.707107 -0.653281 +v 0.212608 -0.831470 -0.513280 +v 0.146447 -0.923880 -0.353553 +v 0.074658 -0.980785 -0.180240 +v 0.544895 0.195090 -0.815493 +v 0.555570 0.000000 -0.831469 +v 0.544895 -0.195090 -0.815493 +v 0.513280 -0.382683 -0.768178 +v 0.461940 -0.555570 -0.691342 +v 0.392848 -0.707107 -0.587938 +v 0.308658 -0.831470 -0.461940 +v 0.212608 -0.923880 -0.318189 +v 0.108386 -0.980785 -0.162211 +v 0.693520 0.195090 -0.693520 +v 0.707107 0.000000 -0.707107 +v 0.693520 -0.195090 -0.693520 +v 0.653282 -0.382683 -0.653281 +v 0.587938 -0.555570 -0.587938 +v 0.500000 -0.707107 -0.500000 +v 0.392848 -0.831470 -0.392847 +v 0.270598 -0.923880 -0.270598 +v 0.137950 -0.980785 -0.137949 +v 0.815493 0.195090 -0.544895 +v 0.831470 0.000000 -0.555570 +v 0.815493 -0.195090 -0.544895 +v 0.768178 -0.382683 -0.513280 +v 0.691342 -0.555570 -0.461940 +v 0.587938 -0.707107 -0.392847 +v 0.461940 -0.831470 -0.308658 +v 0.318190 -0.923880 -0.212607 +v 0.162212 -0.980785 -0.108386 +v 0.906128 0.195090 -0.375330 +v 0.923880 0.000000 -0.382683 +v 0.906128 -0.195090 -0.375330 +v 0.853554 -0.382683 -0.353553 +v 0.768178 -0.555570 -0.318189 +v 0.653282 -0.707107 -0.270598 +v 0.513280 -0.831470 -0.212607 +v 0.353554 -0.923880 -0.146446 +v 0.180240 -0.980785 -0.074658 +v 0.961940 0.195090 -0.191341 +v 0.980785 0.000000 -0.195090 +v 0.961940 -0.195090 -0.191341 +v 0.906128 -0.382683 -0.180240 +v 0.815493 -0.555570 -0.162211 +v 0.693520 -0.707107 -0.137949 +v 0.544895 -0.831470 -0.108386 +v 0.375330 -0.923880 -0.074658 +v 0.191342 -0.980785 -0.038060 +v 0.980785 0.195090 0.000000 +v 1.000000 0.000000 0.000000 +v 0.980785 -0.195090 0.000000 +v 0.923880 -0.382683 0.000000 +v 0.831470 -0.555570 0.000000 +v 0.707107 -0.707107 0.000000 +v 0.555570 -0.831470 0.000000 +v 0.382684 -0.923880 0.000000 +v 0.195090 -0.980785 0.000000 +v 0.961940 0.195090 0.191342 +v 0.980785 0.000000 0.195091 +v 0.961940 -0.195090 0.191342 +v 0.906128 -0.382683 0.180240 +v 0.815493 -0.555570 0.162212 +v 0.693520 -0.707107 0.137950 +v 0.544895 -0.831470 0.108387 +v 0.375330 -0.923880 0.074658 +v 0.191342 -0.980785 0.038061 +v 0.906127 0.195090 0.375331 +v 0.923880 0.000000 0.382684 +v 0.906127 -0.195090 0.375331 +v 0.853554 -0.382683 0.353554 +v 0.768178 -0.555570 0.318190 +v 0.653282 -0.707107 0.270598 +v 0.513280 -0.831470 0.212608 +v 0.353553 -0.923880 0.146447 +v 0.180240 -0.980785 0.074658 +v 0.815493 0.195090 0.544895 +v 0.831470 0.000000 0.555571 +v 0.815493 -0.195090 0.544895 +v 0.768178 -0.382683 0.513280 +v 0.691342 -0.555570 0.461940 +v 0.587938 -0.707107 0.392848 +v 0.461940 -0.831470 0.308659 +v 0.318190 -0.923880 0.212608 +v 0.162212 -0.980785 0.108387 +v 0.693520 0.195090 0.693520 +v 0.707107 0.000000 0.707107 +v 0.693520 -0.195090 0.693520 +v 0.653282 -0.382683 0.653282 +v 0.587938 -0.555570 0.587938 +v 0.500000 -0.707107 0.500000 +v 0.392848 -0.831470 0.392848 +v 0.270598 -0.923880 0.270598 +v 0.137950 -0.980785 0.137950 +v 0.544895 0.195090 0.815493 +v 0.555570 0.000000 0.831470 +v 0.544895 -0.195090 0.815493 +v 0.513280 -0.382683 0.768178 +v 0.461940 -0.555570 0.691342 +v 0.392848 -0.707107 0.587938 +v 0.308658 -0.831470 0.461940 +v 0.212608 -0.923880 0.318190 +v 0.108386 -0.980785 0.162212 +v 0.000000 -1.000000 0.000000 +v 0.375330 0.195090 0.906128 +v 0.382683 0.000000 0.923880 +v 0.375330 -0.195090 0.906128 +v 0.353553 -0.382683 0.853554 +v 0.318190 -0.555570 0.768178 +v 0.270598 -0.707107 0.653282 +v 0.212608 -0.831470 0.513280 +v 0.146447 -0.923880 0.353554 +v 0.074658 -0.980785 0.180240 +v 0.191342 0.195090 0.961940 +v 0.195090 0.000000 0.980786 +v 0.191342 -0.195090 0.961940 +v 0.180240 -0.382683 0.906128 +v 0.162212 -0.555570 0.815493 +v 0.137950 -0.707107 0.693520 +v 0.108386 -0.831470 0.544895 +v 0.074658 -0.923880 0.375331 +v 0.038060 -0.980785 0.191342 +v -0.000000 0.195090 0.980785 +v -0.000000 0.000000 1.000000 +v -0.000000 -0.195090 0.980785 +v 0.000000 -0.382683 0.923880 +v -0.000000 -0.555570 0.831470 +v -0.000000 -0.707107 0.707107 +v -0.000000 -0.831470 0.555570 +v 0.000000 -0.923880 0.382684 +v 0.000000 -0.980785 0.195091 +v -0.191342 0.195090 0.961940 +v -0.195090 0.000000 0.980786 +v -0.191342 -0.195090 0.961940 +v -0.180240 -0.382683 0.906128 +v -0.162212 -0.555570 0.815493 +v -0.137950 -0.707107 0.693520 +v -0.108386 -0.831470 0.544895 +v -0.074658 -0.923880 0.375331 +v -0.038060 -0.980785 0.191342 +v -0.375330 0.195090 0.906127 +v -0.382684 0.000000 0.923880 +v -0.375330 -0.195090 0.906127 +v -0.353553 -0.382683 0.853554 +v -0.318190 -0.555570 0.768178 +v -0.270598 -0.707107 0.653282 +v -0.212608 -0.831470 0.513280 +v -0.146447 -0.923880 0.353554 +v -0.074658 -0.980785 0.180240 +v -0.544895 0.195090 0.815493 +v -0.555570 0.000000 0.831470 +v -0.544895 -0.195090 0.815493 +v -0.513280 -0.382683 0.768178 +v -0.461940 -0.555570 0.691342 +v -0.392847 -0.707107 0.587938 +v -0.308658 -0.831470 0.461940 +v -0.212607 -0.923880 0.318190 +v -0.108386 -0.980785 0.162212 +v -0.693520 0.195090 0.693520 +v -0.707107 0.000000 0.707107 +v -0.693520 -0.195090 0.693520 +v -0.653281 -0.382683 0.653282 +v -0.587938 -0.555570 0.587938 +v -0.500000 -0.707107 0.500000 +v -0.392847 -0.831470 0.392848 +v -0.270598 -0.923880 0.270598 +v -0.137950 -0.980785 0.137950 +v -0.815493 0.195090 0.544895 +v -0.831470 0.000000 0.555570 +v -0.815493 -0.195090 0.544895 +v -0.768178 -0.382683 0.513280 +v -0.691342 -0.555570 0.461940 +v -0.587938 -0.707107 0.392848 +v -0.461940 -0.831470 0.308658 +v -0.318190 -0.923880 0.212608 +v -0.162212 -0.980785 0.108387 +v -0.906127 0.195090 0.375330 +v -0.923880 0.000000 0.382684 +v -0.906127 -0.195090 0.375330 +v -0.853553 -0.382683 0.353554 +v -0.768177 -0.555570 0.318190 +v -0.653281 -0.707107 0.270598 +v -0.513280 -0.831470 0.212608 +v -0.353553 -0.923880 0.146447 +v -0.180240 -0.980785 0.074658 +v -0.961939 0.195090 0.191342 +v -0.980785 0.000000 0.195090 +v -0.961939 -0.195090 0.191342 +v -0.906127 -0.382683 0.180240 +v -0.815493 -0.555570 0.162212 +v -0.693520 -0.707107 0.137950 +v -0.544895 -0.831470 0.108387 +v -0.375330 -0.923880 0.074658 +v -0.191342 -0.980785 0.038061 +v -0.980785 0.195090 0.000000 +v -1.000000 0.000000 0.000000 +v -0.980785 -0.195090 0.000000 +v -0.923879 -0.382683 0.000000 +v -0.831469 -0.555570 0.000000 +v -0.707107 -0.707107 0.000000 +v -0.555570 -0.831470 0.000000 +v -0.382683 -0.923880 0.000000 +v -0.195090 -0.980785 0.000000 +v -0.961939 0.195090 -0.191342 +v -0.980785 0.000000 -0.195090 +v -0.961939 -0.195090 -0.191342 +v -0.906127 -0.382683 -0.180240 +v -0.815493 -0.555570 -0.162211 +v -0.693520 -0.707107 -0.137949 +v -0.544895 -0.831470 -0.108386 +v -0.375330 -0.923880 -0.074658 +v -0.191342 -0.980785 -0.038060 +v -0.906127 0.195090 -0.375330 +v -0.923879 0.000000 -0.382683 +v -0.906127 -0.195090 -0.375330 +v -0.853553 -0.382683 -0.353553 +v -0.768177 -0.555570 -0.318189 +v -0.653281 -0.707107 -0.270598 +v -0.513280 -0.831470 -0.212607 +v -0.353553 -0.923880 -0.146446 +v -0.180240 -0.980785 -0.074657 +v -0.815493 0.195090 -0.544895 +v -0.831469 0.000000 -0.555570 +v -0.815493 -0.195090 -0.544895 +v -0.768178 -0.382683 -0.513280 +v -0.691341 -0.555570 -0.461939 +v -0.587938 -0.707107 -0.392847 +v -0.461940 -0.831470 -0.308658 +v -0.318189 -0.923880 -0.212607 +v -0.162212 -0.980785 -0.108386 +v -0.693519 0.195090 -0.693519 +v -0.707106 0.000000 -0.707106 +v -0.693519 -0.195090 -0.693519 +v -0.653281 -0.382683 -0.653281 +v -0.587937 -0.555570 -0.587937 +v -0.500000 -0.707107 -0.500000 +v -0.392847 -0.831470 -0.392847 +v -0.270598 -0.923880 -0.270598 +v -0.137950 -0.980785 -0.137949 +v -0.544895 0.195090 -0.815492 +v -0.555570 0.000000 -0.831469 +v -0.544895 -0.195090 -0.815492 +v -0.513280 -0.382683 -0.768177 +v -0.461939 -0.555570 -0.691341 +v -0.392847 -0.707107 -0.587937 +v -0.308658 -0.831470 -0.461939 +v -0.212607 -0.923880 -0.318189 +v -0.108386 -0.980785 -0.162211 +v -0.375330 0.195090 -0.906127 +v -0.382683 0.000000 -0.923879 +v -0.375330 -0.195090 -0.906127 +v -0.353553 -0.382683 -0.853553 +v -0.318189 -0.555570 -0.768177 +v -0.270598 -0.707107 -0.653281 +v -0.212607 -0.831470 -0.513279 +v -0.146446 -0.923880 -0.353553 +v -0.074658 -0.980785 -0.180240 +v -0.191341 0.195090 -0.961939 +v -0.195090 0.000000 -0.980785 +v -0.191341 -0.195090 -0.961939 +v -0.180240 -0.382683 -0.906127 +v -0.162211 -0.555570 -0.815492 +v -0.137950 -0.707107 -0.693520 +v -0.108386 -0.831470 -0.544895 +v -0.074658 -0.923880 -0.375330 +v -0.038060 -0.980785 -0.191341 +v 0.000000 -0.382683 -0.923879 +v 0.000000 -0.555570 -0.831469 +v 0.000000 -0.707107 -0.707106 +v 0.000000 -0.923880 -0.382683 +v 0.000000 -0.980785 -0.195090 +vt 0.750000 0.375000 +vt 0.750000 0.437500 +vt 0.718750 0.437500 +vt 0.718750 0.375000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.750000 0.250000 +vt 0.718750 0.250000 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.750000 0.500000 +vt 0.750000 0.562500 +vt 0.718750 0.562500 +vt 0.718750 0.500000 +vt 0.734375 0.000000 +vt 0.703125 0.000000 +vt 0.687500 0.062500 +vt 0.687500 0.500000 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.187500 +vt 0.687500 0.125000 +vt 0.687500 0.562500 +vt 0.656250 0.250000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.656250 0.062500 +vt 0.656250 0.562500 +vt 0.656250 0.500000 +vt 0.671875 0.000000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.625000 0.437500 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.625000 0.187500 +vt 0.625000 0.125000 +vt 0.625000 0.062500 +vt 0.625000 0.562500 +vt 0.625000 0.500000 +vt 0.640625 0.000000 +vt 0.593750 0.187500 +vt 0.593750 0.125000 +vt 0.593750 0.062500 +vt 0.593750 0.562500 +vt 0.593750 0.500000 +vt 0.609375 0.000000 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.187500 +vt 0.562500 0.125000 +vt 0.562500 0.062500 +vt 0.562500 0.562500 +vt 0.562500 0.500000 +vt 0.578125 0.000000 +vt 0.531250 0.187500 +vt 0.531250 0.125000 +vt 0.531250 0.062500 +vt 0.531250 0.562500 +vt 0.531250 0.500000 +vt 0.546875 0.000000 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.500000 0.375000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.187500 +vt 0.500000 0.125000 +vt 0.500000 0.062500 +vt 0.500000 0.562500 +vt 0.500000 0.500000 +vt 0.515625 0.000000 +vt 0.500000 0.437500 +vt 0.468750 0.125000 +vt 0.468750 0.062500 +vt 0.468750 0.562500 +vt 0.468750 0.500000 +vt 0.484375 0.000000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.187500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.125000 +vt 0.437500 0.062500 +vt 0.437500 0.562500 +vt 0.437500 0.500000 +vt 0.453125 0.000000 +vt 0.437500 0.437500 +vt 0.406250 0.125000 +vt 0.406250 0.062500 +vt 0.406250 0.562500 +vt 0.406250 0.500000 +vt 0.421875 0.000000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.187500 +vt 0.375000 0.312500 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.375000 0.125000 +vt 0.375000 0.062500 +vt 0.375000 0.562500 +vt 0.375000 0.500000 +vt 0.390625 0.000000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.359375 0.000000 +vt 0.343750 0.062500 +vt 0.343750 0.500000 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.187500 +vt 0.343750 0.125000 +vt 0.343750 0.562500 +vt 0.312500 0.250000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.312500 0.062500 +vt 0.312500 0.562500 +vt 0.312500 0.500000 +vt 0.328125 0.000000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.281250 0.500000 +vt 0.281250 0.437500 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.281250 0.187500 +vt 0.281250 0.125000 +vt 0.281250 0.062500 +vt 0.281250 0.562500 +vt 0.296875 0.000000 +vt 0.250000 0.250000 +vt 0.250000 0.187500 +vt 0.250000 0.125000 +vt 0.250000 0.062500 +vt 0.250000 0.562500 +vt 0.250000 0.500000 +vt 0.265625 0.000000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.218750 0.437500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.218750 0.187500 +vt 0.218750 0.125000 +vt 0.218750 0.062500 +vt 0.218750 0.562500 +vt 0.218750 0.500000 +vt 0.234375 0.000000 +vt 0.187500 0.187500 +vt 0.187500 0.125000 +vt 0.187500 0.062500 +vt 0.187500 0.562500 +vt 0.187500 0.500000 +vt 0.203125 0.000000 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.187500 +vt 0.156250 0.125000 +vt 0.156250 0.062500 +vt 0.156250 0.562500 +vt 0.156250 0.500000 +vt 0.171875 0.000000 +vt 0.125000 0.187500 +vt 0.125000 0.125000 +vt 0.125000 0.062500 +vt 0.125000 0.562500 +vt 0.125000 0.500000 +vt 0.140625 0.000000 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.093750 0.375000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.093750 0.187500 +vt 0.093750 0.125000 +vt 0.093750 0.062500 +vt 0.093750 0.562500 +vt 0.093750 0.500000 +vt 0.109375 0.000000 +vt 0.093750 0.437500 +vt 0.062500 0.125000 +vt 0.062500 0.062500 +vt 0.062500 0.562500 +vt 0.062500 0.500000 +vt 0.078125 0.000000 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.187500 +vt 0.031250 0.312500 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.125000 +vt 0.031250 0.062500 +vt 0.031250 0.562500 +vt 0.031250 0.500000 +vt 0.046875 0.000000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.000000 0.562500 +vt 0.000000 0.500000 +vt 0.015625 0.000000 +vt 0.000000 0.062500 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.187500 +vt 0.000000 0.125000 +vt 1.000000 0.250000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 0.968750 0.250000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 1.000000 0.125000 +vt 0.968750 0.125000 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 1.000000 0.500000 +vt 1.000000 0.562500 +vt 0.968750 0.562500 +vt 0.968750 0.500000 +vt 0.984375 0.000000 +vt 1.000000 0.437500 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 0.953125 0.000000 +vt 0.937500 0.062500 +vt 0.937500 0.500000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.187500 +vt 0.937500 0.125000 +vt 0.937500 0.562500 +vt 0.906250 0.250000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.906250 0.062500 +vt 0.906250 0.562500 +vt 0.906250 0.500000 +vt 0.921875 0.000000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.875000 0.500000 +vt 0.875000 0.437500 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.875000 0.187500 +vt 0.875000 0.125000 +vt 0.875000 0.062500 +vt 0.875000 0.562500 +vt 0.890625 0.000000 +vt 0.843750 0.250000 +vt 0.843750 0.187500 +vt 0.843750 0.125000 +vt 0.843750 0.062500 +vt 0.843750 0.562500 +vt 0.843750 0.500000 +vt 0.859375 0.000000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.812500 0.437500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.187500 +vt 0.812500 0.125000 +vt 0.812500 0.062500 +vt 0.812500 0.562500 +vt 0.812500 0.500000 +vt 0.828125 0.000000 +vt 0.781250 0.187500 +vt 0.781250 0.125000 +vt 0.781250 0.062500 +vt 0.781250 0.562500 +vt 0.781250 0.500000 +vt 0.796875 0.000000 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.765625 0.000000 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.0759 -0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0464 -0.8810 -0.4709 +vn 0.0286 -0.9565 -0.2902 +vn 0.0975 0.0975 -0.9904 +vn 0.0097 -0.9951 -0.0980 +vn 0.0976 -0.0975 -0.9904 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.1374 -0.8810 -0.4528 +vn 0.0846 -0.9565 -0.2790 +vn 0.2889 0.0975 -0.9524 +vn 0.2999 -0.7715 -0.5611 +vn 0.2230 -0.8810 -0.4173 +vn 0.1374 -0.9565 -0.2571 +vn 0.4691 0.0975 -0.8777 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.6073 -0.2890 -0.7400 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.3002 -0.8810 -0.3658 +vn 0.1850 -0.9565 -0.2254 +vn 0.6314 0.0976 -0.7693 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0976 -0.7693 +vn 0.3658 -0.8810 -0.3002 +vn 0.2254 -0.9565 -0.1850 +vn 0.7693 0.0975 -0.6314 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.6831 -0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.4173 -0.8810 -0.2231 +vn 0.2571 -0.9565 -0.1374 +vn 0.8777 0.0976 -0.4691 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0976 -0.4691 +vn 0.4528 -0.8810 -0.1374 +vn 0.2790 -0.9565 -0.0846 +vn 0.9524 0.0976 -0.2889 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0976 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.8786 -0.4696 -0.0865 +vn 0.7708 -0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.4709 -0.8810 -0.0464 +vn 0.2902 -0.9565 -0.0286 +vn 0.9904 0.0976 -0.0975 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0976 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.2902 -0.9565 0.0286 +vn 0.9904 0.0976 0.0975 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0976 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.4709 -0.8810 0.0464 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.6088 -0.7715 0.1847 +vn 0.4528 -0.8810 0.1374 +vn 0.2790 -0.9565 0.0846 +vn 0.9524 0.0976 0.2889 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0976 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.2571 -0.9565 0.1374 +vn 0.8777 0.0976 0.4691 +vn 0.0869 -0.9951 0.0464 +vn 0.8777 -0.0976 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.4173 -0.8810 0.2231 +vn 0.5987 -0.6326 0.4913 +vn 0.4918 -0.7715 0.4036 +vn 0.3658 -0.8810 0.3002 +vn 0.2254 -0.9565 0.1850 +vn 0.7693 0.0976 0.6314 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0976 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0976 0.7693 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.3002 -0.8810 0.3658 +vn 0.1850 -0.9565 0.2254 +vn 0.6314 0.0976 0.7693 +vn 0.2999 -0.7715 0.5611 +vn 0.2230 -0.8810 0.4173 +vn 0.1374 -0.9565 0.2571 +vn 0.4691 0.0976 0.8777 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0976 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.2889 -0.0976 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.1374 -0.8810 0.4528 +vn 0.0846 -0.9565 0.2790 +vn 0.2889 0.0976 0.9524 +vn 0.0286 -0.9951 0.0942 +vn 0.0624 -0.7715 0.6332 +vn 0.0464 -0.8810 0.4709 +vn 0.0286 -0.9565 0.2902 +vn 0.0975 0.0976 0.9904 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0976 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn -0.0938 -0.2890 0.9527 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.0464 -0.8810 0.4709 +vn -0.0286 -0.9565 0.2902 +vn -0.0976 0.0976 0.9904 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0976 0.9904 +vn -0.1374 -0.8810 0.4528 +vn -0.0846 -0.9565 0.2790 +vn -0.2889 0.0976 0.9524 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0976 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.3651 -0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.2230 -0.8810 0.4173 +vn -0.1374 -0.9565 0.2571 +vn -0.4691 0.0976 0.8777 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0976 0.8777 +vn -0.3002 -0.8810 0.3658 +vn -0.1850 -0.9565 0.2254 +vn -0.6314 0.0976 0.7693 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0976 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.6825 -0.4696 0.5601 +vn -0.5987 -0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.3658 -0.8810 0.3002 +vn -0.2254 -0.9565 0.1850 +vn -0.7693 0.0976 0.6314 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0976 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.2571 -0.9565 0.1374 +vn -0.8777 0.0976 0.4691 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0976 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.4173 -0.8810 0.2231 +vn -0.7412 -0.6326 0.2248 +vn -0.6088 -0.7715 0.1847 +vn -0.4528 -0.8810 0.1374 +vn -0.2790 -0.9565 0.0846 +vn -0.9524 0.0976 0.2889 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0976 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.9904 0.0976 0.0975 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0976 0.0975 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.4709 -0.8810 0.0464 +vn -0.2902 -0.9565 0.0286 +vn -0.7708 -0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.4709 -0.8810 -0.0464 +vn -0.2902 -0.9565 -0.0286 +vn -0.9904 0.0976 -0.0976 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0976 -0.0976 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0976 -0.2889 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.4528 -0.8810 -0.1374 +vn -0.2790 -0.9565 -0.0846 +vn -0.9524 0.0976 -0.2889 +vn -0.5611 -0.7715 -0.2999 +vn -0.4173 -0.8810 -0.2231 +vn -0.2571 -0.9565 -0.1374 +vn -0.8777 0.0976 -0.4691 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0976 -0.4691 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.7693 -0.0976 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.3658 -0.8810 -0.3002 +vn -0.2254 -0.9565 -0.1850 +vn -0.7693 0.0976 -0.6314 +vn -0.0761 -0.9951 -0.0625 +vn -0.4036 -0.7715 -0.4918 +vn -0.3002 -0.8810 -0.3658 +vn -0.1850 -0.9565 -0.2254 +vn -0.6314 0.0976 -0.7693 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0976 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4513 -0.2890 -0.8443 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.2230 -0.8810 -0.4173 +vn -0.1374 -0.9565 -0.2571 +vn -0.4691 0.0976 -0.8777 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0976 -0.8777 +vn -0.1374 -0.8810 -0.4528 +vn -0.0846 -0.9565 -0.2790 +vn -0.2889 0.0976 -0.9524 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0976 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.0865 -0.4696 -0.8786 +vn -0.0759 -0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0464 -0.8810 -0.4709 +vn -0.0286 -0.9565 -0.2902 +vn -0.0976 0.0976 -0.9904 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +usemtl None +s off +f 285/1/1 3/2/1 7/3/1 8/4/1 +f 286/5/2 285/1/2 8/4/2 9/6/2 +f 287/7/3 286/5/3 9/6/3 10/8/3 +f 4/9/4 287/7/4 10/8/4 11/10/4 +f 288/11/5 4/9/5 11/10/5 12/12/5 +f 289/13/6 288/11/6 12/12/6 13/14/6 +f 2/15/7 1/16/7 5/17/7 6/18/7 +f 122/19/8 289/13/8 13/14/8 +f 3/2/9 2/15/9 6/18/9 7/3/9 +f 122/20/10 13/14/10 22/21/10 +f 7/3/11 6/18/11 15/22/11 16/23/11 +f 8/4/12 7/3/12 16/23/12 17/24/12 +f 9/6/13 8/4/13 17/24/13 18/25/13 +f 10/8/14 9/6/14 18/25/14 19/26/14 +f 11/10/15 10/8/15 19/26/15 20/27/15 +f 12/12/16 11/10/16 20/27/16 21/28/16 +f 13/14/17 12/12/17 21/28/17 22/21/17 +f 6/18/18 5/17/18 14/29/18 15/22/18 +f 20/27/19 19/26/19 28/30/19 29/31/19 +f 21/28/20 20/27/20 29/31/20 30/32/20 +f 22/21/21 21/28/21 30/32/21 31/33/21 +f 15/22/22 14/29/22 23/34/22 24/35/22 +f 122/36/23 22/21/23 31/33/23 +f 16/23/24 15/22/24 24/35/24 25/37/24 +f 17/24/25 16/23/25 25/37/25 26/38/25 +f 18/25/26 17/24/26 26/38/26 27/39/26 +f 19/26/27 18/25/27 27/39/27 28/30/27 +f 26/38/28 25/37/28 34/40/28 35/41/28 +f 27/39/29 26/38/29 35/41/29 36/42/29 +f 28/30/30 27/39/30 36/42/30 37/43/30 +f 29/31/31 28/30/31 37/43/31 38/44/31 +f 30/32/32 29/31/32 38/44/32 39/45/32 +f 31/33/33 30/32/33 39/45/33 40/46/33 +f 24/35/34 23/34/34 32/47/34 33/48/34 +f 122/49/35 31/33/35 40/46/35 +f 25/37/36 24/35/36 33/48/36 34/40/36 +f 39/45/37 38/44/37 47/50/37 48/51/37 +f 40/46/38 39/45/38 48/51/38 49/52/38 +f 33/48/39 32/47/39 41/53/39 42/54/39 +f 122/55/40 40/46/40 49/52/40 +f 34/40/41 33/48/41 42/54/41 43/56/41 +f 35/41/42 34/40/42 43/56/42 44/57/42 +f 36/42/43 35/41/43 44/57/43 45/58/43 +f 37/43/44 36/42/44 45/58/44 46/59/44 +f 38/44/45 37/43/45 46/59/45 47/50/45 +f 44/57/46 43/56/46 52/60/46 53/61/46 +f 45/58/47 44/57/47 53/61/47 54/62/47 +f 46/59/48 45/58/48 54/62/48 55/63/48 +f 47/50/49 46/59/49 55/63/49 56/64/49 +f 48/51/50 47/50/50 56/64/50 57/65/50 +f 49/52/51 48/51/51 57/65/51 58/66/51 +f 42/54/52 41/53/52 50/67/52 51/68/52 +f 122/69/53 49/52/53 58/66/53 +f 43/56/54 42/54/54 51/68/54 52/60/54 +f 57/65/55 56/64/55 65/70/55 66/71/55 +f 58/66/56 57/65/56 66/71/56 67/72/56 +f 51/68/57 50/67/57 59/73/57 60/74/57 +f 122/75/58 58/66/58 67/72/58 +f 52/60/59 51/68/59 60/74/59 61/76/59 +f 53/61/60 52/60/60 61/76/60 62/77/60 +f 54/62/61 53/61/61 62/77/61 63/78/61 +f 55/63/62 54/62/62 63/78/62 64/79/62 +f 56/64/63 55/63/63 64/79/63 65/70/63 +f 63/78/64 62/77/64 71/80/64 72/81/64 +f 64/79/65 63/78/65 72/81/65 73/82/65 +f 65/70/66 64/79/66 73/82/66 74/83/66 +f 66/71/67 65/70/67 74/83/67 75/84/67 +f 67/72/68 66/71/68 75/84/68 76/85/68 +f 60/74/69 59/73/69 68/86/69 69/87/69 +f 122/88/70 67/72/70 76/85/70 +f 61/76/71 60/74/71 69/87/71 70/89/71 +f 62/77/72 61/76/72 70/89/72 71/80/72 +f 76/85/73 75/84/73 84/90/73 85/91/73 +f 69/87/74 68/86/74 77/92/74 78/93/74 +f 122/94/75 76/85/75 85/91/75 +f 70/89/76 69/87/76 78/93/76 79/95/76 +f 71/80/77 70/89/77 79/95/77 80/96/77 +f 72/81/78 71/80/78 80/96/78 81/97/78 +f 73/82/79 72/81/79 81/97/79 82/98/79 +f 74/83/80 73/82/80 82/98/80 83/99/80 +f 75/84/81 74/83/81 83/99/81 84/90/81 +f 81/97/82 80/96/82 89/100/82 90/101/82 +f 82/98/83 81/97/83 90/101/83 91/102/83 +f 83/99/84 82/98/84 91/102/84 92/103/84 +f 84/90/85 83/99/85 92/103/85 93/104/85 +f 85/91/86 84/90/86 93/104/86 94/105/86 +f 78/93/87 77/92/87 86/106/87 87/107/87 +f 122/108/88 85/91/88 94/105/88 +f 79/95/89 78/93/89 87/107/89 88/109/89 +f 80/96/90 79/95/90 88/109/90 89/100/90 +f 94/105/91 93/104/91 102/110/91 103/111/91 +f 87/107/92 86/106/92 95/112/92 96/113/92 +f 122/114/93 94/105/93 103/111/93 +f 88/109/94 87/107/94 96/113/94 97/115/94 +f 89/100/95 88/109/95 97/115/95 98/116/95 +f 90/101/96 89/100/96 98/116/96 99/117/96 +f 91/102/97 90/101/97 99/117/97 100/118/97 +f 92/103/98 91/102/98 100/118/98 101/119/98 +f 93/104/99 92/103/99 101/119/99 102/110/99 +f 100/118/100 99/117/100 108/120/100 109/121/100 +f 101/119/101 100/118/101 109/121/101 110/122/101 +f 102/110/102 101/119/102 110/122/102 111/123/102 +f 103/111/103 102/110/103 111/123/103 112/124/103 +f 96/113/104 95/112/104 104/125/104 105/126/104 +f 122/127/105 103/111/105 112/124/105 +f 97/115/106 96/113/106 105/126/106 106/128/106 +f 98/116/107 97/115/107 106/128/107 107/129/107 +f 99/117/108 98/116/108 107/129/108 108/120/108 +f 122/130/109 112/124/109 121/131/109 +f 106/128/110 105/126/110 114/132/110 115/133/110 +f 107/129/111 106/128/111 115/133/111 116/134/111 +f 108/120/112 107/129/112 116/134/112 117/135/112 +f 109/121/113 108/120/113 117/135/113 118/136/113 +f 110/122/114 109/121/114 118/136/114 119/137/114 +f 111/123/115 110/122/115 119/137/115 120/138/115 +f 112/124/116 111/123/116 120/138/116 121/131/116 +f 105/126/117 104/125/117 113/139/117 114/132/117 +f 119/137/118 118/136/118 128/140/118 129/141/118 +f 120/138/119 119/137/119 129/141/119 130/142/119 +f 121/131/120 120/138/120 130/142/120 131/143/120 +f 114/132/121 113/139/121 123/144/121 124/145/121 +f 122/146/122 121/131/122 131/143/122 +f 115/133/123 114/132/123 124/145/123 125/147/123 +f 116/134/124 115/133/124 125/147/124 126/148/124 +f 117/135/125 116/134/125 126/148/125 127/149/125 +f 118/136/126 117/135/126 127/149/126 128/140/126 +f 125/147/127 124/145/127 133/150/127 134/151/127 +f 126/148/128 125/147/128 134/151/128 135/152/128 +f 127/149/129 126/148/129 135/152/129 136/153/129 +f 128/140/130 127/149/130 136/153/130 137/154/130 +f 129/141/131 128/140/131 137/154/131 138/155/131 +f 130/142/132 129/141/132 138/155/132 139/156/132 +f 131/143/133 130/142/133 139/156/133 140/157/133 +f 124/145/134 123/144/134 132/158/134 133/150/134 +f 122/159/135 131/143/135 140/157/135 +f 138/155/136 137/154/136 146/160/136 147/161/136 +f 139/156/137 138/155/137 147/161/137 148/162/137 +f 140/157/138 139/156/138 148/162/138 149/163/138 +f 133/150/139 132/158/139 141/164/139 142/165/139 +f 122/166/140 140/157/140 149/163/140 +f 134/151/141 133/150/141 142/165/141 143/167/141 +f 135/152/142 134/151/142 143/167/142 144/168/142 +f 136/153/143 135/152/143 144/168/143 145/169/143 +f 137/154/144 136/153/144 145/169/144 146/160/144 +f 144/168/145 143/167/145 152/170/145 153/171/145 +f 145/169/146 144/168/146 153/171/146 154/172/146 +f 146/160/147 145/169/147 154/172/147 155/173/147 +f 147/161/148 146/160/148 155/173/148 156/174/148 +f 148/162/149 147/161/149 156/174/149 157/175/149 +f 149/163/150 148/162/150 157/175/150 158/176/150 +f 142/165/151 141/164/151 150/177/151 151/178/151 +f 122/179/152 149/163/152 158/176/152 +f 143/167/153 142/165/153 151/178/153 152/170/153 +f 157/175/154 156/174/154 165/180/154 166/181/154 +f 158/176/155 157/175/155 166/181/155 167/182/155 +f 151/178/156 150/177/156 159/183/156 160/184/156 +f 122/185/157 158/176/157 167/182/157 +f 152/170/158 151/178/158 160/184/158 161/186/158 +f 153/171/159 152/170/159 161/186/159 162/187/159 +f 154/172/160 153/171/160 162/187/160 163/188/160 +f 155/173/161 154/172/161 163/188/161 164/189/161 +f 156/174/162 155/173/162 164/189/162 165/180/162 +f 162/187/163 161/186/163 170/190/163 171/191/163 +f 163/188/164 162/187/164 171/191/164 172/192/164 +f 164/189/165 163/188/165 172/192/165 173/193/165 +f 165/180/166 164/189/166 173/193/166 174/194/166 +f 166/181/167 165/180/167 174/194/167 175/195/167 +f 167/182/168 166/181/168 175/195/168 176/196/168 +f 160/184/169 159/183/169 168/197/169 169/198/169 +f 122/199/170 167/182/170 176/196/170 +f 161/186/171 160/184/171 169/198/171 170/190/171 +f 175/195/172 174/194/172 183/200/172 184/201/172 +f 176/196/173 175/195/173 184/201/173 185/202/173 +f 169/198/174 168/197/174 177/203/174 178/204/174 +f 122/205/175 176/196/175 185/202/175 +f 170/190/176 169/198/176 178/204/176 179/206/176 +f 171/191/177 170/190/177 179/206/177 180/207/177 +f 172/192/178 171/191/178 180/207/178 181/208/178 +f 173/193/179 172/192/179 181/208/179 182/209/179 +f 174/194/180 173/193/180 182/209/180 183/200/180 +f 181/208/181 180/207/181 189/210/181 190/211/181 +f 182/209/182 181/208/182 190/211/182 191/212/182 +f 183/200/183 182/209/183 191/212/183 192/213/183 +f 184/201/184 183/200/184 192/213/184 193/214/184 +f 185/202/185 184/201/185 193/214/185 194/215/185 +f 178/204/186 177/203/186 186/216/186 187/217/186 +f 122/218/187 185/202/187 194/215/187 +f 179/206/188 178/204/188 187/217/188 188/219/188 +f 180/207/189 179/206/189 188/219/189 189/210/189 +f 194/215/190 193/214/190 202/220/190 203/221/190 +f 187/217/191 186/216/191 195/222/191 196/223/191 +f 122/224/192 194/215/192 203/221/192 +f 188/219/193 187/217/193 196/223/193 197/225/193 +f 189/210/194 188/219/194 197/225/194 198/226/194 +f 190/211/195 189/210/195 198/226/195 199/227/195 +f 191/212/196 190/211/196 199/227/196 200/228/196 +f 192/213/197 191/212/197 200/228/197 201/229/197 +f 193/214/198 192/213/198 201/229/198 202/220/198 +f 200/228/199 199/227/199 208/230/199 209/231/199 +f 201/229/200 200/228/200 209/231/200 210/232/200 +f 202/220/201 201/229/201 210/232/201 211/233/201 +f 203/221/202 202/220/202 211/233/202 212/234/202 +f 196/223/203 195/222/203 204/235/203 205/236/203 +f 122/237/204 203/221/204 212/234/204 +f 197/225/205 196/223/205 205/236/205 206/238/205 +f 198/226/206 197/225/206 206/238/206 207/239/206 +f 199/227/207 198/226/207 207/239/207 208/230/207 +f 205/236/208 204/235/208 213/240/208 214/241/208 +f 122/242/209 212/234/209 221/243/209 +f 206/238/210 205/236/210 214/241/210 215/244/210 +f 207/239/211 206/238/211 215/244/211 216/245/211 +f 208/230/212 207/239/212 216/245/212 217/246/212 +f 209/231/213 208/230/213 217/246/213 218/247/213 +f 210/232/214 209/231/214 218/247/214 219/248/214 +f 211/233/215 210/232/215 219/248/215 220/249/215 +f 212/234/216 211/233/216 220/249/216 221/243/216 +f 218/250/217 217/251/217 226/252/217 227/253/217 +f 219/254/218 218/250/218 227/253/218 228/255/218 +f 220/256/219 219/254/219 228/255/219 229/257/219 +f 221/258/220 220/256/220 229/257/220 230/259/220 +f 214/260/221 213/261/221 222/262/221 223/263/221 +f 122/264/222 221/258/222 230/259/222 +f 215/265/223 214/260/223 223/263/223 224/266/223 +f 216/267/224 215/265/224 224/266/224 225/268/224 +f 217/251/225 216/267/225 225/268/225 226/252/225 +f 122/269/226 230/259/226 239/270/226 +f 224/266/227 223/263/227 232/271/227 233/272/227 +f 225/268/228 224/266/228 233/272/228 234/273/228 +f 226/252/229 225/268/229 234/273/229 235/274/229 +f 227/253/230 226/252/230 235/274/230 236/275/230 +f 228/255/231 227/253/231 236/275/231 237/276/231 +f 229/257/232 228/255/232 237/276/232 238/277/232 +f 230/259/233 229/257/233 238/277/233 239/270/233 +f 223/263/234 222/262/234 231/278/234 232/271/234 +f 237/276/235 236/275/235 245/279/235 246/280/235 +f 238/277/236 237/276/236 246/280/236 247/281/236 +f 239/270/237 238/277/237 247/281/237 248/282/237 +f 232/271/238 231/278/238 240/283/238 241/284/238 +f 122/285/239 239/270/239 248/282/239 +f 233/272/240 232/271/240 241/284/240 242/286/240 +f 234/273/241 233/272/241 242/286/241 243/287/241 +f 235/274/242 234/273/242 243/287/242 244/288/242 +f 236/275/243 235/274/243 244/288/243 245/279/243 +f 242/286/244 241/284/244 250/289/244 251/290/244 +f 243/287/245 242/286/245 251/290/245 252/291/245 +f 244/288/246 243/287/246 252/291/246 253/292/246 +f 245/279/247 244/288/247 253/292/247 254/293/247 +f 246/280/248 245/279/248 254/293/248 255/294/248 +f 247/281/249 246/280/249 255/294/249 256/295/249 +f 248/282/250 247/281/250 256/295/250 257/296/250 +f 241/284/251 240/283/251 249/297/251 250/289/251 +f 122/298/252 248/282/252 257/296/252 +f 255/294/253 254/293/253 263/299/253 264/300/253 +f 256/295/254 255/294/254 264/300/254 265/301/254 +f 257/296/255 256/295/255 265/301/255 266/302/255 +f 250/289/256 249/297/256 258/303/256 259/304/256 +f 122/305/257 257/296/257 266/302/257 +f 251/290/258 250/289/258 259/304/258 260/306/258 +f 252/291/259 251/290/259 260/306/259 261/307/259 +f 253/292/260 252/291/260 261/307/260 262/308/260 +f 254/293/261 253/292/261 262/308/261 263/299/261 +f 261/307/262 260/306/262 269/309/262 270/310/262 +f 262/308/263 261/307/263 270/310/263 271/311/263 +f 263/299/264 262/308/264 271/311/264 272/312/264 +f 264/300/265 263/299/265 272/312/265 273/313/265 +f 265/301/266 264/300/266 273/313/266 274/314/266 +f 266/302/267 265/301/267 274/314/267 275/315/267 +f 259/304/268 258/303/268 267/316/268 268/317/268 +f 122/318/269 266/302/269 275/315/269 +f 260/306/270 259/304/270 268/317/270 269/309/270 +f 274/314/271 273/313/271 282/319/271 283/320/271 +f 275/315/272 274/314/272 283/320/272 284/321/272 +f 268/317/273 267/316/273 276/322/273 277/323/273 +f 122/324/274 275/315/274 284/321/274 +f 269/309/275 268/317/275 277/323/275 278/325/275 +f 270/310/276 269/309/276 278/325/276 279/326/276 +f 271/311/277 270/310/277 279/326/277 280/327/277 +f 272/312/278 271/311/278 280/327/278 281/328/278 +f 273/313/279 272/312/279 281/328/279 282/319/279 +f 280/327/280 279/326/280 285/1/280 286/5/280 +f 281/328/281 280/327/281 286/5/281 287/7/281 +f 282/319/282 281/328/282 287/7/282 4/9/282 +f 283/320/283 282/319/283 4/9/283 288/11/283 +f 284/321/284 283/320/284 288/11/284 289/13/284 +f 277/323/285 276/322/285 1/16/285 2/15/285 +f 122/329/286 284/321/286 289/13/286 +f 278/325/287 277/323/287 2/15/287 3/2/287 +f 279/326/288 278/325/288 3/2/288 285/1/288 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289_top_ring.txt b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289_top_ring.txt new file mode 100644 index 0000000000000000000000000000000000000000..67ecc6819becde6f6c5a60f5cd420c33ad37e6be --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.3_numV_289_top_ring.txt @@ -0,0 +1,32 @@ +0 0.00000 0.98079 0.19509 +4 0.19134 0.96194 0.19509 +13 0.37533 0.90613 0.19509 +22 0.54490 0.81549 0.19509 +31 0.69352 0.69352 0.19509 +40 0.81549 0.54489 0.19509 +49 0.90613 0.37533 0.19509 +58 0.96194 0.19134 0.19509 +67 0.98079 -0.00000 0.19509 +76 0.96194 -0.19134 0.19509 +85 0.90613 -0.37533 0.19509 +94 0.81549 -0.54490 0.19509 +103 0.69352 -0.69352 0.19509 +112 0.54489 -0.81549 0.19509 +122 0.37533 -0.90613 0.19509 +131 0.19134 -0.96194 0.19509 +140 -0.00000 -0.98079 0.19509 +149 -0.19134 -0.96194 0.19509 +158 -0.37533 -0.90613 0.19509 +167 -0.54490 -0.81549 0.19509 +176 -0.69352 -0.69352 0.19509 +185 -0.81549 -0.54490 0.19509 +194 -0.90613 -0.37533 0.19509 +203 -0.96194 -0.19134 0.19509 +212 -0.98078 -0.00000 0.19509 +221 -0.96194 0.19134 0.19509 +230 -0.90613 0.37533 0.19509 +239 -0.81549 0.54489 0.19509 +248 -0.69352 0.69352 0.19509 +257 -0.54489 0.81549 0.19509 +266 -0.37533 0.90613 0.19509 +275 -0.19134 0.96194 0.19509 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321.mtl b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321.mtl new file mode 100644 index 0000000000000000000000000000000000000000..f231bdf4c1534431b9322220b4d534db03594d80 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321.mtl @@ -0,0 +1,10 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl None +Ns 500 +Ka 0.8 0.8 0.8 +Kd 0.8 0.8 0.8 +Ks 0.8 0.8 0.8 +d 1 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321.obj b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321.obj new file mode 100644 index 0000000000000000000000000000000000000000..a0b7ba0451f93e75152f9518af3e4e9ea667bafd --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321.obj @@ -0,0 +1,1329 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321.mtl +o Sphere +v 0.000000 0.382683 -0.923880 +v 0.000000 0.195090 -0.980785 +v 0.000000 0.000000 -1.000000 +v 0.000000 -0.195090 -0.980785 +v 0.000000 -0.831470 -0.555570 +v 0.180240 0.382683 -0.906127 +v 0.191342 0.195090 -0.961940 +v 0.195090 0.000000 -0.980785 +v 0.191342 -0.195090 -0.961940 +v 0.180240 -0.382683 -0.906127 +v 0.162212 -0.555570 -0.815493 +v 0.137950 -0.707107 -0.693520 +v 0.108386 -0.831470 -0.544895 +v 0.074658 -0.923880 -0.375330 +v 0.038060 -0.980785 -0.191341 +v 0.353553 0.382683 -0.853553 +v 0.375330 0.195090 -0.906127 +v 0.382684 0.000000 -0.923879 +v 0.375330 -0.195090 -0.906127 +v 0.353554 -0.382683 -0.853553 +v 0.318190 -0.555570 -0.768178 +v 0.270598 -0.707107 -0.653281 +v 0.212608 -0.831470 -0.513280 +v 0.146447 -0.923880 -0.353553 +v 0.074658 -0.980785 -0.180240 +v 0.513280 0.382683 -0.768178 +v 0.544895 0.195090 -0.815493 +v 0.555570 0.000000 -0.831469 +v 0.544895 -0.195090 -0.815493 +v 0.513280 -0.382683 -0.768178 +v 0.461940 -0.555570 -0.691342 +v 0.392848 -0.707107 -0.587938 +v 0.308658 -0.831470 -0.461940 +v 0.212608 -0.923880 -0.318189 +v 0.108386 -0.980785 -0.162211 +v 0.653282 0.382683 -0.653281 +v 0.693520 0.195090 -0.693520 +v 0.707107 0.000000 -0.707107 +v 0.693520 -0.195090 -0.693520 +v 0.653282 -0.382683 -0.653281 +v 0.587938 -0.555570 -0.587938 +v 0.500000 -0.707107 -0.500000 +v 0.392848 -0.831470 -0.392847 +v 0.270598 -0.923880 -0.270598 +v 0.137950 -0.980785 -0.137949 +v 0.768178 0.382683 -0.513280 +v 0.815493 0.195090 -0.544895 +v 0.831470 0.000000 -0.555570 +v 0.815493 -0.195090 -0.544895 +v 0.768178 -0.382683 -0.513280 +v 0.691342 -0.555570 -0.461940 +v 0.587938 -0.707107 -0.392847 +v 0.461940 -0.831470 -0.308658 +v 0.318190 -0.923880 -0.212607 +v 0.162212 -0.980785 -0.108386 +v 0.853554 0.382683 -0.353553 +v 0.906128 0.195090 -0.375330 +v 0.923880 0.000000 -0.382683 +v 0.906128 -0.195090 -0.375330 +v 0.853554 -0.382683 -0.353553 +v 0.768178 -0.555570 -0.318189 +v 0.653282 -0.707107 -0.270598 +v 0.513280 -0.831470 -0.212607 +v 0.353554 -0.923880 -0.146446 +v 0.180240 -0.980785 -0.074658 +v 0.906128 0.382683 -0.180240 +v 0.961940 0.195090 -0.191341 +v 0.980785 0.000000 -0.195090 +v 0.961940 -0.195090 -0.191341 +v 0.906128 -0.382683 -0.180240 +v 0.815493 -0.555570 -0.162211 +v 0.693520 -0.707107 -0.137949 +v 0.544895 -0.831470 -0.108386 +v 0.375330 -0.923880 -0.074658 +v 0.191342 -0.980785 -0.038060 +v 0.923880 0.382683 0.000000 +v 0.980785 0.195090 0.000000 +v 1.000000 0.000000 0.000000 +v 0.980785 -0.195090 0.000000 +v 0.923880 -0.382683 0.000000 +v 0.831470 -0.555570 0.000000 +v 0.707107 -0.707107 0.000000 +v 0.555570 -0.831470 0.000000 +v 0.382684 -0.923880 0.000000 +v 0.195090 -0.980785 0.000000 +v 0.906128 0.382683 0.180240 +v 0.961940 0.195090 0.191342 +v 0.980785 0.000000 0.195091 +v 0.961940 -0.195090 0.191342 +v 0.906128 -0.382683 0.180240 +v 0.815493 -0.555570 0.162212 +v 0.693520 -0.707107 0.137950 +v 0.544895 -0.831470 0.108387 +v 0.375330 -0.923880 0.074658 +v 0.191342 -0.980785 0.038061 +v 0.853554 0.382683 0.353554 +v 0.906127 0.195090 0.375331 +v 0.923880 0.000000 0.382684 +v 0.906127 -0.195090 0.375331 +v 0.853554 -0.382683 0.353554 +v 0.768178 -0.555570 0.318190 +v 0.653282 -0.707107 0.270598 +v 0.513280 -0.831470 0.212608 +v 0.353553 -0.923880 0.146447 +v 0.180240 -0.980785 0.074658 +v 0.768178 0.382683 0.513280 +v 0.815493 0.195090 0.544895 +v 0.831470 0.000000 0.555571 +v 0.815493 -0.195090 0.544895 +v 0.768178 -0.382683 0.513280 +v 0.691342 -0.555570 0.461940 +v 0.587938 -0.707107 0.392848 +v 0.461940 -0.831470 0.308659 +v 0.318190 -0.923880 0.212608 +v 0.162212 -0.980785 0.108387 +v 0.653282 0.382683 0.653282 +v 0.693520 0.195090 0.693520 +v 0.707107 0.000000 0.707107 +v 0.693520 -0.195090 0.693520 +v 0.653282 -0.382683 0.653282 +v 0.587938 -0.555570 0.587938 +v 0.500000 -0.707107 0.500000 +v 0.392848 -0.831470 0.392848 +v 0.270598 -0.923880 0.270598 +v 0.137950 -0.980785 0.137950 +v 0.513280 0.382683 0.768178 +v 0.544895 0.195090 0.815493 +v 0.555570 0.000000 0.831470 +v 0.544895 -0.195090 0.815493 +v 0.513280 -0.382683 0.768178 +v 0.461940 -0.555570 0.691342 +v 0.392848 -0.707107 0.587938 +v 0.308658 -0.831470 0.461940 +v 0.212608 -0.923880 0.318190 +v 0.108386 -0.980785 0.162212 +v 0.000000 -1.000000 0.000000 +v 0.353553 0.382683 0.853554 +v 0.375330 0.195090 0.906128 +v 0.382683 0.000000 0.923880 +v 0.375330 -0.195090 0.906128 +v 0.353553 -0.382683 0.853554 +v 0.318190 -0.555570 0.768178 +v 0.270598 -0.707107 0.653282 +v 0.212608 -0.831470 0.513280 +v 0.146447 -0.923880 0.353554 +v 0.074658 -0.980785 0.180240 +v 0.180240 0.382683 0.906128 +v 0.191342 0.195090 0.961940 +v 0.195090 0.000000 0.980786 +v 0.191342 -0.195090 0.961940 +v 0.180240 -0.382683 0.906128 +v 0.162212 -0.555570 0.815493 +v 0.137950 -0.707107 0.693520 +v 0.108386 -0.831470 0.544895 +v 0.074658 -0.923880 0.375331 +v 0.038060 -0.980785 0.191342 +v 0.000000 0.382683 0.923880 +v -0.000000 0.195090 0.980785 +v -0.000000 0.000000 1.000000 +v -0.000000 -0.195090 0.980785 +v 0.000000 -0.382683 0.923880 +v -0.000000 -0.555570 0.831470 +v -0.000000 -0.707107 0.707107 +v -0.000000 -0.831470 0.555570 +v 0.000000 -0.923880 0.382684 +v 0.000000 -0.980785 0.195091 +v -0.180240 0.382683 0.906128 +v -0.191342 0.195090 0.961940 +v -0.195090 0.000000 0.980786 +v -0.191342 -0.195090 0.961940 +v -0.180240 -0.382683 0.906128 +v -0.162212 -0.555570 0.815493 +v -0.137950 -0.707107 0.693520 +v -0.108386 -0.831470 0.544895 +v -0.074658 -0.923880 0.375331 +v -0.038060 -0.980785 0.191342 +v -0.353553 0.382683 0.853554 +v -0.375330 0.195090 0.906127 +v -0.382684 0.000000 0.923880 +v -0.375330 -0.195090 0.906127 +v -0.353553 -0.382683 0.853554 +v -0.318190 -0.555570 0.768178 +v -0.270598 -0.707107 0.653282 +v -0.212608 -0.831470 0.513280 +v -0.146447 -0.923880 0.353554 +v -0.074658 -0.980785 0.180240 +v -0.513280 0.382683 0.768178 +v -0.544895 0.195090 0.815493 +v -0.555570 0.000000 0.831470 +v -0.544895 -0.195090 0.815493 +v -0.513280 -0.382683 0.768178 +v -0.461940 -0.555570 0.691342 +v -0.392847 -0.707107 0.587938 +v -0.308658 -0.831470 0.461940 +v -0.212607 -0.923880 0.318190 +v -0.108386 -0.980785 0.162212 +v -0.653281 0.382683 0.653282 +v -0.693520 0.195090 0.693520 +v -0.707107 0.000000 0.707107 +v -0.693520 -0.195090 0.693520 +v -0.653281 -0.382683 0.653282 +v -0.587938 -0.555570 0.587938 +v -0.500000 -0.707107 0.500000 +v -0.392847 -0.831470 0.392848 +v -0.270598 -0.923880 0.270598 +v -0.137950 -0.980785 0.137950 +v -0.768178 0.382683 0.513280 +v -0.815493 0.195090 0.544895 +v -0.831470 0.000000 0.555570 +v -0.815493 -0.195090 0.544895 +v -0.768178 -0.382683 0.513280 +v -0.691342 -0.555570 0.461940 +v -0.587938 -0.707107 0.392848 +v -0.461940 -0.831470 0.308658 +v -0.318190 -0.923880 0.212608 +v -0.162212 -0.980785 0.108387 +v -0.853553 0.382683 0.353554 +v -0.906127 0.195090 0.375330 +v -0.923880 0.000000 0.382684 +v -0.906127 -0.195090 0.375330 +v -0.853553 -0.382683 0.353554 +v -0.768177 -0.555570 0.318190 +v -0.653281 -0.707107 0.270598 +v -0.513280 -0.831470 0.212608 +v -0.353553 -0.923880 0.146447 +v -0.180240 -0.980785 0.074658 +v -0.906127 0.382683 0.180240 +v -0.961939 0.195090 0.191342 +v -0.980785 0.000000 0.195090 +v -0.961939 -0.195090 0.191342 +v -0.906127 -0.382683 0.180240 +v -0.815493 -0.555570 0.162212 +v -0.693520 -0.707107 0.137950 +v -0.544895 -0.831470 0.108387 +v -0.375330 -0.923880 0.074658 +v -0.191342 -0.980785 0.038061 +v -0.923879 0.382683 0.000000 +v -0.980785 0.195090 0.000000 +v -1.000000 0.000000 0.000000 +v -0.980785 -0.195090 0.000000 +v -0.923879 -0.382683 0.000000 +v -0.831469 -0.555570 0.000000 +v -0.707107 -0.707107 0.000000 +v -0.555570 -0.831470 0.000000 +v -0.382683 -0.923880 0.000000 +v -0.195090 -0.980785 0.000000 +v -0.906127 0.382683 -0.180240 +v -0.961939 0.195090 -0.191342 +v -0.980785 0.000000 -0.195090 +v -0.961939 -0.195090 -0.191342 +v -0.906127 -0.382683 -0.180240 +v -0.815493 -0.555570 -0.162211 +v -0.693520 -0.707107 -0.137949 +v -0.544895 -0.831470 -0.108386 +v -0.375330 -0.923880 -0.074658 +v -0.191342 -0.980785 -0.038060 +v -0.853553 0.382683 -0.353553 +v -0.906127 0.195090 -0.375330 +v -0.923879 0.000000 -0.382683 +v -0.906127 -0.195090 -0.375330 +v -0.853553 -0.382683 -0.353553 +v -0.768177 -0.555570 -0.318189 +v -0.653281 -0.707107 -0.270598 +v -0.513280 -0.831470 -0.212607 +v -0.353553 -0.923880 -0.146446 +v -0.180240 -0.980785 -0.074657 +v -0.768178 0.382683 -0.513280 +v -0.815493 0.195090 -0.544895 +v -0.831469 0.000000 -0.555570 +v -0.815493 -0.195090 -0.544895 +v -0.768178 -0.382683 -0.513280 +v -0.691341 -0.555570 -0.461939 +v -0.587938 -0.707107 -0.392847 +v -0.461940 -0.831470 -0.308658 +v -0.318189 -0.923880 -0.212607 +v -0.162212 -0.980785 -0.108386 +v -0.653281 0.382683 -0.653281 +v -0.693519 0.195090 -0.693519 +v -0.707106 0.000000 -0.707106 +v -0.693519 -0.195090 -0.693519 +v -0.653281 -0.382683 -0.653281 +v -0.587937 -0.555570 -0.587937 +v -0.500000 -0.707107 -0.500000 +v -0.392847 -0.831470 -0.392847 +v -0.270598 -0.923880 -0.270598 +v -0.137950 -0.980785 -0.137949 +v -0.513280 0.382683 -0.768177 +v -0.544895 0.195090 -0.815492 +v -0.555570 0.000000 -0.831469 +v -0.544895 -0.195090 -0.815492 +v -0.513280 -0.382683 -0.768177 +v -0.461939 -0.555570 -0.691341 +v -0.392847 -0.707107 -0.587937 +v -0.308658 -0.831470 -0.461939 +v -0.212607 -0.923880 -0.318189 +v -0.108386 -0.980785 -0.162211 +v -0.353553 0.382683 -0.853553 +v -0.375330 0.195090 -0.906127 +v -0.382683 0.000000 -0.923879 +v -0.375330 -0.195090 -0.906127 +v -0.353553 -0.382683 -0.853553 +v -0.318189 -0.555570 -0.768177 +v -0.270598 -0.707107 -0.653281 +v -0.212607 -0.831470 -0.513279 +v -0.146446 -0.923880 -0.353553 +v -0.074658 -0.980785 -0.180240 +v -0.180240 0.382683 -0.906127 +v -0.191341 0.195090 -0.961939 +v -0.195090 0.000000 -0.980785 +v -0.191341 -0.195090 -0.961939 +v -0.180240 -0.382683 -0.906127 +v -0.162211 -0.555570 -0.815492 +v -0.137950 -0.707107 -0.693520 +v -0.108386 -0.831470 -0.544895 +v -0.074658 -0.923880 -0.375330 +v -0.038060 -0.980785 -0.191341 +v 0.000000 -0.382683 -0.923879 +v 0.000000 -0.555570 -0.831469 +v 0.000000 -0.707107 -0.707106 +v 0.000000 -0.923880 -0.382683 +v 0.000000 -0.980785 -0.195090 +vt 0.750000 0.562500 +vt 0.750000 0.625000 +vt 0.718750 0.625000 +vt 0.718750 0.562500 +vt 0.750000 0.062500 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.718750 0.062500 +vt 0.750000 0.500000 +vt 0.718750 0.500000 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.718750 0.437500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.750000 0.250000 +vt 0.718750 0.250000 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.687500 0.187500 +vt 0.687500 0.125000 +vt 0.687500 0.625000 +vt 0.687500 0.562500 +vt 0.687500 0.062500 +vt 0.687500 0.500000 +vt 0.703125 0.000000 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.656250 0.625000 +vt 0.656250 0.562500 +vt 0.656250 0.062500 +vt 0.656250 0.500000 +vt 0.671875 0.000000 +vt 0.625000 0.187500 +vt 0.625000 0.125000 +vt 0.625000 0.625000 +vt 0.625000 0.562500 +vt 0.625000 0.062500 +vt 0.625000 0.500000 +vt 0.640625 0.000000 +vt 0.625000 0.437500 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.187500 +vt 0.593750 0.125000 +vt 0.593750 0.625000 +vt 0.593750 0.562500 +vt 0.593750 0.062500 +vt 0.593750 0.500000 +vt 0.609375 0.000000 +vt 0.593750 0.437500 +vt 0.562500 0.625000 +vt 0.562500 0.562500 +vt 0.562500 0.125000 +vt 0.562500 0.062500 +vt 0.562500 0.500000 +vt 0.578125 0.000000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.187500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.187500 +vt 0.531250 0.125000 +vt 0.531250 0.625000 +vt 0.531250 0.562500 +vt 0.531250 0.062500 +vt 0.531250 0.500000 +vt 0.546875 0.000000 +vt 0.531250 0.437500 +vt 0.500000 0.125000 +vt 0.500000 0.062500 +vt 0.500000 0.562500 +vt 0.500000 0.500000 +vt 0.515625 0.000000 +vt 0.500000 0.437500 +vt 0.500000 0.375000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.187500 +vt 0.500000 0.625000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.187500 +vt 0.468750 0.125000 +vt 0.468750 0.625000 +vt 0.468750 0.562500 +vt 0.468750 0.062500 +vt 0.468750 0.500000 +vt 0.484375 0.000000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.453125 0.000000 +vt 0.437500 0.062500 +vt 0.437500 0.500000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.125000 +vt 0.437500 0.625000 +vt 0.437500 0.562500 +vt 0.406250 0.250000 +vt 0.406250 0.187500 +vt 0.406250 0.125000 +vt 0.406250 0.625000 +vt 0.406250 0.562500 +vt 0.406250 0.062500 +vt 0.406250 0.500000 +vt 0.421875 0.000000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.375000 0.500000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.375000 0.125000 +vt 0.375000 0.625000 +vt 0.375000 0.562500 +vt 0.375000 0.062500 +vt 0.390625 0.000000 +vt 0.343750 0.250000 +vt 0.343750 0.187500 +vt 0.343750 0.125000 +vt 0.343750 0.625000 +vt 0.343750 0.562500 +vt 0.343750 0.062500 +vt 0.343750 0.500000 +vt 0.359375 0.000000 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.312500 0.250000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.312500 0.625000 +vt 0.312500 0.562500 +vt 0.312500 0.062500 +vt 0.312500 0.500000 +vt 0.328125 0.000000 +vt 0.281250 0.187500 +vt 0.281250 0.125000 +vt 0.281250 0.625000 +vt 0.281250 0.562500 +vt 0.281250 0.062500 +vt 0.281250 0.500000 +vt 0.296875 0.000000 +vt 0.281250 0.437500 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.250000 0.187500 +vt 0.250000 0.125000 +vt 0.250000 0.625000 +vt 0.250000 0.562500 +vt 0.250000 0.062500 +vt 0.250000 0.500000 +vt 0.265625 0.000000 +vt 0.218750 0.187500 +vt 0.218750 0.125000 +vt 0.218750 0.625000 +vt 0.218750 0.562500 +vt 0.218750 0.062500 +vt 0.218750 0.500000 +vt 0.234375 0.000000 +vt 0.218750 0.437500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.187500 +vt 0.187500 0.125000 +vt 0.187500 0.625000 +vt 0.187500 0.562500 +vt 0.187500 0.062500 +vt 0.187500 0.500000 +vt 0.203125 0.000000 +vt 0.187500 0.437500 +vt 0.156250 0.125000 +vt 0.156250 0.062500 +vt 0.156250 0.562500 +vt 0.156250 0.500000 +vt 0.171875 0.000000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.187500 +vt 0.156250 0.625000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.187500 +vt 0.125000 0.125000 +vt 0.125000 0.625000 +vt 0.125000 0.562500 +vt 0.125000 0.062500 +vt 0.125000 0.500000 +vt 0.140625 0.000000 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.093750 0.562500 +vt 0.093750 0.500000 +vt 0.109375 0.000000 +vt 0.093750 0.062500 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.093750 0.187500 +vt 0.093750 0.125000 +vt 0.093750 0.625000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.187500 +vt 0.062500 0.125000 +vt 0.062500 0.625000 +vt 0.062500 0.562500 +vt 0.062500 0.062500 +vt 0.062500 0.500000 +vt 0.078125 0.000000 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.046875 0.000000 +vt 0.031250 0.062500 +vt 0.031250 0.500000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.031250 0.312500 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.125000 +vt 0.031250 0.625000 +vt 0.031250 0.562500 +vt 0.000000 0.250000 +vt 0.000000 0.187500 +vt 0.000000 0.125000 +vt 0.000000 0.625000 +vt 0.000000 0.562500 +vt 0.000000 0.062500 +vt 0.000000 0.500000 +vt 0.015625 0.000000 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 1.000000 0.437500 +vt 1.000000 0.500000 +vt 0.968750 0.500000 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 1.000000 0.125000 +vt 0.968750 0.125000 +vt 1.000000 0.562500 +vt 1.000000 0.625000 +vt 0.968750 0.625000 +vt 0.968750 0.562500 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 0.984375 0.000000 +vt 0.937500 0.250000 +vt 0.937500 0.187500 +vt 0.937500 0.125000 +vt 0.937500 0.625000 +vt 0.937500 0.562500 +vt 0.937500 0.062500 +vt 0.937500 0.500000 +vt 0.953125 0.000000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.906250 0.250000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.906250 0.625000 +vt 0.906250 0.562500 +vt 0.906250 0.062500 +vt 0.906250 0.500000 +vt 0.921875 0.000000 +vt 0.875000 0.187500 +vt 0.875000 0.125000 +vt 0.875000 0.625000 +vt 0.875000 0.562500 +vt 0.875000 0.062500 +vt 0.875000 0.500000 +vt 0.890625 0.000000 +vt 0.875000 0.437500 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.187500 +vt 0.843750 0.125000 +vt 0.843750 0.625000 +vt 0.843750 0.562500 +vt 0.843750 0.062500 +vt 0.843750 0.500000 +vt 0.859375 0.000000 +vt 0.843750 0.437500 +vt 0.812500 0.625000 +vt 0.812500 0.562500 +vt 0.812500 0.125000 +vt 0.812500 0.062500 +vt 0.812500 0.500000 +vt 0.828125 0.000000 +vt 0.812500 0.437500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.187500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.187500 +vt 0.781250 0.125000 +vt 0.781250 0.625000 +vt 0.781250 0.562500 +vt 0.781250 0.062500 +vt 0.781250 0.500000 +vt 0.796875 0.000000 +vt 0.781250 0.437500 +vt 0.765625 0.000000 +vn 0.0938 0.2890 -0.9527 +vn 0.0286 -0.9565 -0.2902 +vn 0.0975 0.0975 -0.9904 +vn 0.0097 -0.9951 -0.0980 +vn 0.0976 -0.0975 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.0759 -0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0464 -0.8810 -0.4709 +vn 0.1374 -0.8810 -0.4528 +vn 0.2779 0.2890 -0.9161 +vn 0.0846 -0.9565 -0.2790 +vn 0.2889 0.0975 -0.9524 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.2230 -0.8810 -0.4173 +vn 0.4513 0.2890 -0.8443 +vn 0.1374 -0.9565 -0.2571 +vn 0.4691 0.0975 -0.8777 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.3002 -0.8810 -0.3658 +vn 0.6073 0.2890 -0.7400 +vn 0.1850 -0.9565 -0.2254 +vn 0.6314 0.0976 -0.7693 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0976 -0.7693 +vn 0.6073 -0.2890 -0.7400 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.3658 -0.8810 -0.3002 +vn 0.7400 0.2890 -0.6073 +vn 0.2254 -0.9565 -0.1850 +vn 0.7693 0.0975 -0.6314 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.8443 0.2890 -0.4513 +vn 0.2571 -0.9565 -0.1374 +vn 0.8777 0.0976 -0.4691 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0976 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.6831 -0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.4173 -0.8810 -0.2231 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.4528 -0.8810 -0.1374 +vn 0.9161 0.2890 -0.2779 +vn 0.2790 -0.9565 -0.0846 +vn 0.9524 0.0976 -0.2889 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0976 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.2902 -0.9565 -0.0286 +vn 0.9904 0.0976 -0.0975 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0976 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.8786 -0.4696 -0.0865 +vn 0.7708 -0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.4709 -0.8810 -0.0464 +vn 0.9527 0.2890 -0.0938 +vn 0.7708 -0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.4709 -0.8810 0.0464 +vn 0.9527 0.2890 0.0938 +vn 0.2902 -0.9565 0.0286 +vn 0.9904 0.0976 0.0975 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0976 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0976 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.6088 -0.7715 0.1847 +vn 0.4528 -0.8810 0.1374 +vn 0.9161 0.2890 0.2779 +vn 0.2790 -0.9565 0.0846 +vn 0.9524 0.0976 0.2889 +vn 0.5611 -0.7715 0.2999 +vn 0.4173 -0.8810 0.2231 +vn 0.8443 0.2890 0.4513 +vn 0.2571 -0.9565 0.1374 +vn 0.8777 0.0976 0.4691 +vn 0.0869 -0.9951 0.0464 +vn 0.8777 -0.0976 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.7693 -0.0976 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.4918 -0.7715 0.4036 +vn 0.3658 -0.8810 0.3002 +vn 0.7400 0.2890 0.6073 +vn 0.2254 -0.9565 0.1850 +vn 0.7693 0.0976 0.6314 +vn 0.0761 -0.9951 0.0625 +vn 0.4036 -0.7715 0.4918 +vn 0.3002 -0.8810 0.3658 +vn 0.6073 0.2890 0.7400 +vn 0.1850 -0.9565 0.2254 +vn 0.6314 0.0976 0.7693 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0976 0.7693 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.2999 -0.7715 0.5611 +vn 0.2230 -0.8810 0.4173 +vn 0.4513 0.2890 0.8443 +vn 0.1374 -0.9565 0.2571 +vn 0.4691 0.0976 0.8777 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0976 0.8777 +vn 0.1374 -0.8810 0.4528 +vn 0.2779 0.2890 0.9161 +vn 0.0846 -0.9565 0.2790 +vn 0.2889 0.0976 0.9524 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0976 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn 0.0464 -0.8810 0.4709 +vn 0.0938 0.2890 0.9527 +vn 0.0286 -0.9565 0.2902 +vn 0.0975 0.0976 0.9904 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0976 0.9904 +vn -0.0464 -0.8810 0.4709 +vn -0.0938 0.2890 0.9527 +vn -0.0286 -0.9565 0.2902 +vn -0.0976 0.0976 0.9904 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0976 0.9904 +vn -0.0938 -0.2890 0.9527 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.1374 -0.8810 0.4528 +vn -0.2779 0.2890 0.9161 +vn -0.0846 -0.9565 0.2790 +vn -0.2889 0.0976 0.9524 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0976 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.1374 -0.9565 0.2571 +vn -0.4691 0.0976 0.8777 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0976 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.3651 -0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.2230 -0.8810 0.4173 +vn -0.4513 0.2890 0.8443 +vn -0.4913 -0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.3002 -0.8810 0.3658 +vn -0.6073 0.2890 0.7400 +vn -0.1850 -0.9565 0.2254 +vn -0.6314 0.0976 0.7693 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0976 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.7693 0.0976 0.6314 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0976 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.5987 -0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.3658 -0.8810 0.3002 +vn -0.7400 0.2890 0.6073 +vn -0.2254 -0.9565 0.1850 +vn -0.6831 -0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.4173 -0.8810 0.2231 +vn -0.8443 0.2890 0.4513 +vn -0.2571 -0.9565 0.1374 +vn -0.8777 0.0976 0.4691 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0976 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0976 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.7412 -0.6326 0.2248 +vn -0.6088 -0.7715 0.1847 +vn -0.4528 -0.8810 0.1374 +vn -0.9161 0.2890 0.2779 +vn -0.2790 -0.9565 0.0846 +vn -0.9524 0.0976 0.2889 +vn -0.6332 -0.7715 0.0624 +vn -0.4709 -0.8810 0.0464 +vn -0.9527 0.2890 0.0938 +vn -0.2902 -0.9565 0.0286 +vn -0.9904 0.0976 0.0975 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0976 0.0975 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.9904 -0.0976 -0.0976 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.4709 -0.8810 -0.0464 +vn -0.9527 0.2890 -0.0938 +vn -0.2902 -0.9565 -0.0286 +vn -0.9904 0.0976 -0.0976 +vn -0.0980 -0.9951 -0.0097 +vn -0.6088 -0.7715 -0.1847 +vn -0.4528 -0.8810 -0.1374 +vn -0.9161 0.2890 -0.2779 +vn -0.2790 -0.9565 -0.0846 +vn -0.9524 0.0976 -0.2889 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0976 -0.2889 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.5611 -0.7715 -0.2999 +vn -0.4173 -0.8810 -0.2231 +vn -0.8443 0.2890 -0.4513 +vn -0.2571 -0.9565 -0.1374 +vn -0.8777 0.0976 -0.4691 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0976 -0.4691 +vn -0.3658 -0.8810 -0.3002 +vn -0.7400 0.2890 -0.6073 +vn -0.2254 -0.9565 -0.1850 +vn -0.7693 0.0976 -0.6314 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0976 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.3002 -0.8810 -0.3658 +vn -0.6073 0.2890 -0.7400 +vn -0.1850 -0.9565 -0.2254 +vn -0.6314 0.0976 -0.7693 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0976 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.4513 0.2890 -0.8443 +vn -0.1374 -0.9565 -0.2571 +vn -0.4691 0.0976 -0.8777 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0976 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.2230 -0.8810 -0.4173 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.1374 -0.8810 -0.4528 +vn -0.2779 0.2890 -0.9161 +vn -0.0846 -0.9565 -0.2790 +vn -0.2889 0.0976 -0.9524 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0976 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.0286 -0.9565 -0.2902 +vn -0.0976 0.0976 -0.9904 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +vn -0.0865 -0.4696 -0.8786 +vn -0.0759 -0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0464 -0.8810 -0.4709 +vn -0.0938 0.2890 -0.9527 +usemtl None +s off +f 2/1/1 1/2/1 6/3/1 7/4/1 +f 321/5/2 320/6/2 14/7/2 15/8/2 +f 3/9/3 2/1/3 7/4/3 8/10/3 +f 136/11/4 321/5/4 15/8/4 +f 4/12/5 3/9/5 8/10/5 9/13/5 +f 317/14/6 4/12/6 9/13/6 10/15/6 +f 318/16/7 317/14/7 10/15/7 11/17/7 +f 319/18/8 318/16/8 11/17/8 12/19/8 +f 5/20/9 319/18/9 12/19/9 13/21/9 +f 320/6/10 5/20/10 13/21/10 14/7/10 +f 14/7/11 13/21/11 23/22/11 24/23/11 +f 7/4/12 6/3/12 16/24/12 17/25/12 +f 15/8/13 14/7/13 24/23/13 25/26/13 +f 8/10/14 7/4/14 17/25/14 18/27/14 +f 136/28/15 15/8/15 25/26/15 +f 9/13/16 8/10/16 18/27/16 19/29/16 +f 10/15/17 9/13/17 19/29/17 20/30/17 +f 11/17/18 10/15/18 20/30/18 21/31/18 +f 12/19/19 11/17/19 21/31/19 22/32/19 +f 13/21/20 12/19/20 22/32/20 23/22/20 +f 20/30/21 19/29/21 29/33/21 30/34/21 +f 21/31/22 20/30/22 30/34/22 31/35/22 +f 22/32/23 21/31/23 31/35/23 32/36/23 +f 23/22/24 22/32/24 32/36/24 33/37/24 +f 24/23/25 23/22/25 33/37/25 34/38/25 +f 17/25/26 16/24/26 26/39/26 27/40/26 +f 25/26/27 24/23/27 34/38/27 35/41/27 +f 18/27/28 17/25/28 27/40/28 28/42/28 +f 136/43/29 25/26/29 35/41/29 +f 19/29/30 18/27/30 28/42/30 29/33/30 +f 34/38/31 33/37/31 43/44/31 44/45/31 +f 27/40/32 26/39/32 36/46/32 37/47/32 +f 35/41/33 34/38/33 44/45/33 45/48/33 +f 28/42/34 27/40/34 37/47/34 38/49/34 +f 136/50/35 35/41/35 45/48/35 +f 29/33/36 28/42/36 38/49/36 39/51/36 +f 30/34/37 29/33/37 39/51/37 40/52/37 +f 31/35/38 30/34/38 40/52/38 41/53/38 +f 32/36/39 31/35/39 41/53/39 42/54/39 +f 33/37/40 32/36/40 42/54/40 43/44/40 +f 41/53/41 40/52/41 50/55/41 51/56/41 +f 42/54/42 41/53/42 51/56/42 52/57/42 +f 43/44/43 42/54/43 52/57/43 53/58/43 +f 44/45/44 43/44/44 53/58/44 54/59/44 +f 37/47/45 36/46/45 46/60/45 47/61/45 +f 45/48/46 44/45/46 54/59/46 55/62/46 +f 38/49/47 37/47/47 47/61/47 48/63/47 +f 136/64/48 45/48/48 55/62/48 +f 39/51/49 38/49/49 48/63/49 49/65/49 +f 40/52/50 39/51/50 49/65/50 50/55/50 +f 47/61/51 46/60/51 56/66/51 57/67/51 +f 55/62/52 54/59/52 64/68/52 65/69/52 +f 48/63/53 47/61/53 57/67/53 58/70/53 +f 136/71/54 55/62/54 65/69/54 +f 49/65/55 48/63/55 58/70/55 59/72/55 +f 50/55/56 49/65/56 59/72/56 60/73/56 +f 51/56/57 50/55/57 60/73/57 61/74/57 +f 52/57/58 51/56/58 61/74/58 62/75/58 +f 53/58/59 52/57/59 62/75/59 63/76/59 +f 54/59/60 53/58/60 63/76/60 64/68/60 +f 61/74/61 60/73/61 70/77/61 71/78/61 +f 62/75/62 61/74/62 71/78/62 72/79/62 +f 63/76/63 62/75/63 72/79/63 73/80/63 +f 64/68/64 63/76/64 73/80/64 74/81/64 +f 57/67/65 56/66/65 66/82/65 67/83/65 +f 65/69/66 64/68/66 74/81/66 75/84/66 +f 58/70/67 57/67/67 67/83/67 68/85/67 +f 136/86/68 65/69/68 75/84/68 +f 59/72/69 58/70/69 68/85/69 69/87/69 +f 60/73/70 59/72/70 69/87/70 70/77/70 +f 75/84/71 74/81/71 84/88/71 85/89/71 +f 68/85/72 67/83/72 77/90/72 78/91/72 +f 136/92/73 75/84/73 85/89/73 +f 69/87/74 68/85/74 78/91/74 79/93/74 +f 70/77/75 69/87/75 79/93/75 80/94/75 +f 71/78/76 70/77/76 80/94/76 81/95/76 +f 72/79/77 71/78/77 81/95/77 82/96/77 +f 73/80/78 72/79/78 82/96/78 83/97/78 +f 74/81/79 73/80/79 83/97/79 84/88/79 +f 67/83/80 66/82/80 76/98/80 77/90/80 +f 82/96/81 81/95/81 91/99/81 92/100/81 +f 83/97/82 82/96/82 92/100/82 93/101/82 +f 84/88/83 83/97/83 93/101/83 94/102/83 +f 77/90/84 76/98/84 86/103/84 87/104/84 +f 85/89/85 84/88/85 94/102/85 95/105/85 +f 78/91/86 77/90/86 87/104/86 88/106/86 +f 136/107/87 85/89/87 95/105/87 +f 79/93/88 78/91/88 88/106/88 89/108/88 +f 80/94/89 79/93/89 89/108/89 90/109/89 +f 81/95/90 80/94/90 90/109/90 91/99/90 +f 136/110/91 95/105/91 105/111/91 +f 89/108/92 88/106/92 98/112/92 99/113/92 +f 90/109/93 89/108/93 99/113/93 100/114/93 +f 91/99/94 90/109/94 100/114/94 101/115/94 +f 92/100/95 91/99/95 101/115/95 102/116/95 +f 93/101/96 92/100/96 102/116/96 103/117/96 +f 94/102/97 93/101/97 103/117/97 104/118/97 +f 87/104/98 86/103/98 96/119/98 97/120/98 +f 95/105/99 94/102/99 104/118/99 105/111/99 +f 88/106/100 87/104/100 97/120/100 98/112/100 +f 103/117/101 102/116/101 112/121/101 113/122/101 +f 104/118/102 103/117/102 113/122/102 114/123/102 +f 97/120/103 96/119/103 106/124/103 107/125/103 +f 105/111/104 104/118/104 114/123/104 115/126/104 +f 98/112/105 97/120/105 107/125/105 108/127/105 +f 136/128/106 105/111/106 115/126/106 +f 99/113/107 98/112/107 108/127/107 109/129/107 +f 100/114/108 99/113/108 109/129/108 110/130/108 +f 101/115/109 100/114/109 110/130/109 111/131/109 +f 102/116/110 101/115/110 111/131/110 112/121/110 +f 109/129/111 108/127/111 118/132/111 119/133/111 +f 110/130/112 109/129/112 119/133/112 120/134/112 +f 111/131/113 110/130/113 120/134/113 121/135/113 +f 112/121/114 111/131/114 121/135/114 122/136/114 +f 113/122/115 112/121/115 122/136/115 123/137/115 +f 114/123/116 113/122/116 123/137/116 124/138/116 +f 107/125/117 106/124/117 116/139/117 117/140/117 +f 115/126/118 114/123/118 124/138/118 125/141/118 +f 108/127/119 107/125/119 117/140/119 118/132/119 +f 136/142/120 115/126/120 125/141/120 +f 123/137/121 122/136/121 132/143/121 133/144/121 +f 124/138/122 123/137/122 133/144/122 134/145/122 +f 117/140/123 116/139/123 126/146/123 127/147/123 +f 125/141/124 124/138/124 134/145/124 135/148/124 +f 118/132/125 117/140/125 127/147/125 128/149/125 +f 136/150/126 125/141/126 135/148/126 +f 119/133/127 118/132/127 128/149/127 129/151/127 +f 120/134/128 119/133/128 129/151/128 130/152/128 +f 121/135/129 120/134/129 130/152/129 131/153/129 +f 122/136/130 121/135/130 131/153/130 132/143/130 +f 130/152/131 129/151/131 140/154/131 141/155/131 +f 131/153/132 130/152/132 141/155/132 142/156/132 +f 132/143/133 131/153/133 142/156/133 143/157/133 +f 133/144/134 132/143/134 143/157/134 144/158/134 +f 134/145/135 133/144/135 144/158/135 145/159/135 +f 127/147/136 126/146/136 137/160/136 138/161/136 +f 135/148/137 134/145/137 145/159/137 146/162/137 +f 128/149/138 127/147/138 138/161/138 139/163/138 +f 136/164/139 135/148/139 146/162/139 +f 129/151/140 128/149/140 139/163/140 140/154/140 +f 145/159/141 144/158/141 154/165/141 155/166/141 +f 138/161/142 137/160/142 147/167/142 148/168/142 +f 146/162/143 145/159/143 155/166/143 156/169/143 +f 139/163/144 138/161/144 148/168/144 149/170/144 +f 136/171/145 146/162/145 156/169/145 +f 140/154/146 139/163/146 149/170/146 150/172/146 +f 141/155/147 140/154/147 150/172/147 151/173/147 +f 142/156/148 141/155/148 151/173/148 152/174/148 +f 143/157/149 142/156/149 152/174/149 153/175/149 +f 144/158/150 143/157/150 153/175/150 154/165/150 +f 151/173/151 150/172/151 160/176/151 161/177/151 +f 152/174/152 151/173/152 161/177/152 162/178/152 +f 153/175/153 152/174/153 162/178/153 163/179/153 +f 154/165/154 153/175/154 163/179/154 164/180/154 +f 155/166/155 154/165/155 164/180/155 165/181/155 +f 148/168/156 147/167/156 157/182/156 158/183/156 +f 156/169/157 155/166/157 165/181/157 166/184/157 +f 149/170/158 148/168/158 158/183/158 159/185/158 +f 136/186/159 156/169/159 166/184/159 +f 150/172/160 149/170/160 159/185/160 160/176/160 +f 165/181/161 164/180/161 174/187/161 175/188/161 +f 158/183/162 157/182/162 167/189/162 168/190/162 +f 166/184/163 165/181/163 175/188/163 176/191/163 +f 159/185/164 158/183/164 168/190/164 169/192/164 +f 136/193/165 166/184/165 176/191/165 +f 160/176/166 159/185/166 169/192/166 170/194/166 +f 161/177/167 160/176/167 170/194/167 171/195/167 +f 162/178/168 161/177/168 171/195/168 172/196/168 +f 163/179/169 162/178/169 172/196/169 173/197/169 +f 164/180/170 163/179/170 173/197/170 174/187/170 +f 172/196/171 171/195/171 181/198/171 182/199/171 +f 173/197/172 172/196/172 182/199/172 183/200/172 +f 174/187/173 173/197/173 183/200/173 184/201/173 +f 175/188/174 174/187/174 184/201/174 185/202/174 +f 168/190/175 167/189/175 177/203/175 178/204/175 +f 176/191/176 175/188/176 185/202/176 186/205/176 +f 169/192/177 168/190/177 178/204/177 179/206/177 +f 136/207/178 176/191/178 186/205/178 +f 170/194/179 169/192/179 179/206/179 180/208/179 +f 171/195/180 170/194/180 180/208/180 181/198/180 +f 186/205/181 185/202/181 195/209/181 196/210/181 +f 179/206/182 178/204/182 188/211/182 189/212/182 +f 136/213/183 186/205/183 196/210/183 +f 180/208/184 179/206/184 189/212/184 190/214/184 +f 181/198/185 180/208/185 190/214/185 191/215/185 +f 182/199/186 181/198/186 191/215/186 192/216/186 +f 183/200/187 182/199/187 192/216/187 193/217/187 +f 184/201/188 183/200/188 193/217/188 194/218/188 +f 185/202/189 184/201/189 194/218/189 195/209/189 +f 178/204/190 177/203/190 187/219/190 188/211/190 +f 193/217/191 192/216/191 202/220/191 203/221/191 +f 194/218/192 193/217/192 203/221/192 204/222/192 +f 195/209/193 194/218/193 204/222/193 205/223/193 +f 188/211/194 187/219/194 197/224/194 198/225/194 +f 196/210/195 195/209/195 205/223/195 206/226/195 +f 189/212/196 188/211/196 198/225/196 199/227/196 +f 136/228/197 196/210/197 206/226/197 +f 190/214/198 189/212/198 199/227/198 200/229/198 +f 191/215/199 190/214/199 200/229/199 201/230/199 +f 192/216/200 191/215/200 201/230/200 202/220/200 +f 199/227/201 198/225/201 208/231/201 209/232/201 +f 136/233/202 206/226/202 216/234/202 +f 200/229/203 199/227/203 209/232/203 210/235/203 +f 201/230/204 200/229/204 210/235/204 211/236/204 +f 202/220/205 201/230/205 211/236/205 212/237/205 +f 203/221/206 202/220/206 212/237/206 213/238/206 +f 204/222/207 203/221/207 213/238/207 214/239/207 +f 205/223/208 204/222/208 214/239/208 215/240/208 +f 198/225/209 197/224/209 207/241/209 208/231/209 +f 206/226/210 205/223/210 215/240/210 216/234/210 +f 213/238/211 212/237/211 222/242/211 223/243/211 +f 214/239/212 213/238/212 223/243/212 224/244/212 +f 215/240/213 214/239/213 224/244/213 225/245/213 +f 208/231/214 207/241/214 217/246/214 218/247/214 +f 216/234/215 215/240/215 225/245/215 226/248/215 +f 209/232/216 208/231/216 218/247/216 219/249/216 +f 136/250/217 216/234/217 226/248/217 +f 210/235/218 209/232/218 219/249/218 220/251/218 +f 211/236/219 210/235/219 220/251/219 221/252/219 +f 212/237/220 211/236/220 221/252/220 222/242/220 +f 136/253/221 226/248/221 236/254/221 +f 220/251/222 219/249/222 229/255/222 230/256/222 +f 221/252/223 220/251/223 230/256/223 231/257/223 +f 222/242/224 221/252/224 231/257/224 232/258/224 +f 223/243/225 222/242/225 232/258/225 233/259/225 +f 224/244/226 223/243/226 233/259/226 234/260/226 +f 225/245/227 224/244/227 234/260/227 235/261/227 +f 218/247/228 217/246/228 227/262/228 228/263/228 +f 226/248/229 225/245/229 235/261/229 236/254/229 +f 219/249/230 218/247/230 228/263/230 229/255/230 +f 234/260/231 233/259/231 243/264/231 244/265/231 +f 235/261/232 234/260/232 244/265/232 245/266/232 +f 228/263/233 227/262/233 237/267/233 238/268/233 +f 236/254/234 235/261/234 245/266/234 246/269/234 +f 229/255/235 228/263/235 238/268/235 239/270/235 +f 136/271/236 236/254/236 246/269/236 +f 230/256/237 229/255/237 239/270/237 240/272/237 +f 231/257/238 230/256/238 240/272/238 241/273/238 +f 232/258/239 231/257/239 241/273/239 242/274/239 +f 233/259/240 232/258/240 242/274/240 243/264/240 +f 240/275/241 239/276/241 249/277/241 250/278/241 +f 241/279/242 240/275/242 250/278/242 251/280/242 +f 242/281/243 241/279/243 251/280/243 252/282/243 +f 243/283/244 242/281/244 252/282/244 253/284/244 +f 244/285/245 243/283/245 253/284/245 254/286/245 +f 245/287/246 244/285/246 254/286/246 255/288/246 +f 238/289/247 237/290/247 247/291/247 248/292/247 +f 246/293/248 245/287/248 255/288/248 256/294/248 +f 239/276/249 238/289/249 248/292/249 249/277/249 +f 136/295/250 246/293/250 256/294/250 +f 254/286/251 253/284/251 263/296/251 264/297/251 +f 255/288/252 254/286/252 264/297/252 265/298/252 +f 248/292/253 247/291/253 257/299/253 258/300/253 +f 256/294/254 255/288/254 265/298/254 266/301/254 +f 249/277/255 248/292/255 258/300/255 259/302/255 +f 136/303/256 256/294/256 266/301/256 +f 250/278/257 249/277/257 259/302/257 260/304/257 +f 251/280/258 250/278/258 260/304/258 261/305/258 +f 252/282/259 251/280/259 261/305/259 262/306/259 +f 253/284/260 252/282/260 262/306/260 263/296/260 +f 261/305/261 260/304/261 270/307/261 271/308/261 +f 262/306/262 261/305/262 271/308/262 272/309/262 +f 263/296/263 262/306/263 272/309/263 273/310/263 +f 264/297/264 263/296/264 273/310/264 274/311/264 +f 265/298/265 264/297/265 274/311/265 275/312/265 +f 258/300/266 257/299/266 267/313/266 268/314/266 +f 266/301/267 265/298/267 275/312/267 276/315/267 +f 259/302/268 258/300/268 268/314/268 269/316/268 +f 136/317/269 266/301/269 276/315/269 +f 260/304/270 259/302/270 269/316/270 270/307/270 +f 275/312/271 274/311/271 284/318/271 285/319/271 +f 268/314/272 267/313/272 277/320/272 278/321/272 +f 276/315/273 275/312/273 285/319/273 286/322/273 +f 269/316/274 268/314/274 278/321/274 279/323/274 +f 136/324/275 276/315/275 286/322/275 +f 270/307/276 269/316/276 279/323/276 280/325/276 +f 271/308/277 270/307/277 280/325/277 281/326/277 +f 272/309/278 271/308/278 281/326/278 282/327/278 +f 273/310/279 272/309/279 282/327/279 283/328/279 +f 274/311/280 273/310/280 283/328/280 284/318/280 +f 282/327/281 281/326/281 291/329/281 292/330/281 +f 283/328/282 282/327/282 292/330/282 293/331/282 +f 284/318/283 283/328/283 293/331/283 294/332/283 +f 285/319/284 284/318/284 294/332/284 295/333/284 +f 278/321/285 277/320/285 287/334/285 288/335/285 +f 286/322/286 285/319/286 295/333/286 296/336/286 +f 279/323/287 278/321/287 288/335/287 289/337/287 +f 136/338/288 286/322/288 296/336/288 +f 280/325/289 279/323/289 289/337/289 290/339/289 +f 281/326/290 280/325/290 290/339/290 291/329/290 +f 288/335/291 287/334/291 297/340/291 298/341/291 +f 296/336/292 295/333/292 305/342/292 306/343/292 +f 289/337/293 288/335/293 298/341/293 299/344/293 +f 136/345/294 296/336/294 306/343/294 +f 290/339/295 289/337/295 299/344/295 300/346/295 +f 291/329/296 290/339/296 300/346/296 301/347/296 +f 292/330/297 291/329/297 301/347/297 302/348/297 +f 293/331/298 292/330/298 302/348/298 303/349/298 +f 294/332/299 293/331/299 303/349/299 304/350/299 +f 295/333/300 294/332/300 304/350/300 305/342/300 +f 302/348/301 301/347/301 311/351/301 312/352/301 +f 303/349/302 302/348/302 312/352/302 313/353/302 +f 304/350/303 303/349/303 313/353/303 314/354/303 +f 305/342/304 304/350/304 314/354/304 315/355/304 +f 298/341/305 297/340/305 307/356/305 308/357/305 +f 306/343/306 305/342/306 315/355/306 316/358/306 +f 299/344/307 298/341/307 308/357/307 309/359/307 +f 136/360/308 306/343/308 316/358/308 +f 300/346/309 299/344/309 309/359/309 310/361/309 +f 301/347/310 300/346/310 310/361/310 311/351/310 +f 316/358/311 315/355/311 320/6/311 321/5/311 +f 309/359/312 308/357/312 2/1/312 3/9/312 +f 136/362/313 316/358/313 321/5/313 +f 310/361/314 309/359/314 3/9/314 4/12/314 +f 311/351/315 310/361/315 4/12/315 317/14/315 +f 312/352/316 311/351/316 317/14/316 318/16/316 +f 313/353/317 312/352/317 318/16/317 319/18/317 +f 314/354/318 313/353/318 319/18/318 5/20/318 +f 315/355/319 314/354/319 5/20/319 320/6/319 +f 308/357/320 307/356/320 1/2/320 2/1/320 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321_top_ring.txt b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321_top_ring.txt new file mode 100644 index 0000000000000000000000000000000000000000..411ea24170c2cd6932c7b953ccf44d29331b8231 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.4_numV_321_top_ring.txt @@ -0,0 +1,32 @@ +0 0.00000 0.92388 0.38268 +5 0.18024 0.90613 0.38268 +15 0.35355 0.85355 0.38268 +25 0.51328 0.76818 0.38268 +35 0.65328 0.65328 0.38268 +45 0.76818 0.51328 0.38268 +55 0.85355 0.35355 0.38268 +65 0.90613 0.18024 0.38268 +75 0.92388 -0.00000 0.38268 +85 0.90613 -0.18024 0.38268 +95 0.85355 -0.35355 0.38268 +105 0.76818 -0.51328 0.38268 +115 0.65328 -0.65328 0.38268 +125 0.51328 -0.76818 0.38268 +136 0.35355 -0.85355 0.38268 +146 0.18024 -0.90613 0.38268 +156 0.00000 -0.92388 0.38268 +166 -0.18024 -0.90613 0.38268 +176 -0.35355 -0.85355 0.38268 +186 -0.51328 -0.76818 0.38268 +196 -0.65328 -0.65328 0.38268 +206 -0.76818 -0.51328 0.38268 +216 -0.85355 -0.35355 0.38268 +226 -0.90613 -0.18024 0.38268 +236 -0.92388 -0.00000 0.38268 +246 -0.90613 0.18024 0.38268 +256 -0.85355 0.35355 0.38268 +266 -0.76818 0.51328 0.38268 +276 -0.65328 0.65328 0.38268 +286 -0.51328 0.76818 0.38268 +296 -0.35355 0.85355 0.38268 +306 -0.18024 0.90613 0.38268 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353.mtl b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353.mtl new file mode 100644 index 0000000000000000000000000000000000000000..f231bdf4c1534431b9322220b4d534db03594d80 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353.mtl @@ -0,0 +1,10 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl None +Ns 500 +Ka 0.8 0.8 0.8 +Kd 0.8 0.8 0.8 +Ks 0.8 0.8 0.8 +d 1 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353.obj b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353.obj new file mode 100644 index 0000000000000000000000000000000000000000..390077ef65f615fb9fe4edef4c3b5a838625afbe --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353.obj @@ -0,0 +1,1458 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353.mtl +o Sphere +v 0.000000 0.555570 -0.831470 +v 0.000000 0.382683 -0.923880 +v 0.000000 0.195090 -0.980785 +v 0.000000 0.000000 -1.000000 +v 0.000000 -0.195090 -0.980785 +v 0.000000 -0.831470 -0.555570 +v 0.162212 0.555570 -0.815493 +v 0.180240 0.382683 -0.906127 +v 0.191342 0.195090 -0.961940 +v 0.195090 0.000000 -0.980785 +v 0.191342 -0.195090 -0.961940 +v 0.180240 -0.382683 -0.906127 +v 0.162212 -0.555570 -0.815493 +v 0.137950 -0.707107 -0.693520 +v 0.108386 -0.831470 -0.544895 +v 0.074658 -0.923880 -0.375330 +v 0.038060 -0.980785 -0.191341 +v 0.318190 0.555570 -0.768178 +v 0.353553 0.382683 -0.853553 +v 0.375330 0.195090 -0.906127 +v 0.382684 0.000000 -0.923879 +v 0.375330 -0.195090 -0.906127 +v 0.353554 -0.382683 -0.853553 +v 0.318190 -0.555570 -0.768178 +v 0.270598 -0.707107 -0.653281 +v 0.212608 -0.831470 -0.513280 +v 0.146447 -0.923880 -0.353553 +v 0.074658 -0.980785 -0.180240 +v 0.461940 0.555570 -0.691342 +v 0.513280 0.382683 -0.768178 +v 0.544895 0.195090 -0.815493 +v 0.555570 0.000000 -0.831469 +v 0.544895 -0.195090 -0.815493 +v 0.513280 -0.382683 -0.768178 +v 0.461940 -0.555570 -0.691342 +v 0.392848 -0.707107 -0.587938 +v 0.308658 -0.831470 -0.461940 +v 0.212608 -0.923880 -0.318189 +v 0.108386 -0.980785 -0.162211 +v 0.587938 0.555570 -0.587938 +v 0.653282 0.382683 -0.653281 +v 0.693520 0.195090 -0.693520 +v 0.707107 0.000000 -0.707107 +v 0.693520 -0.195090 -0.693520 +v 0.653282 -0.382683 -0.653281 +v 0.587938 -0.555570 -0.587938 +v 0.500000 -0.707107 -0.500000 +v 0.392848 -0.831470 -0.392847 +v 0.270598 -0.923880 -0.270598 +v 0.137950 -0.980785 -0.137949 +v 0.691342 0.555570 -0.461940 +v 0.768178 0.382683 -0.513280 +v 0.815493 0.195090 -0.544895 +v 0.831470 0.000000 -0.555570 +v 0.815493 -0.195090 -0.544895 +v 0.768178 -0.382683 -0.513280 +v 0.691342 -0.555570 -0.461940 +v 0.587938 -0.707107 -0.392847 +v 0.461940 -0.831470 -0.308658 +v 0.318190 -0.923880 -0.212607 +v 0.162212 -0.980785 -0.108386 +v 0.768178 0.555570 -0.318189 +v 0.853554 0.382683 -0.353553 +v 0.906128 0.195090 -0.375330 +v 0.923880 0.000000 -0.382683 +v 0.906128 -0.195090 -0.375330 +v 0.853554 -0.382683 -0.353553 +v 0.768178 -0.555570 -0.318189 +v 0.653282 -0.707107 -0.270598 +v 0.513280 -0.831470 -0.212607 +v 0.353554 -0.923880 -0.146446 +v 0.180240 -0.980785 -0.074658 +v 0.815493 0.555570 -0.162211 +v 0.906128 0.382683 -0.180240 +v 0.961940 0.195090 -0.191341 +v 0.980785 0.000000 -0.195090 +v 0.961940 -0.195090 -0.191341 +v 0.906128 -0.382683 -0.180240 +v 0.815493 -0.555570 -0.162211 +v 0.693520 -0.707107 -0.137949 +v 0.544895 -0.831470 -0.108386 +v 0.375330 -0.923880 -0.074658 +v 0.191342 -0.980785 -0.038060 +v 0.831470 0.555570 0.000000 +v 0.923880 0.382683 0.000000 +v 0.980785 0.195090 0.000000 +v 1.000000 0.000000 0.000000 +v 0.980785 -0.195090 0.000000 +v 0.923880 -0.382683 0.000000 +v 0.831470 -0.555570 0.000000 +v 0.707107 -0.707107 0.000000 +v 0.555570 -0.831470 0.000000 +v 0.382684 -0.923880 0.000000 +v 0.195090 -0.980785 0.000000 +v 0.815493 0.555570 0.162212 +v 0.906128 0.382683 0.180240 +v 0.961940 0.195090 0.191342 +v 0.980785 0.000000 0.195091 +v 0.961940 -0.195090 0.191342 +v 0.906128 -0.382683 0.180240 +v 0.815493 -0.555570 0.162212 +v 0.693520 -0.707107 0.137950 +v 0.544895 -0.831470 0.108387 +v 0.375330 -0.923880 0.074658 +v 0.191342 -0.980785 0.038061 +v 0.768178 0.555570 0.318190 +v 0.853554 0.382683 0.353554 +v 0.906127 0.195090 0.375331 +v 0.923880 0.000000 0.382684 +v 0.906127 -0.195090 0.375331 +v 0.853554 -0.382683 0.353554 +v 0.768178 -0.555570 0.318190 +v 0.653282 -0.707107 0.270598 +v 0.513280 -0.831470 0.212608 +v 0.353553 -0.923880 0.146447 +v 0.180240 -0.980785 0.074658 +v 0.691342 0.555570 0.461940 +v 0.768178 0.382683 0.513280 +v 0.815493 0.195090 0.544895 +v 0.831470 0.000000 0.555571 +v 0.815493 -0.195090 0.544895 +v 0.768178 -0.382683 0.513280 +v 0.691342 -0.555570 0.461940 +v 0.587938 -0.707107 0.392848 +v 0.461940 -0.831470 0.308659 +v 0.318190 -0.923880 0.212608 +v 0.162212 -0.980785 0.108387 +v 0.587938 0.555570 0.587938 +v 0.653282 0.382683 0.653282 +v 0.693520 0.195090 0.693520 +v 0.707107 0.000000 0.707107 +v 0.693520 -0.195090 0.693520 +v 0.653282 -0.382683 0.653282 +v 0.587938 -0.555570 0.587938 +v 0.500000 -0.707107 0.500000 +v 0.392848 -0.831470 0.392848 +v 0.270598 -0.923880 0.270598 +v 0.137950 -0.980785 0.137950 +v 0.461940 0.555570 0.691342 +v 0.513280 0.382683 0.768178 +v 0.544895 0.195090 0.815493 +v 0.555570 0.000000 0.831470 +v 0.544895 -0.195090 0.815493 +v 0.513280 -0.382683 0.768178 +v 0.461940 -0.555570 0.691342 +v 0.392848 -0.707107 0.587938 +v 0.308658 -0.831470 0.461940 +v 0.212608 -0.923880 0.318190 +v 0.108386 -0.980785 0.162212 +v 0.000000 -1.000000 0.000000 +v 0.318190 0.555570 0.768178 +v 0.353553 0.382683 0.853554 +v 0.375330 0.195090 0.906128 +v 0.382683 0.000000 0.923880 +v 0.375330 -0.195090 0.906128 +v 0.353553 -0.382683 0.853554 +v 0.318190 -0.555570 0.768178 +v 0.270598 -0.707107 0.653282 +v 0.212608 -0.831470 0.513280 +v 0.146447 -0.923880 0.353554 +v 0.074658 -0.980785 0.180240 +v 0.162212 0.555570 0.815493 +v 0.180240 0.382683 0.906128 +v 0.191342 0.195090 0.961940 +v 0.195090 0.000000 0.980786 +v 0.191342 -0.195090 0.961940 +v 0.180240 -0.382683 0.906128 +v 0.162212 -0.555570 0.815493 +v 0.137950 -0.707107 0.693520 +v 0.108386 -0.831470 0.544895 +v 0.074658 -0.923880 0.375331 +v 0.038060 -0.980785 0.191342 +v -0.000000 0.555570 0.831470 +v 0.000000 0.382683 0.923880 +v -0.000000 0.195090 0.980785 +v -0.000000 0.000000 1.000000 +v -0.000000 -0.195090 0.980785 +v 0.000000 -0.382683 0.923880 +v -0.000000 -0.555570 0.831470 +v -0.000000 -0.707107 0.707107 +v -0.000000 -0.831470 0.555570 +v 0.000000 -0.923880 0.382684 +v 0.000000 -0.980785 0.195091 +v -0.162212 0.555570 0.815493 +v -0.180240 0.382683 0.906128 +v -0.191342 0.195090 0.961940 +v -0.195090 0.000000 0.980786 +v -0.191342 -0.195090 0.961940 +v -0.180240 -0.382683 0.906128 +v -0.162212 -0.555570 0.815493 +v -0.137950 -0.707107 0.693520 +v -0.108386 -0.831470 0.544895 +v -0.074658 -0.923880 0.375331 +v -0.038060 -0.980785 0.191342 +v -0.318190 0.555570 0.768178 +v -0.353553 0.382683 0.853554 +v -0.375330 0.195090 0.906127 +v -0.382684 0.000000 0.923880 +v -0.375330 -0.195090 0.906127 +v -0.353553 -0.382683 0.853554 +v -0.318190 -0.555570 0.768178 +v -0.270598 -0.707107 0.653282 +v -0.212608 -0.831470 0.513280 +v -0.146447 -0.923880 0.353554 +v -0.074658 -0.980785 0.180240 +v -0.461940 0.555570 0.691342 +v -0.513280 0.382683 0.768178 +v -0.544895 0.195090 0.815493 +v -0.555570 0.000000 0.831470 +v -0.544895 -0.195090 0.815493 +v -0.513280 -0.382683 0.768178 +v -0.461940 -0.555570 0.691342 +v -0.392847 -0.707107 0.587938 +v -0.308658 -0.831470 0.461940 +v -0.212607 -0.923880 0.318190 +v -0.108386 -0.980785 0.162212 +v -0.587938 0.555570 0.587938 +v -0.653281 0.382683 0.653282 +v -0.693520 0.195090 0.693520 +v -0.707107 0.000000 0.707107 +v -0.693520 -0.195090 0.693520 +v -0.653281 -0.382683 0.653282 +v -0.587938 -0.555570 0.587938 +v -0.500000 -0.707107 0.500000 +v -0.392847 -0.831470 0.392848 +v -0.270598 -0.923880 0.270598 +v -0.137950 -0.980785 0.137950 +v -0.691342 0.555570 0.461940 +v -0.768178 0.382683 0.513280 +v -0.815493 0.195090 0.544895 +v -0.831470 0.000000 0.555570 +v -0.815493 -0.195090 0.544895 +v -0.768178 -0.382683 0.513280 +v -0.691342 -0.555570 0.461940 +v -0.587938 -0.707107 0.392848 +v -0.461940 -0.831470 0.308658 +v -0.318190 -0.923880 0.212608 +v -0.162212 -0.980785 0.108387 +v -0.768177 0.555570 0.318190 +v -0.853553 0.382683 0.353554 +v -0.906127 0.195090 0.375330 +v -0.923880 0.000000 0.382684 +v -0.906127 -0.195090 0.375330 +v -0.853553 -0.382683 0.353554 +v -0.768177 -0.555570 0.318190 +v -0.653281 -0.707107 0.270598 +v -0.513280 -0.831470 0.212608 +v -0.353553 -0.923880 0.146447 +v -0.180240 -0.980785 0.074658 +v -0.815493 0.555570 0.162212 +v -0.906127 0.382683 0.180240 +v -0.961939 0.195090 0.191342 +v -0.980785 0.000000 0.195090 +v -0.961939 -0.195090 0.191342 +v -0.906127 -0.382683 0.180240 +v -0.815493 -0.555570 0.162212 +v -0.693520 -0.707107 0.137950 +v -0.544895 -0.831470 0.108387 +v -0.375330 -0.923880 0.074658 +v -0.191342 -0.980785 0.038061 +v -0.831469 0.555570 0.000000 +v -0.923879 0.382683 0.000000 +v -0.980785 0.195090 0.000000 +v -1.000000 0.000000 0.000000 +v -0.980785 -0.195090 0.000000 +v -0.923879 -0.382683 0.000000 +v -0.831469 -0.555570 0.000000 +v -0.707107 -0.707107 0.000000 +v -0.555570 -0.831470 0.000000 +v -0.382683 -0.923880 0.000000 +v -0.195090 -0.980785 0.000000 +v -0.815493 0.555570 -0.162211 +v -0.906127 0.382683 -0.180240 +v -0.961939 0.195090 -0.191342 +v -0.980785 0.000000 -0.195090 +v -0.961939 -0.195090 -0.191342 +v -0.906127 -0.382683 -0.180240 +v -0.815493 -0.555570 -0.162211 +v -0.693520 -0.707107 -0.137949 +v -0.544895 -0.831470 -0.108386 +v -0.375330 -0.923880 -0.074658 +v -0.191342 -0.980785 -0.038060 +v -0.768177 0.555570 -0.318189 +v -0.853553 0.382683 -0.353553 +v -0.906127 0.195090 -0.375330 +v -0.923879 0.000000 -0.382683 +v -0.906127 -0.195090 -0.375330 +v -0.853553 -0.382683 -0.353553 +v -0.768177 -0.555570 -0.318189 +v -0.653281 -0.707107 -0.270598 +v -0.513280 -0.831470 -0.212607 +v -0.353553 -0.923880 -0.146446 +v -0.180240 -0.980785 -0.074657 +v -0.691341 0.555570 -0.461939 +v -0.768178 0.382683 -0.513280 +v -0.815493 0.195090 -0.544895 +v -0.831469 0.000000 -0.555570 +v -0.815493 -0.195090 -0.544895 +v -0.768178 -0.382683 -0.513280 +v -0.691341 -0.555570 -0.461939 +v -0.587938 -0.707107 -0.392847 +v -0.461940 -0.831470 -0.308658 +v -0.318189 -0.923880 -0.212607 +v -0.162212 -0.980785 -0.108386 +v -0.587937 0.555570 -0.587937 +v -0.653281 0.382683 -0.653281 +v -0.693519 0.195090 -0.693519 +v -0.707106 0.000000 -0.707106 +v -0.693519 -0.195090 -0.693519 +v -0.653281 -0.382683 -0.653281 +v -0.587937 -0.555570 -0.587937 +v -0.500000 -0.707107 -0.500000 +v -0.392847 -0.831470 -0.392847 +v -0.270598 -0.923880 -0.270598 +v -0.137950 -0.980785 -0.137949 +v -0.461939 0.555570 -0.691341 +v -0.513280 0.382683 -0.768177 +v -0.544895 0.195090 -0.815492 +v -0.555570 0.000000 -0.831469 +v -0.544895 -0.195090 -0.815492 +v -0.513280 -0.382683 -0.768177 +v -0.461939 -0.555570 -0.691341 +v -0.392847 -0.707107 -0.587937 +v -0.308658 -0.831470 -0.461939 +v -0.212607 -0.923880 -0.318189 +v -0.108386 -0.980785 -0.162211 +v -0.318189 0.555570 -0.768177 +v -0.353553 0.382683 -0.853553 +v -0.375330 0.195090 -0.906127 +v -0.382683 0.000000 -0.923879 +v -0.375330 -0.195090 -0.906127 +v -0.353553 -0.382683 -0.853553 +v -0.318189 -0.555570 -0.768177 +v -0.270598 -0.707107 -0.653281 +v -0.212607 -0.831470 -0.513279 +v -0.146446 -0.923880 -0.353553 +v -0.074658 -0.980785 -0.180240 +v -0.162211 0.555570 -0.815492 +v -0.180240 0.382683 -0.906127 +v -0.191341 0.195090 -0.961939 +v -0.195090 0.000000 -0.980785 +v -0.191341 -0.195090 -0.961939 +v -0.180240 -0.382683 -0.906127 +v -0.162211 -0.555570 -0.815492 +v -0.137950 -0.707107 -0.693520 +v -0.108386 -0.831470 -0.544895 +v -0.074658 -0.923880 -0.375330 +v -0.038060 -0.980785 -0.191341 +v 0.000000 -0.382683 -0.923879 +v 0.000000 -0.555570 -0.831469 +v 0.000000 -0.707107 -0.707106 +v 0.000000 -0.923880 -0.382683 +v 0.000000 -0.980785 -0.195090 +vt 0.750000 0.312500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.718750 0.312500 +vt 0.750000 0.250000 +vt 0.718750 0.250000 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.750000 0.625000 +vt 0.750000 0.687500 +vt 0.718750 0.687500 +vt 0.718750 0.625000 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.750000 0.562500 +vt 0.718750 0.562500 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.750000 0.500000 +vt 0.718750 0.500000 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.718750 0.437500 +vt 0.687500 0.437500 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.187500 +vt 0.687500 0.687500 +vt 0.687500 0.625000 +vt 0.687500 0.125000 +vt 0.687500 0.562500 +vt 0.687500 0.062500 +vt 0.687500 0.500000 +vt 0.703125 0.000000 +vt 0.656250 0.687500 +vt 0.656250 0.625000 +vt 0.656250 0.187500 +vt 0.656250 0.125000 +vt 0.656250 0.562500 +vt 0.656250 0.062500 +vt 0.656250 0.500000 +vt 0.671875 0.000000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.625000 0.437500 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.625000 0.187500 +vt 0.625000 0.687500 +vt 0.625000 0.625000 +vt 0.625000 0.125000 +vt 0.625000 0.562500 +vt 0.625000 0.062500 +vt 0.625000 0.500000 +vt 0.640625 0.000000 +vt 0.593750 0.187500 +vt 0.593750 0.125000 +vt 0.593750 0.625000 +vt 0.593750 0.562500 +vt 0.593750 0.062500 +vt 0.593750 0.500000 +vt 0.609375 0.000000 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.687500 +vt 0.562500 0.375000 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.187500 +vt 0.562500 0.687500 +vt 0.562500 0.625000 +vt 0.562500 0.125000 +vt 0.562500 0.562500 +vt 0.562500 0.062500 +vt 0.562500 0.500000 +vt 0.578125 0.000000 +vt 0.562500 0.437500 +vt 0.531250 0.625000 +vt 0.531250 0.562500 +vt 0.531250 0.125000 +vt 0.531250 0.062500 +vt 0.531250 0.500000 +vt 0.546875 0.000000 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.187500 +vt 0.531250 0.687500 +vt 0.500000 0.375000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.187500 +vt 0.500000 0.687500 +vt 0.500000 0.625000 +vt 0.500000 0.125000 +vt 0.500000 0.562500 +vt 0.500000 0.062500 +vt 0.500000 0.500000 +vt 0.515625 0.000000 +vt 0.500000 0.437500 +vt 0.468750 0.125000 +vt 0.468750 0.062500 +vt 0.468750 0.562500 +vt 0.468750 0.500000 +vt 0.484375 0.000000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.187500 +vt 0.468750 0.687500 +vt 0.468750 0.625000 +vt 0.437500 0.312500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.687500 +vt 0.437500 0.625000 +vt 0.437500 0.125000 +vt 0.437500 0.562500 +vt 0.437500 0.062500 +vt 0.437500 0.500000 +vt 0.453125 0.000000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.421875 0.000000 +vt 0.406250 0.062500 +vt 0.406250 0.500000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.187500 +vt 0.406250 0.687500 +vt 0.406250 0.625000 +vt 0.406250 0.125000 +vt 0.406250 0.562500 +vt 0.375000 0.250000 +vt 0.375000 0.187500 +vt 0.375000 0.687500 +vt 0.375000 0.625000 +vt 0.375000 0.125000 +vt 0.375000 0.562500 +vt 0.375000 0.062500 +vt 0.375000 0.500000 +vt 0.390625 0.000000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.343750 0.500000 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.187500 +vt 0.343750 0.687500 +vt 0.343750 0.625000 +vt 0.343750 0.125000 +vt 0.343750 0.562500 +vt 0.343750 0.062500 +vt 0.359375 0.000000 +vt 0.312500 0.250000 +vt 0.312500 0.187500 +vt 0.312500 0.687500 +vt 0.312500 0.625000 +vt 0.312500 0.125000 +vt 0.312500 0.562500 +vt 0.312500 0.062500 +vt 0.312500 0.500000 +vt 0.328125 0.000000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.281250 0.437500 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.281250 0.187500 +vt 0.281250 0.687500 +vt 0.281250 0.625000 +vt 0.281250 0.125000 +vt 0.281250 0.562500 +vt 0.281250 0.062500 +vt 0.281250 0.500000 +vt 0.296875 0.000000 +vt 0.250000 0.687500 +vt 0.250000 0.625000 +vt 0.250000 0.187500 +vt 0.250000 0.125000 +vt 0.250000 0.562500 +vt 0.250000 0.062500 +vt 0.250000 0.500000 +vt 0.265625 0.000000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.218750 0.437500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.218750 0.187500 +vt 0.218750 0.687500 +vt 0.218750 0.625000 +vt 0.218750 0.125000 +vt 0.218750 0.562500 +vt 0.218750 0.062500 +vt 0.218750 0.500000 +vt 0.234375 0.000000 +vt 0.187500 0.187500 +vt 0.187500 0.125000 +vt 0.187500 0.625000 +vt 0.187500 0.562500 +vt 0.187500 0.062500 +vt 0.187500 0.500000 +vt 0.203125 0.000000 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.687500 +vt 0.156250 0.375000 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.187500 +vt 0.156250 0.687500 +vt 0.156250 0.625000 +vt 0.156250 0.125000 +vt 0.156250 0.562500 +vt 0.156250 0.062500 +vt 0.156250 0.500000 +vt 0.171875 0.000000 +vt 0.156250 0.437500 +vt 0.125000 0.125000 +vt 0.125000 0.062500 +vt 0.125000 0.562500 +vt 0.125000 0.500000 +vt 0.140625 0.000000 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.187500 +vt 0.125000 0.687500 +vt 0.125000 0.625000 +vt 0.093750 0.312500 +vt 0.093750 0.250000 +vt 0.093750 0.187500 +vt 0.093750 0.687500 +vt 0.093750 0.625000 +vt 0.093750 0.125000 +vt 0.093750 0.562500 +vt 0.093750 0.062500 +vt 0.093750 0.500000 +vt 0.109375 0.000000 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.062500 0.562500 +vt 0.062500 0.500000 +vt 0.078125 0.000000 +vt 0.062500 0.062500 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.187500 +vt 0.062500 0.687500 +vt 0.062500 0.625000 +vt 0.062500 0.125000 +vt 0.031250 0.312500 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.687500 +vt 0.031250 0.625000 +vt 0.031250 0.125000 +vt 0.031250 0.562500 +vt 0.031250 0.062500 +vt 0.031250 0.500000 +vt 0.046875 0.000000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.015625 0.000000 +vt 0.000000 0.062500 +vt 0.000000 0.500000 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.187500 +vt 0.000000 0.687500 +vt 0.000000 0.625000 +vt 0.000000 0.125000 +vt 0.000000 0.562500 +vt 1.000000 0.187500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 0.968750 0.187500 +vt 1.000000 0.625000 +vt 1.000000 0.687500 +vt 0.968750 0.687500 +vt 0.968750 0.625000 +vt 1.000000 0.125000 +vt 0.968750 0.125000 +vt 1.000000 0.562500 +vt 0.968750 0.562500 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 1.000000 0.500000 +vt 0.968750 0.500000 +vt 0.984375 0.000000 +vt 1.000000 0.437500 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 0.937500 0.500000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.187500 +vt 0.937500 0.687500 +vt 0.937500 0.625000 +vt 0.937500 0.125000 +vt 0.937500 0.562500 +vt 0.937500 0.062500 +vt 0.953125 0.000000 +vt 0.906250 0.250000 +vt 0.906250 0.187500 +vt 0.906250 0.687500 +vt 0.906250 0.625000 +vt 0.906250 0.125000 +vt 0.906250 0.562500 +vt 0.906250 0.062500 +vt 0.906250 0.500000 +vt 0.921875 0.000000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.875000 0.437500 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.875000 0.187500 +vt 0.875000 0.687500 +vt 0.875000 0.625000 +vt 0.875000 0.125000 +vt 0.875000 0.562500 +vt 0.875000 0.062500 +vt 0.875000 0.500000 +vt 0.890625 0.000000 +vt 0.843750 0.187500 +vt 0.843750 0.125000 +vt 0.843750 0.625000 +vt 0.843750 0.562500 +vt 0.843750 0.062500 +vt 0.843750 0.500000 +vt 0.859375 0.000000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.687500 +vt 0.812500 0.375000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.187500 +vt 0.812500 0.687500 +vt 0.812500 0.625000 +vt 0.812500 0.125000 +vt 0.812500 0.562500 +vt 0.812500 0.062500 +vt 0.812500 0.500000 +vt 0.828125 0.000000 +vt 0.812500 0.437500 +vt 0.781250 0.625000 +vt 0.781250 0.562500 +vt 0.781250 0.125000 +vt 0.781250 0.062500 +vt 0.781250 0.500000 +vt 0.796875 0.000000 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.187500 +vt 0.781250 0.687500 +vt 0.765625 0.000000 +vn 0.0865 -0.4696 -0.8786 +vn 0.0759 -0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0865 0.4696 -0.8786 +vn 0.0464 -0.8810 -0.4709 +vn 0.0938 0.2890 -0.9527 +vn 0.0286 -0.9565 -0.2902 +vn 0.0975 0.0975 -0.9904 +vn 0.0097 -0.9951 -0.0980 +vn 0.0976 -0.0975 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.2779 -0.2890 -0.9161 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.2563 0.4696 -0.8448 +vn 0.1374 -0.8810 -0.4528 +vn 0.2779 0.2890 -0.9161 +vn 0.0846 -0.9565 -0.2790 +vn 0.2889 0.0975 -0.9524 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.4162 0.4696 -0.7786 +vn 0.2230 -0.8810 -0.4173 +vn 0.4513 0.2890 -0.8443 +vn 0.1374 -0.9565 -0.2571 +vn 0.4691 0.0975 -0.8777 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.6073 -0.2890 -0.7400 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.5601 0.4696 -0.6825 +vn 0.3002 -0.8810 -0.3658 +vn 0.6073 0.2890 -0.7400 +vn 0.1850 -0.9565 -0.2254 +vn 0.6314 0.0976 -0.7693 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0976 -0.7693 +vn 0.3658 -0.8810 -0.3002 +vn 0.7400 0.2890 -0.6073 +vn 0.2254 -0.9565 -0.1850 +vn 0.7693 0.0975 -0.6314 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.6825 0.4696 -0.5601 +vn 0.7786 -0.4696 -0.4162 +vn 0.6831 -0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.7786 0.4696 -0.4162 +vn 0.4173 -0.8810 -0.2231 +vn 0.8443 0.2890 -0.4513 +vn 0.2571 -0.9565 -0.1374 +vn 0.8777 0.0976 -0.4691 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0976 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.9161 0.2890 -0.2779 +vn 0.2790 -0.9565 -0.0846 +vn 0.9524 0.0976 -0.2889 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0976 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.8448 0.4696 -0.2563 +vn 0.4528 -0.8810 -0.1374 +vn 0.8786 -0.4696 -0.0865 +vn 0.7708 -0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.8786 0.4696 -0.0865 +vn 0.4709 -0.8810 -0.0464 +vn 0.9527 0.2890 -0.0938 +vn 0.2902 -0.9565 -0.0286 +vn 0.9904 0.0976 -0.0975 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0976 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.2902 -0.9565 0.0286 +vn 0.9904 0.0976 0.0975 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0976 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.8786 0.4696 0.0865 +vn 0.4709 -0.8810 0.0464 +vn 0.9527 0.2890 0.0938 +vn 0.7412 -0.6326 0.2248 +vn 0.6088 -0.7715 0.1847 +vn 0.8448 0.4696 0.2563 +vn 0.4528 -0.8810 0.1374 +vn 0.9161 0.2890 0.2779 +vn 0.2790 -0.9565 0.0846 +vn 0.9524 0.0976 0.2889 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0976 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.0869 -0.9951 0.0464 +vn 0.8777 -0.0976 0.4691 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.7786 0.4696 0.4162 +vn 0.4173 -0.8810 0.2231 +vn 0.8443 0.2890 0.4513 +vn 0.2571 -0.9565 0.1374 +vn 0.8777 0.0976 0.4691 +vn 0.4918 -0.7715 0.4036 +vn 0.6825 0.4696 0.5601 +vn 0.3658 -0.8810 0.3002 +vn 0.7400 0.2890 0.6073 +vn 0.2254 -0.9565 0.1850 +vn 0.7693 0.0976 0.6314 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0976 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.6314 -0.0976 0.7693 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.5601 0.4696 0.6825 +vn 0.3002 -0.8810 0.3658 +vn 0.6073 0.2890 0.7400 +vn 0.1850 -0.9565 0.2254 +vn 0.6314 0.0976 0.7693 +vn 0.0625 -0.9951 0.0761 +vn 0.2999 -0.7715 0.5611 +vn 0.4162 0.4696 0.7786 +vn 0.2230 -0.8810 0.4173 +vn 0.4513 0.2890 0.8443 +vn 0.1374 -0.9565 0.2571 +vn 0.4691 0.0976 0.8777 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0976 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.2779 -0.2890 0.9161 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.2563 0.4696 0.8448 +vn 0.1374 -0.8810 0.4528 +vn 0.2779 0.2890 0.9161 +vn 0.0846 -0.9565 0.2790 +vn 0.2889 0.0976 0.9524 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0976 0.9524 +vn 0.0865 0.4696 0.8786 +vn 0.0464 -0.8810 0.4709 +vn 0.0938 0.2890 0.9527 +vn 0.0286 -0.9565 0.2902 +vn 0.0975 0.0976 0.9904 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0976 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn -0.0938 -0.2890 0.9527 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.0865 0.4696 0.8786 +vn -0.0464 -0.8810 0.4709 +vn -0.0938 0.2890 0.9527 +vn -0.0286 -0.9565 0.2902 +vn -0.0976 0.0976 0.9904 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0976 0.9904 +vn -0.1374 -0.8810 0.4528 +vn -0.2779 0.2890 0.9161 +vn -0.0846 -0.9565 0.2790 +vn -0.2889 0.0976 0.9524 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0976 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.2563 0.4696 0.8448 +vn -0.4162 -0.4696 0.7786 +vn -0.3651 -0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.4162 0.4696 0.7786 +vn -0.2230 -0.8810 0.4173 +vn -0.4513 0.2890 0.8443 +vn -0.1374 -0.9565 0.2571 +vn -0.4691 0.0976 0.8777 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0976 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.1850 -0.9565 0.2254 +vn -0.6314 0.0976 0.7693 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0976 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.5601 0.4696 0.6825 +vn -0.3002 -0.8810 0.3658 +vn -0.6073 0.2890 0.7400 +vn -0.5987 -0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.6825 0.4696 0.5601 +vn -0.3658 -0.8810 0.3002 +vn -0.7400 0.2890 0.6073 +vn -0.2254 -0.9565 0.1850 +vn -0.7693 0.0976 0.6314 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0976 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.8777 0.0976 0.4691 +vn -0.0869 -0.9951 0.0464 +vn -0.8777 -0.0976 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.7786 0.4696 0.4162 +vn -0.4173 -0.8810 0.2231 +vn -0.8443 0.2890 0.4513 +vn -0.2571 -0.9565 0.1374 +vn -0.7412 -0.6326 0.2248 +vn -0.6088 -0.7715 0.1847 +vn -0.8448 0.4696 0.2563 +vn -0.4528 -0.8810 0.1374 +vn -0.9161 0.2890 0.2779 +vn -0.2790 -0.9565 0.0846 +vn -0.9524 0.0976 0.2889 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0976 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0976 0.0975 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.8786 0.4696 0.0865 +vn -0.4709 -0.8810 0.0464 +vn -0.9527 0.2890 0.0938 +vn -0.2902 -0.9565 0.0286 +vn -0.9904 0.0976 0.0975 +vn -0.6332 -0.7715 -0.0624 +vn -0.8786 0.4696 -0.0865 +vn -0.4709 -0.8810 -0.0464 +vn -0.9527 0.2890 -0.0938 +vn -0.2902 -0.9565 -0.0286 +vn -0.9904 0.0976 -0.0976 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0976 -0.0976 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.9524 -0.0976 -0.2889 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.8448 0.4696 -0.2563 +vn -0.4528 -0.8810 -0.1374 +vn -0.9161 0.2890 -0.2779 +vn -0.2790 -0.9565 -0.0846 +vn -0.9524 0.0976 -0.2889 +vn -0.0942 -0.9951 -0.0286 +vn -0.5611 -0.7715 -0.2999 +vn -0.7786 0.4696 -0.4162 +vn -0.4173 -0.8810 -0.2231 +vn -0.8443 0.2890 -0.4513 +vn -0.2571 -0.9565 -0.1374 +vn -0.8777 0.0976 -0.4691 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0976 -0.4691 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.7400 -0.2890 -0.6073 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.6825 0.4696 -0.5601 +vn -0.3658 -0.8810 -0.3002 +vn -0.7400 0.2890 -0.6073 +vn -0.2254 -0.9565 -0.1850 +vn -0.7693 0.0976 -0.6314 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0976 -0.6314 +vn -0.3002 -0.8810 -0.3658 +vn -0.6073 0.2890 -0.7400 +vn -0.1850 -0.9565 -0.2254 +vn -0.6314 0.0976 -0.7693 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0976 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.5601 0.4696 -0.6825 +vn -0.4162 -0.4696 -0.7786 +vn -0.3651 -0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.4162 0.4696 -0.7786 +vn -0.2230 -0.8810 -0.4173 +vn -0.4513 0.2890 -0.8443 +vn -0.1374 -0.9565 -0.2571 +vn -0.4691 0.0976 -0.8777 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0976 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.2779 0.2890 -0.9161 +vn -0.0846 -0.9565 -0.2790 +vn -0.2889 0.0976 -0.9524 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0976 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.2563 0.4696 -0.8448 +vn -0.1374 -0.8810 -0.4528 +vn -0.0865 -0.4696 -0.8786 +vn -0.0759 -0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0865 0.4696 -0.8786 +vn -0.0464 -0.8810 -0.4709 +vn -0.0938 0.2890 -0.9527 +vn -0.0286 -0.9565 -0.2902 +vn -0.0976 0.0976 -0.9904 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +usemtl None +s off +f 350/1/1 349/2/1 12/3/1 13/4/1 +f 351/5/2 350/1/2 13/4/2 14/6/2 +f 6/7/3 351/5/3 14/6/3 15/8/3 +f 2/9/4 1/10/4 7/11/4 8/12/4 +f 352/13/5 6/7/5 15/8/5 16/14/5 +f 3/15/6 2/9/6 8/12/6 9/16/6 +f 353/17/7 352/13/7 16/14/7 17/18/7 +f 4/19/8 3/15/8 9/16/8 10/20/8 +f 150/21/9 353/17/9 17/18/9 +f 5/22/10 4/19/10 10/20/10 11/23/10 +f 349/2/11 5/22/11 11/23/11 12/3/11 +f 12/3/12 11/23/12 22/24/12 23/25/12 +f 13/4/13 12/3/13 23/25/13 24/26/13 +f 14/6/14 13/4/14 24/26/14 25/27/14 +f 15/8/15 14/6/15 25/27/15 26/28/15 +f 8/12/16 7/11/16 18/29/16 19/30/16 +f 16/14/17 15/8/17 26/28/17 27/31/17 +f 9/16/18 8/12/18 19/30/18 20/32/18 +f 17/18/19 16/14/19 27/31/19 28/33/19 +f 10/20/20 9/16/20 20/32/20 21/34/20 +f 150/35/21 17/18/21 28/33/21 +f 11/23/22 10/20/22 21/34/22 22/24/22 +f 19/30/23 18/29/23 29/36/23 30/37/23 +f 27/31/24 26/28/24 37/38/24 38/39/24 +f 20/32/25 19/30/25 30/37/25 31/40/25 +f 28/33/26 27/31/26 38/39/26 39/41/26 +f 21/34/27 20/32/27 31/40/27 32/42/27 +f 150/43/28 28/33/28 39/41/28 +f 22/24/29 21/34/29 32/42/29 33/44/29 +f 23/25/30 22/24/30 33/44/30 34/45/30 +f 24/26/31 23/25/31 34/45/31 35/46/31 +f 25/27/32 24/26/32 35/46/32 36/47/32 +f 26/28/33 25/27/33 36/47/33 37/38/33 +f 34/45/34 33/44/34 44/48/34 45/49/34 +f 35/46/35 34/45/35 45/49/35 46/50/35 +f 36/47/36 35/46/36 46/50/36 47/51/36 +f 37/38/37 36/47/37 47/51/37 48/52/37 +f 30/37/38 29/36/38 40/53/38 41/54/38 +f 38/39/39 37/38/39 48/52/39 49/55/39 +f 31/40/40 30/37/40 41/54/40 42/56/40 +f 39/41/41 38/39/41 49/55/41 50/57/41 +f 32/42/42 31/40/42 42/56/42 43/58/42 +f 150/59/43 39/41/43 50/57/43 +f 33/44/44 32/42/44 43/58/44 44/48/44 +f 49/55/45 48/52/45 59/60/45 60/61/45 +f 42/56/46 41/54/46 52/62/46 53/63/46 +f 50/57/47 49/55/47 60/61/47 61/64/47 +f 43/58/48 42/56/48 53/63/48 54/65/48 +f 150/66/49 50/57/49 61/64/49 +f 44/48/50 43/58/50 54/65/50 55/67/50 +f 45/49/51 44/48/51 55/67/51 56/68/51 +f 46/50/52 45/49/52 56/68/52 57/69/52 +f 47/51/53 46/50/53 57/69/53 58/70/53 +f 48/52/54 47/51/54 58/70/54 59/60/54 +f 41/54/55 40/53/55 51/71/55 52/62/55 +f 57/69/56 56/68/56 67/72/56 68/73/56 +f 58/70/57 57/69/57 68/73/57 69/74/57 +f 59/60/58 58/70/58 69/74/58 70/75/58 +f 52/62/59 51/71/59 62/76/59 63/77/59 +f 60/61/60 59/60/60 70/75/60 71/78/60 +f 53/63/61 52/62/61 63/77/61 64/79/61 +f 61/64/62 60/61/62 71/78/62 72/80/62 +f 54/65/63 53/63/63 64/79/63 65/81/63 +f 150/82/64 61/64/64 72/80/64 +f 55/67/65 54/65/65 65/81/65 66/83/65 +f 56/68/66 55/67/66 66/83/66 67/72/66 +f 64/79/67 63/77/67 74/84/67 75/85/67 +f 72/80/68 71/78/68 82/86/68 83/87/68 +f 65/81/69 64/79/69 75/85/69 76/88/69 +f 150/89/70 72/80/70 83/87/70 +f 66/83/71 65/81/71 76/88/71 77/90/71 +f 67/72/72 66/83/72 77/90/72 78/91/72 +f 68/73/73 67/72/73 78/91/73 79/92/73 +f 69/74/74 68/73/74 79/92/74 80/93/74 +f 70/75/75 69/74/75 80/93/75 81/94/75 +f 63/77/76 62/76/76 73/95/76 74/84/76 +f 71/78/77 70/75/77 81/94/77 82/86/77 +f 79/92/78 78/91/78 89/96/78 90/97/78 +f 80/93/79 79/92/79 90/97/79 91/98/79 +f 81/94/80 80/93/80 91/98/80 92/99/80 +f 74/84/81 73/95/81 84/100/81 85/101/81 +f 82/86/82 81/94/82 92/99/82 93/102/82 +f 75/85/83 74/84/83 85/101/83 86/103/83 +f 83/87/84 82/86/84 93/102/84 94/104/84 +f 76/88/85 75/85/85 86/103/85 87/105/85 +f 150/106/86 83/87/86 94/104/86 +f 77/90/87 76/88/87 87/105/87 88/107/87 +f 78/91/88 77/90/88 88/107/88 89/96/88 +f 94/104/89 93/102/89 104/108/89 105/109/89 +f 87/105/90 86/103/90 97/110/90 98/111/90 +f 150/112/91 94/104/91 105/109/91 +f 88/107/92 87/105/92 98/111/92 99/113/92 +f 89/96/93 88/107/93 99/113/93 100/114/93 +f 90/97/94 89/96/94 100/114/94 101/115/94 +f 91/98/95 90/97/95 101/115/95 102/116/95 +f 92/99/96 91/98/96 102/116/96 103/117/96 +f 85/101/97 84/100/97 95/118/97 96/119/97 +f 93/102/98 92/99/98 103/117/98 104/108/98 +f 86/103/99 85/101/99 96/119/99 97/110/99 +f 102/116/100 101/115/100 112/120/100 113/121/100 +f 103/117/101 102/116/101 113/121/101 114/122/101 +f 96/119/102 95/118/102 106/123/102 107/124/102 +f 104/108/103 103/117/103 114/122/103 115/125/103 +f 97/110/104 96/119/104 107/124/104 108/126/104 +f 105/109/105 104/108/105 115/125/105 116/127/105 +f 98/111/106 97/110/106 108/126/106 109/128/106 +f 150/129/107 105/109/107 116/127/107 +f 99/113/108 98/111/108 109/128/108 110/130/108 +f 100/114/109 99/113/109 110/130/109 111/131/109 +f 101/115/110 100/114/110 111/131/110 112/120/110 +f 150/132/111 116/127/111 127/133/111 +f 110/130/112 109/128/112 120/134/112 121/135/112 +f 111/131/113 110/130/113 121/135/113 122/136/113 +f 112/120/114 111/131/114 122/136/114 123/137/114 +f 113/121/115 112/120/115 123/137/115 124/138/115 +f 114/122/116 113/121/116 124/138/116 125/139/116 +f 107/124/117 106/123/117 117/140/117 118/141/117 +f 115/125/118 114/122/118 125/139/118 126/142/118 +f 108/126/119 107/124/119 118/141/119 119/143/119 +f 116/127/120 115/125/120 126/142/120 127/133/120 +f 109/128/121 108/126/121 119/143/121 120/134/121 +f 125/139/122 124/138/122 135/144/122 136/145/122 +f 118/141/123 117/140/123 128/146/123 129/147/123 +f 126/142/124 125/139/124 136/145/124 137/148/124 +f 119/143/125 118/141/125 129/147/125 130/149/125 +f 127/133/126 126/142/126 137/148/126 138/150/126 +f 120/134/127 119/143/127 130/149/127 131/151/127 +f 150/152/128 127/133/128 138/150/128 +f 121/135/129 120/134/129 131/151/129 132/153/129 +f 122/136/130 121/135/130 132/153/130 133/154/130 +f 123/137/131 122/136/131 133/154/131 134/155/131 +f 124/138/132 123/137/132 134/155/132 135/144/132 +f 132/153/133 131/151/133 142/156/133 143/157/133 +f 133/154/134 132/153/134 143/157/134 144/158/134 +f 134/155/135 133/154/135 144/158/135 145/159/135 +f 135/144/136 134/155/136 145/159/136 146/160/136 +f 136/145/137 135/144/137 146/160/137 147/161/137 +f 129/147/138 128/146/138 139/162/138 140/163/138 +f 137/148/139 136/145/139 147/161/139 148/164/139 +f 130/149/140 129/147/140 140/163/140 141/165/140 +f 138/150/141 137/148/141 148/164/141 149/166/141 +f 131/151/142 130/149/142 141/165/142 142/156/142 +f 150/167/143 138/150/143 149/166/143 +f 147/161/144 146/160/144 158/168/144 159/169/144 +f 140/163/145 139/162/145 151/170/145 152/171/145 +f 148/164/146 147/161/146 159/169/146 160/172/146 +f 141/165/147 140/163/147 152/171/147 153/173/147 +f 149/166/148 148/164/148 160/172/148 161/174/148 +f 142/156/149 141/165/149 153/173/149 154/175/149 +f 150/176/150 149/166/150 161/174/150 +f 143/157/151 142/156/151 154/175/151 155/177/151 +f 144/158/152 143/157/152 155/177/152 156/178/152 +f 145/159/153 144/158/153 156/178/153 157/179/153 +f 146/160/154 145/159/154 157/179/154 158/168/154 +f 156/178/155 155/177/155 166/180/155 167/181/155 +f 157/179/156 156/178/156 167/181/156 168/182/156 +f 158/168/157 157/179/157 168/182/157 169/183/157 +f 159/169/158 158/168/158 169/183/158 170/184/158 +f 152/171/159 151/170/159 162/185/159 163/186/159 +f 160/172/160 159/169/160 170/184/160 171/187/160 +f 153/173/161 152/171/161 163/186/161 164/188/161 +f 161/174/162 160/172/162 171/187/162 172/189/162 +f 154/175/163 153/173/163 164/188/163 165/190/163 +f 150/191/164 161/174/164 172/189/164 +f 155/177/165 154/175/165 165/190/165 166/180/165 +f 163/186/166 162/185/166 173/192/166 174/193/166 +f 171/187/167 170/184/167 181/194/167 182/195/167 +f 164/188/168 163/186/168 174/193/168 175/196/168 +f 172/189/169 171/187/169 182/195/169 183/197/169 +f 165/190/170 164/188/170 175/196/170 176/198/170 +f 150/199/171 172/189/171 183/197/171 +f 166/180/172 165/190/172 176/198/172 177/200/172 +f 167/181/173 166/180/173 177/200/173 178/201/173 +f 168/182/174 167/181/174 178/201/174 179/202/174 +f 169/183/175 168/182/175 179/202/175 180/203/175 +f 170/184/176 169/183/176 180/203/176 181/194/176 +f 178/201/177 177/200/177 188/204/177 189/205/177 +f 179/202/178 178/201/178 189/205/178 190/206/178 +f 180/203/179 179/202/179 190/206/179 191/207/179 +f 181/194/180 180/203/180 191/207/180 192/208/180 +f 174/193/181 173/192/181 184/209/181 185/210/181 +f 182/195/182 181/194/182 192/208/182 193/211/182 +f 175/196/183 174/193/183 185/210/183 186/212/183 +f 183/197/184 182/195/184 193/211/184 194/213/184 +f 176/198/185 175/196/185 186/212/185 187/214/185 +f 150/215/186 183/197/186 194/213/186 +f 177/200/187 176/198/187 187/214/187 188/204/187 +f 193/211/188 192/208/188 203/216/188 204/217/188 +f 186/212/189 185/210/189 196/218/189 197/219/189 +f 194/213/190 193/211/190 204/217/190 205/220/190 +f 187/214/191 186/212/191 197/219/191 198/221/191 +f 150/222/192 194/213/192 205/220/192 +f 188/204/193 187/214/193 198/221/193 199/223/193 +f 189/205/194 188/204/194 199/223/194 200/224/194 +f 190/206/195 189/205/195 200/224/195 201/225/195 +f 191/207/196 190/206/196 201/225/196 202/226/196 +f 192/208/197 191/207/197 202/226/197 203/216/197 +f 185/210/198 184/209/198 195/227/198 196/218/198 +f 201/225/199 200/224/199 211/228/199 212/229/199 +f 202/226/200 201/225/200 212/229/200 213/230/200 +f 203/216/201 202/226/201 213/230/201 214/231/201 +f 196/218/202 195/227/202 206/232/202 207/233/202 +f 204/217/203 203/216/203 214/231/203 215/234/203 +f 197/219/204 196/218/204 207/233/204 208/235/204 +f 205/220/205 204/217/205 215/234/205 216/236/205 +f 198/221/206 197/219/206 208/235/206 209/237/206 +f 150/238/207 205/220/207 216/236/207 +f 199/223/208 198/221/208 209/237/208 210/239/208 +f 200/224/209 199/223/209 210/239/209 211/228/209 +f 216/236/210 215/234/210 226/240/210 227/241/210 +f 209/237/211 208/235/211 219/242/211 220/243/211 +f 150/244/212 216/236/212 227/241/212 +f 210/239/213 209/237/213 220/243/213 221/245/213 +f 211/228/214 210/239/214 221/245/214 222/246/214 +f 212/229/215 211/228/215 222/246/215 223/247/215 +f 213/230/216 212/229/216 223/247/216 224/248/216 +f 214/231/217 213/230/217 224/248/217 225/249/217 +f 207/233/218 206/232/218 217/250/218 218/251/218 +f 215/234/219 214/231/219 225/249/219 226/240/219 +f 208/235/220 207/233/220 218/251/220 219/242/220 +f 224/248/221 223/247/221 234/252/221 235/253/221 +f 225/249/222 224/248/222 235/253/222 236/254/222 +f 218/251/223 217/250/223 228/255/223 229/256/223 +f 226/240/224 225/249/224 236/254/224 237/257/224 +f 219/242/225 218/251/225 229/256/225 230/258/225 +f 227/241/226 226/240/226 237/257/226 238/259/226 +f 220/243/227 219/242/227 230/258/227 231/260/227 +f 150/261/228 227/241/228 238/259/228 +f 221/245/229 220/243/229 231/260/229 232/262/229 +f 222/246/230 221/245/230 232/262/230 233/263/230 +f 223/247/231 222/246/231 233/263/231 234/252/231 +f 231/260/232 230/258/232 241/264/232 242/265/232 +f 150/266/233 238/259/233 249/267/233 +f 232/262/234 231/260/234 242/265/234 243/268/234 +f 233/263/235 232/262/235 243/268/235 244/269/235 +f 234/252/236 233/263/236 244/269/236 245/270/236 +f 235/253/237 234/252/237 245/270/237 246/271/237 +f 236/254/238 235/253/238 246/271/238 247/272/238 +f 229/256/239 228/255/239 239/273/239 240/274/239 +f 237/257/240 236/254/240 247/272/240 248/275/240 +f 230/258/241 229/256/241 240/274/241 241/264/241 +f 238/259/242 237/257/242 248/275/242 249/267/242 +f 246/271/243 245/270/243 256/276/243 257/277/243 +f 247/272/244 246/271/244 257/277/244 258/278/244 +f 240/274/245 239/273/245 250/279/245 251/280/245 +f 248/275/246 247/272/246 258/278/246 259/281/246 +f 241/264/247 240/274/247 251/280/247 252/282/247 +f 249/267/248 248/275/248 259/281/248 260/283/248 +f 242/265/249 241/264/249 252/282/249 253/284/249 +f 150/285/250 249/267/250 260/283/250 +f 243/268/251 242/265/251 253/284/251 254/286/251 +f 244/269/252 243/268/252 254/286/252 255/287/252 +f 245/270/253 244/269/253 255/287/253 256/276/253 +f 150/288/254 260/283/254 271/289/254 +f 254/286/255 253/284/255 264/290/255 265/291/255 +f 255/287/256 254/286/256 265/291/256 266/292/256 +f 256/276/257 255/287/257 266/292/257 267/293/257 +f 257/277/258 256/276/258 267/293/258 268/294/258 +f 258/278/259 257/277/259 268/294/259 269/295/259 +f 251/280/260 250/279/260 261/296/260 262/297/260 +f 259/281/261 258/278/261 269/295/261 270/298/261 +f 252/282/262 251/280/262 262/297/262 263/299/262 +f 260/283/263 259/281/263 270/298/263 271/289/263 +f 253/284/264 252/282/264 263/299/264 264/290/264 +f 269/300/265 268/301/265 279/302/265 280/303/265 +f 262/304/266 261/305/266 272/306/266 273/307/266 +f 270/308/267 269/300/267 280/303/267 281/309/267 +f 263/310/268 262/304/268 273/307/268 274/311/268 +f 271/312/269 270/308/269 281/309/269 282/313/269 +f 264/314/270 263/310/270 274/311/270 275/315/270 +f 150/316/271 271/312/271 282/313/271 +f 265/317/272 264/314/272 275/315/272 276/318/272 +f 266/319/273 265/317/273 276/318/273 277/320/273 +f 267/321/274 266/319/274 277/320/274 278/322/274 +f 268/301/275 267/321/275 278/322/275 279/302/275 +f 276/318/276 275/315/276 286/323/276 287/324/276 +f 277/320/277 276/318/277 287/324/277 288/325/277 +f 278/322/278 277/320/278 288/325/278 289/326/278 +f 279/302/279 278/322/279 289/326/279 290/327/279 +f 280/303/280 279/302/280 290/327/280 291/328/280 +f 273/307/281 272/306/281 283/329/281 284/330/281 +f 281/309/282 280/303/282 291/328/282 292/331/282 +f 274/311/283 273/307/283 284/330/283 285/332/283 +f 282/313/284 281/309/284 292/331/284 293/333/284 +f 275/315/285 274/311/285 285/332/285 286/323/285 +f 150/334/286 282/313/286 293/333/286 +f 291/328/287 290/327/287 301/335/287 302/336/287 +f 284/330/288 283/329/288 294/337/288 295/338/288 +f 292/331/289 291/328/289 302/336/289 303/339/289 +f 285/332/290 284/330/290 295/338/290 296/340/290 +f 293/333/291 292/331/291 303/339/291 304/341/291 +f 286/323/292 285/332/292 296/340/292 297/342/292 +f 150/343/293 293/333/293 304/341/293 +f 287/324/294 286/323/294 297/342/294 298/344/294 +f 288/325/295 287/324/295 298/344/295 299/345/295 +f 289/326/296 288/325/296 299/345/296 300/346/296 +f 290/327/297 289/326/297 300/346/297 301/335/297 +f 299/345/298 298/344/298 309/347/298 310/348/298 +f 300/346/299 299/345/299 310/348/299 311/349/299 +f 301/335/300 300/346/300 311/349/300 312/350/300 +f 302/336/301 301/335/301 312/350/301 313/351/301 +f 295/338/302 294/337/302 305/352/302 306/353/302 +f 303/339/303 302/336/303 313/351/303 314/354/303 +f 296/340/304 295/338/304 306/353/304 307/355/304 +f 304/341/305 303/339/305 314/354/305 315/356/305 +f 297/342/306 296/340/306 307/355/306 308/357/306 +f 150/358/307 304/341/307 315/356/307 +f 298/344/308 297/342/308 308/357/308 309/347/308 +f 314/354/309 313/351/309 324/359/309 325/360/309 +f 307/355/310 306/353/310 317/361/310 318/362/310 +f 315/356/311 314/354/311 325/360/311 326/363/311 +f 308/357/312 307/355/312 318/362/312 319/364/312 +f 150/365/313 315/356/313 326/363/313 +f 309/347/314 308/357/314 319/364/314 320/366/314 +f 310/348/315 309/347/315 320/366/315 321/367/315 +f 311/349/316 310/348/316 321/367/316 322/368/316 +f 312/350/317 311/349/317 322/368/317 323/369/317 +f 313/351/318 312/350/318 323/369/318 324/359/318 +f 306/353/319 305/352/319 316/370/319 317/361/319 +f 322/368/320 321/367/320 332/371/320 333/372/320 +f 323/369/321 322/368/321 333/372/321 334/373/321 +f 324/359/322 323/369/322 334/373/322 335/374/322 +f 317/361/323 316/370/323 327/375/323 328/376/323 +f 325/360/324 324/359/324 335/374/324 336/377/324 +f 318/362/325 317/361/325 328/376/325 329/378/325 +f 326/363/326 325/360/326 336/377/326 337/379/326 +f 319/364/327 318/362/327 329/378/327 330/380/327 +f 150/381/328 326/363/328 337/379/328 +f 320/366/329 319/364/329 330/380/329 331/382/329 +f 321/367/330 320/366/330 331/382/330 332/371/330 +f 329/378/331 328/376/331 339/383/331 340/384/331 +f 337/379/332 336/377/332 347/385/332 348/386/332 +f 330/380/333 329/378/333 340/384/333 341/387/333 +f 150/388/334 337/379/334 348/386/334 +f 331/382/335 330/380/335 341/387/335 342/389/335 +f 332/371/336 331/382/336 342/389/336 343/390/336 +f 333/372/337 332/371/337 343/390/337 344/391/337 +f 334/373/338 333/372/338 344/391/338 345/392/338 +f 335/374/339 334/373/339 345/392/339 346/393/339 +f 328/376/340 327/375/340 338/394/340 339/383/340 +f 336/377/341 335/374/341 346/393/341 347/385/341 +f 344/391/342 343/390/342 349/2/342 350/1/342 +f 345/392/343 344/391/343 350/1/343 351/5/343 +f 346/393/344 345/392/344 351/5/344 6/7/344 +f 339/383/345 338/394/345 1/10/345 2/9/345 +f 347/385/346 346/393/346 6/7/346 352/13/346 +f 340/384/347 339/383/347 2/9/347 3/15/347 +f 348/386/348 347/385/348 352/13/348 353/17/348 +f 341/387/349 340/384/349 3/15/349 4/19/349 +f 150/395/350 348/386/350 353/17/350 +f 342/389/351 341/387/351 4/19/351 5/22/351 +f 343/390/352 342/389/352 5/22/352 349/2/352 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353_top_ring.txt b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353_top_ring.txt new file mode 100644 index 0000000000000000000000000000000000000000..38336ffb2a266b6904502b4376bbef4231916553 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.6_numV_353_top_ring.txt @@ -0,0 +1,32 @@ +0 0.00000 0.83147 0.55557 +6 0.16221 0.81549 0.55557 +17 0.31819 0.76818 0.55557 +28 0.46194 0.69134 0.55557 +39 0.58794 0.58794 0.55557 +50 0.69134 0.46194 0.55557 +61 0.76818 0.31819 0.55557 +72 0.81549 0.16221 0.55557 +83 0.83147 -0.00000 0.55557 +94 0.81549 -0.16221 0.55557 +105 0.76818 -0.31819 0.55557 +116 0.69134 -0.46194 0.55557 +127 0.58794 -0.58794 0.55557 +138 0.46194 -0.69134 0.55557 +150 0.31819 -0.76818 0.55557 +161 0.16221 -0.81549 0.55557 +172 -0.00000 -0.83147 0.55557 +183 -0.16221 -0.81549 0.55557 +194 -0.31819 -0.76818 0.55557 +205 -0.46194 -0.69134 0.55557 +216 -0.58794 -0.58794 0.55557 +227 -0.69134 -0.46194 0.55557 +238 -0.76818 -0.31819 0.55557 +249 -0.81549 -0.16221 0.55557 +260 -0.83147 -0.00000 0.55557 +271 -0.81549 0.16221 0.55557 +282 -0.76818 0.31819 0.55557 +293 -0.69134 0.46194 0.55557 +304 -0.58794 0.58794 0.55557 +315 -0.46194 0.69134 0.55557 +326 -0.31819 0.76818 0.55557 +337 -0.16221 0.81549 0.55557 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385.mtl b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385.mtl new file mode 100644 index 0000000000000000000000000000000000000000..f231bdf4c1534431b9322220b4d534db03594d80 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385.mtl @@ -0,0 +1,10 @@ +# Blender MTL File: 'None' +# Material Count: 1 + +newmtl None +Ns 500 +Ka 0.8 0.8 0.8 +Kd 0.8 0.8 0.8 +Ks 0.8 0.8 0.8 +d 1 +illum 2 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385.obj b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385.obj new file mode 100644 index 0000000000000000000000000000000000000000..8c113714b88393462812ae15151dba0f2a789ade --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385.obj @@ -0,0 +1,1587 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385.mtl +o Sphere +v 0.000000 0.707107 -0.707107 +v 0.000000 0.555570 -0.831470 +v 0.000000 0.382683 -0.923880 +v 0.000000 0.195090 -0.980785 +v 0.000000 0.000000 -1.000000 +v 0.000000 -0.195090 -0.980785 +v 0.000000 -0.831470 -0.555570 +v 0.137950 0.707107 -0.693520 +v 0.162212 0.555570 -0.815493 +v 0.180240 0.382683 -0.906127 +v 0.191342 0.195090 -0.961940 +v 0.195090 0.000000 -0.980785 +v 0.191342 -0.195090 -0.961940 +v 0.180240 -0.382683 -0.906127 +v 0.162212 -0.555570 -0.815493 +v 0.137950 -0.707107 -0.693520 +v 0.108386 -0.831470 -0.544895 +v 0.074658 -0.923880 -0.375330 +v 0.038060 -0.980785 -0.191341 +v 0.270598 0.707107 -0.653281 +v 0.318190 0.555570 -0.768178 +v 0.353553 0.382683 -0.853553 +v 0.375330 0.195090 -0.906127 +v 0.382684 0.000000 -0.923879 +v 0.375330 -0.195090 -0.906127 +v 0.353554 -0.382683 -0.853553 +v 0.318190 -0.555570 -0.768178 +v 0.270598 -0.707107 -0.653281 +v 0.212608 -0.831470 -0.513280 +v 0.146447 -0.923880 -0.353553 +v 0.074658 -0.980785 -0.180240 +v 0.392848 0.707107 -0.587938 +v 0.461940 0.555570 -0.691342 +v 0.513280 0.382683 -0.768178 +v 0.544895 0.195090 -0.815493 +v 0.555570 0.000000 -0.831469 +v 0.544895 -0.195090 -0.815493 +v 0.513280 -0.382683 -0.768178 +v 0.461940 -0.555570 -0.691342 +v 0.392848 -0.707107 -0.587938 +v 0.308658 -0.831470 -0.461940 +v 0.212608 -0.923880 -0.318189 +v 0.108386 -0.980785 -0.162211 +v 0.500000 0.707107 -0.500000 +v 0.587938 0.555570 -0.587938 +v 0.653282 0.382683 -0.653281 +v 0.693520 0.195090 -0.693520 +v 0.707107 0.000000 -0.707107 +v 0.693520 -0.195090 -0.693520 +v 0.653282 -0.382683 -0.653281 +v 0.587938 -0.555570 -0.587938 +v 0.500000 -0.707107 -0.500000 +v 0.392848 -0.831470 -0.392847 +v 0.270598 -0.923880 -0.270598 +v 0.137950 -0.980785 -0.137949 +v 0.587938 0.707107 -0.392847 +v 0.691342 0.555570 -0.461940 +v 0.768178 0.382683 -0.513280 +v 0.815493 0.195090 -0.544895 +v 0.831470 0.000000 -0.555570 +v 0.815493 -0.195090 -0.544895 +v 0.768178 -0.382683 -0.513280 +v 0.691342 -0.555570 -0.461940 +v 0.587938 -0.707107 -0.392847 +v 0.461940 -0.831470 -0.308658 +v 0.318190 -0.923880 -0.212607 +v 0.162212 -0.980785 -0.108386 +v 0.653282 0.707107 -0.270598 +v 0.768178 0.555570 -0.318189 +v 0.853554 0.382683 -0.353553 +v 0.906128 0.195090 -0.375330 +v 0.923880 0.000000 -0.382683 +v 0.906128 -0.195090 -0.375330 +v 0.853554 -0.382683 -0.353553 +v 0.768178 -0.555570 -0.318189 +v 0.653282 -0.707107 -0.270598 +v 0.513280 -0.831470 -0.212607 +v 0.353554 -0.923880 -0.146446 +v 0.180240 -0.980785 -0.074658 +v 0.693520 0.707107 -0.137949 +v 0.815493 0.555570 -0.162211 +v 0.906128 0.382683 -0.180240 +v 0.961940 0.195090 -0.191341 +v 0.980785 0.000000 -0.195090 +v 0.961940 -0.195090 -0.191341 +v 0.906128 -0.382683 -0.180240 +v 0.815493 -0.555570 -0.162211 +v 0.693520 -0.707107 -0.137949 +v 0.544895 -0.831470 -0.108386 +v 0.375330 -0.923880 -0.074658 +v 0.191342 -0.980785 -0.038060 +v 0.707107 0.707107 0.000000 +v 0.831470 0.555570 0.000000 +v 0.923880 0.382683 0.000000 +v 0.980785 0.195090 0.000000 +v 1.000000 0.000000 0.000000 +v 0.980785 -0.195090 0.000000 +v 0.923880 -0.382683 0.000000 +v 0.831470 -0.555570 0.000000 +v 0.707107 -0.707107 0.000000 +v 0.555570 -0.831470 0.000000 +v 0.382684 -0.923880 0.000000 +v 0.195090 -0.980785 0.000000 +v 0.693520 0.707107 0.137950 +v 0.815493 0.555570 0.162212 +v 0.906128 0.382683 0.180240 +v 0.961940 0.195090 0.191342 +v 0.980785 0.000000 0.195091 +v 0.961940 -0.195090 0.191342 +v 0.906128 -0.382683 0.180240 +v 0.815493 -0.555570 0.162212 +v 0.693520 -0.707107 0.137950 +v 0.544895 -0.831470 0.108387 +v 0.375330 -0.923880 0.074658 +v 0.191342 -0.980785 0.038061 +v 0.653282 0.707107 0.270598 +v 0.768178 0.555570 0.318190 +v 0.853554 0.382683 0.353554 +v 0.906127 0.195090 0.375331 +v 0.923880 0.000000 0.382684 +v 0.906127 -0.195090 0.375331 +v 0.853554 -0.382683 0.353554 +v 0.768178 -0.555570 0.318190 +v 0.653282 -0.707107 0.270598 +v 0.513280 -0.831470 0.212608 +v 0.353553 -0.923880 0.146447 +v 0.180240 -0.980785 0.074658 +v 0.587938 0.707107 0.392848 +v 0.691342 0.555570 0.461940 +v 0.768178 0.382683 0.513280 +v 0.815493 0.195090 0.544895 +v 0.831470 0.000000 0.555571 +v 0.815493 -0.195090 0.544895 +v 0.768178 -0.382683 0.513280 +v 0.691342 -0.555570 0.461940 +v 0.587938 -0.707107 0.392848 +v 0.461940 -0.831470 0.308659 +v 0.318190 -0.923880 0.212608 +v 0.162212 -0.980785 0.108387 +v 0.500000 0.707107 0.500000 +v 0.587938 0.555570 0.587938 +v 0.653282 0.382683 0.653282 +v 0.693520 0.195090 0.693520 +v 0.707107 0.000000 0.707107 +v 0.693520 -0.195090 0.693520 +v 0.653282 -0.382683 0.653282 +v 0.587938 -0.555570 0.587938 +v 0.500000 -0.707107 0.500000 +v 0.392848 -0.831470 0.392848 +v 0.270598 -0.923880 0.270598 +v 0.137950 -0.980785 0.137950 +v 0.392848 0.707107 0.587938 +v 0.461940 0.555570 0.691342 +v 0.513280 0.382683 0.768178 +v 0.544895 0.195090 0.815493 +v 0.555570 0.000000 0.831470 +v 0.544895 -0.195090 0.815493 +v 0.513280 -0.382683 0.768178 +v 0.461940 -0.555570 0.691342 +v 0.392848 -0.707107 0.587938 +v 0.308658 -0.831470 0.461940 +v 0.212608 -0.923880 0.318190 +v 0.108386 -0.980785 0.162212 +v 0.000000 -1.000000 0.000000 +v 0.270598 0.707107 0.653282 +v 0.318190 0.555570 0.768178 +v 0.353553 0.382683 0.853554 +v 0.375330 0.195090 0.906128 +v 0.382683 0.000000 0.923880 +v 0.375330 -0.195090 0.906128 +v 0.353553 -0.382683 0.853554 +v 0.318190 -0.555570 0.768178 +v 0.270598 -0.707107 0.653282 +v 0.212608 -0.831470 0.513280 +v 0.146447 -0.923880 0.353554 +v 0.074658 -0.980785 0.180240 +v 0.137950 0.707107 0.693520 +v 0.162212 0.555570 0.815493 +v 0.180240 0.382683 0.906128 +v 0.191342 0.195090 0.961940 +v 0.195090 0.000000 0.980786 +v 0.191342 -0.195090 0.961940 +v 0.180240 -0.382683 0.906128 +v 0.162212 -0.555570 0.815493 +v 0.137950 -0.707107 0.693520 +v 0.108386 -0.831470 0.544895 +v 0.074658 -0.923880 0.375331 +v 0.038060 -0.980785 0.191342 +v -0.000000 0.707107 0.707107 +v -0.000000 0.555570 0.831470 +v 0.000000 0.382683 0.923880 +v -0.000000 0.195090 0.980785 +v -0.000000 0.000000 1.000000 +v -0.000000 -0.195090 0.980785 +v 0.000000 -0.382683 0.923880 +v -0.000000 -0.555570 0.831470 +v -0.000000 -0.707107 0.707107 +v -0.000000 -0.831470 0.555570 +v 0.000000 -0.923880 0.382684 +v 0.000000 -0.980785 0.195091 +v -0.137950 0.707107 0.693520 +v -0.162212 0.555570 0.815493 +v -0.180240 0.382683 0.906128 +v -0.191342 0.195090 0.961940 +v -0.195090 0.000000 0.980786 +v -0.191342 -0.195090 0.961940 +v -0.180240 -0.382683 0.906128 +v -0.162212 -0.555570 0.815493 +v -0.137950 -0.707107 0.693520 +v -0.108386 -0.831470 0.544895 +v -0.074658 -0.923880 0.375331 +v -0.038060 -0.980785 0.191342 +v -0.270598 0.707107 0.653282 +v -0.318190 0.555570 0.768178 +v -0.353553 0.382683 0.853554 +v -0.375330 0.195090 0.906127 +v -0.382684 0.000000 0.923880 +v -0.375330 -0.195090 0.906127 +v -0.353553 -0.382683 0.853554 +v -0.318190 -0.555570 0.768178 +v -0.270598 -0.707107 0.653282 +v -0.212608 -0.831470 0.513280 +v -0.146447 -0.923880 0.353554 +v -0.074658 -0.980785 0.180240 +v -0.392847 0.707107 0.587938 +v -0.461940 0.555570 0.691342 +v -0.513280 0.382683 0.768178 +v -0.544895 0.195090 0.815493 +v -0.555570 0.000000 0.831470 +v -0.544895 -0.195090 0.815493 +v -0.513280 -0.382683 0.768178 +v -0.461940 -0.555570 0.691342 +v -0.392847 -0.707107 0.587938 +v -0.308658 -0.831470 0.461940 +v -0.212607 -0.923880 0.318190 +v -0.108386 -0.980785 0.162212 +v -0.500000 0.707107 0.500000 +v -0.587938 0.555570 0.587938 +v -0.653281 0.382683 0.653282 +v -0.693520 0.195090 0.693520 +v -0.707107 0.000000 0.707107 +v -0.693520 -0.195090 0.693520 +v -0.653281 -0.382683 0.653282 +v -0.587938 -0.555570 0.587938 +v -0.500000 -0.707107 0.500000 +v -0.392847 -0.831470 0.392848 +v -0.270598 -0.923880 0.270598 +v -0.137950 -0.980785 0.137950 +v -0.587938 0.707107 0.392848 +v -0.691342 0.555570 0.461940 +v -0.768178 0.382683 0.513280 +v -0.815493 0.195090 0.544895 +v -0.831470 0.000000 0.555570 +v -0.815493 -0.195090 0.544895 +v -0.768178 -0.382683 0.513280 +v -0.691342 -0.555570 0.461940 +v -0.587938 -0.707107 0.392848 +v -0.461940 -0.831470 0.308658 +v -0.318190 -0.923880 0.212608 +v -0.162212 -0.980785 0.108387 +v -0.653281 0.707107 0.270598 +v -0.768177 0.555570 0.318190 +v -0.853553 0.382683 0.353554 +v -0.906127 0.195090 0.375330 +v -0.923880 0.000000 0.382684 +v -0.906127 -0.195090 0.375330 +v -0.853553 -0.382683 0.353554 +v -0.768177 -0.555570 0.318190 +v -0.653281 -0.707107 0.270598 +v -0.513280 -0.831470 0.212608 +v -0.353553 -0.923880 0.146447 +v -0.180240 -0.980785 0.074658 +v -0.693520 0.707107 0.137950 +v -0.815493 0.555570 0.162212 +v -0.906127 0.382683 0.180240 +v -0.961939 0.195090 0.191342 +v -0.980785 0.000000 0.195090 +v -0.961939 -0.195090 0.191342 +v -0.906127 -0.382683 0.180240 +v -0.815493 -0.555570 0.162212 +v -0.693520 -0.707107 0.137950 +v -0.544895 -0.831470 0.108387 +v -0.375330 -0.923880 0.074658 +v -0.191342 -0.980785 0.038061 +v -0.707107 0.707107 0.000000 +v -0.831469 0.555570 0.000000 +v -0.923879 0.382683 0.000000 +v -0.980785 0.195090 0.000000 +v -1.000000 0.000000 0.000000 +v -0.980785 -0.195090 0.000000 +v -0.923879 -0.382683 0.000000 +v -0.831469 -0.555570 0.000000 +v -0.707107 -0.707107 0.000000 +v -0.555570 -0.831470 0.000000 +v -0.382683 -0.923880 0.000000 +v -0.195090 -0.980785 0.000000 +v -0.693520 0.707107 -0.137949 +v -0.815493 0.555570 -0.162211 +v -0.906127 0.382683 -0.180240 +v -0.961939 0.195090 -0.191342 +v -0.980785 0.000000 -0.195090 +v -0.961939 -0.195090 -0.191342 +v -0.906127 -0.382683 -0.180240 +v -0.815493 -0.555570 -0.162211 +v -0.693520 -0.707107 -0.137949 +v -0.544895 -0.831470 -0.108386 +v -0.375330 -0.923880 -0.074658 +v -0.191342 -0.980785 -0.038060 +v -0.653281 0.707107 -0.270598 +v -0.768177 0.555570 -0.318189 +v -0.853553 0.382683 -0.353553 +v -0.906127 0.195090 -0.375330 +v -0.923879 0.000000 -0.382683 +v -0.906127 -0.195090 -0.375330 +v -0.853553 -0.382683 -0.353553 +v -0.768177 -0.555570 -0.318189 +v -0.653281 -0.707107 -0.270598 +v -0.513280 -0.831470 -0.212607 +v -0.353553 -0.923880 -0.146446 +v -0.180240 -0.980785 -0.074657 +v -0.587938 0.707107 -0.392847 +v -0.691341 0.555570 -0.461939 +v -0.768178 0.382683 -0.513280 +v -0.815493 0.195090 -0.544895 +v -0.831469 0.000000 -0.555570 +v -0.815493 -0.195090 -0.544895 +v -0.768178 -0.382683 -0.513280 +v -0.691341 -0.555570 -0.461939 +v -0.587938 -0.707107 -0.392847 +v -0.461940 -0.831470 -0.308658 +v -0.318189 -0.923880 -0.212607 +v -0.162212 -0.980785 -0.108386 +v -0.500000 0.707107 -0.500000 +v -0.587937 0.555570 -0.587937 +v -0.653281 0.382683 -0.653281 +v -0.693519 0.195090 -0.693519 +v -0.707106 0.000000 -0.707106 +v -0.693519 -0.195090 -0.693519 +v -0.653281 -0.382683 -0.653281 +v -0.587937 -0.555570 -0.587937 +v -0.500000 -0.707107 -0.500000 +v -0.392847 -0.831470 -0.392847 +v -0.270598 -0.923880 -0.270598 +v -0.137950 -0.980785 -0.137949 +v -0.392847 0.707107 -0.587937 +v -0.461939 0.555570 -0.691341 +v -0.513280 0.382683 -0.768177 +v -0.544895 0.195090 -0.815492 +v -0.555570 0.000000 -0.831469 +v -0.544895 -0.195090 -0.815492 +v -0.513280 -0.382683 -0.768177 +v -0.461939 -0.555570 -0.691341 +v -0.392847 -0.707107 -0.587937 +v -0.308658 -0.831470 -0.461939 +v -0.212607 -0.923880 -0.318189 +v -0.108386 -0.980785 -0.162211 +v -0.270598 0.707107 -0.653281 +v -0.318189 0.555570 -0.768177 +v -0.353553 0.382683 -0.853553 +v -0.375330 0.195090 -0.906127 +v -0.382683 0.000000 -0.923879 +v -0.375330 -0.195090 -0.906127 +v -0.353553 -0.382683 -0.853553 +v -0.318189 -0.555570 -0.768177 +v -0.270598 -0.707107 -0.653281 +v -0.212607 -0.831470 -0.513279 +v -0.146446 -0.923880 -0.353553 +v -0.074658 -0.980785 -0.180240 +v -0.137950 0.707107 -0.693520 +v -0.162211 0.555570 -0.815492 +v -0.180240 0.382683 -0.906127 +v -0.191341 0.195090 -0.961939 +v -0.195090 0.000000 -0.980785 +v -0.191341 -0.195090 -0.961939 +v -0.180240 -0.382683 -0.906127 +v -0.162211 -0.555570 -0.815492 +v -0.137950 -0.707107 -0.693520 +v -0.108386 -0.831470 -0.544895 +v -0.074658 -0.923880 -0.375330 +v -0.038060 -0.980785 -0.191341 +v 0.000000 -0.382683 -0.923879 +v 0.000000 -0.555570 -0.831469 +v 0.000000 -0.707107 -0.707106 +v 0.000000 -0.923880 -0.382683 +v 0.000000 -0.980785 -0.195090 +vt 0.750000 0.250000 +vt 0.750000 0.312500 +vt 0.718750 0.312500 +vt 0.718750 0.250000 +vt 0.750000 0.687500 +vt 0.750000 0.750000 +vt 0.718750 0.750000 +vt 0.718750 0.687500 +vt 0.750000 0.187500 +vt 0.718750 0.187500 +vt 0.750000 0.625000 +vt 0.718750 0.625000 +vt 0.750000 0.125000 +vt 0.718750 0.125000 +vt 0.750000 0.562500 +vt 0.718750 0.562500 +vt 0.750000 0.062500 +vt 0.718750 0.062500 +vt 0.750000 0.500000 +vt 0.718750 0.500000 +vt 0.734375 0.000000 +vt 0.750000 0.437500 +vt 0.718750 0.437500 +vt 0.750000 0.375000 +vt 0.718750 0.375000 +vt 0.687500 0.375000 +vt 0.687500 0.312500 +vt 0.687500 0.250000 +vt 0.687500 0.750000 +vt 0.687500 0.687500 +vt 0.687500 0.187500 +vt 0.687500 0.625000 +vt 0.687500 0.125000 +vt 0.687500 0.562500 +vt 0.687500 0.062500 +vt 0.687500 0.500000 +vt 0.703125 0.000000 +vt 0.687500 0.437500 +vt 0.656250 0.625000 +vt 0.656250 0.562500 +vt 0.656250 0.125000 +vt 0.656250 0.062500 +vt 0.656250 0.500000 +vt 0.671875 0.000000 +vt 0.656250 0.437500 +vt 0.656250 0.375000 +vt 0.656250 0.312500 +vt 0.656250 0.250000 +vt 0.656250 0.750000 +vt 0.656250 0.687500 +vt 0.656250 0.187500 +vt 0.625000 0.375000 +vt 0.625000 0.312500 +vt 0.625000 0.250000 +vt 0.625000 0.750000 +vt 0.625000 0.687500 +vt 0.625000 0.187500 +vt 0.625000 0.625000 +vt 0.625000 0.125000 +vt 0.625000 0.562500 +vt 0.625000 0.062500 +vt 0.625000 0.500000 +vt 0.640625 0.000000 +vt 0.625000 0.437500 +vt 0.593750 0.125000 +vt 0.593750 0.062500 +vt 0.593750 0.562500 +vt 0.593750 0.500000 +vt 0.609375 0.000000 +vt 0.593750 0.437500 +vt 0.593750 0.375000 +vt 0.593750 0.312500 +vt 0.593750 0.250000 +vt 0.593750 0.750000 +vt 0.593750 0.687500 +vt 0.593750 0.187500 +vt 0.593750 0.625000 +vt 0.562500 0.312500 +vt 0.562500 0.250000 +vt 0.562500 0.750000 +vt 0.562500 0.687500 +vt 0.562500 0.187500 +vt 0.562500 0.625000 +vt 0.562500 0.125000 +vt 0.562500 0.562500 +vt 0.562500 0.062500 +vt 0.562500 0.500000 +vt 0.578125 0.000000 +vt 0.562500 0.437500 +vt 0.562500 0.375000 +vt 0.531250 0.562500 +vt 0.531250 0.500000 +vt 0.546875 0.000000 +vt 0.531250 0.062500 +vt 0.531250 0.437500 +vt 0.531250 0.375000 +vt 0.531250 0.312500 +vt 0.531250 0.250000 +vt 0.531250 0.750000 +vt 0.531250 0.687500 +vt 0.531250 0.187500 +vt 0.531250 0.625000 +vt 0.531250 0.125000 +vt 0.500000 0.312500 +vt 0.500000 0.250000 +vt 0.500000 0.750000 +vt 0.500000 0.687500 +vt 0.500000 0.187500 +vt 0.500000 0.625000 +vt 0.500000 0.125000 +vt 0.500000 0.562500 +vt 0.500000 0.062500 +vt 0.500000 0.500000 +vt 0.515625 0.000000 +vt 0.500000 0.437500 +vt 0.500000 0.375000 +vt 0.484375 0.000000 +vt 0.468750 0.062500 +vt 0.468750 0.500000 +vt 0.468750 0.437500 +vt 0.468750 0.375000 +vt 0.468750 0.312500 +vt 0.468750 0.250000 +vt 0.468750 0.750000 +vt 0.468750 0.687500 +vt 0.468750 0.187500 +vt 0.468750 0.625000 +vt 0.468750 0.125000 +vt 0.468750 0.562500 +vt 0.437500 0.250000 +vt 0.437500 0.187500 +vt 0.437500 0.687500 +vt 0.437500 0.625000 +vt 0.437500 0.125000 +vt 0.437500 0.562500 +vt 0.437500 0.062500 +vt 0.437500 0.500000 +vt 0.453125 0.000000 +vt 0.437500 0.437500 +vt 0.437500 0.375000 +vt 0.437500 0.312500 +vt 0.437500 0.750000 +vt 0.406250 0.437500 +vt 0.406250 0.375000 +vt 0.406250 0.312500 +vt 0.406250 0.250000 +vt 0.406250 0.750000 +vt 0.406250 0.687500 +vt 0.406250 0.187500 +vt 0.406250 0.625000 +vt 0.406250 0.125000 +vt 0.406250 0.562500 +vt 0.406250 0.062500 +vt 0.406250 0.500000 +vt 0.421875 0.000000 +vt 0.375000 0.687500 +vt 0.375000 0.625000 +vt 0.375000 0.187500 +vt 0.375000 0.125000 +vt 0.375000 0.562500 +vt 0.375000 0.062500 +vt 0.375000 0.500000 +vt 0.390625 0.000000 +vt 0.375000 0.437500 +vt 0.375000 0.375000 +vt 0.375000 0.312500 +vt 0.375000 0.250000 +vt 0.375000 0.750000 +vt 0.343750 0.437500 +vt 0.343750 0.375000 +vt 0.343750 0.312500 +vt 0.343750 0.250000 +vt 0.343750 0.750000 +vt 0.343750 0.687500 +vt 0.343750 0.187500 +vt 0.343750 0.625000 +vt 0.343750 0.125000 +vt 0.343750 0.562500 +vt 0.343750 0.062500 +vt 0.343750 0.500000 +vt 0.359375 0.000000 +vt 0.312500 0.187500 +vt 0.312500 0.125000 +vt 0.312500 0.625000 +vt 0.312500 0.562500 +vt 0.312500 0.062500 +vt 0.312500 0.500000 +vt 0.328125 0.000000 +vt 0.312500 0.437500 +vt 0.312500 0.375000 +vt 0.312500 0.312500 +vt 0.312500 0.250000 +vt 0.312500 0.750000 +vt 0.312500 0.687500 +vt 0.281250 0.375000 +vt 0.281250 0.312500 +vt 0.281250 0.250000 +vt 0.281250 0.750000 +vt 0.281250 0.687500 +vt 0.281250 0.187500 +vt 0.281250 0.625000 +vt 0.281250 0.125000 +vt 0.281250 0.562500 +vt 0.281250 0.062500 +vt 0.281250 0.500000 +vt 0.296875 0.000000 +vt 0.281250 0.437500 +vt 0.250000 0.625000 +vt 0.250000 0.562500 +vt 0.250000 0.125000 +vt 0.250000 0.062500 +vt 0.250000 0.500000 +vt 0.265625 0.000000 +vt 0.250000 0.437500 +vt 0.250000 0.375000 +vt 0.250000 0.312500 +vt 0.250000 0.250000 +vt 0.250000 0.750000 +vt 0.250000 0.687500 +vt 0.250000 0.187500 +vt 0.218750 0.375000 +vt 0.218750 0.312500 +vt 0.218750 0.250000 +vt 0.218750 0.750000 +vt 0.218750 0.687500 +vt 0.218750 0.187500 +vt 0.218750 0.625000 +vt 0.218750 0.125000 +vt 0.218750 0.562500 +vt 0.218750 0.062500 +vt 0.218750 0.500000 +vt 0.234375 0.000000 +vt 0.218750 0.437500 +vt 0.187500 0.125000 +vt 0.187500 0.062500 +vt 0.187500 0.562500 +vt 0.187500 0.500000 +vt 0.203125 0.000000 +vt 0.187500 0.437500 +vt 0.187500 0.375000 +vt 0.187500 0.312500 +vt 0.187500 0.250000 +vt 0.187500 0.750000 +vt 0.187500 0.687500 +vt 0.187500 0.187500 +vt 0.187500 0.625000 +vt 0.156250 0.312500 +vt 0.156250 0.250000 +vt 0.156250 0.750000 +vt 0.156250 0.687500 +vt 0.156250 0.187500 +vt 0.156250 0.625000 +vt 0.156250 0.125000 +vt 0.156250 0.562500 +vt 0.156250 0.062500 +vt 0.156250 0.500000 +vt 0.171875 0.000000 +vt 0.156250 0.437500 +vt 0.156250 0.375000 +vt 0.140625 0.000000 +vt 0.125000 0.062500 +vt 0.125000 0.500000 +vt 0.125000 0.437500 +vt 0.125000 0.375000 +vt 0.125000 0.312500 +vt 0.125000 0.250000 +vt 0.125000 0.750000 +vt 0.125000 0.687500 +vt 0.125000 0.187500 +vt 0.125000 0.625000 +vt 0.125000 0.125000 +vt 0.125000 0.562500 +vt 0.093750 0.750000 +vt 0.093750 0.687500 +vt 0.093750 0.250000 +vt 0.093750 0.187500 +vt 0.093750 0.625000 +vt 0.093750 0.125000 +vt 0.093750 0.562500 +vt 0.093750 0.062500 +vt 0.093750 0.500000 +vt 0.109375 0.000000 +vt 0.093750 0.437500 +vt 0.093750 0.375000 +vt 0.093750 0.312500 +vt 0.062500 0.500000 +vt 0.062500 0.437500 +vt 0.062500 0.375000 +vt 0.062500 0.312500 +vt 0.062500 0.250000 +vt 0.062500 0.750000 +vt 0.062500 0.687500 +vt 0.062500 0.187500 +vt 0.062500 0.625000 +vt 0.062500 0.125000 +vt 0.062500 0.562500 +vt 0.062500 0.062500 +vt 0.078125 0.000000 +vt 0.031250 0.250000 +vt 0.031250 0.187500 +vt 0.031250 0.687500 +vt 0.031250 0.625000 +vt 0.031250 0.125000 +vt 0.031250 0.562500 +vt 0.031250 0.062500 +vt 0.031250 0.500000 +vt 0.046875 0.000000 +vt 0.031250 0.437500 +vt 0.031250 0.375000 +vt 0.031250 0.312500 +vt 0.031250 0.750000 +vt 0.000000 0.437500 +vt 0.000000 0.375000 +vt 0.000000 0.312500 +vt 0.000000 0.250000 +vt 0.000000 0.750000 +vt 0.000000 0.687500 +vt 0.000000 0.187500 +vt 0.000000 0.625000 +vt 0.000000 0.125000 +vt 0.000000 0.562500 +vt 0.000000 0.062500 +vt 0.000000 0.500000 +vt 0.015625 0.000000 +vt 1.000000 0.625000 +vt 1.000000 0.687500 +vt 0.968750 0.687500 +vt 0.968750 0.625000 +vt 1.000000 0.125000 +vt 1.000000 0.187500 +vt 0.968750 0.187500 +vt 0.968750 0.125000 +vt 1.000000 0.562500 +vt 0.968750 0.562500 +vt 1.000000 0.062500 +vt 0.968750 0.062500 +vt 1.000000 0.500000 +vt 0.968750 0.500000 +vt 0.984375 0.000000 +vt 1.000000 0.437500 +vt 0.968750 0.437500 +vt 1.000000 0.375000 +vt 0.968750 0.375000 +vt 1.000000 0.312500 +vt 0.968750 0.312500 +vt 1.000000 0.250000 +vt 0.968750 0.250000 +vt 1.000000 0.750000 +vt 0.968750 0.750000 +vt 0.937500 0.437500 +vt 0.937500 0.375000 +vt 0.937500 0.312500 +vt 0.937500 0.250000 +vt 0.937500 0.750000 +vt 0.937500 0.687500 +vt 0.937500 0.187500 +vt 0.937500 0.625000 +vt 0.937500 0.125000 +vt 0.937500 0.562500 +vt 0.937500 0.062500 +vt 0.937500 0.500000 +vt 0.953125 0.000000 +vt 0.906250 0.187500 +vt 0.906250 0.125000 +vt 0.906250 0.625000 +vt 0.906250 0.562500 +vt 0.906250 0.062500 +vt 0.906250 0.500000 +vt 0.921875 0.000000 +vt 0.906250 0.437500 +vt 0.906250 0.375000 +vt 0.906250 0.312500 +vt 0.906250 0.250000 +vt 0.906250 0.750000 +vt 0.906250 0.687500 +vt 0.875000 0.375000 +vt 0.875000 0.312500 +vt 0.875000 0.250000 +vt 0.875000 0.750000 +vt 0.875000 0.687500 +vt 0.875000 0.187500 +vt 0.875000 0.625000 +vt 0.875000 0.125000 +vt 0.875000 0.562500 +vt 0.875000 0.062500 +vt 0.875000 0.500000 +vt 0.890625 0.000000 +vt 0.875000 0.437500 +vt 0.843750 0.125000 +vt 0.843750 0.062500 +vt 0.843750 0.562500 +vt 0.843750 0.500000 +vt 0.859375 0.000000 +vt 0.843750 0.437500 +vt 0.843750 0.375000 +vt 0.843750 0.312500 +vt 0.843750 0.250000 +vt 0.843750 0.750000 +vt 0.843750 0.687500 +vt 0.843750 0.187500 +vt 0.843750 0.625000 +vt 0.812500 0.312500 +vt 0.812500 0.250000 +vt 0.812500 0.750000 +vt 0.812500 0.687500 +vt 0.812500 0.187500 +vt 0.812500 0.625000 +vt 0.812500 0.125000 +vt 0.812500 0.562500 +vt 0.812500 0.062500 +vt 0.812500 0.500000 +vt 0.828125 0.000000 +vt 0.812500 0.437500 +vt 0.812500 0.375000 +vt 0.781250 0.562500 +vt 0.781250 0.500000 +vt 0.796875 0.000000 +vt 0.781250 0.062500 +vt 0.781250 0.437500 +vt 0.781250 0.375000 +vt 0.781250 0.312500 +vt 0.781250 0.250000 +vt 0.781250 0.750000 +vt 0.781250 0.687500 +vt 0.781250 0.187500 +vt 0.781250 0.625000 +vt 0.781250 0.125000 +vt 0.765625 0.000000 +vn 0.0759 -0.6326 -0.7708 +vn 0.0759 0.6326 -0.7708 +vn 0.0624 -0.7715 -0.6332 +vn 0.0865 0.4696 -0.8786 +vn 0.0464 -0.8810 -0.4709 +vn 0.0938 0.2890 -0.9527 +vn 0.0286 -0.9565 -0.2902 +vn 0.0975 0.0975 -0.9904 +vn 0.0097 -0.9951 -0.0980 +vn 0.0976 -0.0975 -0.9904 +vn 0.0938 -0.2890 -0.9527 +vn 0.0865 -0.4696 -0.8786 +vn 0.2563 -0.4696 -0.8448 +vn 0.2248 -0.6326 -0.7412 +vn 0.2248 0.6326 -0.7412 +vn 0.1847 -0.7715 -0.6088 +vn 0.2563 0.4696 -0.8448 +vn 0.1374 -0.8810 -0.4528 +vn 0.2779 0.2890 -0.9161 +vn 0.0846 -0.9565 -0.2790 +vn 0.2889 0.0975 -0.9524 +vn 0.0286 -0.9951 -0.0942 +vn 0.2889 -0.0975 -0.9524 +vn 0.2779 -0.2890 -0.9161 +vn 0.4513 0.2890 -0.8443 +vn 0.1374 -0.9565 -0.2571 +vn 0.4691 0.0975 -0.8777 +vn 0.0464 -0.9951 -0.0869 +vn 0.4691 -0.0975 -0.8777 +vn 0.4513 -0.2890 -0.8443 +vn 0.4162 -0.4696 -0.7786 +vn 0.3651 -0.6326 -0.6831 +vn 0.3651 0.6326 -0.6831 +vn 0.2999 -0.7715 -0.5611 +vn 0.4162 0.4696 -0.7786 +vn 0.2230 -0.8810 -0.4173 +vn 0.5601 -0.4696 -0.6825 +vn 0.4913 -0.6326 -0.5987 +vn 0.4913 0.6326 -0.5987 +vn 0.4036 -0.7715 -0.4918 +vn 0.5601 0.4696 -0.6825 +vn 0.3002 -0.8810 -0.3658 +vn 0.6073 0.2890 -0.7400 +vn 0.1850 -0.9565 -0.2254 +vn 0.6314 0.0976 -0.7693 +vn 0.0625 -0.9951 -0.0761 +vn 0.6314 -0.0976 -0.7693 +vn 0.6073 -0.2890 -0.7400 +vn 0.2254 -0.9565 -0.1850 +vn 0.7693 0.0975 -0.6314 +vn 0.0761 -0.9951 -0.0625 +vn 0.7693 -0.0975 -0.6314 +vn 0.7400 -0.2890 -0.6073 +vn 0.6825 -0.4696 -0.5601 +vn 0.5987 -0.6326 -0.4913 +vn 0.5987 0.6326 -0.4913 +vn 0.4918 -0.7715 -0.4036 +vn 0.6825 0.4696 -0.5601 +vn 0.3658 -0.8810 -0.3002 +vn 0.7400 0.2890 -0.6073 +vn 0.6831 -0.6326 -0.3651 +vn 0.6831 0.6326 -0.3651 +vn 0.5611 -0.7715 -0.2999 +vn 0.7786 0.4696 -0.4162 +vn 0.4173 -0.8810 -0.2231 +vn 0.8443 0.2890 -0.4513 +vn 0.2571 -0.9565 -0.1374 +vn 0.8777 0.0976 -0.4691 +vn 0.0869 -0.9951 -0.0464 +vn 0.8777 -0.0976 -0.4691 +vn 0.8443 -0.2890 -0.4513 +vn 0.7786 -0.4696 -0.4162 +vn 0.9524 0.0976 -0.2889 +vn 0.0942 -0.9951 -0.0286 +vn 0.9524 -0.0976 -0.2889 +vn 0.9161 -0.2890 -0.2779 +vn 0.8448 -0.4696 -0.2563 +vn 0.7412 -0.6326 -0.2248 +vn 0.7412 0.6326 -0.2248 +vn 0.6088 -0.7715 -0.1847 +vn 0.8448 0.4696 -0.2563 +vn 0.4528 -0.8810 -0.1374 +vn 0.9161 0.2890 -0.2779 +vn 0.2790 -0.9565 -0.0846 +vn 0.7708 -0.6326 -0.0759 +vn 0.7708 0.6326 -0.0759 +vn 0.6332 -0.7715 -0.0624 +vn 0.8786 0.4696 -0.0865 +vn 0.4709 -0.8810 -0.0464 +vn 0.9527 0.2890 -0.0938 +vn 0.2902 -0.9565 -0.0286 +vn 0.9904 0.0976 -0.0975 +vn 0.0980 -0.9951 -0.0097 +vn 0.9904 -0.0976 -0.0975 +vn 0.9527 -0.2890 -0.0938 +vn 0.8786 -0.4696 -0.0865 +vn 0.0980 -0.9951 0.0097 +vn 0.9904 -0.0976 0.0975 +vn 0.9527 -0.2890 0.0938 +vn 0.8786 -0.4696 0.0865 +vn 0.7708 -0.6326 0.0759 +vn 0.7708 0.6326 0.0759 +vn 0.6332 -0.7715 0.0624 +vn 0.8786 0.4696 0.0865 +vn 0.4709 -0.8810 0.0464 +vn 0.9527 0.2890 0.0938 +vn 0.2902 -0.9565 0.0286 +vn 0.9904 0.0976 0.0975 +vn 0.6088 -0.7715 0.1847 +vn 0.8448 0.4696 0.2563 +vn 0.4528 -0.8810 0.1374 +vn 0.9161 0.2890 0.2779 +vn 0.2790 -0.9565 0.0846 +vn 0.9524 0.0976 0.2889 +vn 0.0942 -0.9951 0.0286 +vn 0.9524 -0.0976 0.2889 +vn 0.9161 -0.2890 0.2779 +vn 0.8448 -0.4696 0.2563 +vn 0.7412 -0.6326 0.2248 +vn 0.7412 0.6326 0.2248 +vn 0.8443 -0.2890 0.4513 +vn 0.7786 -0.4696 0.4162 +vn 0.6831 -0.6326 0.3651 +vn 0.6831 0.6326 0.3651 +vn 0.5611 -0.7715 0.2999 +vn 0.7786 0.4696 0.4162 +vn 0.4173 -0.8810 0.2231 +vn 0.8443 0.2890 0.4513 +vn 0.2571 -0.9565 0.1374 +vn 0.8777 0.0976 0.4691 +vn 0.0869 -0.9951 0.0464 +vn 0.8777 -0.0976 0.4691 +vn 0.6825 0.4696 0.5601 +vn 0.3658 -0.8810 0.3002 +vn 0.7400 0.2890 0.6073 +vn 0.2254 -0.9565 0.1850 +vn 0.7693 0.0976 0.6314 +vn 0.0761 -0.9951 0.0625 +vn 0.7693 -0.0976 0.6314 +vn 0.7400 -0.2890 0.6073 +vn 0.6825 -0.4696 0.5601 +vn 0.5987 -0.6326 0.4913 +vn 0.5987 0.6326 0.4913 +vn 0.4918 -0.7715 0.4036 +vn 0.6073 -0.2890 0.7400 +vn 0.5601 -0.4696 0.6825 +vn 0.4913 -0.6326 0.5987 +vn 0.4913 0.6326 0.5987 +vn 0.4036 -0.7715 0.4918 +vn 0.5601 0.4696 0.6825 +vn 0.3002 -0.8810 0.3658 +vn 0.6073 0.2890 0.7400 +vn 0.1850 -0.9565 0.2254 +vn 0.6314 0.0976 0.7693 +vn 0.0625 -0.9951 0.0761 +vn 0.6314 -0.0976 0.7693 +vn 0.2230 -0.8810 0.4173 +vn 0.4513 0.2890 0.8443 +vn 0.1374 -0.9565 0.2571 +vn 0.4691 0.0976 0.8777 +vn 0.0464 -0.9951 0.0869 +vn 0.4691 -0.0976 0.8777 +vn 0.4513 -0.2890 0.8443 +vn 0.4162 -0.4696 0.7786 +vn 0.3651 -0.6326 0.6831 +vn 0.3651 0.6326 0.6831 +vn 0.2999 -0.7715 0.5611 +vn 0.4162 0.4696 0.7786 +vn 0.2563 -0.4696 0.8448 +vn 0.2248 -0.6326 0.7412 +vn 0.2248 0.6326 0.7412 +vn 0.1847 -0.7715 0.6088 +vn 0.2563 0.4696 0.8448 +vn 0.1374 -0.8810 0.4528 +vn 0.2779 0.2890 0.9161 +vn 0.0846 -0.9565 0.2790 +vn 0.2889 0.0976 0.9524 +vn 0.0286 -0.9951 0.0942 +vn 0.2889 -0.0976 0.9524 +vn 0.2779 -0.2890 0.9161 +vn 0.0938 0.2890 0.9527 +vn 0.0286 -0.9565 0.2902 +vn 0.0975 0.0976 0.9904 +vn 0.0097 -0.9951 0.0980 +vn 0.0975 -0.0976 0.9904 +vn 0.0938 -0.2890 0.9527 +vn 0.0865 -0.4696 0.8786 +vn 0.0759 -0.6326 0.7708 +vn 0.0759 0.6326 0.7708 +vn 0.0624 -0.7715 0.6332 +vn 0.0865 0.4696 0.8786 +vn 0.0464 -0.8810 0.4709 +vn -0.0865 -0.4696 0.8786 +vn -0.0759 -0.6326 0.7708 +vn -0.0759 0.6326 0.7708 +vn -0.0624 -0.7715 0.6332 +vn -0.0865 0.4696 0.8786 +vn -0.0464 -0.8810 0.4709 +vn -0.0938 0.2890 0.9527 +vn -0.0286 -0.9565 0.2902 +vn -0.0976 0.0976 0.9904 +vn -0.0097 -0.9951 0.0980 +vn -0.0976 -0.0976 0.9904 +vn -0.0938 -0.2890 0.9527 +vn -0.0846 -0.9565 0.2790 +vn -0.2889 0.0976 0.9524 +vn -0.0286 -0.9951 0.0942 +vn -0.2889 -0.0976 0.9524 +vn -0.2779 -0.2890 0.9161 +vn -0.2563 -0.4696 0.8448 +vn -0.2248 -0.6326 0.7412 +vn -0.2248 0.6326 0.7412 +vn -0.1847 -0.7715 0.6088 +vn -0.2563 0.4696 0.8448 +vn -0.1374 -0.8810 0.4528 +vn -0.2779 0.2890 0.9161 +vn -0.3651 -0.6326 0.6831 +vn -0.3651 0.6326 0.6831 +vn -0.2999 -0.7715 0.5611 +vn -0.4162 0.4696 0.7786 +vn -0.2230 -0.8810 0.4173 +vn -0.4513 0.2890 0.8443 +vn -0.1374 -0.9565 0.2571 +vn -0.4691 0.0976 0.8777 +vn -0.0464 -0.9951 0.0869 +vn -0.4691 -0.0976 0.8777 +vn -0.4513 -0.2890 0.8443 +vn -0.4162 -0.4696 0.7786 +vn -0.0625 -0.9951 0.0761 +vn -0.6314 -0.0976 0.7693 +vn -0.6073 -0.2890 0.7400 +vn -0.5601 -0.4696 0.6825 +vn -0.4913 -0.6326 0.5987 +vn -0.4913 0.6326 0.5987 +vn -0.4036 -0.7715 0.4918 +vn -0.5601 0.4696 0.6825 +vn -0.3002 -0.8810 0.3658 +vn -0.6073 0.2890 0.7400 +vn -0.1850 -0.9565 0.2254 +vn -0.6314 0.0976 0.7693 +vn -0.5987 0.6326 0.4913 +vn -0.4918 -0.7715 0.4036 +vn -0.6825 0.4696 0.5601 +vn -0.3658 -0.8810 0.3002 +vn -0.7400 0.2890 0.6073 +vn -0.2254 -0.9565 0.1850 +vn -0.7693 0.0976 0.6314 +vn -0.0761 -0.9951 0.0625 +vn -0.7693 -0.0976 0.6314 +vn -0.7400 -0.2890 0.6073 +vn -0.6825 -0.4696 0.5601 +vn -0.5987 -0.6326 0.4913 +vn -0.8777 -0.0976 0.4691 +vn -0.8443 -0.2890 0.4513 +vn -0.7786 -0.4696 0.4162 +vn -0.6831 -0.6326 0.3651 +vn -0.6831 0.6326 0.3651 +vn -0.5611 -0.7715 0.2999 +vn -0.7786 0.4696 0.4162 +vn -0.4173 -0.8810 0.2231 +vn -0.8443 0.2890 0.4513 +vn -0.2571 -0.9565 0.1374 +vn -0.8777 0.0976 0.4691 +vn -0.0869 -0.9951 0.0464 +vn -0.6088 -0.7715 0.1847 +vn -0.8448 0.4696 0.2563 +vn -0.4528 -0.8810 0.1374 +vn -0.9161 0.2890 0.2779 +vn -0.2790 -0.9565 0.0846 +vn -0.9524 0.0976 0.2889 +vn -0.0942 -0.9951 0.0286 +vn -0.9524 -0.0976 0.2889 +vn -0.9161 -0.2890 0.2779 +vn -0.8448 -0.4696 0.2563 +vn -0.7412 -0.6326 0.2248 +vn -0.7412 0.6326 0.2248 +vn -0.9527 -0.2890 0.0938 +vn -0.8786 -0.4696 0.0865 +vn -0.7708 -0.6326 0.0759 +vn -0.7708 0.6326 0.0759 +vn -0.6332 -0.7715 0.0624 +vn -0.8786 0.4696 0.0865 +vn -0.4709 -0.8810 0.0464 +vn -0.9527 0.2890 0.0938 +vn -0.2902 -0.9565 0.0286 +vn -0.9904 0.0976 0.0975 +vn -0.0980 -0.9951 0.0097 +vn -0.9904 -0.0976 0.0975 +vn -0.8786 0.4696 -0.0865 +vn -0.4709 -0.8810 -0.0464 +vn -0.9527 0.2890 -0.0938 +vn -0.2902 -0.9565 -0.0286 +vn -0.9904 0.0976 -0.0976 +vn -0.0980 -0.9951 -0.0097 +vn -0.9904 -0.0976 -0.0976 +vn -0.9527 -0.2890 -0.0938 +vn -0.8786 -0.4696 -0.0865 +vn -0.7708 -0.6326 -0.0759 +vn -0.7708 0.6326 -0.0759 +vn -0.6332 -0.7715 -0.0624 +vn -0.9161 -0.2890 -0.2779 +vn -0.8448 -0.4696 -0.2563 +vn -0.7412 -0.6326 -0.2248 +vn -0.7412 0.6326 -0.2248 +vn -0.6088 -0.7715 -0.1847 +vn -0.8448 0.4696 -0.2563 +vn -0.4528 -0.8810 -0.1374 +vn -0.9161 0.2890 -0.2779 +vn -0.2790 -0.9565 -0.0846 +vn -0.9524 0.0976 -0.2889 +vn -0.0942 -0.9951 -0.0286 +vn -0.9524 -0.0976 -0.2889 +vn -0.4173 -0.8810 -0.2231 +vn -0.8443 0.2890 -0.4513 +vn -0.2571 -0.9565 -0.1374 +vn -0.8777 0.0976 -0.4691 +vn -0.0869 -0.9951 -0.0464 +vn -0.8777 -0.0976 -0.4691 +vn -0.8443 -0.2890 -0.4513 +vn -0.7786 -0.4696 -0.4162 +vn -0.6831 -0.6326 -0.3651 +vn -0.6831 0.6326 -0.3651 +vn -0.5611 -0.7715 -0.2999 +vn -0.7786 0.4696 -0.4162 +vn -0.6825 -0.4696 -0.5601 +vn -0.5987 -0.6326 -0.4913 +vn -0.5987 0.6326 -0.4913 +vn -0.4918 -0.7715 -0.4036 +vn -0.6825 0.4696 -0.5601 +vn -0.3658 -0.8810 -0.3002 +vn -0.7400 0.2890 -0.6073 +vn -0.2254 -0.9565 -0.1850 +vn -0.7693 0.0976 -0.6314 +vn -0.0761 -0.9951 -0.0625 +vn -0.7693 -0.0976 -0.6314 +vn -0.7400 -0.2890 -0.6073 +vn -0.1850 -0.9565 -0.2254 +vn -0.6314 0.0976 -0.7693 +vn -0.0625 -0.9951 -0.0761 +vn -0.6314 -0.0976 -0.7693 +vn -0.6073 -0.2890 -0.7400 +vn -0.5601 -0.4696 -0.6825 +vn -0.4913 -0.6326 -0.5987 +vn -0.4913 0.6326 -0.5987 +vn -0.4036 -0.7715 -0.4918 +vn -0.5601 0.4696 -0.6825 +vn -0.3002 -0.8810 -0.3658 +vn -0.6073 0.2890 -0.7400 +vn -0.3651 -0.6326 -0.6831 +vn -0.3651 0.6326 -0.6831 +vn -0.2999 -0.7715 -0.5611 +vn -0.4162 0.4696 -0.7786 +vn -0.2230 -0.8810 -0.4173 +vn -0.4513 0.2890 -0.8443 +vn -0.1374 -0.9565 -0.2571 +vn -0.4691 0.0976 -0.8777 +vn -0.0464 -0.9951 -0.0869 +vn -0.4691 -0.0976 -0.8777 +vn -0.4513 -0.2890 -0.8443 +vn -0.4162 -0.4696 -0.7786 +vn -0.2889 0.0976 -0.9524 +vn -0.0286 -0.9951 -0.0942 +vn -0.2889 -0.0976 -0.9524 +vn -0.2779 -0.2890 -0.9161 +vn -0.2563 -0.4696 -0.8448 +vn -0.2248 -0.6326 -0.7412 +vn -0.2248 0.6326 -0.7412 +vn -0.1847 -0.7715 -0.6088 +vn -0.2563 0.4696 -0.8448 +vn -0.1374 -0.8810 -0.4528 +vn -0.2779 0.2890 -0.9161 +vn -0.0846 -0.9565 -0.2790 +vn -0.0759 -0.6326 -0.7708 +vn -0.0759 0.6326 -0.7708 +vn -0.0624 -0.7715 -0.6332 +vn -0.0865 0.4696 -0.8786 +vn -0.0464 -0.8810 -0.4709 +vn -0.0938 0.2890 -0.9527 +vn -0.0286 -0.9565 -0.2902 +vn -0.0976 0.0976 -0.9904 +vn -0.0097 -0.9951 -0.0980 +vn -0.0976 -0.0976 -0.9904 +vn -0.0938 -0.2890 -0.9527 +vn -0.0865 -0.4696 -0.8786 +usemtl None +s off +f 383/1/1 382/2/1 15/3/1 16/4/1 +f 2/5/2 1/6/2 8/7/2 9/8/2 +f 7/9/3 383/1/3 16/4/3 17/10/3 +f 3/11/4 2/5/4 9/8/4 10/12/4 +f 384/13/5 7/9/5 17/10/5 18/14/5 +f 4/15/6 3/11/6 10/12/6 11/16/6 +f 385/17/7 384/13/7 18/14/7 19/18/7 +f 5/19/8 4/15/8 11/16/8 12/20/8 +f 164/21/9 385/17/9 19/18/9 +f 6/22/10 5/19/10 12/20/10 13/23/10 +f 381/24/11 6/22/11 13/23/11 14/25/11 +f 382/2/12 381/24/12 14/25/12 15/3/12 +f 15/3/13 14/25/13 26/26/13 27/27/13 +f 16/4/14 15/3/14 27/27/14 28/28/14 +f 9/8/15 8/7/15 20/29/15 21/30/15 +f 17/10/16 16/4/16 28/28/16 29/31/16 +f 10/12/17 9/8/17 21/30/17 22/32/17 +f 18/14/18 17/10/18 29/31/18 30/33/18 +f 11/16/19 10/12/19 22/32/19 23/34/19 +f 19/18/20 18/14/20 30/33/20 31/35/20 +f 12/20/21 11/16/21 23/34/21 24/36/21 +f 164/37/22 19/18/22 31/35/22 +f 13/23/23 12/20/23 24/36/23 25/38/23 +f 14/25/24 13/23/24 25/38/24 26/26/24 +f 23/34/25 22/32/25 34/39/25 35/40/25 +f 31/35/26 30/33/26 42/41/26 43/42/26 +f 24/36/27 23/34/27 35/40/27 36/43/27 +f 164/44/28 31/35/28 43/42/28 +f 25/38/29 24/36/29 36/43/29 37/45/29 +f 26/26/30 25/38/30 37/45/30 38/46/30 +f 27/27/31 26/26/31 38/46/31 39/47/31 +f 28/28/32 27/27/32 39/47/32 40/48/32 +f 21/30/33 20/29/33 32/49/33 33/50/33 +f 29/31/34 28/28/34 40/48/34 41/51/34 +f 22/32/35 21/30/35 33/50/35 34/39/35 +f 30/33/36 29/31/36 41/51/36 42/41/36 +f 39/47/37 38/46/37 50/52/37 51/53/37 +f 40/48/38 39/47/38 51/53/38 52/54/38 +f 33/50/39 32/49/39 44/55/39 45/56/39 +f 41/51/40 40/48/40 52/54/40 53/57/40 +f 34/39/41 33/50/41 45/56/41 46/58/41 +f 42/41/42 41/51/42 53/57/42 54/59/42 +f 35/40/43 34/39/43 46/58/43 47/60/43 +f 43/42/44 42/41/44 54/59/44 55/61/44 +f 36/43/45 35/40/45 47/60/45 48/62/45 +f 164/63/46 43/42/46 55/61/46 +f 37/45/47 36/43/47 48/62/47 49/64/47 +f 38/46/48 37/45/48 49/64/48 50/52/48 +f 55/61/49 54/59/49 66/65/49 67/66/49 +f 48/62/50 47/60/50 59/67/50 60/68/50 +f 164/69/51 55/61/51 67/66/51 +f 49/64/52 48/62/52 60/68/52 61/70/52 +f 50/52/53 49/64/53 61/70/53 62/71/53 +f 51/53/54 50/52/54 62/71/54 63/72/54 +f 52/54/55 51/53/55 63/72/55 64/73/55 +f 45/56/56 44/55/56 56/74/56 57/75/56 +f 53/57/57 52/54/57 64/73/57 65/76/57 +f 46/58/58 45/56/58 57/75/58 58/77/58 +f 54/59/59 53/57/59 65/76/59 66/65/59 +f 47/60/60 46/58/60 58/77/60 59/67/60 +f 64/73/61 63/72/61 75/78/61 76/79/61 +f 57/75/62 56/74/62 68/80/62 69/81/62 +f 65/76/63 64/73/63 76/79/63 77/82/63 +f 58/77/64 57/75/64 69/81/64 70/83/64 +f 66/65/65 65/76/65 77/82/65 78/84/65 +f 59/67/66 58/77/66 70/83/66 71/85/66 +f 67/66/67 66/65/67 78/84/67 79/86/67 +f 60/68/68 59/67/68 71/85/68 72/87/68 +f 164/88/69 67/66/69 79/86/69 +f 61/70/70 60/68/70 72/87/70 73/89/70 +f 62/71/71 61/70/71 73/89/71 74/90/71 +f 63/72/72 62/71/72 74/90/72 75/78/72 +f 72/87/73 71/85/73 83/91/73 84/92/73 +f 164/93/74 79/86/74 91/94/74 +f 73/89/75 72/87/75 84/92/75 85/95/75 +f 74/90/76 73/89/76 85/95/76 86/96/76 +f 75/78/77 74/90/77 86/96/77 87/97/77 +f 76/79/78 75/78/78 87/97/78 88/98/78 +f 69/81/79 68/80/79 80/99/79 81/100/79 +f 77/82/80 76/79/80 88/98/80 89/101/80 +f 70/83/81 69/81/81 81/100/81 82/102/81 +f 78/84/82 77/82/82 89/101/82 90/103/82 +f 71/85/83 70/83/83 82/102/83 83/91/83 +f 79/86/84 78/84/84 90/103/84 91/94/84 +f 88/98/85 87/97/85 99/104/85 100/105/85 +f 81/100/86 80/99/86 92/106/86 93/107/86 +f 89/101/87 88/98/87 100/105/87 101/108/87 +f 82/102/88 81/100/88 93/107/88 94/109/88 +f 90/103/89 89/101/89 101/108/89 102/110/89 +f 83/91/90 82/102/90 94/109/90 95/111/90 +f 91/94/91 90/103/91 102/110/91 103/112/91 +f 84/92/92 83/91/92 95/111/92 96/113/92 +f 164/114/93 91/94/93 103/112/93 +f 85/95/94 84/92/94 96/113/94 97/115/94 +f 86/96/95 85/95/95 97/115/95 98/116/95 +f 87/97/96 86/96/96 98/116/96 99/104/96 +f 164/117/97 103/112/97 115/118/97 +f 97/115/98 96/113/98 108/119/98 109/120/98 +f 98/116/99 97/115/99 109/120/99 110/121/99 +f 99/104/100 98/116/100 110/121/100 111/122/100 +f 100/105/101 99/104/101 111/122/101 112/123/101 +f 93/107/102 92/106/102 104/124/102 105/125/102 +f 101/108/103 100/105/103 112/123/103 113/126/103 +f 94/109/104 93/107/104 105/125/104 106/127/104 +f 102/110/105 101/108/105 113/126/105 114/128/105 +f 95/111/106 94/109/106 106/127/106 107/129/106 +f 103/112/107 102/110/107 114/128/107 115/118/107 +f 96/113/108 95/111/108 107/129/108 108/119/108 +f 113/126/109 112/123/109 124/130/109 125/131/109 +f 106/127/110 105/125/110 117/132/110 118/133/110 +f 114/128/111 113/126/111 125/131/111 126/134/111 +f 107/129/112 106/127/112 118/133/112 119/135/112 +f 115/118/113 114/128/113 126/134/113 127/136/113 +f 108/119/114 107/129/114 119/135/114 120/137/114 +f 164/138/115 115/118/115 127/136/115 +f 109/120/116 108/119/116 120/137/116 121/139/116 +f 110/121/117 109/120/117 121/139/117 122/140/117 +f 111/122/118 110/121/118 122/140/118 123/141/118 +f 112/123/119 111/122/119 123/141/119 124/130/119 +f 105/125/120 104/124/120 116/142/120 117/132/120 +f 122/140/121 121/139/121 133/143/121 134/144/121 +f 123/141/122 122/140/122 134/144/122 135/145/122 +f 124/130/123 123/141/123 135/145/123 136/146/123 +f 117/132/124 116/142/124 128/147/124 129/148/124 +f 125/131/125 124/130/125 136/146/125 137/149/125 +f 118/133/126 117/132/126 129/148/126 130/150/126 +f 126/134/127 125/131/127 137/149/127 138/151/127 +f 119/135/128 118/133/128 130/150/128 131/152/128 +f 127/136/129 126/134/129 138/151/129 139/153/129 +f 120/137/130 119/135/130 131/152/130 132/154/130 +f 164/155/131 127/136/131 139/153/131 +f 121/139/132 120/137/132 132/154/132 133/143/132 +f 130/150/133 129/148/133 141/156/133 142/157/133 +f 138/151/134 137/149/134 149/158/134 150/159/134 +f 131/152/135 130/150/135 142/157/135 143/160/135 +f 139/153/136 138/151/136 150/159/136 151/161/136 +f 132/154/137 131/152/137 143/160/137 144/162/137 +f 164/163/138 139/153/138 151/161/138 +f 133/143/139 132/154/139 144/162/139 145/164/139 +f 134/144/140 133/143/140 145/164/140 146/165/140 +f 135/145/141 134/144/141 146/165/141 147/166/141 +f 136/146/142 135/145/142 147/166/142 148/167/142 +f 129/148/143 128/147/143 140/168/143 141/156/143 +f 137/149/144 136/146/144 148/167/144 149/158/144 +f 146/165/145 145/164/145 157/169/145 158/170/145 +f 147/166/146 146/165/146 158/170/146 159/171/146 +f 148/167/147 147/166/147 159/171/147 160/172/147 +f 141/156/148 140/168/148 152/173/148 153/174/148 +f 149/158/149 148/167/149 160/172/149 161/175/149 +f 142/157/150 141/156/150 153/174/150 154/176/150 +f 150/159/151 149/158/151 161/175/151 162/177/151 +f 143/160/152 142/157/152 154/176/152 155/178/152 +f 151/161/153 150/159/153 162/177/153 163/179/153 +f 144/162/154 143/160/154 155/178/154 156/180/154 +f 164/181/155 151/161/155 163/179/155 +f 145/164/156 144/162/156 156/180/156 157/169/156 +f 162/177/157 161/175/157 174/182/157 175/183/157 +f 155/178/158 154/176/158 167/184/158 168/185/158 +f 163/179/159 162/177/159 175/183/159 176/186/159 +f 156/180/160 155/178/160 168/185/160 169/187/160 +f 164/188/161 163/179/161 176/186/161 +f 157/169/162 156/180/162 169/187/162 170/189/162 +f 158/170/163 157/169/163 170/189/163 171/190/163 +f 159/171/164 158/170/164 171/190/164 172/191/164 +f 160/172/165 159/171/165 172/191/165 173/192/165 +f 153/174/166 152/173/166 165/193/166 166/194/166 +f 161/175/167 160/172/167 173/192/167 174/182/167 +f 154/176/168 153/174/168 166/194/168 167/184/168 +f 172/191/169 171/190/169 183/195/169 184/196/169 +f 173/192/170 172/191/170 184/196/170 185/197/170 +f 166/194/171 165/193/171 177/198/171 178/199/171 +f 174/182/172 173/192/172 185/197/172 186/200/172 +f 167/184/173 166/194/173 178/199/173 179/201/173 +f 175/183/174 174/182/174 186/200/174 187/202/174 +f 168/185/175 167/184/175 179/201/175 180/203/175 +f 176/186/176 175/183/176 187/202/176 188/204/176 +f 169/187/177 168/185/177 180/203/177 181/205/177 +f 164/206/178 176/186/178 188/204/178 +f 170/189/179 169/187/179 181/205/179 182/207/179 +f 171/190/180 170/189/180 182/207/180 183/195/180 +f 180/203/181 179/201/181 191/208/181 192/209/181 +f 188/204/182 187/202/182 199/210/182 200/211/182 +f 181/205/183 180/203/183 192/209/183 193/212/183 +f 164/213/184 188/204/184 200/211/184 +f 182/207/185 181/205/185 193/212/185 194/214/185 +f 183/195/186 182/207/186 194/214/186 195/215/186 +f 184/196/187 183/195/187 195/215/187 196/216/187 +f 185/197/188 184/196/188 196/216/188 197/217/188 +f 178/199/189 177/198/189 189/218/189 190/219/189 +f 186/200/190 185/197/190 197/217/190 198/220/190 +f 179/201/191 178/199/191 190/219/191 191/208/191 +f 187/202/192 186/200/192 198/220/192 199/210/192 +f 196/216/193 195/215/193 207/221/193 208/222/193 +f 197/217/194 196/216/194 208/222/194 209/223/194 +f 190/219/195 189/218/195 201/224/195 202/225/195 +f 198/220/196 197/217/196 209/223/196 210/226/196 +f 191/208/197 190/219/197 202/225/197 203/227/197 +f 199/210/198 198/220/198 210/226/198 211/228/198 +f 192/209/199 191/208/199 203/227/199 204/229/199 +f 200/211/200 199/210/200 211/228/200 212/230/200 +f 193/212/201 192/209/201 204/229/201 205/231/201 +f 164/232/202 200/211/202 212/230/202 +f 194/214/203 193/212/203 205/231/203 206/233/203 +f 195/215/204 194/214/204 206/233/204 207/221/204 +f 212/230/205 211/228/205 223/234/205 224/235/205 +f 205/231/206 204/229/206 216/236/206 217/237/206 +f 164/238/207 212/230/207 224/235/207 +f 206/233/208 205/231/208 217/237/208 218/239/208 +f 207/221/209 206/233/209 218/239/209 219/240/209 +f 208/222/210 207/221/210 219/240/210 220/241/210 +f 209/223/211 208/222/211 220/241/211 221/242/211 +f 202/225/212 201/224/212 213/243/212 214/244/212 +f 210/226/213 209/223/213 221/242/213 222/245/213 +f 203/227/214 202/225/214 214/244/214 215/246/214 +f 211/228/215 210/226/215 222/245/215 223/234/215 +f 204/229/216 203/227/216 215/246/216 216/236/216 +f 221/242/217 220/241/217 232/247/217 233/248/217 +f 214/244/218 213/243/218 225/249/218 226/250/218 +f 222/245/219 221/242/219 233/248/219 234/251/219 +f 215/246/220 214/244/220 226/250/220 227/252/220 +f 223/234/221 222/245/221 234/251/221 235/253/221 +f 216/236/222 215/246/222 227/252/222 228/254/222 +f 224/235/223 223/234/223 235/253/223 236/255/223 +f 217/237/224 216/236/224 228/254/224 229/256/224 +f 164/257/225 224/235/225 236/255/225 +f 218/239/226 217/237/226 229/256/226 230/258/226 +f 219/240/227 218/239/227 230/258/227 231/259/227 +f 220/241/228 219/240/228 231/259/228 232/247/228 +f 164/260/229 236/255/229 248/261/229 +f 230/258/230 229/256/230 241/262/230 242/263/230 +f 231/259/231 230/258/231 242/263/231 243/264/231 +f 232/247/232 231/259/232 243/264/232 244/265/232 +f 233/248/233 232/247/233 244/265/233 245/266/233 +f 226/250/234 225/249/234 237/267/234 238/268/234 +f 234/251/235 233/248/235 245/266/235 246/269/235 +f 227/252/236 226/250/236 238/268/236 239/270/236 +f 235/253/237 234/251/237 246/269/237 247/271/237 +f 228/254/238 227/252/238 239/270/238 240/272/238 +f 236/255/239 235/253/239 247/271/239 248/261/239 +f 229/256/240 228/254/240 240/272/240 241/262/240 +f 238/268/241 237/267/241 249/273/241 250/274/241 +f 246/269/242 245/266/242 257/275/242 258/276/242 +f 239/270/243 238/268/243 250/274/243 251/277/243 +f 247/271/244 246/269/244 258/276/244 259/278/244 +f 240/272/245 239/270/245 251/277/245 252/279/245 +f 248/261/246 247/271/246 259/278/246 260/280/246 +f 241/262/247 240/272/247 252/279/247 253/281/247 +f 164/282/248 248/261/248 260/280/248 +f 242/263/249 241/262/249 253/281/249 254/283/249 +f 243/264/250 242/263/250 254/283/250 255/284/250 +f 244/265/251 243/264/251 255/284/251 256/285/251 +f 245/266/252 244/265/252 256/285/252 257/275/252 +f 254/283/253 253/281/253 265/286/253 266/287/253 +f 255/284/254 254/283/254 266/287/254 267/288/254 +f 256/285/255 255/284/255 267/288/255 268/289/255 +f 257/275/256 256/285/256 268/289/256 269/290/256 +f 250/274/257 249/273/257 261/291/257 262/292/257 +f 258/276/258 257/275/258 269/290/258 270/293/258 +f 251/277/259 250/274/259 262/292/259 263/294/259 +f 259/278/260 258/276/260 270/293/260 271/295/260 +f 252/279/261 251/277/261 263/294/261 264/296/261 +f 260/280/262 259/278/262 271/295/262 272/297/262 +f 253/281/263 252/279/263 264/296/263 265/286/263 +f 164/298/264 260/280/264 272/297/264 +f 270/293/265 269/290/265 281/299/265 282/300/265 +f 263/294/266 262/292/266 274/301/266 275/302/266 +f 271/295/267 270/293/267 282/300/267 283/303/267 +f 264/296/268 263/294/268 275/302/268 276/304/268 +f 272/297/269 271/295/269 283/303/269 284/305/269 +f 265/286/270 264/296/270 276/304/270 277/306/270 +f 164/307/271 272/297/271 284/305/271 +f 266/287/272 265/286/272 277/306/272 278/308/272 +f 267/288/273 266/287/273 278/308/273 279/309/273 +f 268/289/274 267/288/274 279/309/274 280/310/274 +f 269/290/275 268/289/275 280/310/275 281/299/275 +f 262/292/276 261/291/276 273/311/276 274/301/276 +f 279/309/277 278/308/277 290/312/277 291/313/277 +f 280/310/278 279/309/278 291/313/278 292/314/278 +f 281/299/279 280/310/279 292/314/279 293/315/279 +f 274/301/280 273/311/280 285/316/280 286/317/280 +f 282/300/281 281/299/281 293/315/281 294/318/281 +f 275/302/282 274/301/282 286/317/282 287/319/282 +f 283/303/283 282/300/283 294/318/283 295/320/283 +f 276/304/284 275/302/284 287/319/284 288/321/284 +f 284/305/285 283/303/285 295/320/285 296/322/285 +f 277/306/286 276/304/286 288/321/286 289/323/286 +f 164/324/287 284/305/287 296/322/287 +f 278/308/288 277/306/288 289/323/288 290/312/288 +f 287/325/289 286/326/289 298/327/289 299/328/289 +f 295/329/290 294/330/290 306/331/290 307/332/290 +f 288/333/291 287/325/291 299/328/291 300/334/291 +f 296/335/292 295/329/292 307/332/292 308/336/292 +f 289/337/293 288/333/293 300/334/293 301/338/293 +f 164/339/294 296/335/294 308/336/294 +f 290/340/295 289/337/295 301/338/295 302/341/295 +f 291/342/296 290/340/296 302/341/296 303/343/296 +f 292/344/297 291/342/297 303/343/297 304/345/297 +f 293/346/298 292/344/298 304/345/298 305/347/298 +f 286/326/299 285/348/299 297/349/299 298/327/299 +f 294/330/300 293/346/300 305/347/300 306/331/300 +f 303/343/301 302/341/301 314/350/301 315/351/301 +f 304/345/302 303/343/302 315/351/302 316/352/302 +f 305/347/303 304/345/303 316/352/303 317/353/303 +f 298/327/304 297/349/304 309/354/304 310/355/304 +f 306/331/305 305/347/305 317/353/305 318/356/305 +f 299/328/306 298/327/306 310/355/306 311/357/306 +f 307/332/307 306/331/307 318/356/307 319/358/307 +f 300/334/308 299/328/308 311/357/308 312/359/308 +f 308/336/309 307/332/309 319/358/309 320/360/309 +f 301/338/310 300/334/310 312/359/310 313/361/310 +f 164/362/311 308/336/311 320/360/311 +f 302/341/312 301/338/312 313/361/312 314/350/312 +f 319/358/313 318/356/313 330/363/313 331/364/313 +f 312/359/314 311/357/314 323/365/314 324/366/314 +f 320/360/315 319/358/315 331/364/315 332/367/315 +f 313/361/316 312/359/316 324/366/316 325/368/316 +f 164/369/317 320/360/317 332/367/317 +f 314/350/318 313/361/318 325/368/318 326/370/318 +f 315/351/319 314/350/319 326/370/319 327/371/319 +f 316/352/320 315/351/320 327/371/320 328/372/320 +f 317/353/321 316/352/321 328/372/321 329/373/321 +f 310/355/322 309/354/322 321/374/322 322/375/322 +f 318/356/323 317/353/323 329/373/323 330/363/323 +f 311/357/324 310/355/324 322/375/324 323/365/324 +f 328/372/325 327/371/325 339/376/325 340/377/325 +f 329/373/326 328/372/326 340/377/326 341/378/326 +f 322/375/327 321/374/327 333/379/327 334/380/327 +f 330/363/328 329/373/328 341/378/328 342/381/328 +f 323/365/329 322/375/329 334/380/329 335/382/329 +f 331/364/330 330/363/330 342/381/330 343/383/330 +f 324/366/331 323/365/331 335/382/331 336/384/331 +f 332/367/332 331/364/332 343/383/332 344/385/332 +f 325/368/333 324/366/333 336/384/333 337/386/333 +f 164/387/334 332/367/334 344/385/334 +f 326/370/335 325/368/335 337/386/335 338/388/335 +f 327/371/336 326/370/336 338/388/336 339/376/336 +f 344/385/337 343/383/337 355/389/337 356/390/337 +f 337/386/338 336/384/338 348/391/338 349/392/338 +f 164/393/339 344/385/339 356/390/339 +f 338/388/340 337/386/340 349/392/340 350/394/340 +f 339/376/341 338/388/341 350/394/341 351/395/341 +f 340/377/342 339/376/342 351/395/342 352/396/342 +f 341/378/343 340/377/343 352/396/343 353/397/343 +f 334/380/344 333/379/344 345/398/344 346/399/344 +f 342/381/345 341/378/345 353/397/345 354/400/345 +f 335/382/346 334/380/346 346/399/346 347/401/346 +f 343/383/347 342/381/347 354/400/347 355/389/347 +f 336/384/348 335/382/348 347/401/348 348/391/348 +f 353/397/349 352/396/349 364/402/349 365/403/349 +f 346/399/350 345/398/350 357/404/350 358/405/350 +f 354/400/351 353/397/351 365/403/351 366/406/351 +f 347/401/352 346/399/352 358/405/352 359/407/352 +f 355/389/353 354/400/353 366/406/353 367/408/353 +f 348/391/354 347/401/354 359/407/354 360/409/354 +f 356/390/355 355/389/355 367/408/355 368/410/355 +f 349/392/356 348/391/356 360/409/356 361/411/356 +f 164/412/357 356/390/357 368/410/357 +f 350/394/358 349/392/358 361/411/358 362/413/358 +f 351/395/359 350/394/359 362/413/359 363/414/359 +f 352/396/360 351/395/360 363/414/360 364/402/360 +f 361/411/361 360/409/361 372/415/361 373/416/361 +f 164/417/362 368/410/362 380/418/362 +f 362/413/363 361/411/363 373/416/363 374/419/363 +f 363/414/364 362/413/364 374/419/364 375/420/364 +f 364/402/365 363/414/365 375/420/365 376/421/365 +f 365/403/366 364/402/366 376/421/366 377/422/366 +f 358/405/367 357/404/367 369/423/367 370/424/367 +f 366/406/368 365/403/368 377/422/368 378/425/368 +f 359/407/369 358/405/369 370/424/369 371/426/369 +f 367/408/370 366/406/370 378/425/370 379/427/370 +f 360/409/371 359/407/371 371/426/371 372/415/371 +f 368/410/372 367/408/372 379/427/372 380/418/372 +f 377/422/373 376/421/373 382/2/373 383/1/373 +f 370/424/374 369/423/374 1/6/374 2/5/374 +f 378/425/375 377/422/375 383/1/375 7/9/375 +f 371/426/376 370/424/376 2/5/376 3/11/376 +f 379/427/377 378/425/377 7/9/377 384/13/377 +f 372/415/378 371/426/378 3/11/378 4/15/378 +f 380/418/379 379/427/379 384/13/379 385/17/379 +f 373/416/380 372/415/380 4/15/380 5/19/380 +f 164/428/381 380/418/381 385/17/381 +f 374/419/382 373/416/382 5/19/382 6/22/382 +f 375/420/383 374/419/383 6/22/383 381/24/383 +f 376/421/384 375/420/384 381/24/384 382/2/384 diff --git a/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385_top_ring.txt b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385_top_ring.txt new file mode 100644 index 0000000000000000000000000000000000000000..8a26f9862767dd13342718e27450aaf425edbe22 --- /dev/null +++ b/cliport/environments/assets/bags/bl_sphere_bag_rad_1.0_zthresh_0.8_numV_385_top_ring.txt @@ -0,0 +1,32 @@ +0 0.00000 0.70711 0.70711 +7 0.13795 0.69352 0.70711 +19 0.27060 0.65328 0.70711 +31 0.39285 0.58794 0.70711 +43 0.50000 0.50000 0.70711 +55 0.58794 0.39285 0.70711 +67 0.65328 0.27060 0.70711 +79 0.69352 0.13795 0.70711 +91 0.70711 -0.00000 0.70711 +103 0.69352 -0.13795 0.70711 +115 0.65328 -0.27060 0.70711 +127 0.58794 -0.39285 0.70711 +139 0.50000 -0.50000 0.70711 +151 0.39285 -0.58794 0.70711 +164 0.27060 -0.65328 0.70711 +176 0.13795 -0.69352 0.70711 +188 -0.00000 -0.70711 0.70711 +200 -0.13795 -0.69352 0.70711 +212 -0.27060 -0.65328 0.70711 +224 -0.39285 -0.58794 0.70711 +236 -0.50000 -0.50000 0.70711 +248 -0.58794 -0.39285 0.70711 +260 -0.65328 -0.27060 0.70711 +272 -0.69352 -0.13795 0.70711 +284 -0.70711 -0.00000 0.70711 +296 -0.69352 0.13795 0.70711 +308 -0.65328 0.27060 0.70711 +320 -0.58794 0.39285 0.70711 +332 -0.50000 0.50000 0.70711 +344 -0.39285 0.58794 0.70711 +356 -0.27060 0.65328 0.70711 +368 -0.13795 0.69352 0.70711 diff --git a/cliport/environments/assets/ball/ball-template.urdf b/cliport/environments/assets/ball/ball-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..5c88859af5d700fca4e0b1431f7d2bbf54240810 --- /dev/null +++ b/cliport/environments/assets/ball/ball-template.urdf @@ -0,0 +1,31 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/ball/ball-template_COLOR.urdf b/cliport/environments/assets/ball/ball-template_COLOR.urdf new file mode 100644 index 0000000000000000000000000000000000000000..f3e8c5e8a7273f6a934d90f286e6f8fa4f4e3709 --- /dev/null +++ b/cliport/environments/assets/ball/ball-template_COLOR.urdf @@ -0,0 +1,31 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/ball/ball-template_DIM.urdf b/cliport/environments/assets/ball/ball-template_DIM.urdf new file mode 100644 index 0000000000000000000000000000000000000000..5c88859af5d700fca4e0b1431f7d2bbf54240810 --- /dev/null +++ b/cliport/environments/assets/ball/ball-template_DIM.urdf @@ -0,0 +1,31 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/ball/ball.urdf b/cliport/environments/assets/ball/ball.urdf new file mode 100644 index 0000000000000000000000000000000000000000..45f0b490e32574b605b769491cd5e63b17073383 --- /dev/null +++ b/cliport/environments/assets/ball/ball.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/block/block.urdf b/cliport/environments/assets/block/block.urdf new file mode 100644 index 0000000000000000000000000000000000000000..6738be670b40ec14ffe9042c34c284be67b5fb03 --- /dev/null +++ b/cliport/environments/assets/block/block.urdf @@ -0,0 +1,31 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/block/block_for_anchors.urdf b/cliport/environments/assets/block/block_for_anchors.urdf new file mode 100644 index 0000000000000000000000000000000000000000..68e38aae5c3fc7d14855db139b90e2b2211fc5cb --- /dev/null +++ b/cliport/environments/assets/block/block_for_anchors.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/block/small.urdf b/cliport/environments/assets/block/small.urdf new file mode 100644 index 0000000000000000000000000000000000000000..00f225461d82935c8a97a634051a0f194ca616a6 --- /dev/null +++ b/cliport/environments/assets/block/small.urdf @@ -0,0 +1,31 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/bowl/bowl.urdf b/cliport/environments/assets/bowl/bowl.urdf new file mode 100644 index 0000000000000000000000000000000000000000..6de18ef2ef143eacacfdc238c6890b118f5e6c42 --- /dev/null +++ b/cliport/environments/assets/bowl/bowl.urdf @@ -0,0 +1,29 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/bowl/cup.obj b/cliport/environments/assets/bowl/cup.obj new file mode 100644 index 0000000000000000000000000000000000000000..54c504de0faa87e5d587685a34fb3589f02a34a1 --- /dev/null +++ b/cliport/environments/assets/bowl/cup.obj @@ -0,0 +1,1413 @@ +# Blender v2.69 (sub 0) OBJ File: '' +# www.blender.org +mtllib cup_vhacd.mtl +o ShapeIndexedFaceSet.013_ShapeIndexedFaceSet +v 0.000000 0.000000 0.000000 +v -0.018137 0.054263 0.137619 +v -0.033504 0.036700 0.027862 +v -0.033504 0.041091 0.027862 +v -0.033504 0.052066 0.139822 +v -0.018137 0.045481 0.122254 +v -0.018137 0.043286 0.027862 +v -0.033504 0.045481 0.139822 +v -0.022528 0.036700 0.030065 +v -0.029114 0.043286 0.027862 +v -0.031308 0.041091 0.100303 +v -0.018137 0.047673 0.139822 +v -0.018137 0.038897 0.027862 +v -0.029114 0.052066 0.122254 +v -0.033504 0.036700 0.045430 +v -0.020333 0.054263 0.135427 +v -0.029114 0.043286 0.122254 +v -0.033504 0.043286 0.041035 +v -0.018137 0.045481 0.045430 +v -0.018137 0.038897 0.041035 +v -0.033504 0.052066 0.135427 +v -0.018137 0.043286 0.098100 +v -0.022528 0.045481 0.045430 +v -0.031308 0.043286 0.032257 +v -0.033504 0.041091 0.100303 +v -0.018137 0.052066 0.139822 +v -0.031308 0.036700 0.045430 +v -0.031308 0.045481 0.139822 +usemtl Shape.027 +s off +f 17 12 28 +f 4 3 5 +f 3 4 7 +f 2 6 7 +f 5 3 8 +f 7 4 10 +f 6 2 12 +f 5 8 12 +f 3 7 13 +f 7 6 13 +f 9 3 13 +f 8 3 15 +f 3 9 15 +f 5 2 16 +f 10 14 16 +f 11 9 17 +f 6 12 17 +f 4 5 18 +f 2 7 19 +f 7 10 19 +f 16 2 19 +f 13 6 20 +f 9 13 20 +f 5 16 21 +f 16 14 21 +f 18 5 21 +f 6 17 22 +f 17 9 22 +f 20 6 22 +f 9 20 22 +f 10 16 23 +f 19 10 23 +f 16 19 23 +f 10 4 24 +f 14 10 24 +f 4 18 24 +f 21 14 24 +f 18 21 24 +f 8 15 25 +f 15 11 25 +f 17 8 25 +f 11 17 25 +f 2 5 26 +f 12 2 26 +f 5 12 26 +f 9 11 27 +f 15 9 27 +f 11 15 27 +f 12 8 28 +f 8 17 28 +o ShapeIndexedFaceSet.012_ShapeIndexedFaceSet.027 +v 0.000000 0.000000 0.000000 +v -0.033504 0.049872 0.139822 +v -0.046676 0.025724 0.027862 +v -0.046676 0.034505 0.027862 +v -0.033504 0.034505 0.027862 +v -0.046676 0.036704 0.133235 +v -0.046676 0.045480 0.131032 +v -0.035700 0.041091 0.027862 +v -0.033504 0.043284 0.133235 +v -0.042285 0.025724 0.030065 +v -0.037896 0.049872 0.124446 +v -0.044480 0.034505 0.117848 +v -0.033504 0.041091 0.027862 +v -0.044480 0.047676 0.135427 +v -0.046676 0.038892 0.139822 +v -0.042285 0.038892 0.036651 +v -0.033504 0.049872 0.120062 +v -0.035700 0.043284 0.139822 +v -0.040090 0.049872 0.139822 +v -0.046676 0.025724 0.034449 +v -0.037896 0.041091 0.034449 +v -0.033504 0.038892 0.084927 +v -0.046676 0.045480 0.139822 +v -0.044480 0.036704 0.133235 +v -0.044480 0.036704 0.030065 +v -0.033504 0.034505 0.032257 +v -0.042285 0.047676 0.122254 +v -0.046676 0.034505 0.117848 +v -0.035700 0.043284 0.049824 +v -0.042285 0.025724 0.027862 +v -0.044480 0.025724 0.034449 +v -0.033504 0.041091 0.111273 +usemtl Shape.026 +s off +f 38 50 60 +f 31 32 33 +f 32 31 34 +f 32 34 35 +f 33 32 36 +f 33 30 37 +f 38 37 40 +f 30 33 41 +f 33 36 41 +f 35 34 43 +f 39 30 45 +f 30 41 45 +f 37 30 46 +f 30 43 46 +f 30 39 47 +f 39 42 47 +f 43 30 47 +f 34 31 48 +f 31 38 48 +f 33 37 50 +f 42 35 51 +f 35 43 51 +f 47 42 51 +f 43 47 51 +f 34 40 52 +f 40 37 52 +f 43 34 52 +f 37 46 52 +f 46 43 52 +f 32 35 53 +f 36 32 53 +f 35 42 53 +f 42 44 53 +f 49 36 53 +f 44 49 53 +f 38 33 54 +f 33 50 54 +f 50 38 54 +f 42 39 55 +f 44 42 55 +f 39 49 55 +f 49 44 55 +f 40 34 56 +f 34 48 56 +f 48 40 56 +f 41 36 57 +f 39 45 57 +f 45 41 57 +f 36 49 57 +f 49 39 57 +f 31 33 58 +f 38 31 58 +f 33 38 58 +f 38 40 59 +f 48 38 59 +f 40 48 59 +f 37 38 60 +f 50 37 60 +o ShapeIndexedFaceSet.011_ShapeIndexedFaceSet.026 +v 0.000000 0.000000 0.000000 +v -0.066434 -0.002813 0.135413 +v -0.051068 -0.007203 0.058606 +v -0.051068 -0.009399 0.058606 +v -0.057654 0.005965 0.038839 +v -0.059846 0.005965 0.137608 +v -0.057654 -0.009399 0.139812 +v -0.057654 -0.009399 0.052024 +v -0.053264 0.005965 0.038839 +v -0.066434 0.005965 0.139812 +v -0.064236 -0.009399 0.139812 +v -0.051068 -0.009399 0.038839 +v -0.059846 0.001575 0.049829 +v -0.057654 -0.007203 0.041052 +v -0.055458 -0.007203 0.122248 +v -0.066434 -0.005009 0.137608 +v -0.059846 0.005965 0.049829 +v -0.057654 0.005965 0.109073 +v -0.055458 -0.009399 0.038839 +v -0.053264 0.005965 0.043247 +v -0.066434 0.005965 0.135413 +v -0.051068 -0.005009 0.038839 +v -0.062042 0.005965 0.139812 +v -0.055458 -0.009399 0.122248 +v -0.064236 -0.009399 0.135413 +v -0.057654 -0.007203 0.139812 +v -0.057654 -0.005009 0.038839 +v -0.053264 -0.007203 0.091519 +usemtl Shape.025 +s off +f 75 84 88 +f 64 67 68 +f 65 66 69 +f 66 65 70 +f 67 70 71 +f 68 67 71 +f 63 64 72 +f 64 68 72 +f 65 69 72 +f 70 62 76 +f 71 70 76 +f 62 73 76 +f 74 68 76 +f 73 74 76 +f 70 65 77 +f 65 73 77 +f 73 62 77 +f 69 66 78 +f 66 75 78 +f 72 68 79 +f 65 72 79 +f 68 74 79 +f 78 63 80 +f 69 78 80 +f 62 70 81 +f 77 62 81 +f 70 77 81 +f 63 72 82 +f 72 69 82 +f 80 63 82 +f 69 80 82 +f 66 70 83 +f 70 67 83 +f 67 64 84 +f 75 67 84 +f 68 71 85 +f 71 76 85 +f 76 68 85 +f 75 66 86 +f 67 75 86 +f 66 83 86 +f 83 67 86 +f 73 65 87 +f 74 73 87 +f 65 79 87 +f 79 74 87 +f 64 63 88 +f 63 78 88 +f 78 75 88 +f 84 64 88 +o ShapeIndexedFaceSet.010_ShapeIndexedFaceSet.025 +v 0.000000 0.000000 0.000000 +v -0.062040 -0.013792 0.122248 +v -0.042286 -0.018180 0.049829 +v -0.053261 -0.009401 0.104685 +v -0.055455 -0.009401 0.038839 +v -0.059844 -0.020377 0.139812 +v -0.051069 -0.020377 0.049829 +v -0.051069 -0.020377 0.139812 +v -0.064236 -0.009401 0.139812 +v -0.048873 -0.009401 0.038839 +v -0.042286 -0.020377 0.038839 +v -0.055455 -0.011597 0.139812 +v -0.053261 -0.015986 0.038839 +v -0.048873 -0.018180 0.122248 +v -0.055455 -0.011597 0.038839 +v -0.057651 -0.009401 0.139812 +v -0.064236 -0.011597 0.137608 +v -0.048873 -0.020377 0.038839 +v -0.042286 -0.020377 0.049829 +v -0.048873 -0.009401 0.045441 +v -0.059844 -0.018180 0.122248 +v -0.055455 -0.013792 0.047635 +v -0.051069 -0.018180 0.139812 +v -0.042286 -0.018180 0.038839 +v -0.053261 -0.011597 0.122248 +v -0.059844 -0.020377 0.137608 +v -0.048873 -0.020377 0.122248 +usemtl Shape.024 +s off +f 107 102 115 +f 94 95 96 +f 92 93 97 +f 94 96 97 +f 93 92 98 +f 96 95 99 +f 93 98 99 +f 97 96 100 +f 93 99 101 +f 93 101 103 +f 92 97 104 +f 100 92 104 +f 97 100 104 +f 97 93 105 +f 94 97 105 +f 93 103 105 +f 99 95 106 +f 95 101 106 +f 101 99 106 +f 99 91 107 +f 96 99 107 +f 91 102 107 +f 92 91 108 +f 98 92 108 +f 91 98 108 +f 103 101 110 +f 90 105 110 +f 105 103 110 +f 109 90 110 +f 101 109 110 +f 100 96 111 +f 96 102 111 +f 102 100 111 +f 98 91 112 +f 91 99 112 +f 99 98 112 +f 91 92 113 +f 92 100 113 +f 102 91 113 +f 100 102 113 +f 95 94 114 +f 101 95 114 +f 105 90 114 +f 94 105 114 +f 90 109 114 +f 109 101 114 +f 102 96 115 +f 96 107 115 +o ShapeIndexedFaceSet.009_ShapeIndexedFaceSet.024 +v 0.000000 0.000000 0.000000 +v -0.018137 0.043284 0.036653 +v 0.019183 0.034509 0.139822 +v 0.019183 0.030119 0.139822 +v -0.018137 0.047673 0.139822 +v -0.004964 0.052067 0.135419 +v 0.001618 0.038898 0.036653 +v -0.000573 0.030119 0.038855 +v 0.010401 0.030119 0.045439 +v 0.012596 0.030119 0.137610 +v -0.018137 0.038898 0.045439 +v 0.008205 0.045480 0.139822 +v -0.018137 0.052067 0.120048 +v -0.007160 0.043284 0.038855 +v 0.010401 0.032313 0.045439 +v -0.018137 0.043284 0.100295 +v -0.015942 0.045480 0.045439 +v -0.018137 0.052067 0.139822 +v 0.008205 0.045480 0.135419 +v 0.008205 0.030119 0.036653 +v 0.019183 0.030119 0.122250 +v -0.018137 0.038898 0.036653 +v 0.001618 0.047673 0.120048 +v 0.019183 0.034509 0.135419 +v 0.008205 0.030119 0.109071 +v -0.011551 0.052067 0.122250 +v -0.004964 0.052067 0.139822 +v -0.018137 0.045480 0.122250 +v 0.014792 0.038898 0.133217 +v 0.008205 0.034509 0.045439 +v 0.019183 0.032313 0.122250 +v -0.018137 0.045480 0.045439 +v -0.000573 0.041092 0.045439 +v 0.014792 0.030119 0.139822 +v -0.000573 0.030119 0.036653 +v -0.011551 0.045480 0.052024 +v -0.009355 0.043284 0.036653 +v 0.008205 0.032313 0.036653 +v -0.002769 0.049869 0.122250 +v 0.006009 0.045480 0.122250 +usemtl Shape.023 +s off +f 148 138 155 +f 119 118 120 +f 119 123 124 +f 123 119 125 +f 120 117 126 +f 120 118 127 +f 117 120 128 +f 120 126 131 +f 120 127 133 +f 128 120 133 +f 121 128 133 +f 121 127 134 +f 117 122 135 +f 124 123 135 +f 130 124 135 +f 118 119 136 +f 119 124 136 +f 124 130 136 +f 123 126 137 +f 126 117 137 +f 117 135 137 +f 121 134 138 +f 118 136 139 +f 123 125 140 +f 126 123 140 +f 125 131 140 +f 131 126 140 +f 128 121 141 +f 132 128 141 +f 127 121 142 +f 133 127 142 +f 121 133 142 +f 125 120 143 +f 120 131 143 +f 131 125 143 +f 127 118 144 +f 134 127 144 +f 118 139 144 +f 139 130 144 +f 122 134 145 +f 134 144 145 +f 144 130 145 +f 136 130 146 +f 130 139 146 +f 139 136 146 +f 117 128 147 +f 132 117 147 +f 128 132 147 +f 122 129 148 +f 119 120 149 +f 125 119 149 +f 120 125 149 +f 135 123 150 +f 123 137 150 +f 137 135 150 +f 121 129 151 +f 129 132 151 +f 141 121 151 +f 132 141 151 +f 122 117 152 +f 129 122 152 +f 117 132 152 +f 132 129 152 +f 135 122 153 +f 130 135 153 +f 122 145 153 +f 145 130 153 +f 129 121 154 +f 121 138 154 +f 148 129 154 +f 138 148 154 +f 134 122 155 +f 138 134 155 +f 122 148 155 +o ShapeIndexedFaceSet.008_ShapeIndexedFaceSet.023 +v 0.000000 0.000000 0.000000 +v 0.014792 0.030114 0.139822 +v 0.012598 0.005966 0.036653 +v 0.016986 0.005966 0.036653 +v 0.010404 0.030114 0.036653 +v 0.025768 0.021331 0.139822 +v 0.021376 0.005966 0.139822 +v 0.003816 0.027919 0.049832 +v 0.016986 0.019135 0.036653 +v 0.025768 0.005966 0.120048 +v 0.021376 0.030114 0.135419 +v 0.003816 0.030114 0.036653 +v 0.010404 0.027919 0.113464 +v 0.019180 0.008162 0.043248 +v 0.025768 0.016946 0.122250 +v 0.019180 0.005966 0.122250 +v 0.025768 0.005966 0.139822 +v 0.012598 0.027919 0.036653 +v 0.021376 0.027919 0.120048 +v 0.012598 0.005966 0.041046 +v 0.010404 0.030114 0.113464 +v 0.025768 0.021331 0.135419 +v 0.014792 0.025720 0.137610 +v 0.019180 0.005966 0.043248 +v 0.021376 0.030114 0.139822 +v 0.003816 0.027919 0.036653 +v 0.012598 0.030114 0.049832 +v 0.003816 0.030114 0.049832 +v 0.019180 0.012557 0.047631 +v 0.014792 0.025720 0.045439 +v 0.016986 0.005966 0.095902 +v 0.025768 0.012557 0.120048 +usemtl Shape.022 +s off +f 169 170 187 +f 159 158 160 +f 158 159 162 +f 161 157 162 +f 159 160 164 +f 162 159 165 +f 160 157 166 +f 160 158 167 +f 157 160 167 +f 159 164 169 +f 161 165 170 +f 158 162 171 +f 168 163 171 +f 162 168 171 +f 161 162 172 +f 165 161 172 +f 162 165 172 +f 164 160 173 +f 163 158 175 +f 158 171 175 +f 157 167 176 +f 163 168 176 +f 168 157 176 +f 166 161 177 +f 161 170 177 +f 170 164 177 +f 174 166 177 +f 164 174 177 +f 162 157 178 +f 157 168 178 +f 168 162 178 +f 165 159 179 +f 159 169 179 +f 169 165 179 +f 157 161 180 +f 166 157 180 +f 161 166 180 +f 158 163 181 +f 167 158 181 +f 163 167 181 +f 160 166 182 +f 173 160 182 +f 166 174 182 +f 174 173 182 +f 167 163 183 +f 176 167 183 +f 163 176 183 +f 169 164 184 +f 170 169 184 +f 164 170 184 +f 164 173 185 +f 173 174 185 +f 174 164 185 +f 171 163 186 +f 163 175 186 +f 175 171 186 +f 165 169 187 +f 170 165 187 +o ShapeIndexedFaceSet.007_ShapeIndexedFaceSet.022 +v 0.000000 0.000000 0.000000 +v -0.051069 0.043286 0.139822 +v -0.057651 0.005966 0.027862 +v -0.057651 0.014748 0.027862 +v -0.066430 0.016948 0.139822 +v -0.059846 0.005966 0.135427 +v -0.046678 0.023530 0.036651 +v -0.046678 0.036700 0.139822 +v -0.048875 0.032305 0.027862 +v -0.051069 0.008162 0.030065 +v -0.062040 0.030110 0.135427 +v -0.066430 0.005966 0.139822 +v -0.046678 0.043286 0.122254 +v -0.046678 0.032305 0.027862 +v -0.055459 0.023530 0.036651 +v -0.057651 0.036700 0.135427 +v -0.064235 0.025722 0.137619 +v -0.053264 0.005966 0.027862 +v -0.066430 0.016948 0.135427 +v -0.046678 0.032305 0.115667 +v -0.059846 0.005966 0.049824 +v -0.051069 0.030110 0.030065 +v -0.057651 0.005966 0.109081 +v -0.051069 0.043286 0.135427 +v -0.062040 0.005966 0.139822 +v -0.046678 0.043286 0.139822 +v -0.046678 0.023530 0.027862 +v -0.062040 0.030110 0.139822 +v -0.048875 0.043286 0.122254 +v -0.066430 0.005966 0.135427 +v -0.055459 0.021335 0.027862 +v -0.053264 0.005966 0.043238 +v -0.064235 0.021335 0.122254 +v -0.057651 0.016948 0.034449 +v -0.059846 0.008162 0.049824 +usemtl Shape.021 +s off +f 208 206 222 +f 189 192 195 +f 190 191 196 +f 190 193 199 +f 195 192 199 +f 195 194 200 +f 196 200 201 +f 190 196 201 +f 200 194 201 +f 198 202 204 +f 193 190 205 +f 190 201 205 +f 199 192 206 +f 192 204 206 +f 194 195 207 +f 197 194 207 +f 191 190 208 +f 190 199 208 +f 202 198 209 +f 203 196 209 +f 198 203 209 +f 195 193 210 +f 193 205 210 +f 207 195 210 +f 197 207 210 +f 189 200 211 +f 203 189 211 +f 196 203 211 +f 193 195 212 +f 199 193 212 +f 195 199 212 +f 189 195 213 +f 200 189 213 +f 195 200 213 +f 194 197 214 +f 201 194 214 +f 197 205 214 +f 205 201 214 +f 192 189 215 +f 189 203 215 +f 203 198 215 +f 198 204 215 +f 204 192 215 +f 200 196 216 +f 211 200 216 +f 196 211 216 +f 199 206 217 +f 208 199 217 +f 206 208 217 +f 196 191 218 +f 204 202 218 +f 209 196 218 +f 202 209 218 +f 205 197 219 +f 210 205 219 +f 197 210 219 +f 191 206 220 +f 206 204 220 +f 218 191 221 +f 204 218 221 +f 191 220 221 +f 220 204 221 +f 206 191 222 +f 191 208 222 +o ShapeIndexedFaceSet.006_ShapeIndexedFaceSet.021 +v 0.000000 0.000000 0.000000 +v 0.023572 -0.013791 0.139822 +v 0.001623 -0.020377 0.041034 +v 0.008210 -0.020377 0.041034 +v 0.014791 0.005966 0.041034 +v 0.021376 0.005966 0.139822 +v 0.012600 -0.020377 0.139822 +v 0.019181 0.001575 0.043239 +v 0.025768 0.005966 0.120056 +v 0.001623 -0.018180 0.045434 +v 0.019181 -0.020377 0.124437 +v 0.014791 -0.013791 0.045434 +v 0.008210 -0.018180 0.113471 +v 0.016987 0.005966 0.098096 +v 0.025768 -0.007205 0.135422 +v 0.025768 0.005966 0.139822 +v 0.016987 -0.007205 0.041034 +v 0.019181 0.005966 0.043239 +v 0.014791 0.005966 0.067384 +v 0.023572 -0.011594 0.122251 +v 0.025768 -0.002819 0.122251 +v 0.010404 -0.020377 0.045434 +v 0.019181 -0.020377 0.139822 +v 0.019181 0.005966 0.122251 +v 0.012600 -0.018180 0.139822 +v 0.008210 -0.020377 0.113471 +v 0.025768 -0.005014 0.126642 +v 0.012600 -0.018180 0.049824 +v 0.012600 -0.015986 0.041034 +v 0.001623 -0.018180 0.041034 +v 0.025768 -0.007205 0.139822 +v 0.021376 -0.018180 0.135422 +v 0.006014 -0.018180 0.091520 +v 0.019181 -0.002819 0.052019 +v 0.016987 -0.009400 0.047629 +v 0.025768 -0.000620 0.120056 +v 0.021376 -0.015986 0.122251 +usemtl Shape.020 +s off +f 254 233 259 +f 226 225 227 +f 225 226 229 +f 224 228 229 +f 227 228 231 +f 229 226 233 +f 228 227 236 +f 228 224 238 +f 231 228 238 +f 237 231 238 +f 226 227 239 +f 227 231 240 +f 231 230 240 +f 239 227 240 +f 230 239 240 +f 227 232 241 +f 232 236 241 +f 236 227 241 +f 237 224 242 +f 231 237 243 +f 233 226 244 +f 224 229 245 +f 229 233 245 +f 235 228 246 +f 236 232 246 +f 228 236 246 +f 229 228 247 +f 235 229 247 +f 228 235 247 +f 225 229 248 +f 232 225 248 +f 229 235 248 +f 237 242 249 +f 242 239 249 +f 243 237 249 +f 234 233 250 +f 233 244 250 +f 250 244 251 +f 226 239 251 +f 239 234 251 +f 244 226 251 +f 234 250 251 +f 227 225 252 +f 225 232 252 +f 232 227 252 +f 224 237 253 +f 238 224 253 +f 237 238 253 +f 242 224 254 +f 224 245 254 +f 245 233 254 +f 235 246 255 +f 246 232 255 +f 232 248 255 +f 248 235 255 +f 239 230 256 +f 230 243 256 +f 249 239 256 +f 243 249 256 +f 234 239 257 +f 242 234 257 +f 239 242 257 +f 230 231 258 +f 243 230 258 +f 231 243 258 +f 233 234 259 +f 234 242 259 +f 242 254 259 +o ShapeIndexedFaceSet.005_ShapeIndexedFaceSet.020 +v 0.000000 0.000000 0.000000 +v -0.004961 -0.037936 0.122251 +v 0.019183 -0.020377 0.139822 +v 0.019183 -0.022576 0.139822 +v 0.006008 -0.020377 0.041034 +v -0.020333 -0.033546 0.133227 +v -0.020333 -0.033546 0.045434 +v -0.018136 -0.026966 0.043239 +v -0.000575 -0.029160 0.045434 +v 0.010398 -0.020377 0.139822 +v -0.020333 -0.040133 0.139822 +v 0.003815 -0.035741 0.139822 +v -0.000575 -0.020377 0.052019 +v 0.008205 -0.022576 0.045434 +v 0.010398 -0.031351 0.135422 +v -0.007154 -0.031351 0.041034 +v -0.009351 -0.040133 0.135422 +v -0.020333 -0.029160 0.071784 +v -0.020333 -0.029160 0.041034 +v -0.020333 -0.035741 0.139822 +v -0.020333 -0.040133 0.128837 +v -0.015939 -0.033546 0.045434 +v -0.000575 -0.037936 0.137607 +v 0.006008 -0.020377 0.111276 +v -0.000575 -0.020377 0.041034 +v 0.008205 -0.020377 0.045434 +v 0.019183 -0.022576 0.137607 +v -0.020333 -0.031351 0.104681 +v 0.003815 -0.026966 0.052019 +v 0.001618 -0.026966 0.041034 +v 0.003815 -0.035741 0.137607 +v -0.009351 -0.040133 0.139822 +v 0.016985 -0.024771 0.135422 +v -0.020333 -0.031351 0.041034 +v -0.011545 -0.033546 0.054224 +v -0.018136 -0.040133 0.128837 +v 0.010398 -0.031351 0.139822 +usemtl Shape.019 +s off +f 274 292 296 +f 263 262 269 +f 262 264 269 +f 265 266 270 +f 263 269 270 +f 263 270 271 +f 269 264 272 +f 275 261 276 +f 266 265 277 +f 264 275 278 +f 266 277 278 +f 277 267 278 +f 269 265 279 +f 265 270 279 +f 270 269 279 +f 270 266 280 +f 276 270 280 +f 266 275 281 +f 280 266 281 +f 261 275 282 +f 275 268 282 +f 276 261 282 +f 272 267 283 +f 269 272 283 +f 267 277 283 +f 272 264 284 +f 267 272 284 +f 264 278 284 +f 278 267 284 +f 264 262 285 +f 273 264 285 +f 273 285 286 +f 262 263 286 +f 285 262 286 +f 265 269 287 +f 277 265 287 +f 269 283 287 +f 283 277 287 +f 274 268 288 +f 273 274 288 +f 264 273 289 +f 275 264 289 +f 268 275 289 +f 288 268 289 +f 273 288 289 +f 268 274 290 +f 274 271 290 +f 282 268 290 +f 271 282 290 +f 271 270 291 +f 270 276 291 +f 282 271 291 +f 276 282 291 +f 274 273 292 +f 273 286 292 +f 286 263 292 +f 275 266 293 +f 266 278 293 +f 278 275 293 +f 275 276 294 +f 276 281 294 +f 281 275 294 +f 276 280 295 +f 281 276 295 +f 280 281 295 +f 263 271 296 +f 271 274 296 +f 292 263 296 +o ShapeIndexedFaceSet.004_ShapeIndexedFaceSet.019 +v 0.000000 0.000000 0.000000 +v -0.046671 -0.022576 0.038839 +v -0.020333 -0.035741 0.139812 +v -0.020333 -0.040133 0.139812 +v -0.057652 -0.020377 0.139812 +v -0.022528 -0.026966 0.038839 +v -0.037897 -0.037936 0.135413 +v -0.024724 -0.033546 0.045441 +v -0.048870 -0.020377 0.139812 +v -0.040088 -0.020377 0.038839 +v -0.046671 -0.033546 0.139812 +v -0.033509 -0.031351 0.038839 +v -0.020333 -0.031351 0.106879 +v -0.020333 -0.033546 0.045441 +v -0.048870 -0.022576 0.045441 +v -0.031314 -0.040133 0.137608 +v -0.057652 -0.022576 0.135413 +v -0.040088 -0.029160 0.045441 +v -0.048870 -0.020377 0.045441 +v -0.020333 -0.029160 0.071781 +v -0.040088 -0.020377 0.054218 +v -0.053261 -0.026966 0.126637 +v -0.020333 -0.033546 0.131025 +v -0.020333 -0.040133 0.131025 +v -0.020333 -0.031351 0.038839 +v -0.046671 -0.033546 0.137608 +v -0.046671 -0.024771 0.047635 +v -0.022528 -0.026966 0.043247 +v -0.046671 -0.020377 0.122248 +v -0.042284 -0.026966 0.038839 +v -0.031314 -0.040133 0.139812 +v -0.020333 -0.029160 0.038839 +v -0.044476 -0.033546 0.122248 +v -0.022528 -0.033546 0.137608 +v -0.057652 -0.022576 0.139812 +v -0.046671 -0.020377 0.038839 +v -0.022528 -0.040133 0.131025 +v -0.035701 -0.031351 0.047635 +v -0.057652 -0.020377 0.135413 +usemtl Shape.018 +s off +f 315 313 335 +f 300 299 301 +f 301 299 305 +f 302 298 306 +f 301 305 306 +f 300 301 307 +f 298 302 308 +f 299 300 309 +f 304 308 310 +f 309 300 310 +f 303 308 312 +f 308 304 312 +f 301 306 315 +f 298 311 315 +f 311 313 315 +f 305 309 316 +f 309 310 316 +f 302 306 317 +f 306 305 317 +f 313 311 318 +f 299 309 319 +f 309 305 319 +f 310 300 320 +f 304 310 320 +f 300 312 320 +f 308 302 321 +f 310 308 321 +f 316 310 321 +f 303 307 322 +f 307 318 322 +f 322 318 323 +f 318 311 323 +f 314 322 323 +f 316 302 324 +f 302 317 324 +f 324 317 325 +f 305 316 325 +f 317 305 325 +f 316 324 325 +f 298 308 326 +f 311 298 326 +f 308 314 326 +f 323 311 326 +f 314 323 326 +f 300 307 327 +f 307 303 327 +f 312 300 327 +f 303 312 327 +f 302 316 328 +f 321 302 328 +f 316 321 328 +f 314 303 329 +f 303 322 329 +f 322 314 329 +f 305 299 330 +f 299 319 330 +f 319 305 330 +f 307 301 331 +f 301 313 331 +f 318 307 331 +f 313 318 331 +f 306 298 332 +f 298 315 332 +f 315 306 332 +f 312 304 333 +f 304 320 333 +f 320 312 333 +f 308 303 334 +f 303 314 334 +f 314 308 334 +f 313 301 335 +f 301 315 335 +o ShapeIndexedFaceSet.003_ShapeIndexedFaceSet.018 +v 0.000000 0.000000 0.000000 +v 0.001618 0.038895 0.036643 +v -0.004962 0.005966 -0.000677 +v 0.014790 0.005966 -0.000677 +v -0.013743 0.041091 -0.000677 +v -0.018137 0.005966 0.025666 +v 0.016987 0.005966 0.036643 +v -0.018137 0.043286 0.036643 +v 0.008206 0.030110 0.003714 +v -0.018137 0.005966 0.001519 +v 0.014790 0.023530 0.036643 +v -0.018137 0.041091 -0.000677 +v 0.014790 0.016948 0.001519 +v -0.004962 0.038895 -0.000677 +v 0.010400 0.005966 0.036643 +v -0.009353 0.043286 0.030057 +v -0.018137 0.038895 0.036643 +v 0.016987 0.014748 0.023467 +v 0.012597 0.021335 -0.000677 +v 0.012597 0.027918 0.034448 +v 0.016987 0.005966 0.012500 +v 0.006009 0.032305 0.001519 +v -0.018137 0.023530 -0.000677 +v -0.018137 0.043286 0.019079 +v -0.002765 0.038895 0.005910 +v 0.016987 0.016948 0.036643 +v 0.008206 0.032305 0.023467 +v 0.012597 0.023530 0.005910 +v -0.009353 0.043286 0.036643 +v -0.009353 0.041091 0.003714 +v -0.002765 0.041091 0.032252 +v 0.014790 0.023530 0.032252 +v -0.013743 0.043286 0.019079 +v 0.003816 0.036700 0.027861 +v 0.001618 0.036700 0.010301 +v 0.016987 0.016948 0.030057 +v 0.008206 0.027918 -0.000677 +usemtl Shape.017 +s off +f 357 344 372 +f 339 338 340 +f 338 339 341 +f 341 339 342 +f 342 337 343 +f 338 341 345 +f 341 343 345 +f 337 342 346 +f 340 338 347 +f 345 343 347 +f 339 340 349 +f 341 342 350 +f 342 343 350 +f 343 341 352 +f 341 350 352 +f 350 343 352 +f 348 339 354 +f 339 349 354 +f 337 346 355 +f 342 339 356 +f 339 348 356 +f 353 342 356 +f 348 353 356 +f 338 345 358 +f 347 338 358 +f 345 347 358 +f 340 347 359 +f 347 343 359 +f 343 351 359 +f 357 349 360 +f 346 342 361 +f 342 353 361 +f 355 344 362 +f 344 357 362 +f 354 344 363 +f 348 354 363 +f 344 355 363 +f 343 337 364 +f 351 343 364 +f 349 340 365 +f 351 360 365 +f 360 349 365 +f 337 360 366 +f 360 351 366 +f 364 337 366 +f 351 364 366 +f 355 346 367 +f 346 361 367 +f 348 363 367 +f 363 355 367 +f 340 359 368 +f 359 351 368 +f 365 340 368 +f 351 365 368 +f 337 355 369 +f 355 362 369 +f 362 357 369 +f 360 337 370 +f 357 360 370 +f 337 369 370 +f 369 357 370 +f 353 348 371 +f 361 353 371 +f 348 367 371 +f 367 361 371 +f 344 354 372 +f 354 349 372 +f 349 357 372 +o ShapeIndexedFaceSet.002_ShapeIndexedFaceSet.017 +v 0.000000 0.000000 0.000000 +v -0.053255 0.021335 0.001519 +v -0.018137 0.043286 0.027862 +v -0.018137 0.043286 0.016883 +v -0.018137 0.005966 0.025666 +v -0.057649 0.005966 0.027862 +v -0.018137 0.005966 0.001519 +v -0.046672 0.034504 0.027862 +v -0.026925 0.041091 -0.000677 +v -0.055452 0.005966 -0.000677 +v -0.018137 0.041091 -0.000677 +v -0.042283 0.034504 -0.000677 +v -0.035704 0.041091 0.023468 +v -0.057649 0.014748 0.027862 +v -0.018137 0.025722 -0.000677 +v -0.053255 0.025722 0.021272 +v -0.029117 0.043286 0.027862 +v -0.048865 0.027918 -0.000677 +v -0.040086 0.005966 -0.000677 +v -0.037893 0.038895 0.008106 +v -0.055452 0.016948 0.003718 +v -0.018137 0.036700 0.027862 +v -0.051062 0.005966 0.027862 +v -0.044476 0.034504 0.005911 +v -0.057649 0.008162 0.016883 +v -0.031314 0.041091 0.003718 +v -0.051062 0.027918 0.012500 +v -0.055452 0.021335 0.027862 +v -0.055452 0.012553 -0.000677 +v -0.040086 0.038895 0.021272 +v -0.026925 0.043286 0.021272 +v -0.040086 0.038895 0.027862 +v -0.053255 0.023530 0.008106 +v -0.055452 0.021335 0.023468 +v -0.035704 0.038895 0.001519 +usemtl Shape.016 +s off +f 392 398 407 +f 376 375 377 +f 376 377 379 +f 377 378 379 +f 378 375 380 +f 379 378 382 +f 382 381 383 +f 376 379 383 +f 381 376 383 +f 381 382 384 +f 378 380 386 +f 382 383 387 +f 383 379 387 +f 375 376 389 +f 380 375 389 +f 384 382 390 +f 379 382 391 +f 387 379 391 +f 382 387 391 +f 377 375 394 +f 375 378 394 +f 394 378 395 +f 378 377 395 +f 377 394 395 +f 384 390 396 +f 382 378 397 +f 378 386 397 +f 386 393 397 +f 385 389 398 +f 392 385 398 +f 388 380 399 +f 380 396 399 +f 396 390 399 +f 386 380 400 +f 380 388 400 +f 374 390 401 +f 390 382 401 +f 393 374 401 +f 382 397 401 +f 397 393 401 +f 385 392 402 +f 396 380 402 +f 392 396 402 +f 376 381 403 +f 389 376 403 +f 381 398 403 +f 398 389 403 +f 380 389 404 +f 389 385 404 +f 402 380 404 +f 385 402 404 +f 390 374 405 +f 374 393 405 +f 388 399 405 +f 399 390 405 +f 393 386 406 +f 386 400 406 +f 400 388 406 +f 405 393 406 +f 388 405 406 +f 381 384 407 +f 384 396 407 +f 396 392 407 +f 398 381 407 +o ShapeIndexedFaceSet.001_ShapeIndexedFaceSet.016 +v 0.000000 0.000000 0.000000 +v 0.006010 -0.022571 0.023469 +v 0.016987 0.005966 0.041034 +v 0.012596 0.005966 0.041034 +v -0.004964 0.005966 -0.000677 +v -0.020333 -0.031353 0.041034 +v -0.020333 0.005966 0.025666 +v -0.020333 -0.029158 -0.000677 +v 0.014792 -0.002819 -0.000677 +v 0.012596 -0.015985 0.041034 +v -0.020333 0.005966 0.001520 +v -0.002765 -0.026962 0.001520 +v -0.007160 -0.031353 0.041034 +v 0.014792 0.005966 -0.000677 +v 0.010401 -0.013789 -0.000677 +v 0.016987 -0.007210 0.036641 +v -0.020333 -0.026962 0.041034 +v -0.015942 -0.031353 0.012503 +v 0.016987 0.005966 0.012503 +v 0.001619 -0.026962 0.041034 +v 0.010401 -0.015985 0.005913 +v -0.011551 -0.029158 -0.000677 +v 0.003814 -0.022571 0.001520 +v -0.020333 -0.013789 -0.000677 +v 0.014792 -0.007210 0.008106 +v -0.007160 -0.029158 0.005913 +v 0.012596 -0.015985 0.032247 +v 0.001619 -0.026962 0.034444 +v 0.016987 -0.000620 0.016888 +v -0.020333 -0.031353 0.012503 +v 0.016987 -0.007210 0.041034 +v -0.002765 -0.029158 0.030055 +v -0.000577 -0.024767 -0.000677 +v 0.012596 -0.011601 0.003717 +v -0.007160 -0.031353 0.036641 +v 0.008205 -0.020376 0.021273 +v 0.014792 -0.011601 0.030055 +v 0.008205 -0.018180 0.001520 +v 0.001619 -0.024767 0.005913 +usemtl Shape.015 +s off +f 409 435 446 +f 411 410 412 +f 410 411 413 +f 411 412 414 +f 413 414 415 +f 415 412 416 +f 410 413 417 +f 414 412 418 +f 415 414 418 +f 417 413 420 +f 412 410 421 +f 416 412 421 +f 415 416 422 +f 413 411 424 +f 411 414 424 +f 414 413 424 +f 420 413 425 +f 421 410 426 +f 416 421 426 +f 410 423 426 +f 417 420 427 +f 415 422 429 +f 425 415 429 +f 412 415 431 +f 418 412 431 +f 415 418 431 +f 429 419 433 +f 425 429 433 +f 417 427 434 +f 434 427 435 +f 416 426 436 +f 426 423 436 +f 432 416 436 +f 423 432 436 +f 413 415 437 +f 425 413 437 +f 415 425 437 +f 410 417 438 +f 423 410 438 +f 427 420 439 +f 433 419 439 +f 419 435 439 +f 435 427 439 +f 419 429 440 +f 429 422 440 +f 430 419 440 +f 422 430 440 +f 422 416 441 +f 416 432 441 +f 434 428 441 +f 420 425 442 +f 425 433 442 +f 439 420 442 +f 433 439 442 +f 409 430 443 +f 428 434 443 +f 435 409 443 +f 434 435 443 +f 432 423 444 +f 417 434 444 +f 438 417 444 +f 423 438 444 +f 441 432 444 +f 434 441 444 +f 430 422 445 +f 422 441 445 +f 441 428 445 +f 443 430 445 +f 428 443 445 +f 430 409 446 +f 419 430 446 +f 435 419 446 +o ShapeIndexedFaceSet_ShapeIndexedFaceSet.015 +v 0.000000 0.000000 0.000000 +v -0.057652 -0.000620 0.021270 +v -0.022528 -0.031353 0.012498 +v -0.020333 -0.031353 0.012498 +v -0.020333 -0.031353 0.038838 +v -0.020333 0.005966 0.001520 +v -0.051066 -0.013789 -0.000677 +v -0.053261 0.005966 0.038838 +v -0.042284 -0.026962 0.038838 +v -0.020333 0.005966 0.025664 +v -0.055457 0.005966 -0.000677 +v -0.026919 -0.029158 -0.000677 +v -0.055457 -0.011601 0.038838 +v -0.037897 -0.026962 0.001520 +v -0.020333 -0.029158 -0.000677 +v -0.057652 0.005966 0.038838 +v -0.031314 -0.031353 0.030050 +v -0.020333 -0.026962 0.038838 +v -0.048870 -0.018180 0.001520 +v -0.055457 -0.005015 0.001520 +v -0.020333 -0.013789 -0.000677 +v -0.053261 -0.015985 0.036641 +v -0.040088 0.005966 -0.000677 +v -0.046671 -0.022571 0.023467 +v -0.057652 -0.005015 0.038838 +v -0.031314 -0.031353 0.038838 +v -0.033509 -0.029158 0.005911 +v -0.057652 0.005966 0.016892 +v -0.053261 -0.011601 0.005911 +v -0.037897 -0.029158 0.032247 +v -0.044476 -0.022571 0.001520 +v -0.040088 -0.024767 -0.000677 +v -0.057652 -0.005015 0.032247 +v -0.042284 -0.026962 0.034444 +v -0.055457 -0.011601 0.034444 +v -0.055457 -0.000620 -0.000677 +v -0.026919 -0.031353 0.016892 +v -0.031314 -0.029158 0.001520 +usemtl Shape.014 +s off +f 449 483 484 +f 449 450 451 +f 451 450 452 +f 451 454 455 +f 451 452 456 +f 452 454 456 +f 454 452 457 +f 450 449 458 +f 453 457 458 +f 455 454 459 +f 452 450 461 +f 450 458 461 +f 458 457 461 +f 454 457 462 +f 459 454 462 +f 449 451 463 +f 454 451 464 +f 451 456 464 +f 456 454 464 +f 452 461 467 +f 461 457 467 +f 455 459 468 +f 457 452 469 +f 452 467 469 +f 467 457 469 +f 468 465 470 +f 462 448 471 +f 459 462 471 +f 451 455 472 +f 463 451 472 +f 448 462 474 +f 462 457 474 +f 466 448 474 +f 453 465 475 +f 466 453 475 +f 465 468 475 +f 472 455 476 +f 463 472 476 +f 460 473 476 +f 473 463 476 +f 470 465 477 +f 453 458 478 +f 465 453 478 +f 460 477 478 +f 477 465 478 +f 448 466 479 +f 471 448 479 +f 459 471 479 +f 455 468 480 +f 468 470 480 +f 476 455 480 +f 460 476 480 +f 477 460 480 +f 470 477 480 +f 468 459 481 +f 466 475 481 +f 475 468 481 +f 479 466 481 +f 459 479 481 +f 457 453 482 +f 453 466 482 +f 474 457 482 +f 466 474 482 +f 449 463 483 +f 463 473 483 +f 483 473 484 +f 458 449 484 +f 473 460 484 +f 478 458 484 +f 460 478 484 diff --git a/cliport/environments/assets/bowl/textured-0008192.obj b/cliport/environments/assets/bowl/textured-0008192.obj new file mode 100644 index 0000000000000000000000000000000000000000..2b40e7db4e00a151f352a3fc55d09d874b03a79d --- /dev/null +++ b/cliport/environments/assets/bowl/textured-0008192.obj @@ -0,0 +1,21274 @@ +# Generated by Katamari OBJ encoder. +# Vertices: 4094 +# Faces: 8192 +mtllib textured-0008192.mtl +v -0.046191 -0.013325 0.000768 +v -0.049280 -0.010958 0.001306 +v -0.050805 -0.006561 0.000958 +v -0.050240 -0.003666 0.000718 +v -0.049928 -0.011287 0.002787 +v -0.052169 -0.006321 0.002265 +v -0.048859 -0.013376 0.006135 +v -0.047083 -0.015415 0.002269 +v -0.050779 -0.010511 0.009447 +v -0.052612 -0.008169 0.018392 +v -0.053189 -0.003243 0.002517 +v -0.053801 -0.004578 0.016885 +v -0.024356 -0.024235 0.000759 +v -0.021131 -0.026141 0.000756 +v -0.026209 -0.026541 0.000920 +v -0.025359 -0.028084 0.002522 +v -0.021683 -0.027292 0.001113 +v -0.020919 -0.028447 0.002431 +v -0.016833 -0.027332 0.001143 +v -0.018117 -0.028435 0.003285 +v -0.015134 -0.028029 0.002334 +v -0.010861 -0.026364 0.001265 +v -0.011752 -0.027358 0.002996 +v -0.017145 -0.017077 0.000655 +v -0.013623 -0.025454 0.000777 +v -0.014475 -0.024093 0.001860 +v -0.014904 -0.025888 0.002342 +v -0.012676 -0.024834 0.001866 +v -0.008915 -0.023645 0.002075 +v -0.011401 -0.015991 0.000702 +v -0.011200 -0.022224 0.001848 +v -0.011632 -0.021694 0.002256 +v -0.009409 -0.020828 0.001744 +v -0.013403 -0.028105 0.007736 +v -0.009970 -0.027354 0.009853 +v -0.007945 -0.026136 0.002701 +v -0.004999 -0.024396 0.001762 +v -0.005393 -0.022906 0.000740 +v -0.002846 -0.023787 0.003603 +v -0.000009 -0.021749 0.002436 +v -0.031627 -0.027018 0.010126 +v -0.033479 -0.025722 0.002337 +v -0.029776 -0.027155 0.003087 +v -0.035916 -0.025166 0.010259 +v -0.039608 -0.023018 0.010246 +v -0.037213 -0.024007 0.003055 +v -0.026708 -0.028373 0.011037 +v -0.041768 -0.020761 0.002223 +v -0.040924 -0.020752 0.001427 +v -0.037966 -0.022835 0.001472 +v -0.034972 -0.023753 0.001001 +v -0.041532 -0.018230 0.000794 +v -0.036474 -0.010785 0.000777 +v -0.033030 -0.022617 0.000801 +v -0.030713 -0.014901 0.000792 +v -0.045030 -0.017072 0.001450 +v -0.043921 -0.019130 0.003676 +v -0.046099 -0.017315 0.009360 +v -0.041041 -0.021800 0.007513 +v -0.041780 -0.017319 0.002704 +v -0.042683 -0.016533 0.002242 +v -0.042672 -0.016730 0.002313 +v -0.043732 -0.019842 0.010910 +v -0.040390 -0.005704 0.000770 +v -0.029667 -0.026618 0.001617 +v -0.023347 -0.017139 0.000752 +v -0.026165 -0.014980 0.001116 +v -0.041804 -0.021891 0.015467 +v -0.044721 -0.019612 0.017857 +v -0.038645 -0.024367 0.019056 +v -0.030398 -0.027852 0.017017 +v -0.034322 -0.026382 0.016485 +v -0.032080 -0.027821 0.023649 +v -0.041654 -0.022738 0.023286 +v -0.034925 -0.026702 0.024308 +v -0.048815 -0.014118 0.012661 +v -0.047377 -0.016160 0.013653 +v -0.048571 -0.015430 0.020504 +v -0.050795 -0.011842 0.019225 +v -0.021299 -0.028938 0.009886 +v -0.026266 -0.028853 0.016680 +v -0.018280 -0.029152 0.013705 +v -0.021890 -0.029336 0.017582 +v -0.018654 -0.029749 0.022022 +v -0.015621 -0.028932 0.014483 +v -0.022871 -0.025186 0.002205 +v -0.019722 -0.025636 0.002284 +v -0.021560 -0.024744 0.002542 +v -0.012880 -0.028678 0.018158 +v -0.005908 -0.025915 0.011529 +v -0.002583 -0.024238 0.012930 +v 0.000127 -0.022421 0.012219 +v -0.009518 -0.027871 0.019636 +v -0.004940 -0.026215 0.022136 +v -0.028221 -0.028975 0.024405 +v -0.025214 -0.029531 0.024813 +v -0.021531 -0.029817 0.024570 +v -0.031015 -0.028668 0.031173 +v -0.026515 -0.029942 0.032862 +v -0.022054 -0.030220 0.030666 +v -0.015445 -0.029583 0.024135 +v -0.013057 -0.029472 0.028710 +v -0.009254 -0.028547 0.030903 +v -0.017856 -0.030301 0.030898 +v -0.007117 -0.027361 0.024678 +v -0.054542 -0.005165 0.029492 +v -0.054494 -0.001708 0.015918 +v -0.055493 0.000017 0.025137 +v -0.056312 0.003406 0.031031 +v -0.055842 0.003408 0.024187 +v -0.055835 -0.001195 0.033957 +v -0.056388 0.001691 0.035640 +v -0.028908 -0.030384 0.045141 +v -0.031938 -0.029441 0.044082 +v -0.030976 -0.029696 0.041674 +v -0.029232 -0.030695 0.049924 +v -0.034431 -0.028748 0.046940 +v -0.039591 -0.025991 0.046049 +v -0.035579 -0.027885 0.045343 +v -0.037478 -0.027624 0.052057 +v -0.041275 -0.025211 0.049940 +v -0.038547 -0.026923 0.053330 +v -0.032776 -0.029763 0.053111 +v -0.036130 -0.028317 0.054194 +v -0.032688 -0.029837 0.056367 +v -0.028300 -0.030988 0.054303 +v -0.022647 -0.031249 0.045749 +v -0.024095 -0.031629 0.053397 +v -0.019680 -0.031966 0.054603 +v -0.024018 -0.032277 0.062321 +v -0.018202 -0.032167 0.059065 +v -0.046992 -0.017589 0.023329 +v -0.044740 -0.020371 0.026977 +v -0.049649 -0.014557 0.026301 +v -0.047447 -0.017692 0.029758 +v -0.049861 -0.015016 0.032932 +v -0.048537 -0.016761 0.035357 +v -0.045926 -0.019948 0.034638 +v -0.041421 -0.023357 0.029367 +v -0.038525 -0.025544 0.033616 +v -0.035207 -0.027267 0.034026 +v -0.043599 -0.021914 0.033249 +v -0.042210 -0.023392 0.032975 +v -0.040366 -0.024205 0.034297 +v -0.042854 -0.023291 0.040536 +v -0.040163 -0.024940 0.037762 +v -0.036168 -0.027268 0.036100 +v -0.037642 -0.026537 0.039552 +v -0.052194 -0.010805 0.030063 +v -0.048886 -0.016787 0.039151 +v -0.050741 -0.014561 0.039885 +v -0.051968 -0.012523 0.040332 +v -0.048537 -0.017862 0.045392 +v -0.051522 -0.013874 0.041581 +v -0.053436 -0.010359 0.044366 +v -0.053282 -0.009144 0.033943 +v -0.051083 -0.014865 0.045088 +v -0.045588 -0.020667 0.037441 +v -0.045437 -0.021330 0.043284 +v -0.047004 -0.019149 0.040277 +v -0.047800 -0.018331 0.037609 +v -0.039437 -0.025819 0.042315 +v -0.046523 -0.019890 0.043788 +v -0.047517 -0.019586 0.047487 +v -0.043003 -0.023609 0.045876 +v -0.045998 -0.021420 0.051018 +v -0.044664 -0.023008 0.055189 +v -0.055206 -0.005230 0.039634 +v -0.054843 -0.007497 0.046509 +v -0.033584 -0.028280 0.038856 +v -0.030216 -0.029548 0.039780 +v -0.025492 -0.030534 0.040328 +v -0.022147 -0.030576 0.036005 +v -0.018359 -0.030873 0.039694 +v -0.013831 -0.030337 0.037837 +v -0.009462 -0.029347 0.040638 +v -0.014823 -0.030756 0.042303 +v -0.018632 -0.031404 0.047185 +v -0.013585 -0.031028 0.049531 +v -0.014714 -0.031497 0.054113 +v -0.040526 -0.026374 0.057758 +v -0.043593 -0.024295 0.060575 +v -0.045848 -0.022554 0.061385 +v -0.046934 -0.021022 0.056812 +v -0.047506 -0.020160 0.057615 +v -0.046646 -0.021722 0.063578 +v -0.051078 -0.017013 0.065376 +v -0.050144 -0.017519 0.058872 +v -0.047145 -0.021967 0.070999 +v -0.051303 -0.017302 0.071552 +v -0.048937 -0.020236 0.075486 +v -0.053419 -0.014063 0.071741 +v -0.037221 -0.028303 0.061614 +v -0.040594 -0.026367 0.062450 +v -0.044243 -0.024417 0.065726 +v -0.032184 -0.030480 0.062639 +v -0.041412 -0.026514 0.070386 +v -0.028131 -0.031648 0.063648 +v -0.030667 -0.031518 0.071741 +v -0.034224 -0.030236 0.070698 +v -0.025268 -0.032588 0.070274 +v -0.038134 -0.028449 0.070691 +v -0.037981 -0.028819 0.071851 +v -0.041396 -0.026911 0.073028 +v -0.039307 -0.028206 0.076442 +v -0.042695 -0.025269 0.067111 +v -0.045270 -0.023549 0.070630 +v -0.043157 -0.025223 0.071306 +v -0.042980 -0.025870 0.076500 +v -0.044441 -0.024748 0.073280 +v -0.044747 -0.024906 0.077819 +v -0.045473 -0.023455 0.075833 +v -0.038112 -0.029086 0.075415 +v -0.040717 -0.027721 0.081605 +v -0.046693 -0.022586 0.074176 +v -0.048186 -0.021673 0.076280 +v -0.033911 -0.030667 0.071921 +v -0.035820 -0.029617 0.074017 +v -0.034274 -0.030763 0.075667 +v -0.030841 -0.031766 0.076504 +v -0.027387 -0.032470 0.071746 +v -0.028734 -0.032416 0.074933 +v -0.025525 -0.032773 0.073454 +v -0.023584 -0.033122 0.073392 +v -0.027937 -0.032548 0.077551 +v -0.025693 -0.032954 0.076526 +v -0.035329 -0.030177 0.076685 +v -0.037643 -0.029515 0.081562 +v -0.034543 -0.031036 0.084789 +v -0.031846 -0.031966 0.084567 +v -0.051639 -0.014894 0.052488 +v -0.053234 -0.011650 0.048998 +v -0.053364 -0.011719 0.052641 +v -0.055009 -0.009022 0.057384 +v -0.056073 -0.005210 0.052415 +v -0.049848 -0.017448 0.053147 +v -0.051357 -0.015299 0.054212 +v -0.052358 -0.014389 0.059368 +v -0.056752 -0.000980 0.046767 +v -0.056798 0.001543 0.041950 +v -0.056953 0.004259 0.039789 +v -0.056936 -0.003334 0.056985 +v -0.057576 0.001366 0.053771 +v -0.057555 0.004112 0.048667 +v -0.057142 0.006695 0.043301 +v -0.057428 0.008362 0.048584 +v -0.056456 -0.007744 0.071044 +v -0.057797 -0.003592 0.071249 +v -0.058169 -0.000651 0.067508 +v -0.054262 -0.011723 0.065307 +v -0.055589 -0.009959 0.071442 +v -0.058005 0.004651 0.054932 +v -0.057902 0.001045 0.059229 +v -0.057654 0.009013 0.053063 +v -0.058266 0.005064 0.058932 +v -0.058480 0.002128 0.065864 +v -0.058664 0.005513 0.064506 +v -0.058146 0.009360 0.060186 +v -0.056997 0.009629 0.063091 +v -0.056875 0.010186 0.060472 +v -0.056403 0.010817 0.060014 +v -0.048680 -0.009617 0.003670 +v -0.048535 -0.008936 0.002682 +v -0.049643 -0.007677 0.002832 +v -0.048338 -0.008151 0.002414 +v -0.050575 -0.005534 0.003274 +v -0.049655 -0.007368 0.005274 +v -0.048621 -0.007987 0.005028 +v -0.050827 -0.005072 0.005598 +v -0.050444 -0.006361 0.007527 +v -0.050426 -0.005457 0.008419 +v -0.049737 -0.006686 0.007528 +v -0.051233 -0.006302 0.012844 +v -0.050534 -0.005437 0.011047 +v -0.050874 -0.005324 0.011029 +v -0.050282 -0.005476 0.011234 +v -0.050911 -0.005298 0.011023 +v -0.050733 -0.004915 0.009705 +v -0.051732 -0.003681 0.009687 +v -0.050197 -0.007295 0.014122 +v -0.050128 -0.004537 0.009765 +v -0.052025 -0.004739 0.014478 +v -0.021612 -0.026304 0.002500 +v -0.019433 -0.026661 0.003019 +v -0.019145 -0.025583 0.002474 +v -0.017453 -0.025909 0.003136 +v -0.016834 -0.026336 0.002979 +v -0.016800 -0.025112 0.002268 +v -0.016991 -0.025148 0.002855 +v -0.015106 -0.026481 0.003782 +v -0.015487 -0.024420 0.003425 +v -0.010479 -0.025341 0.003025 +v -0.013388 -0.023034 0.002345 +v -0.012306 -0.022370 0.002086 +v -0.005762 -0.023209 0.003288 +v -0.008451 -0.024529 0.003838 +v -0.008144 -0.021610 0.002312 +v -0.006287 -0.021471 0.002200 +v -0.009833 -0.021659 0.003826 +v -0.009364 -0.020723 0.002153 +v -0.008056 -0.021409 0.002685 +v -0.004184 -0.021648 0.002665 +v -0.004781 -0.022283 0.004726 +v -0.003639 -0.021761 0.003378 +v -0.006298 -0.023154 0.005261 +v -0.033153 -0.024620 0.012971 +v -0.032486 -0.024154 0.011537 +v -0.035603 -0.023520 0.011803 +v -0.033023 -0.024111 0.011203 +v -0.042409 -0.017845 0.002863 +v -0.042933 -0.015960 0.002161 +v -0.045471 -0.014675 0.002629 +v -0.044497 -0.016407 0.003776 +v -0.045642 -0.014852 0.004488 +v -0.044243 -0.015996 0.004423 +v -0.046673 -0.013409 0.004234 +v -0.038594 -0.021282 0.006523 +v -0.038860 -0.020753 0.003219 +v -0.040031 -0.019564 0.005156 +v -0.040312 -0.018169 0.002816 +v -0.039707 -0.019459 0.002520 +v -0.041762 -0.018756 0.003937 +v -0.041177 -0.018661 0.004399 +v -0.042738 -0.015703 0.002550 +v -0.042570 -0.016490 0.002372 +v -0.041908 -0.017012 0.003377 +v -0.039188 -0.019006 0.004320 +v -0.038318 -0.020186 0.002986 +v -0.036320 -0.021298 0.002366 +v -0.039596 -0.019109 0.005293 +v -0.039868 -0.019410 0.007251 +v -0.039838 -0.019953 0.008542 +v -0.042676 -0.017374 0.004229 +v -0.044276 -0.013992 0.002003 +v -0.044388 -0.013070 0.002204 +v -0.046652 -0.011388 0.002354 +v -0.047217 -0.011607 0.002340 +v -0.046839 -0.010946 0.003677 +v -0.048030 -0.010396 0.003300 +v -0.048606 -0.009738 0.004125 +v -0.047387 -0.011138 0.004305 +v -0.044538 -0.013569 0.003699 +v -0.046047 -0.012882 0.004417 +v -0.047603 -0.010110 0.003105 +v -0.047546 -0.009686 0.003285 +v -0.047628 -0.009288 0.003460 +v -0.032099 -0.024288 0.004988 +v -0.034248 -0.022829 0.002559 +v -0.035686 -0.022635 0.003057 +v -0.035871 -0.022532 0.005377 +v -0.032161 -0.023716 0.004142 +v -0.035402 -0.020810 0.002592 +v -0.033983 -0.021627 0.002672 +v -0.033370 -0.022469 0.002509 +v -0.034439 -0.021286 0.003877 +v -0.028281 -0.024635 0.002664 +v -0.030263 -0.024013 0.002196 +v -0.029893 -0.024795 0.002965 +v -0.027084 -0.025846 0.003301 +v -0.029776 -0.024859 0.004177 +v -0.023699 -0.026778 0.003459 +v -0.025757 -0.025424 0.002310 +v -0.026095 -0.025861 0.003984 +v -0.027773 -0.024553 0.003652 +v -0.026653 -0.024847 0.002848 +v -0.025093 -0.025257 0.003838 +v -0.030281 -0.023412 0.002702 +v -0.024900 -0.024769 0.002428 +v -0.031070 -0.023647 0.003004 +v -0.030139 -0.024242 0.004721 +v -0.030030 -0.023711 0.003926 +v -0.037021 -0.022597 0.007378 +v -0.032274 -0.024267 0.006116 +v -0.033722 -0.024178 0.007588 +v -0.031603 -0.024782 0.007569 +v -0.039929 -0.020792 0.010801 +v -0.030820 -0.024169 0.007040 +v -0.032047 -0.024730 0.009743 +v -0.030919 -0.024443 0.008841 +v -0.030871 -0.023671 0.008426 +v -0.032774 -0.024097 0.010352 +v -0.043651 -0.017977 0.018697 +v -0.043896 -0.018359 0.019966 +v -0.042125 -0.018377 0.018088 +v -0.034733 -0.024570 0.016595 +v -0.037334 -0.022829 0.012610 +v -0.041029 -0.020034 0.015092 +v -0.039212 -0.022017 0.016214 +v -0.033451 -0.024887 0.015891 +v -0.032060 -0.024861 0.014479 +v -0.032125 -0.024733 0.016445 +v -0.032141 -0.025852 0.020509 +v -0.031229 -0.025422 0.019745 +v -0.041416 -0.019155 0.016969 +v -0.039439 -0.022076 0.019345 +v -0.036401 -0.024060 0.021704 +v -0.041338 -0.020621 0.020391 +v -0.033829 -0.025484 0.023097 +v -0.031136 -0.026515 0.024365 +v -0.036940 -0.024296 0.028842 +v -0.033281 -0.026154 0.029739 +v -0.039743 -0.018791 0.010664 +v -0.040814 -0.019818 0.012025 +v -0.047899 -0.008249 0.003565 +v -0.044227 -0.017017 0.019785 +v -0.050656 -0.007795 0.017499 +v -0.040867 -0.018750 0.013346 +v -0.021057 -0.026521 0.004025 +v -0.021113 -0.025458 0.003581 +v -0.019294 -0.026037 0.003344 +v -0.015748 -0.025974 0.004815 +v -0.013374 -0.025630 0.006907 +v -0.015773 -0.026828 0.014745 +v -0.015936 -0.026811 0.011146 +v -0.016418 -0.026373 0.013047 +v -0.016274 -0.025869 0.011360 +v -0.015447 -0.025682 0.011016 +v -0.013960 -0.025892 0.011323 +v -0.014249 -0.026560 0.012044 +v -0.011429 -0.025859 0.008410 +v -0.011626 -0.025637 0.006517 +v -0.012763 -0.025861 0.010380 +v -0.013377 -0.025087 0.009508 +v -0.010765 -0.025816 0.011845 +v -0.009526 -0.024454 0.006612 +v -0.008772 -0.025007 0.008573 +v -0.007387 -0.023252 0.006518 +v -0.006701 -0.023994 0.008904 +v -0.006673 -0.023018 0.006769 +v -0.006056 -0.023011 0.008236 +v -0.006416 -0.022368 0.008224 +v -0.007414 -0.024322 0.011091 +v -0.006527 -0.023591 0.009695 +v -0.006823 -0.023545 0.011686 +v -0.007474 -0.023109 0.010440 +v -0.011843 -0.026597 0.013697 +v -0.007098 -0.024752 0.012841 +v -0.013342 -0.027119 0.017027 +v -0.014876 -0.027500 0.019820 +v -0.008251 -0.025446 0.016856 +v -0.008677 -0.025922 0.019318 +v -0.005584 -0.024034 0.016337 +v -0.005558 -0.024075 0.014815 +v -0.005319 -0.023368 0.015026 +v -0.028134 -0.026585 0.020850 +v -0.027221 -0.026668 0.020797 +v -0.028383 -0.026238 0.020665 +v -0.027780 -0.026682 0.020974 +v -0.027933 -0.026003 0.020700 +v -0.027800 -0.026001 0.020733 +v -0.026268 -0.026375 0.021291 +v -0.026639 -0.026640 0.021327 +v -0.029552 -0.026219 0.021045 +v -0.027597 -0.026789 0.021528 +v -0.027120 -0.026772 0.023841 +v -0.025713 -0.026904 0.023209 +v -0.028416 -0.027258 0.026618 +v -0.027668 -0.026926 0.027237 +v -0.017727 -0.028026 0.023351 +v -0.017616 -0.027706 0.021182 +v -0.018648 -0.026649 0.023907 +v -0.014882 -0.028088 0.027493 +v -0.011841 -0.027101 0.022773 +v -0.018422 -0.028508 0.028609 +v -0.019245 -0.028007 0.024906 +v -0.019824 -0.027550 0.026749 +v -0.020648 -0.028382 0.030456 +v -0.018431 -0.028744 0.031516 +v -0.015431 -0.028462 0.033063 +v -0.010041 -0.027049 0.028952 +v -0.011699 -0.027847 0.032735 +v -0.009186 -0.026752 0.032388 +v -0.016194 -0.026601 0.016874 +v -0.016729 -0.026515 0.019523 +v -0.012075 -0.026778 0.019970 +v -0.004866 -0.023551 0.018976 +v -0.006478 -0.025503 0.026247 +v -0.004843 -0.024474 0.022776 +v -0.003989 -0.024265 0.027639 +v -0.002628 -0.022902 0.020641 +v -0.002404 -0.022103 0.020457 +v -0.004845 -0.022308 0.018973 +v -0.053194 -0.001306 0.017740 +v -0.051834 -0.005726 0.017343 +v -0.053052 -0.001601 0.015136 +v -0.053334 -0.003172 0.025665 +v -0.053878 0.000001 0.023649 +v -0.054447 0.002360 0.026691 +v -0.032795 -0.027579 0.046567 +v -0.029180 -0.029255 0.053971 +v -0.029138 -0.028789 0.046998 +v -0.033076 -0.028176 0.055524 +v -0.025627 -0.029933 0.052888 +v -0.025207 -0.029552 0.047556 +v -0.020149 -0.030756 0.059619 +v -0.022138 -0.030149 0.052734 +v -0.017100 -0.030169 0.053221 +v -0.043596 -0.017306 0.022104 +v -0.046509 -0.016639 0.030104 +v -0.044526 -0.016721 0.029333 +v -0.046017 -0.016340 0.029508 +v -0.046946 -0.016634 0.032186 +v -0.045274 -0.017775 0.031480 +v -0.046837 -0.015812 0.032231 +v -0.048584 -0.013609 0.032166 +v -0.047433 -0.014465 0.030831 +v -0.049651 -0.011742 0.032510 +v -0.047092 -0.015485 0.032640 +v -0.045821 -0.014931 0.031814 +v -0.043316 -0.019375 0.026241 +v -0.043555 -0.018579 0.022747 +v -0.040251 -0.022165 0.027717 +v -0.042846 -0.019617 0.029338 +v -0.044464 -0.017288 0.026329 +v -0.038476 -0.023773 0.032047 +v -0.035708 -0.024859 0.031786 +v -0.033712 -0.026393 0.034693 +v -0.039237 -0.023429 0.035636 +v -0.037992 -0.024639 0.039233 +v -0.042901 -0.020036 0.031599 +v -0.040824 -0.022032 0.032728 +v -0.044934 -0.016015 0.029693 +v -0.045947 -0.017415 0.034124 +v -0.044062 -0.019336 0.034709 +v -0.041987 -0.022178 0.043137 +v -0.045204 -0.015958 0.031048 +v -0.048994 -0.011673 0.019907 +v -0.047213 -0.013351 0.019115 +v -0.048181 -0.011462 0.018965 +v -0.049506 -0.009405 0.019224 +v -0.050256 -0.009765 0.021040 +v -0.047358 -0.013473 0.021487 +v -0.049282 -0.011203 0.022838 +v -0.046746 -0.013689 0.020766 +v -0.046749 -0.013119 0.019014 +v -0.048500 -0.012295 0.025178 +v -0.048317 -0.012144 0.024056 +v -0.048518 -0.012065 0.024093 +v -0.048039 -0.012188 0.024258 +v -0.048022 -0.012252 0.023311 +v -0.049592 -0.007889 0.016494 +v -0.051423 -0.007981 0.023708 +v -0.050650 -0.010113 0.027652 +v -0.052636 -0.006446 0.031760 +v -0.048767 -0.011926 0.024299 +v -0.048000 -0.012184 0.024328 +v -0.049539 -0.010435 0.029026 +v -0.048249 -0.012156 0.031220 +v -0.046537 -0.013298 0.030728 +v -0.050692 -0.010255 0.031486 +v -0.047844 -0.015309 0.035776 +v -0.051170 -0.010021 0.033274 +v -0.050530 -0.012087 0.040764 +v -0.048869 -0.014617 0.039694 +v -0.048994 -0.014853 0.043762 +v -0.045067 -0.018935 0.039768 +v -0.040238 -0.023902 0.048564 +v -0.047414 -0.016624 0.039007 +v -0.046796 -0.017415 0.040985 +v -0.047690 -0.015765 0.039817 +v -0.045659 -0.019182 0.047385 +v -0.047739 -0.016784 0.046360 +v -0.050222 -0.013760 0.049036 +v -0.048246 -0.011121 0.030148 +v -0.054334 -0.000281 0.030812 +v -0.053863 -0.003623 0.035472 +v -0.054927 0.003938 0.033663 +v -0.054578 0.003347 0.028612 +v -0.053501 -0.005926 0.040368 +v -0.052712 -0.008433 0.043674 +v -0.055218 0.002095 0.039107 +v -0.031454 -0.026876 0.031936 +v -0.029680 -0.026983 0.029097 +v -0.029046 -0.026449 0.031281 +v -0.029692 -0.027026 0.032641 +v -0.030513 -0.027522 0.035808 +v -0.027283 -0.028046 0.033641 +v -0.024672 -0.028156 0.035099 +v -0.025173 -0.027779 0.032317 +v -0.026057 -0.028561 0.036394 +v -0.022298 -0.028865 0.030729 +v -0.021172 -0.027901 0.030158 +v -0.022560 -0.028460 0.029999 +v -0.023290 -0.028347 0.032186 +v -0.022108 -0.027699 0.030523 +v -0.022647 -0.026871 0.031874 +v -0.031448 -0.027668 0.040735 +v -0.027176 -0.028787 0.040556 +v -0.022937 -0.028268 0.035621 +v -0.022571 -0.029179 0.034639 +v -0.020547 -0.028817 0.034383 +v -0.018146 -0.028880 0.034446 +v -0.022249 -0.027006 0.034793 +v -0.023182 -0.027195 0.036487 +v -0.014283 -0.028618 0.035762 +v -0.019055 -0.029245 0.039373 +v -0.008311 -0.026990 0.035608 +v -0.012208 -0.028583 0.041011 +v -0.023628 -0.028480 0.037274 +v -0.023848 -0.027969 0.036199 +v -0.022239 -0.029398 0.039806 +v -0.023244 -0.029311 0.041972 +v -0.018814 -0.029839 0.047983 +v -0.015191 -0.029293 0.043796 +v -0.037156 -0.025908 0.050310 +v -0.022717 -0.029855 0.047161 +v -0.044435 -0.021165 0.058555 +v -0.045822 -0.020242 0.059825 +v -0.043413 -0.022682 0.063275 +v -0.047123 -0.018964 0.061756 +v -0.047024 -0.019896 0.068400 +v -0.046620 -0.019883 0.064089 +v -0.049783 -0.016176 0.064944 +v -0.047140 -0.020206 0.073895 +v -0.048842 -0.017673 0.068962 +v -0.049040 -0.017870 0.071501 +v -0.041880 -0.023399 0.056872 +v -0.039376 -0.025513 0.062441 +v -0.035564 -0.027320 0.058734 +v -0.042477 -0.023966 0.070194 +v -0.031938 -0.029221 0.065843 +v -0.037978 -0.026852 0.069381 +v -0.034182 -0.029011 0.074287 +v -0.028431 -0.029948 0.061649 +v -0.029987 -0.029365 0.061528 +v -0.025721 -0.030422 0.060432 +v -0.022719 -0.030989 0.064652 +v -0.026000 -0.030761 0.066759 +v -0.029964 -0.030283 0.072457 +v -0.024884 -0.031286 0.072841 +v -0.042181 -0.024846 0.076486 +v -0.038019 -0.027574 0.080056 +v -0.046417 -0.021335 0.079246 +v -0.026788 -0.031254 0.075501 +v -0.027073 -0.031823 0.085396 +v -0.031052 -0.030658 0.082951 +v -0.034686 -0.029661 0.087734 +v -0.052607 -0.010566 0.055612 +v -0.053738 -0.007289 0.050973 +v -0.054953 -0.005670 0.059882 +v -0.047994 -0.017123 0.051350 +v -0.049970 -0.014807 0.054071 +v -0.044835 -0.020533 0.052983 +v -0.048547 -0.017103 0.058449 +v -0.050394 -0.014560 0.058782 +v -0.054994 -0.001109 0.043038 +v -0.054454 -0.004668 0.048217 +v -0.055467 0.005742 0.040715 +v -0.055778 0.002706 0.046501 +v -0.055873 0.005839 0.046355 +v -0.055853 0.000861 0.050020 +v -0.055687 -0.002232 0.056395 +v -0.056294 0.005564 0.051041 +v -0.056597 -0.000941 0.065833 +v -0.051803 -0.013158 0.064758 +v -0.053623 -0.010399 0.069421 +v -0.052046 -0.013590 0.071514 +v -0.056730 0.001857 0.061651 +v -0.056509 0.004991 0.055845 +v -0.056239 0.009145 0.051920 +v -0.056997 0.004968 0.064146 +v -0.056692 0.009019 0.057046 +v -0.057467 0.006496 0.068745 +v -0.050131 -0.004761 0.008433 +v -0.050562 -0.005382 0.011145 +v -0.005324 -0.021603 0.004702 +v -0.037229 -0.019933 0.004297 +v -0.038341 -0.018796 0.008079 +v -0.031682 -0.023251 0.004273 +v -0.034169 -0.021463 0.003663 +v -0.031600 -0.022987 0.006938 +v -0.030827 -0.023900 0.003565 +v -0.030992 -0.023448 0.003381 +v -0.031053 -0.023701 0.005599 +v -0.033030 -0.022361 0.009399 +v -0.034604 -0.021098 0.007490 +v -0.036508 -0.018968 0.009739 +v -0.037910 -0.018407 0.010630 +v -0.034691 -0.019783 0.010807 +v -0.031268 -0.023447 0.006300 +v -0.032273 -0.023619 0.010783 +v -0.032290 -0.023059 0.011943 +v -0.031918 -0.024003 0.013400 +v -0.031471 -0.023906 0.016710 +v -0.031433 -0.021984 0.016532 +v -0.029996 -0.023731 0.019583 +v -0.048124 -0.009529 0.003392 +v -0.047725 -0.009100 0.003861 +v -0.048149 -0.009774 0.004511 +v -0.041635 -0.017681 0.017541 +v -0.048284 -0.006085 0.014861 +v -0.047597 -0.003991 0.014158 +v -0.037521 -0.017466 0.014126 +v -0.039509 -0.017131 0.015955 +v -0.032974 -0.020045 0.014126 +v -0.039901 -0.016869 0.016998 +v -0.039747 -0.017090 0.016340 +v -0.040058 -0.016548 0.017658 +v -0.039983 -0.016773 0.017259 +v -0.014213 -0.024744 0.006453 +v -0.012449 -0.023664 0.008612 +v -0.014680 -0.024427 0.012686 +v -0.015772 -0.025314 0.015055 +v -0.013768 -0.024878 0.011101 +v -0.013038 -0.024197 0.010407 +v -0.010824 -0.023061 0.007513 +v -0.006699 -0.022629 0.006423 +v -0.007567 -0.022448 0.006552 +v -0.006232 -0.022201 0.005582 +v -0.006985 -0.022808 0.006752 +v -0.008558 -0.022874 0.009792 +v -0.011062 -0.022975 0.010478 +v -0.015584 -0.023603 0.017563 +v -0.014283 -0.022074 0.017571 +v -0.010715 -0.021128 0.015981 +v -0.008634 -0.021212 0.016038 +v -0.012312 -0.021407 0.016368 +v -0.006727 -0.022696 0.013224 +v -0.007242 -0.021461 0.016874 +v -0.005683 -0.022321 0.017278 +v -0.026414 -0.025819 0.024359 +v -0.029389 -0.025327 0.020410 +v -0.027818 -0.024611 0.021423 +v -0.028108 -0.026357 0.020860 +v -0.026753 -0.025272 0.022206 +v -0.025798 -0.026118 0.022985 +v -0.026794 -0.023898 0.022958 +v -0.026305 -0.023474 0.024676 +v -0.026530 -0.024675 0.026660 +v -0.018548 -0.023351 0.023591 +v -0.017274 -0.024315 0.021056 +v -0.019655 -0.024258 0.025520 +v -0.020628 -0.025384 0.027727 +v -0.021962 -0.025844 0.030361 +v -0.015940 -0.027068 0.019255 +v -0.015871 -0.021004 0.020987 +v -0.005941 -0.020286 0.020184 +v -0.003994 -0.020976 0.021133 +v -0.002915 -0.021251 0.023036 +v -0.004994 -0.018730 0.023631 +v -0.044300 -0.016614 0.025581 +v -0.043936 -0.017003 0.028628 +v -0.043126 -0.015314 0.027016 +v -0.044279 -0.014693 0.030162 +v -0.047042 -0.009914 0.019204 +v -0.045909 -0.011937 0.021476 +v -0.045919 -0.010791 0.020160 +v -0.044826 -0.010370 0.021244 +v -0.045398 -0.011282 0.022737 +v -0.047159 -0.008248 0.018262 +v -0.048330 -0.012081 0.024210 +v -0.047282 -0.011275 0.027136 +v -0.044710 -0.011211 0.025676 +v -0.045431 -0.012726 0.029900 +v -0.044171 -0.012022 0.027717 +v -0.041700 -0.014953 0.021916 +v -0.040745 -0.014852 0.020879 +v -0.042868 -0.016073 0.023709 +v -0.043158 -0.013786 0.027801 +v -0.027843 -0.025918 0.029084 +v -0.026211 -0.024703 0.029152 +v -0.026833 -0.025910 0.031240 +v -0.022905 -0.026358 0.032776 +v -0.024228 -0.026115 0.032347 +v -0.023550 -0.022982 0.027843 +v -0.022394 -0.023814 0.028456 +v -0.023769 -0.026464 0.035070 +v -0.022877 -0.026348 0.035366 +v -0.035169 -0.018027 0.014956 +v -0.031253 -0.020119 0.018321 +v -0.033370 -0.018185 0.017234 +v -0.038218 -0.016408 0.017549 +v -0.039907 -0.016872 0.016921 +v -0.035927 -0.016678 0.017497 +v -0.039297 -0.013980 0.021525 +v -0.036636 -0.014311 0.021316 +v -0.029426 -0.021264 0.020239 +v -0.033251 -0.016096 0.020732 +v -0.030940 -0.016051 0.023087 +v -0.033051 -0.014484 0.022987 +v -0.029334 -0.018387 0.022817 +v -0.024853 -0.022785 0.027193 +v -0.026825 -0.020673 0.024157 +v -0.025500 -0.021150 0.025520 +v -0.019478 -0.020932 0.024667 +v -0.017453 -0.021333 0.022678 +v -0.017265 -0.018793 0.023849 +v -0.023178 -0.021778 0.026951 +v -0.025065 -0.019610 0.025886 +v -0.023132 -0.020104 0.026237 +v -0.020922 -0.022005 0.025968 +v -0.020739 -0.019647 0.025631 +v -0.021092 -0.016549 0.025992 +v -0.018586 -0.017427 0.025165 +v -0.013531 -0.019705 0.020181 +v -0.010178 -0.019319 0.019376 +v -0.015236 -0.018955 0.022382 +v -0.012101 -0.017556 0.022318 +v -0.009143 -0.017806 0.021903 +v -0.007563 -0.016571 0.023742 +v -0.014598 -0.016502 0.024149 +v -0.010450 -0.015041 0.024504 +v -0.005170 -0.016606 0.025168 +v -0.043746 -0.010597 0.023063 +v -0.043185 -0.011756 0.025539 +v -0.042382 -0.010893 0.023711 +v -0.046130 -0.004595 0.016977 +v -0.044431 -0.007129 0.019760 +v -0.043319 -0.003398 0.020585 +v -0.043125 -0.009386 0.022073 +v -0.041413 -0.009183 0.023411 +v -0.042345 -0.006142 0.021773 +v -0.041112 -0.006867 0.023414 +v -0.040282 -0.002796 0.023481 +v -0.040930 -0.013287 0.023139 +v -0.039184 -0.012280 0.023420 +v -0.035194 -0.013323 0.023128 +v -0.042238 -0.013519 0.025432 +v -0.041775 -0.012646 0.024339 +v -0.040852 -0.011431 0.023742 +v -0.039026 -0.010243 0.024406 +v -0.039182 -0.008591 0.024630 +v -0.027619 -0.017776 0.024687 +v -0.016507 -0.012606 0.025763 +v -0.015565 -0.015050 0.024999 +v -0.011131 -0.013214 0.025324 +v -0.030109 -0.015039 0.024159 +v -0.035717 -0.009519 0.024955 +v -0.037251 -0.003597 0.024613 +v -0.033326 -0.006973 0.025277 +v -0.032795 -0.011551 0.024766 +v -0.030217 -0.011249 0.025175 +v -0.026251 -0.009493 0.025936 +v -0.027294 -0.015728 0.025267 +v -0.024375 -0.016556 0.025973 +v -0.026597 -0.012493 0.025655 +v -0.023516 -0.013214 0.026050 +v -0.018841 -0.008338 0.026114 +v -0.002267 -0.024594 0.019466 +v 0.000334 -0.022879 0.019393 +v 0.003800 -0.019675 0.015762 +v 0.004182 -0.019847 0.021031 +v -0.005227 -0.027195 0.033439 +v -0.007099 -0.028291 0.037161 +v -0.001451 -0.024612 0.025819 +v 0.001724 -0.022341 0.026071 +v 0.005919 -0.018689 0.026492 +v -0.001276 -0.025024 0.032560 +v 0.000986 -0.023313 0.030699 +v 0.002005 -0.022895 0.035260 +v 0.003965 -0.020791 0.029790 +v 0.004447 -0.020901 0.035615 +v 0.006655 -0.018615 0.033677 +v -0.001914 -0.025901 0.038368 +v -0.004830 -0.027893 0.045516 +v -0.011818 -0.030310 0.045243 +v -0.007943 -0.029715 0.053045 +v -0.001399 -0.026201 0.046689 +v 0.001126 -0.024115 0.041993 +v 0.004147 -0.021855 0.043624 +v 0.007467 -0.018533 0.041426 +v 0.009064 -0.016142 0.037002 +v 0.001544 -0.024532 0.049712 +v 0.004805 -0.022077 0.051202 +v 0.007579 -0.019236 0.049258 +v 0.009797 -0.015844 0.043190 +v 0.010008 -0.016403 0.050012 +v -0.012381 -0.031373 0.058627 +v -0.003506 -0.027880 0.053739 +v -0.007836 -0.030542 0.065366 +v -0.004443 -0.029054 0.063478 +v -0.000663 -0.026459 0.055014 +v 0.002068 -0.024671 0.055853 +v -0.000763 -0.027094 0.061823 +v 0.002351 -0.025217 0.064506 +v 0.005325 -0.022388 0.059980 +v 0.008003 -0.019473 0.056446 +v 0.010542 -0.016373 0.056041 +v 0.012332 -0.013432 0.054571 +v 0.004313 -0.021456 0.058786 +v 0.003010 -0.022103 0.057599 +v 0.002905 -0.022226 0.060210 +v 0.010930 -0.016595 0.062197 +v 0.012872 -0.013362 0.060533 +v -0.019071 -0.032490 0.064181 +v -0.015379 -0.032300 0.065650 +v -0.012022 -0.031797 0.066377 +v -0.013214 -0.032126 0.069758 +v -0.021019 -0.032955 0.071854 +v -0.018698 -0.032905 0.070110 +v -0.018732 -0.033246 0.072510 +v -0.011263 -0.032117 0.073698 +v -0.014583 -0.032807 0.075573 +v -0.007510 -0.031325 0.078411 +v -0.021901 -0.033254 0.076187 +v -0.020166 -0.033447 0.075329 +v -0.018158 -0.033181 0.074872 +v -0.023672 -0.033465 0.082028 +v -0.018470 -0.033570 0.081351 +v -0.014165 -0.033280 0.082956 +v -0.028421 -0.033053 0.087369 +v -0.021485 -0.033967 0.087828 +v -0.018139 -0.034021 0.089499 +v -0.014356 -0.033660 0.088627 +v -0.010809 -0.032576 0.082786 +v -0.003349 -0.029490 0.076350 +v -0.003618 -0.030564 0.089379 +v -0.006616 -0.031830 0.090129 +v -0.009901 -0.032923 0.091217 +v -0.000355 -0.027441 0.069817 +v -0.000278 -0.027933 0.076554 +v 0.003020 -0.025402 0.072790 +v 0.005477 -0.022952 0.067036 +v 0.005902 -0.023531 0.077733 +v 0.008530 -0.020177 0.068224 +v 0.000117 -0.028441 0.085840 +v 0.004063 -0.025672 0.083793 +v 0.010959 -0.017252 0.068395 +v 0.013049 -0.014006 0.066963 +v 0.014765 -0.010421 0.064727 +v 0.008721 -0.020551 0.074174 +v 0.011055 -0.018178 0.078446 +v 0.012387 -0.015958 0.075009 +v 0.013223 -0.014341 0.072165 +v 0.015326 -0.010853 0.074701 +v 0.008993 -0.021129 0.082672 +v 0.005109 -0.025321 0.089461 +v 0.009406 -0.021398 0.089452 +v 0.012357 -0.017177 0.083739 +v 0.014125 -0.013706 0.078591 +v 0.013968 -0.014850 0.085201 +v 0.015595 -0.011552 0.082664 +v 0.017163 -0.008097 0.083464 +v 0.013014 -0.017436 0.093094 +v 0.016228 -0.011484 0.090043 +v -0.002607 -0.022660 0.022052 +v -0.002205 -0.021920 0.023925 +v -0.002007 -0.022635 0.026211 +v -0.000832 -0.021623 0.028930 +v -0.001912 -0.021957 0.025332 +v -0.005869 -0.025762 0.032933 +v -0.002336 -0.023513 0.033503 +v -0.001391 -0.022800 0.031040 +v -0.004366 -0.024722 0.034382 +v -0.001228 -0.021648 0.031846 +v -0.000845 -0.021232 0.032888 +v 0.001587 -0.020399 0.033517 +v 0.003165 -0.019097 0.031110 +v 0.001818 -0.017612 0.031057 +v 0.005779 -0.016791 0.032555 +v 0.004836 -0.016747 0.031325 +v -0.011844 -0.029199 0.051421 +v -0.008114 -0.027922 0.049079 +v -0.004834 -0.025748 0.039431 +v -0.005144 -0.026398 0.045559 +v -0.003221 -0.024447 0.036705 +v -0.000736 -0.023008 0.037268 +v -0.001046 -0.023795 0.042224 +v 0.001195 -0.021451 0.036774 +v 0.002167 -0.021203 0.041094 +v 0.001709 -0.019612 0.035260 +v 0.003643 -0.019189 0.036134 +v 0.005991 -0.016953 0.036197 +v 0.002507 -0.020316 0.038488 +v 0.006345 -0.016961 0.038717 +v 0.002935 -0.021019 0.045698 +v 0.004069 -0.019643 0.042878 +v 0.007211 -0.016290 0.042355 +v 0.006419 -0.017700 0.046868 +v 0.003841 -0.020596 0.045903 +v 0.003930 -0.020336 0.047680 +v -0.015179 -0.030449 0.060729 +v -0.007786 -0.028497 0.058585 +v -0.003889 -0.026468 0.054851 +v 0.000550 -0.023625 0.051870 +v -0.011749 -0.030087 0.064411 +v -0.000204 -0.024702 0.058759 +v -0.003810 -0.027508 0.068613 +v -0.000151 -0.025212 0.065155 +v 0.002435 -0.023223 0.063703 +v 0.002876 -0.021294 0.048799 +v 0.003786 -0.021078 0.049154 +v 0.005080 -0.019919 0.053817 +v 0.002963 -0.021565 0.053178 +v 0.004031 -0.021254 0.054219 +v 0.008193 -0.016553 0.054914 +v 0.005409 -0.020625 0.064560 +v 0.008193 -0.017481 0.063315 +v -0.019213 -0.031120 0.066491 +v -0.015098 -0.031066 0.070079 +v -0.018788 -0.031627 0.072920 +v -0.012078 -0.030758 0.073228 +v -0.023197 -0.032142 0.082565 +v -0.020154 -0.032013 0.077788 +v -0.013750 -0.031687 0.081798 +v -0.009034 -0.030137 0.075998 +v -0.018445 -0.032162 0.080890 +v -0.019371 -0.032875 0.092725 +v -0.008136 -0.030774 0.088979 +v -0.005632 -0.029048 0.078214 +v -0.011620 -0.031948 0.092744 +v -0.002194 -0.028603 0.093137 +v -0.002004 -0.027598 0.081287 +v -0.008239 -0.029239 0.066963 +v 0.004066 -0.022433 0.069405 +v 0.003303 -0.022563 0.065614 +v -0.000571 -0.025979 0.072376 +v 0.003824 -0.023077 0.073222 +v 0.002050 -0.024631 0.075965 +v 0.007281 -0.019986 0.075319 +v 0.006305 -0.020221 0.067788 +v 0.009501 -0.016920 0.070924 +v 0.010534 -0.014577 0.064190 +v 0.010101 -0.013957 0.054053 +v 0.011939 -0.011620 0.058575 +v 0.013184 -0.010376 0.066156 +v 0.009363 -0.017681 0.076958 +v 0.012350 -0.013445 0.075837 +v 0.005390 -0.022713 0.084235 +v 0.002499 -0.025679 0.092281 +v 0.008837 -0.018878 0.080989 +v 0.009138 -0.019631 0.091633 +v 0.011718 -0.015159 0.081312 +v 0.014409 -0.010447 0.081696 +v 0.014720 -0.007942 0.071690 +v 0.011396 -0.016537 0.089273 +v 0.014002 -0.012642 0.090690 +v 0.015821 -0.007276 0.082212 +v -0.003050 -0.019182 0.026548 +v -0.001681 -0.019935 0.029139 +v -0.001256 -0.018864 0.030369 +v 0.000054 -0.018499 0.031728 +v -0.002296 -0.015693 0.027722 +v -0.002881 -0.017130 0.027505 +v 0.001625 -0.016376 0.030335 +v -0.053725 0.002844 0.001306 +v -0.052725 -0.001552 0.001011 +v -0.054301 0.003252 0.002130 +v -0.053817 -0.000847 0.003110 +v -0.054720 0.003417 0.008447 +v -0.052144 0.004296 0.000696 +v -0.053645 0.009134 0.001153 +v -0.054233 0.009297 0.002723 +v -0.051924 0.009879 0.000719 +v -0.042992 0.000364 0.000757 +v -0.043756 0.008139 0.000657 +v -0.054768 0.001201 0.012331 +v -0.054564 0.005938 0.003950 +v -0.055084 0.006854 0.012546 +v -0.054627 0.009614 0.009564 +v -0.040871 0.016425 0.000626 +v -0.046968 0.023041 0.000643 +v -0.053602 0.012945 0.002082 +v -0.053193 0.016009 0.008262 +v -0.052502 0.017067 0.002410 +v -0.054054 0.012887 0.008638 +v -0.051005 0.017736 0.000862 +v -0.050110 0.022385 0.002341 +v -0.051784 0.019894 0.008406 +v -0.036153 0.022613 0.000557 +v -0.048943 0.022550 0.001026 +v -0.047321 0.026545 0.002125 +v -0.045522 0.027040 0.000854 +v -0.045325 0.028883 0.002135 +v -0.041885 0.031638 0.001223 +v -0.039262 0.031323 0.000546 +v -0.033632 0.031523 0.000566 +v -0.041991 0.032297 0.003450 +v -0.042971 0.031800 0.007095 +v -0.038920 0.032864 0.000786 +v -0.038660 0.034568 0.002719 +v -0.036770 0.035139 0.001505 +v -0.034943 0.036604 0.002566 +v -0.006489 -0.011599 0.000763 +v -0.011348 -0.013999 0.000965 +v -0.003481 -0.014210 0.000676 +v 0.000698 -0.018526 0.000695 +v -0.001268 -0.021666 0.001288 +v 0.002985 -0.018389 0.001370 +v 0.003317 -0.019038 0.002544 +v 0.004508 -0.014436 0.000652 +v -0.000710 -0.006746 0.000635 +v 0.008648 -0.006897 0.000609 +v -0.002416 -0.006714 0.000898 +v 0.005078 -0.008902 0.002119 +v 0.005674 -0.011240 0.001987 +v 0.006286 -0.009712 0.001566 +v 0.006686 -0.007472 0.001437 +v 0.005610 -0.007391 0.001770 +v 0.006599 -0.006161 0.001759 +v 0.005994 -0.004605 0.001941 +v 0.007606 -0.003255 0.001906 +v 0.010761 0.002189 0.000555 +v 0.002182 0.002261 0.000554 +v -0.036552 -0.008306 0.001133 +v -0.040310 -0.003173 0.000926 +v -0.035119 -0.002722 0.003594 +v -0.032170 -0.006312 0.003697 +v -0.041423 0.001604 0.001039 +v -0.036357 0.000130 0.003599 +v -0.032526 -0.011887 0.001138 +v -0.028507 -0.008712 0.003836 +v -0.022047 -0.011504 0.003501 +v -0.019414 -0.015813 0.001063 +v -0.025810 -0.010317 0.003637 +v -0.021970 -0.010144 0.003812 +v -0.034239 -0.001299 0.003859 +v -0.023260 -0.003275 0.003630 +v -0.020694 0.004988 0.003328 +v -0.029191 0.005779 0.003624 +v -0.037336 0.004221 0.003566 +v -0.041691 0.006703 0.001122 +v -0.036857 0.007214 0.003786 +v -0.041092 0.011635 0.000955 +v -0.036236 0.011910 0.003531 +v -0.038791 0.016436 0.001029 +v -0.033343 0.015959 0.003728 +v -0.024490 0.013325 0.003547 +v -0.015385 -0.015404 0.000968 +v -0.016370 -0.010789 0.003595 +v -0.019410 -0.011312 0.003585 +v -0.012959 -0.009830 0.003465 +v -0.009973 -0.007309 0.003753 +v -0.015880 -0.001879 0.003576 +v -0.005427 -0.002533 0.003524 +v -0.007235 -0.005623 0.003399 +v -0.004484 0.002601 0.003674 +v -0.006938 0.005179 0.003659 +v -0.015073 0.012205 0.003512 +v -0.004427 0.011048 0.003627 +v -0.004736 0.004696 0.001359 +v -0.005058 0.003673 0.003383 +v -0.005616 0.005605 0.003147 +v -0.003624 0.000731 0.003280 +v 0.000324 -0.001076 0.000856 +v -0.001377 0.003571 0.002139 +v -0.002802 0.004126 0.001392 +v 0.006697 -0.003143 0.002048 +v 0.007190 -0.002319 0.002125 +v -0.037017 0.019347 0.000914 +v -0.034316 0.021831 0.000983 +v -0.030115 0.019676 0.003500 +v -0.026058 0.021312 0.003622 +v -0.030931 0.026430 0.000516 +v -0.029365 0.025324 0.000842 +v -0.025442 0.026699 0.000726 +v -0.023221 0.022440 0.003431 +v -0.018929 0.022363 0.003583 +v -0.010319 0.019066 0.003563 +v -0.013427 0.021377 0.003358 +v -0.025490 0.028575 0.000491 +v -0.021692 0.032195 0.000450 +v -0.026761 0.036685 0.000524 +v -0.031688 0.037004 0.000880 +v -0.030438 0.038412 0.002676 +v -0.026903 0.038953 0.001651 +v -0.023677 0.038478 0.000721 +v -0.020657 0.027220 0.000847 +v -0.016322 0.028652 0.000483 +v -0.015603 0.026769 0.000825 +v -0.011195 0.025300 0.000805 +v -0.017059 0.037261 0.000480 +v -0.011788 0.032484 0.000478 +v -0.022802 0.035599 0.001846 +v -0.020635 0.036037 0.001828 +v -0.022555 0.035858 0.001715 +v -0.004046 0.006014 0.001339 +v -0.003219 0.006828 0.003408 +v -0.006527 0.014978 0.003585 +v -0.007678 0.017603 0.003302 +v -0.000953 0.015334 0.000832 +v -0.004071 0.019808 0.000872 +v 0.001087 0.006103 0.000923 +v 0.003113 0.006027 0.000541 +v -0.000457 0.004901 0.001162 +v -0.001151 0.006002 0.001492 +v 0.001024 0.009813 0.000776 +v 0.008855 0.009985 0.000542 +v 0.001095 0.015371 0.000495 +v 0.010740 0.009658 0.000448 +v 0.009743 0.016916 0.000485 +v -0.007792 0.023080 0.000891 +v -0.006928 0.025148 0.000431 +v -0.003303 0.021845 0.000441 +v 0.005591 0.022924 0.000499 +v -0.000453 0.029950 0.000484 +v 0.000565 0.027392 0.002193 +v 0.000438 0.027510 0.001650 +v -0.000539 0.028390 0.001615 +v -0.000417 0.028947 0.001764 +v -0.000657 0.028691 0.001621 +v -0.000890 0.029036 0.002059 +v 0.002527 0.027085 0.001882 +v 0.012090 0.012280 0.000849 +v 0.011193 0.017517 0.001279 +v 0.006656 0.017918 0.001549 +v 0.007285 0.020585 0.001764 +v 0.005945 0.020881 0.001552 +v 0.005413 0.019576 0.002078 +v 0.007260 0.015843 0.002046 +v 0.007743 0.016097 0.001537 +v 0.008653 0.017463 0.001542 +v 0.011307 0.018944 0.003094 +v 0.009671 0.022251 0.002406 +v 0.012964 0.013985 0.002473 +v 0.012603 0.017215 0.011539 +v 0.011428 0.020050 0.011341 +v 0.005426 0.022648 0.001902 +v 0.005237 0.023666 0.002000 +v 0.004105 0.027077 0.000603 +v 0.007809 0.023154 0.000784 +v 0.005149 0.027414 0.001101 +v 0.006230 0.027056 0.002003 +v 0.004296 0.029767 0.003555 +v 0.007547 0.025760 0.003399 +v 0.008337 0.025223 0.008771 +v -0.001230 0.029618 0.001997 +v -0.001246 0.029664 0.001977 +v -0.001212 0.029808 0.001936 +v -0.001180 0.029856 0.001928 +v -0.001066 0.029964 0.001920 +v -0.001067 0.030182 0.001921 +v 0.005933 0.028261 0.007658 +v 0.009967 0.023174 0.012748 +v 0.003755 0.030864 0.010390 +v 0.006613 0.028237 0.014891 +v 0.005628 0.029759 0.017988 +v 0.001884 0.033258 0.018288 +v 0.008758 0.025936 0.018680 +v -0.020773 0.039633 0.001436 +v -0.024112 0.039764 0.002715 +v -0.028190 0.039514 0.009923 +v -0.024707 0.040088 0.009125 +v -0.016769 0.038663 0.000862 +v -0.008678 0.035031 0.000421 +v -0.012295 0.037981 0.000831 +v -0.016408 0.039711 0.002200 +v -0.004347 0.034931 0.000836 +v -0.008231 0.037266 0.001519 +v -0.012669 0.039112 0.002702 +v -0.007983 0.037696 0.003217 +v -0.020091 0.040144 0.005054 +v -0.017018 0.040167 0.007450 +v -0.010764 0.039157 0.009976 +v -0.013211 0.039941 0.012700 +v 0.001940 0.030363 0.000869 +v -0.001029 0.033546 0.001550 +v 0.002180 0.031312 0.001923 +v -0.007445 0.034110 0.001773 +v -0.008773 0.033152 0.001707 +v -0.004616 0.032114 0.001727 +v -0.003503 0.035563 0.002583 +v 0.000196 0.033223 0.003827 +v 0.002186 0.031831 0.006717 +v -0.000674 0.034441 0.010477 +v -0.004868 0.036984 0.011467 +v -0.007801 0.038282 0.011773 +v -0.055409 0.003087 0.017736 +v -0.055138 0.010262 0.018321 +v -0.055801 0.007148 0.023256 +v -0.054500 0.013742 0.017425 +v -0.055352 0.011852 0.024255 +v -0.052951 0.018786 0.017661 +v -0.054240 0.016409 0.024034 +v -0.051290 0.022244 0.017165 +v -0.049858 0.023750 0.010105 +v -0.056372 0.007247 0.031422 +v -0.055655 0.012614 0.030100 +v -0.056717 0.007975 0.037513 +v -0.055993 0.012707 0.035724 +v -0.053650 0.019034 0.028706 +v -0.050488 0.025077 0.027149 +v -0.048462 0.026637 0.015884 +v -0.052252 0.022352 0.029865 +v -0.054956 0.016742 0.035369 +v -0.047178 0.027377 0.008113 +v -0.045100 0.030281 0.013515 +v -0.042251 0.033019 0.014475 +v -0.044777 0.031269 0.019838 +v -0.039574 0.034766 0.012579 +v -0.039236 0.035606 0.019400 +v -0.038452 0.035022 0.006716 +v -0.047304 0.028792 0.021988 +v -0.048882 0.027489 0.027999 +v -0.042332 0.033745 0.022818 +v -0.047520 0.029484 0.030853 +v -0.045093 0.031559 0.026424 +v -0.056257 0.013758 0.042396 +v -0.056978 0.009446 0.043756 +v -0.055272 0.017347 0.042520 +v -0.053719 0.020419 0.036936 +v -0.052360 0.023657 0.040184 +v -0.050004 0.026927 0.036557 +v -0.053990 0.021383 0.045715 +v -0.031689 0.038623 0.011384 +v -0.035893 0.037210 0.015920 +v -0.032561 0.038843 0.018100 +v -0.025594 0.040657 0.017950 +v -0.029591 0.040259 0.023603 +v -0.020654 0.040718 0.013156 +v -0.021422 0.041112 0.018298 +v -0.039982 0.035976 0.029030 +v -0.043818 0.033414 0.031839 +v -0.035873 0.037960 0.024807 +v -0.032243 0.039824 0.028928 +v -0.035702 0.038660 0.032471 +v -0.021630 0.041541 0.024430 +v -0.025170 0.041218 0.024395 +v -0.025413 0.041601 0.030153 +v -0.028925 0.041357 0.035903 +v -0.017748 0.041665 0.026331 +v -0.020315 0.042005 0.030602 +v -0.017237 0.042224 0.033768 +v -0.021956 0.042386 0.035628 +v 0.003751 0.032039 0.022619 +v 0.008121 0.027492 0.024324 +v 0.006561 0.029763 0.027031 +v -0.000138 0.035399 0.024850 +v 0.003028 0.033581 0.031184 +v -0.013746 0.041264 0.027397 +v -0.013692 0.041896 0.035110 +v -0.010550 0.040626 0.029021 +v -0.007413 0.040319 0.038286 +v -0.003702 0.038477 0.035271 +v -0.007452 0.039296 0.025318 +v -0.010723 0.041410 0.038068 +v -0.001248 0.036684 0.030498 +v 0.005458 0.031564 0.033967 +v -0.000407 0.036859 0.038595 +v 0.002912 0.034287 0.037057 +v 0.002469 0.035262 0.043898 +v 0.005070 0.033167 0.045149 +v -0.056753 0.013574 0.048821 +v -0.055917 0.017359 0.051410 +v -0.049769 0.028094 0.042559 +v -0.047878 0.029608 0.036303 +v -0.056231 0.009703 0.056722 +v -0.056020 0.009806 0.051904 +v -0.055938 0.011843 0.054204 +v -0.057396 0.013536 0.057903 +v -0.054272 0.022350 0.055244 +v -0.056886 0.016496 0.061548 +v -0.055818 0.019745 0.061991 +v -0.051845 0.026119 0.051637 +v -0.049569 0.029008 0.048667 +v -0.046732 0.031259 0.040188 +v -0.049967 0.029169 0.054814 +v -0.046988 0.031853 0.047961 +v -0.047732 0.032075 0.058134 +v -0.044670 0.034371 0.050617 +v -0.043221 0.034392 0.037822 +v -0.039846 0.036660 0.036406 +v -0.044053 0.034420 0.044997 +v -0.040520 0.036964 0.044368 +v -0.036613 0.039114 0.043443 +v -0.033081 0.040571 0.042221 +v -0.026004 0.042131 0.037842 +v -0.020404 0.043035 0.043757 +v -0.023557 0.042850 0.043205 +v -0.029761 0.042257 0.050041 +v -0.027373 0.042419 0.044773 +v -0.041882 0.036708 0.052511 +v -0.044551 0.035255 0.058469 +v -0.039844 0.038300 0.055237 +v -0.035291 0.040621 0.054203 +v -0.024846 0.043383 0.051982 +v -0.032695 0.042147 0.060437 +v -0.025854 0.043689 0.057485 +v -0.029508 0.043181 0.061254 +v -0.017582 0.042795 0.040937 +v -0.013674 0.042601 0.044499 +v -0.010361 0.041868 0.044920 +v -0.017695 0.043413 0.048746 +v -0.013064 0.042911 0.049922 +v -0.009981 0.042263 0.051766 +v -0.003745 0.039181 0.043592 +v -0.007049 0.040963 0.047679 +v -0.000095 0.037389 0.046876 +v -0.003327 0.039679 0.051821 +v 0.000594 0.037764 0.055812 +v -0.021704 0.043660 0.052405 +v -0.013266 0.043561 0.057688 +v -0.022733 0.044173 0.059172 +v -0.017624 0.043901 0.055150 +v -0.017783 0.044433 0.062062 +v -0.006705 0.041684 0.057920 +v -0.009726 0.042830 0.059407 +v -0.002834 0.040353 0.062588 +v -0.017435 0.040740 0.014766 +v -0.016535 0.041114 0.020093 +v -0.011203 0.040130 0.019744 +v -0.004943 0.037729 0.019011 +v -0.001240 0.035452 0.017397 +v -0.004765 0.038001 0.024039 +v -0.051349 -0.002937 0.003658 +v -0.050913 -0.004068 0.002759 +v -0.050610 -0.002815 0.003207 +v -0.049256 -0.005236 0.002066 +v -0.048572 -0.004723 0.002220 +v -0.049418 -0.003897 0.003838 +v -0.048428 -0.005934 0.004010 +v -0.050959 -0.003537 0.005390 +v -0.051653 -0.003914 0.007249 +v -0.051147 -0.002979 0.006155 +v -0.051368 -0.002082 0.006338 +v -0.050971 -0.002346 0.006066 +v -0.050825 -0.002463 0.006538 +v -0.051887 0.003811 0.003401 +v -0.051486 0.005157 0.002311 +v -0.052439 0.003739 0.002715 +v -0.052931 0.004357 0.003593 +v -0.052602 0.008013 0.002625 +v -0.051535 0.007399 0.002087 +v -0.051042 0.008366 0.002577 +v -0.051150 -0.002105 0.006763 +v -0.050918 -0.002957 0.007511 +v -0.050993 -0.002467 0.008636 +v -0.051363 -0.002404 0.009056 +v -0.052441 -0.002458 0.011284 +v -0.052691 -0.000892 0.010527 +v -0.051324 -0.000547 0.008326 +v -0.051595 0.000538 0.008267 +v -0.052988 0.002353 0.011677 +v -0.052495 0.006429 0.004177 +v -0.052869 0.007544 0.004014 +v -0.051251 0.011515 0.002244 +v -0.052445 0.011040 0.003576 +v -0.052344 0.009543 0.004226 +v -0.051300 0.009615 0.003800 +v -0.051820 0.011204 0.002420 +v -0.051114 0.014562 0.004567 +v -0.051558 0.012967 0.002890 +v -0.050572 0.011934 0.003054 +v -0.049910 0.014896 0.001901 +v -0.051211 0.015346 0.002930 +v -0.049372 0.016029 0.002460 +v -0.049987 0.017010 0.002650 +v -0.050227 0.017616 0.004511 +v -0.050996 0.016760 0.007330 +v -0.050613 0.015988 0.005644 +v -0.049429 0.019580 0.005266 +v -0.049700 0.018565 0.005782 +v -0.049375 0.019149 0.005179 +v -0.049830 0.020450 0.007623 +v -0.048252 0.020916 0.005884 +v -0.048113 0.020798 0.005237 +v -0.046800 0.023432 0.003397 +v -0.046815 0.023380 0.003402 +v -0.046630 0.023906 0.002458 +v -0.046621 0.024250 0.003657 +v -0.046059 0.023388 0.002961 +v -0.045432 0.024491 0.002674 +v -0.045591 0.025667 0.002903 +v -0.045253 0.025183 0.002667 +v -0.044551 0.025567 0.003553 +v -0.044230 0.025383 0.002484 +v -0.045681 0.025387 0.003648 +v -0.046045 0.024039 0.003680 +v -0.044095 0.026075 0.002033 +v -0.044209 0.027753 0.002890 +v -0.042603 0.027732 0.002204 +v -0.042284 0.027406 0.002429 +v -0.044907 0.026351 0.004041 +v -0.043224 0.028175 0.003395 +v -0.040781 0.029139 0.001988 +v -0.041859 0.029457 0.002343 +v -0.042582 0.029626 0.003372 +v -0.039941 0.031232 0.003229 +v -0.042329 0.029607 0.003983 +v -0.042167 0.028443 0.003543 +v -0.040120 0.029652 0.002692 +v -0.039772 0.030657 0.002897 +v -0.040195 0.031015 0.003750 +v -0.040621 0.029770 0.004006 +v -0.039525 0.030771 0.003663 +v -0.038743 0.030724 0.002679 +v -0.039500 0.030631 0.002947 +v -0.039053 0.031010 0.002488 +v -0.038249 0.031506 0.002133 +v -0.036988 0.031933 0.002333 +v -0.036522 0.032776 0.002205 +v -0.037762 0.032803 0.002802 +v -0.039319 0.031808 0.003879 +v -0.038294 0.032255 0.004583 +v -0.003891 -0.021212 0.003676 +v -0.000150 -0.019413 0.002989 +v 0.001682 -0.017789 0.002500 +v -0.000441 -0.018438 0.002331 +v 0.001233 -0.016798 0.002075 +v -0.000458 -0.018433 0.003325 +v 0.000504 -0.016773 0.002450 +v 0.000756 -0.018732 0.003827 +v 0.002452 -0.017488 0.003369 +v 0.002278 -0.016334 0.003657 +v 0.003585 -0.015768 0.002709 +v 0.002922 -0.015253 0.002592 +v 0.003751 -0.015566 0.003986 +v 0.004157 -0.014098 0.004002 +v 0.003967 -0.013918 0.002508 +v 0.005443 -0.013340 0.002660 +v 0.005014 -0.011218 0.003412 +v 0.006178 -0.006331 0.002458 +v 0.006405 -0.004107 0.002439 +v 0.006907 -0.005083 0.003752 +v 0.007630 -0.003423 0.002929 +v 0.008458 -0.003062 0.002479 +v -0.036057 0.032287 0.003270 +v -0.035235 0.033440 0.002497 +v -0.034891 0.034396 0.003618 +v -0.033921 0.033402 0.003959 +v -0.037337 0.032837 0.005463 +v -0.032521 0.035203 0.002189 +v -0.032255 0.034361 0.002537 +v -0.030210 0.033976 0.001835 +v -0.028734 0.035864 0.001986 +v -0.034143 0.034203 0.003404 +v -0.034014 0.035259 0.004920 +v -0.029032 0.036749 0.002752 +v -0.030921 0.036255 0.006004 +v -0.029755 0.034090 0.002193 +v -0.028162 0.035530 0.002569 +v -0.027657 0.036370 0.003311 +v -0.025255 0.036729 0.002014 +v -0.025312 0.036281 0.002995 +v -0.022693 0.036074 0.003670 +v -0.025022 0.037974 0.002844 +v -0.019615 0.038174 0.002617 +v -0.020131 0.037347 0.001947 +v -0.028113 0.035661 0.004052 +v -0.028580 0.036614 0.004461 +v -0.025537 0.037257 0.003876 +v -0.021809 0.038320 0.004679 +v -0.024325 0.037590 0.005011 +v -0.023534 0.037106 0.004903 +v -0.018058 0.036377 0.002251 +v 0.010387 0.011518 0.003369 +v 0.010748 0.012106 0.002330 +v 0.010281 0.012189 0.002385 +v 0.011026 0.011226 0.002684 +v 0.011013 0.011887 0.003585 +v 0.010960 0.013319 0.002823 +v 0.010206 0.013999 0.003773 +v 0.002528 0.028501 0.002487 +v 0.000325 0.030389 0.002267 +v 0.008999 0.014037 0.002359 +v 0.009551 0.014607 0.002018 +v 0.008987 0.014220 0.003266 +v 0.010083 0.015648 0.002950 +v 0.010038 0.017134 0.002714 +v 0.010491 0.016181 0.006190 +v 0.009754 0.015165 0.004457 +v 0.010242 0.015049 0.007329 +v 0.008625 0.019936 0.002553 +v 0.009237 0.018165 0.002488 +v 0.008510 0.020547 0.004620 +v 0.009481 0.018243 0.006049 +v 0.010374 0.015866 0.008595 +v 0.009706 0.019243 0.007898 +v 0.008077 0.021550 0.006184 +v 0.004967 0.022612 0.002346 +v 0.005302 0.022296 0.001991 +v 0.005360 0.022473 0.001949 +v 0.005849 0.024829 0.002835 +v 0.004775 0.023370 0.004260 +v 0.004351 0.024566 0.002269 +v 0.003587 0.025369 0.002569 +v 0.003109 0.026180 0.002046 +v 0.004124 0.026481 0.002630 +v 0.003855 0.025614 0.003696 +v 0.003436 0.027940 0.003811 +v 0.004274 0.026417 0.003736 +v 0.005526 0.024346 0.004729 +v 0.006420 0.023261 0.005395 +v -0.001945 0.030350 0.002044 +v -0.001189 0.029789 0.001963 +v -0.000922 0.029252 0.003627 +v -0.003321 0.031240 0.002964 +v 0.009832 0.018843 0.011173 +v 0.008350 0.021863 0.009160 +v 0.010570 0.018298 0.014336 +v 0.001648 0.030070 0.004212 +v 0.002505 0.028343 0.004449 +v 0.002209 0.027250 0.003990 +v 0.000354 0.029731 0.004647 +v 0.005829 0.023148 0.008429 +v 0.006675 0.023640 0.010581 +v 0.005279 0.023527 0.011877 +v 0.007835 0.023128 0.012675 +v 0.008557 0.022798 0.016882 +v 0.006828 0.024335 0.017912 +v 0.006327 0.023900 0.014821 +v 0.005734 0.024014 0.016927 +v 0.008373 0.023058 0.019162 +v -0.014137 0.035922 0.002181 +v -0.014162 0.036411 0.001927 +v -0.011449 0.035543 0.002214 +v -0.014840 0.037494 0.002936 +v -0.010570 0.036108 0.002344 +v -0.009831 0.034619 0.001850 +v -0.010216 0.034267 0.003255 +v -0.017959 0.038111 0.003564 +v -0.016169 0.037460 0.006204 +v -0.018201 0.037503 0.004968 +v -0.016414 0.037234 0.006463 +v -0.010871 0.036746 0.004500 +v -0.014657 0.037497 0.008311 +v -0.013597 0.038031 0.010202 +v -0.009454 0.036838 0.007431 +v -0.006582 0.032050 0.002201 +v -0.002483 0.032383 0.002414 +v -0.005397 0.034390 0.002850 +v -0.002775 0.032873 0.003404 +v -0.008956 0.036169 0.005006 +v -0.002488 0.031509 0.001955 +v -0.002390 0.031847 0.004027 +v -0.000608 0.031114 0.004631 +v -0.001263 0.030674 0.004711 +v -0.005474 0.034318 0.006220 +v -0.007117 0.035944 0.007683 +v -0.004506 0.034329 0.010232 +v -0.010864 0.037465 0.011200 +v -0.005754 0.035395 0.011217 +v -0.004214 0.032987 0.006241 +v -0.004254 0.033317 0.009867 +v -0.005106 0.035259 0.013817 +v -0.004579 0.034363 0.013510 +v -0.004899 0.033420 0.012683 +v -0.053208 0.001170 0.015795 +v -0.053327 0.002858 0.014863 +v -0.052106 0.002289 0.010330 +v -0.052195 0.003521 0.013993 +v -0.053715 0.002000 0.019380 +v -0.053627 0.004281 0.016383 +v -0.054159 0.003378 0.022475 +v -0.053675 0.005285 0.020013 +v -0.053695 0.005627 0.022791 +v -0.052846 0.010345 0.019343 +v -0.052807 0.014225 0.019660 +v -0.053509 0.009563 0.021102 +v -0.053632 0.012477 0.023602 +v -0.051258 0.015611 0.014497 +v -0.050480 0.015483 0.011034 +v -0.051196 0.015834 0.010519 +v -0.051743 0.016179 0.013001 +v -0.050781 0.015416 0.007666 +v -0.050693 0.018708 0.007487 +v -0.050772 0.018161 0.011014 +v -0.047534 0.022503 0.007559 +v -0.049071 0.021707 0.010398 +v -0.050960 0.018659 0.013190 +v -0.051738 0.016204 0.015414 +v -0.051974 0.014986 0.016959 +v -0.052260 0.012311 0.019426 +v -0.051769 0.013860 0.018384 +v -0.051136 0.018979 0.017034 +v -0.049491 0.021943 0.014430 +v -0.048468 0.022370 0.011185 +v -0.047892 0.022664 0.014461 +v -0.049169 0.022796 0.018405 +v -0.048431 0.023404 0.015704 +v -0.047263 0.024747 0.018030 +v -0.053756 0.006308 0.025899 +v -0.054594 0.006763 0.027699 +v -0.053526 0.010260 0.023584 +v -0.052912 0.007852 0.027102 +v -0.053915 0.010637 0.029251 +v -0.053634 0.011511 0.026612 +v -0.053778 0.013318 0.026686 +v -0.053866 0.012066 0.028768 +v -0.054803 0.008729 0.033445 +v -0.055306 0.008396 0.038774 +v -0.054297 0.011226 0.030790 +v -0.053329 0.015863 0.030396 +v -0.054203 0.013627 0.034958 +v -0.052511 0.016115 0.021629 +v -0.050512 0.021139 0.021529 +v -0.051404 0.020169 0.026014 +v -0.048932 0.024333 0.024668 +v -0.047149 0.025874 0.020041 +v -0.051293 0.021020 0.030689 +v -0.048691 0.025135 0.028182 +v -0.049782 0.024762 0.037546 +v -0.047289 0.022512 0.008720 +v -0.047490 0.021909 0.011470 +v -0.046341 0.024685 0.017913 +v -0.045626 0.026647 0.019121 +v -0.046060 0.027253 0.021993 +v -0.045272 0.027014 0.020346 +v -0.047238 0.026217 0.024094 +v -0.045816 0.027106 0.023723 +v -0.046772 0.027011 0.024759 +v -0.054914 0.010499 0.036461 +v -0.053576 0.017153 0.038699 +v -0.051594 0.021442 0.037026 +v -0.047946 0.026585 0.032172 +v -0.047563 0.026458 0.029666 +v -0.039138 0.032619 0.017804 +v -0.038258 0.032068 0.016333 +v -0.038433 0.033209 0.016142 +v -0.037828 0.034305 0.017853 +v -0.037434 0.032535 0.005392 +v -0.035721 0.034791 0.007254 +v -0.037840 0.032261 0.008719 +v -0.032822 0.036305 0.007189 +v -0.037797 0.033795 0.011632 +v -0.036155 0.035129 0.014067 +v -0.034763 0.035420 0.010839 +v -0.031315 0.036793 0.011045 +v -0.029924 0.037137 0.009762 +v -0.030137 0.036722 0.011143 +v -0.030250 0.037239 0.013035 +v -0.038348 0.032214 0.012683 +v -0.033519 0.036420 0.015303 +v -0.030860 0.037385 0.015544 +v -0.033751 0.036730 0.019480 +v -0.029740 0.036589 0.014833 +v -0.028777 0.037397 0.017017 +v -0.030378 0.037936 0.019211 +v -0.027863 0.038664 0.020433 +v -0.027132 0.037817 0.019260 +v -0.016087 0.038204 0.018874 +v -0.015103 0.038282 0.017026 +v -0.013047 0.038572 0.017966 +v -0.014631 0.039037 0.019977 +v -0.017339 0.039355 0.020915 +v -0.017368 0.039554 0.022934 +v -0.041165 0.031500 0.020097 +v -0.040578 0.032682 0.020102 +v -0.041274 0.032314 0.023448 +v -0.041379 0.031137 0.023532 +v -0.039115 0.034369 0.026118 +v -0.036933 0.035343 0.021894 +v -0.045825 0.027132 0.026444 +v -0.046553 0.027129 0.029640 +v -0.045183 0.028676 0.029719 +v -0.045577 0.029122 0.033110 +v -0.044868 0.029825 0.030872 +v -0.043192 0.030704 0.029379 +v -0.042007 0.032270 0.031299 +v -0.041560 0.031659 0.025936 +v -0.040672 0.033184 0.028966 +v -0.041939 0.031003 0.028481 +v -0.037773 0.035705 0.031271 +v -0.034444 0.036973 0.025416 +v -0.034349 0.037480 0.031599 +v -0.027299 0.039411 0.026527 +v -0.031428 0.038381 0.028495 +v -0.024484 0.038783 0.020333 +v -0.025697 0.039250 0.023601 +v -0.023982 0.038545 0.021628 +v -0.024963 0.039028 0.024817 +v -0.029215 0.039229 0.030805 +v -0.025824 0.039531 0.028142 +v -0.024287 0.039102 0.027665 +v -0.024905 0.040040 0.030231 +v -0.026927 0.040059 0.034548 +v -0.021268 0.040117 0.027825 +v -0.021931 0.039209 0.027811 +v -0.019720 0.038989 0.027846 +v -0.019911 0.040311 0.029905 +v -0.023211 0.039274 0.028257 +v -0.022183 0.039918 0.030584 +v -0.015507 0.040012 0.030290 +v -0.018093 0.040317 0.030703 +v -0.022321 0.039842 0.032395 +v -0.021559 0.040710 0.033235 +v -0.022705 0.040264 0.034047 +v -0.004023 0.034776 0.015744 +v -0.004006 0.033519 0.015843 +v -0.003250 0.034651 0.019680 +v -0.010763 0.038297 0.021324 +v -0.006140 0.036491 0.020513 +v -0.003000 0.033530 0.019701 +v -0.001810 0.033995 0.022056 +v -0.004650 0.036131 0.024961 +v -0.008099 0.037684 0.024888 +v 0.006098 0.024778 0.020078 +v 0.008018 0.024221 0.020994 +v 0.005885 0.026201 0.021487 +v 0.008450 0.024297 0.026913 +v 0.006501 0.026299 0.024278 +v 0.005419 0.026885 0.025227 +v 0.006444 0.026741 0.028555 +v 0.005017 0.028629 0.030739 +v 0.004998 0.026936 0.029260 +v 0.006686 0.026699 0.030525 +v -0.000928 0.032180 0.023150 +v -0.001163 0.033558 0.025026 +v -0.001382 0.034327 0.028289 +v -0.011366 0.039236 0.030140 +v -0.018186 0.039627 0.024647 +v -0.005208 0.037075 0.032232 +v -0.017582 0.039528 0.028372 +v -0.011437 0.039801 0.036473 +v -0.016198 0.040650 0.037794 +v -0.007218 0.038258 0.035326 +v 0.003864 0.029515 0.031765 +v 0.005678 0.028588 0.033623 +v 0.000023 0.033456 0.032263 +v -0.001203 0.033298 0.026784 +v -0.000290 0.033053 0.030389 +v -0.003122 0.035764 0.030734 +v -0.001756 0.035086 0.034598 +v 0.004199 0.028807 0.030789 +v 0.003086 0.031453 0.033130 +v 0.002847 0.030791 0.032880 +v 0.001231 0.033182 0.037962 +v 0.001159 0.031917 0.033954 +v 0.001934 0.030903 0.033795 +v 0.002371 0.031679 0.033916 +v 0.002857 0.031979 0.035538 +v 0.001766 0.031495 0.037238 +v 0.001387 0.031628 0.036695 +v -0.001674 0.035482 0.036863 +v -0.003616 0.037092 0.041718 +v 0.002221 0.032437 0.037571 +v 0.002826 0.032470 0.038414 +v 0.001842 0.032271 0.038514 +v 0.003459 0.032314 0.041405 +v -0.000739 0.035056 0.040578 +v 0.002023 0.032536 0.040405 +v -0.055123 0.009180 0.040098 +v -0.055733 0.008494 0.045530 +v -0.055501 0.010363 0.044420 +v -0.054869 0.012755 0.040981 +v -0.055544 0.009196 0.046236 +v -0.053966 0.017414 0.046069 +v -0.055108 0.014803 0.050924 +v -0.047569 0.027934 0.039575 +v -0.052518 0.021358 0.048085 +v -0.050398 0.024935 0.046411 +v -0.046164 0.029916 0.044802 +v -0.045599 0.030109 0.039884 +v -0.047423 0.028914 0.046556 +v -0.053871 0.019275 0.053706 +v -0.055838 0.015420 0.063295 +v -0.054950 0.018511 0.064021 +v -0.052906 0.022480 0.060084 +v -0.048642 0.028269 0.054018 +v -0.046572 0.030218 0.049247 +v -0.050925 0.025423 0.056384 +v -0.047114 0.030323 0.056957 +v -0.046724 0.031008 0.055694 +v -0.044509 0.032840 0.054219 +v -0.045343 0.030130 0.036032 +v -0.043217 0.031969 0.035598 +v -0.039904 0.034726 0.035605 +v -0.035633 0.037687 0.040812 +v -0.045833 0.030438 0.042578 +v -0.042481 0.033765 0.046494 +v -0.043897 0.032418 0.046474 +v -0.039380 0.035932 0.045252 +v -0.030196 0.039484 0.036698 +v -0.025728 0.040577 0.038435 +v -0.024160 0.040463 0.037730 +v -0.022608 0.040446 0.037899 +v -0.021628 0.041124 0.037881 +v -0.031133 0.039838 0.044865 +v -0.027317 0.040666 0.043072 +v -0.022061 0.041301 0.043421 +v -0.024674 0.041405 0.047219 +v -0.022622 0.041395 0.046698 +v -0.045923 0.030800 0.046390 +v -0.041516 0.034889 0.050733 +v -0.040050 0.036487 0.056731 +v -0.045320 0.032908 0.061648 +v -0.036686 0.038127 0.052618 +v -0.033376 0.039672 0.053225 +v -0.037099 0.038941 0.064986 +v -0.034747 0.039919 0.063138 +v -0.028319 0.041179 0.051863 +v -0.030927 0.041112 0.060110 +v -0.022860 0.042525 0.058880 +v -0.012700 0.040650 0.043732 +v -0.021626 0.041864 0.048871 +v -0.019417 0.041465 0.043275 +v -0.016193 0.041270 0.045091 +v -0.008767 0.039980 0.049044 +v -0.017062 0.041798 0.049921 +v -0.006319 0.038615 0.043998 +v 0.000585 0.034899 0.046956 +v 0.002503 0.032964 0.045851 +v -0.002629 0.037360 0.051236 +v -0.005385 0.039073 0.054299 +v -0.011815 0.041084 0.051588 +v -0.000179 0.035958 0.052721 +v -0.021333 0.042311 0.055411 +v -0.017647 0.042331 0.056276 +v -0.013310 0.041919 0.058569 +v -0.020339 0.042974 0.063804 +v -0.018539 0.042773 0.061275 +v -0.002640 0.038263 0.061249 +v -0.010001 0.041294 0.060457 +v -0.005762 0.039929 0.062117 +v -0.013834 0.042592 0.066645 +v 0.000584 0.036351 0.061733 +v -0.003083 0.039250 0.069608 +v -0.015332 0.037547 0.010366 +v -0.014911 0.038111 0.013858 +v -0.012983 0.038481 0.015450 +v -0.007904 0.036942 0.016779 +v -0.050247 -0.003128 0.005510 +v -0.050164 -0.003722 0.007601 +v -0.049975 -0.003067 0.009263 +v -0.050596 -0.000238 0.008867 +v -0.051060 0.000949 0.008526 +v -0.051205 0.002308 0.010468 +v -0.048448 0.002442 0.015650 +v -0.048055 -0.000373 0.013447 +v -0.051115 0.011241 0.004375 +v -0.049684 0.015412 0.004494 +v -0.050456 0.014307 0.004821 +v -0.049488 0.017552 0.004587 +v -0.050433 0.015663 0.006031 +v -0.049833 0.015530 0.006129 +v -0.048982 0.017288 0.006623 +v -0.049370 0.018356 0.005355 +v -0.048106 0.020305 0.005484 +v -0.049903 0.015368 0.008608 +v -0.047445 0.021350 0.006188 +v -0.037640 0.031640 0.004538 +v 0.005959 -0.007748 0.006143 +v -0.036520 0.031971 0.004898 +v -0.031327 0.034011 0.004252 +v -0.034387 0.032037 0.007280 +v -0.031570 0.032888 0.008943 +v -0.029171 0.034705 0.004700 +v -0.028028 0.035259 0.007875 +v -0.027684 0.036187 0.006358 +v -0.028082 0.036437 0.005355 +v -0.025212 0.036939 0.004696 +v -0.024237 0.037041 0.005028 +v -0.018338 0.036445 0.003802 +v -0.018456 0.036970 0.004617 +v -0.020754 0.037475 0.004765 +v -0.013221 0.033899 0.007386 +v -0.009421 0.033257 0.004509 +v -0.015300 0.035748 0.004683 +v -0.015657 0.035844 0.008713 +v -0.016571 0.036601 0.006044 +v -0.015775 0.036755 0.008591 +v -0.013939 0.033780 0.008501 +v 0.005081 0.020577 0.006982 +v 0.005542 0.019006 0.007174 +v 0.005274 0.022523 0.006062 +v 0.007768 0.015284 0.003910 +v 0.008898 0.015161 0.005612 +v 0.007045 0.016903 0.007841 +v 0.008777 0.015614 0.008529 +v 0.010032 0.014834 0.009679 +v 0.010173 0.013893 0.011894 +v 0.007956 0.015168 0.012180 +v 0.008416 0.014757 0.014290 +v 0.005927 0.015961 0.017438 +v -0.008230 0.032343 0.006594 +v -0.005258 0.031821 0.005196 +v -0.006981 0.031822 0.008078 +v -0.003192 0.031489 0.004054 +v -0.004430 0.031988 0.006358 +v -0.007092 0.031519 0.011765 +v -0.004179 0.032596 0.008409 +v -0.005716 0.032373 0.012361 +v 0.004326 0.021097 0.011983 +v 0.004860 0.022864 0.010755 +v 0.005511 0.017072 0.014290 +v 0.004764 0.018837 0.012280 +v 0.004148 0.022104 0.017219 +v 0.004308 0.023059 0.019402 +v -0.050811 0.003322 0.013772 +v -0.052773 0.004927 0.016489 +v -0.050310 0.005375 0.018255 +v -0.049217 0.004002 0.016633 +v -0.051977 0.005710 0.019680 +v -0.052019 0.006953 0.022789 +v -0.050689 0.007058 0.020731 +v -0.051449 0.007838 0.022064 +v -0.050645 0.008249 0.021225 +v -0.051723 0.008813 0.021510 +v -0.052558 0.009334 0.023808 +v -0.051040 0.010241 0.020075 +v -0.048937 0.015699 0.014163 +v -0.049273 0.016141 0.010005 +v -0.047744 0.019217 0.007840 +v -0.047348 0.018828 0.010888 +v -0.046791 0.022022 0.007531 +v -0.047204 0.020498 0.010741 +v -0.047695 0.016694 0.013713 +v -0.047088 0.021559 0.013197 +v -0.046200 0.019197 0.014212 +v -0.048178 0.012874 0.018736 +v -0.048963 0.014515 0.016684 +v -0.046380 0.021888 0.015370 +v -0.052486 0.009090 0.026769 +v -0.045080 0.022190 0.017307 +v -0.045525 0.024981 0.018533 +v -0.036624 0.030699 0.013507 +v -0.036723 0.031485 0.007844 +v -0.037890 0.031374 0.012700 +v -0.043209 0.024717 0.020711 +v -0.042698 0.022176 0.019972 +v -0.037125 0.030684 0.015663 +v -0.036634 0.029859 0.017025 +v -0.034242 0.030619 0.013278 +v -0.038211 0.030747 0.017686 +v -0.037580 0.031858 0.006802 +v -0.029993 0.033982 0.010817 +v -0.031000 0.031924 0.013950 +v -0.029550 0.033844 0.014347 +v -0.029743 0.035646 0.011422 +v -0.028531 0.036420 0.009434 +v -0.028585 0.033916 0.016211 +v -0.015862 0.036922 0.012522 +v -0.015753 0.035978 0.014470 +v -0.026914 0.034844 0.018255 +v -0.025077 0.036364 0.019915 +v -0.023151 0.034345 0.020715 +v -0.016449 0.036143 0.017682 +v -0.016025 0.034935 0.015937 +v -0.019917 0.036589 0.020910 +v -0.019038 0.035284 0.019930 +v -0.017545 0.037373 0.019265 +v -0.019931 0.038802 0.020339 +v -0.020162 0.037542 0.020792 +v -0.018168 0.038662 0.020325 +v -0.043886 0.026079 0.023195 +v -0.042535 0.025184 0.021846 +v -0.042745 0.026305 0.024338 +v -0.043002 0.027529 0.027289 +v -0.041172 0.027257 0.024114 +v -0.042306 0.028912 0.027916 +v -0.041172 0.029207 0.025431 +v -0.038349 0.028386 0.020154 +v -0.040033 0.028982 0.022206 +v -0.038876 0.026877 0.021626 +v -0.045344 0.027447 0.028959 +v -0.023225 0.036802 0.021826 +v -0.023193 0.037229 0.025887 +v -0.022011 0.036116 0.022545 +v -0.021847 0.035344 0.021286 +v -0.020293 0.036774 0.022608 +v -0.019279 0.037876 0.023181 +v -0.019871 0.038420 0.021849 +v -0.021252 0.036626 0.025072 +v -0.021725 0.037490 0.026883 +v -0.019121 0.038431 0.026726 +v -0.006855 0.031020 0.015246 +v -0.005300 0.031620 0.016754 +v -0.004823 0.030453 0.019712 +v 0.002051 0.023212 0.023028 +v 0.003002 0.025500 0.026082 +v 0.000372 0.025666 0.027083 +v 0.002639 0.027715 0.030269 +v -0.002768 0.030751 0.022458 +v -0.001971 0.031030 0.024504 +v -0.000112 0.030120 0.031366 +v -0.000560 0.027490 0.028399 +v 0.000808 0.028335 0.030606 +v 0.001276 0.030867 0.033652 +v 0.004541 0.028591 0.030651 +v -0.001369 0.030644 0.028906 +v -0.007377 -0.014232 0.025252 +v -0.004496 -0.014918 0.026213 +v -0.008397 -0.011821 0.026027 +v -0.005068 -0.012426 0.026336 +v -0.003124 -0.012902 0.026605 +v -0.002574 -0.009501 0.026034 +v -0.004339 -0.005368 0.026384 +v -0.011820 0.032532 0.009266 +v -0.014816 0.033804 0.011064 +v -0.013274 0.032584 0.012472 +v 0.004527 0.016218 0.020458 +v 0.003739 0.017773 0.019526 +v 0.005500 0.015116 0.021530 +v -0.008041 0.031507 0.009023 +v -0.010085 0.031347 0.012823 +v 0.003998 0.019893 0.016299 +v 0.003203 0.019482 0.019238 +v 0.002910 0.021435 0.020287 +v -0.049437 0.009472 0.020432 +v -0.046897 0.015501 0.016772 +v -0.045095 0.016528 0.018126 +v -0.045375 0.020058 0.015563 +v -0.046868 -0.000278 0.015971 +v -0.045813 -0.002820 0.017235 +v -0.044579 -0.000651 0.019993 +v -0.045153 0.002452 0.020300 +v -0.042804 -0.001083 0.021911 +v -0.048497 0.005648 0.019419 +v -0.046962 0.004561 0.019539 +v -0.048887 0.007521 0.020463 +v -0.045926 0.006839 0.021454 +v -0.044597 0.004262 0.021630 +v -0.044139 0.006731 0.022482 +v -0.046840 0.008623 0.021146 +v -0.047092 0.010554 0.020756 +v -0.044253 0.009482 0.022403 +v -0.046265 0.013739 0.019100 +v -0.045806 0.012042 0.020941 +v -0.043915 0.015246 0.020519 +v -0.044455 0.019499 0.017556 +v -0.042359 0.019676 0.020072 +v -0.041425 0.016366 0.021956 +v -0.040441 0.019256 0.022194 +v -0.040406 0.021904 0.021839 +v -0.033750 0.029566 0.016338 +v -0.031458 0.030545 0.015921 +v -0.031109 0.029382 0.017902 +v -0.028862 0.031189 0.017497 +v -0.036971 0.026068 0.021231 +v -0.035673 0.028281 0.018800 +v -0.034642 0.025593 0.021266 +v -0.033065 0.028192 0.018636 +v -0.030715 0.027289 0.020421 +v -0.028368 0.027611 0.021111 +v -0.026826 0.029437 0.020449 +v -0.015093 0.033041 0.015228 +v -0.015209 0.034382 0.013170 +v -0.015005 0.031851 0.017387 +v -0.016739 0.034181 0.017237 +v -0.026737 0.032220 0.018622 +v -0.024191 0.029448 0.021480 +v -0.024077 0.031857 0.020369 +v -0.017684 0.030526 0.020715 +v -0.017701 0.033067 0.019016 +v -0.020231 0.032831 0.020662 +v -0.018955 0.031073 0.020960 +v -0.020824 0.031556 0.021155 +v -0.021787 0.027454 0.022577 +v -0.021581 0.033504 0.020927 +v -0.041110 0.023819 0.021747 +v -0.039759 0.023127 0.021973 +v -0.039393 0.024951 0.022085 +v -0.041241 0.025641 0.022727 +v -0.040287 0.026961 0.022838 +v -0.037721 0.021057 0.023042 +v -0.037476 0.023936 0.022198 +v -0.032873 0.022964 0.022804 +v 0.000578 0.012016 0.026304 +v 0.001925 0.014103 0.024924 +v -0.000361 0.013955 0.025411 +v 0.002723 0.011471 0.027008 +v 0.004375 0.013201 0.025416 +v 0.001589 0.017229 0.023021 +v 0.003470 0.015253 0.022979 +v 0.005914 0.014267 0.023287 +v 0.001957 0.018788 0.021706 +v 0.001975 0.020495 0.021582 +v -0.000857 0.019758 0.024130 +v -0.000350 0.022582 0.024391 +v -0.011771 0.030654 0.017161 +v -0.010610 0.028059 0.020525 +v -0.008475 0.029697 0.017972 +v -0.008281 0.030868 0.014546 +v -0.007218 0.029250 0.019201 +v -0.014448 0.029167 0.020306 +v -0.008927 0.027344 0.021433 +v -0.006912 0.026809 0.022720 +v -0.005133 0.026795 0.023583 +v -0.004323 0.027990 0.023325 +v 0.002030 0.024223 0.024445 +v -0.002440 0.022129 0.024746 +v -0.001021 0.024035 0.025396 +v -0.003461 0.023766 0.024744 +v -0.001977 0.026293 0.026175 +v -0.002817 0.027644 0.025579 +v -0.002041 0.029896 0.026581 +v -0.001561 0.028267 0.027538 +v -0.012695 -0.010463 0.025992 +v -0.008294 -0.008502 0.026380 +v -0.000858 -0.003364 0.026360 +v -0.042113 0.002305 0.022954 +v -0.039758 0.000926 0.023796 +v -0.041520 0.005177 0.023421 +v -0.039298 0.005191 0.023946 +v -0.040469 0.009553 0.023687 +v -0.033820 -0.003565 0.025226 +v -0.025679 -0.005953 0.025950 +v -0.030027 -0.002411 0.025319 +v -0.036341 0.000737 0.024620 +v -0.033293 -0.000264 0.024823 +v -0.035147 0.005600 0.024619 +v -0.032261 0.003777 0.024326 +v -0.042664 0.012462 0.022330 +v -0.038375 0.017699 0.023331 +v -0.036316 0.012191 0.024071 +v -0.031926 0.009269 0.024354 +v -0.029174 0.014631 0.023608 +v -0.032610 0.015437 0.024146 +v -0.031338 0.019037 0.023749 +v -0.028213 0.017932 0.023654 +v -0.022002 -0.007327 0.026073 +v -0.023837 -0.000922 0.025509 +v -0.021097 -0.004489 0.025464 +v -0.015804 -0.009374 0.026047 +v -0.017875 -0.005514 0.025143 +v -0.014909 -0.006405 0.025666 +v -0.027667 0.001324 0.024828 +v -0.020128 -0.001410 0.024947 +v -0.021483 0.006411 0.024852 +v -0.019393 0.001774 0.025188 +v -0.011930 -0.007316 0.026135 +v -0.013995 -0.003464 0.025208 +v -0.011037 -0.004145 0.026190 +v -0.012816 0.001564 0.025118 +v -0.010135 -0.001387 0.025349 +v -0.007186 -0.002254 0.025941 +v -0.015663 0.004085 0.025567 +v -0.015899 0.000396 0.024983 +v -0.015802 0.006759 0.025245 +v -0.011648 0.005894 0.025373 +v -0.010084 0.009881 0.025432 +v -0.010709 0.015341 0.024498 +v -0.006289 0.000710 0.025548 +v -0.003493 0.000047 0.026732 +v -0.005654 0.003969 0.026023 +v -0.000078 0.002618 0.027732 +v -0.007882 0.008099 0.025884 +v -0.008317 0.004693 0.025260 +v -0.004920 0.007212 0.026420 +v -0.004064 0.010233 0.026191 +v -0.001986 0.006364 0.027068 +v 0.002241 0.005716 0.028805 +v -0.001148 0.009407 0.026905 +v 0.001664 0.008724 0.028028 +v -0.027401 0.021011 0.023592 +v -0.029368 0.024730 0.022282 +v -0.026451 0.023905 0.022997 +v -0.025183 0.016992 0.023500 +v -0.024395 0.020015 0.024000 +v -0.025468 0.026754 0.022271 +v -0.017187 0.022007 0.023766 +v -0.016295 0.026928 0.022415 +v -0.019049 0.014900 0.024185 +v -0.018170 0.018085 0.024345 +v -0.015265 0.016544 0.024084 +v -0.014272 0.019914 0.023857 +v -0.013387 0.022896 0.023514 +v -0.012354 0.025678 0.022594 +v -0.010393 0.021967 0.023928 +v -0.011198 0.018878 0.023961 +v -0.007437 0.021089 0.024489 +v -0.005344 0.017442 0.025007 +v -0.009421 0.024831 0.023245 +v -0.006512 0.024015 0.023986 +v -0.005677 0.014217 0.025424 +v -0.002147 0.015997 0.024931 +v -0.003773 0.019796 0.024838 +v 0.000033 0.017163 0.024088 +v -0.004233 0.025199 0.024553 +v -0.026579 0.014592 0.023734 +v -0.017237 -0.002341 0.025214 +v -0.009576 0.002047 0.025427 +v 0.003556 -0.019472 0.010335 +v 0.006048 -0.015389 0.001601 +v 0.005727 -0.016627 0.003637 +v 0.007881 -0.011555 0.000957 +v 0.008758 -0.012336 0.002575 +v 0.008294 -0.013638 0.007508 +v 0.007725 -0.010615 0.002818 +v 0.010010 -0.008274 0.001106 +v 0.007899 -0.007947 0.001658 +v 0.009338 -0.006768 0.002577 +v 0.008846 -0.005746 0.001974 +v 0.011381 -0.007401 0.002912 +v 0.008927 -0.003210 0.001784 +v 0.012404 -0.002755 0.001571 +v 0.011604 -0.001955 0.000804 +v 0.009227 -0.003652 0.001843 +v 0.009375 -0.003618 0.001870 +v 0.009428 -0.003643 0.001897 +v 0.009583 -0.003744 0.001967 +v 0.010907 -0.002177 0.002648 +v 0.012976 -0.002412 0.002867 +v 0.013464 0.003679 0.001442 +v 0.012333 0.005300 0.000672 +v 0.006355 -0.016835 0.013324 +v 0.006963 -0.017000 0.021785 +v 0.009440 -0.012862 0.015316 +v 0.008430 -0.014791 0.019275 +v 0.010560 -0.010098 0.009738 +v 0.012429 -0.006528 0.013519 +v 0.011468 -0.009446 0.017835 +v 0.013812 -0.002957 0.016189 +v 0.013933 -0.000141 0.010356 +v 0.013055 -0.006711 0.022073 +v 0.014450 -0.000195 0.017223 +v 0.014714 0.003074 0.014531 +v 0.008388 -0.016254 0.030709 +v 0.010175 -0.012953 0.024734 +v 0.012215 -0.009700 0.028300 +v 0.011006 -0.012538 0.031824 +v 0.015230 0.002983 0.021658 +v 0.014952 -0.000642 0.024533 +v 0.014441 -0.003589 0.026727 +v 0.013920 -0.006139 0.030962 +v 0.015008 -0.003500 0.033860 +v 0.015510 -0.000667 0.032567 +v 0.015773 0.003030 0.028662 +v 0.013967 0.002838 0.004067 +v 0.013947 0.007648 0.002798 +v 0.014335 0.003168 0.009337 +v 0.013455 0.008316 0.001517 +v 0.014202 0.006011 0.006403 +v 0.014286 0.010040 0.011663 +v 0.013551 0.012893 0.007887 +v 0.015060 0.006074 0.018058 +v 0.014070 0.013104 0.015481 +v 0.015022 0.010088 0.021991 +v 0.013771 0.015478 0.019531 +v 0.015669 0.006504 0.026453 +v 0.015420 0.010448 0.027646 +v 0.014816 0.013511 0.026546 +v 0.013789 0.017248 0.026496 +v 0.016030 0.006114 0.030752 +v 0.012076 0.020275 0.020398 +v 0.010783 0.022804 0.019616 +v 0.011346 -0.013150 0.040483 +v 0.013107 -0.009814 0.040079 +v 0.014403 -0.007584 0.043957 +v 0.011769 -0.013506 0.047956 +v 0.015795 -0.002976 0.042375 +v 0.016284 0.002950 0.035411 +v 0.016341 0.006056 0.035374 +v 0.016431 -0.000258 0.044053 +v 0.016676 0.002895 0.040468 +v 0.016906 0.006483 0.042997 +v 0.017106 0.003506 0.045788 +v 0.014329 -0.009447 0.053479 +v 0.016265 -0.004228 0.053314 +v 0.016814 -0.000409 0.049192 +v 0.017683 0.003089 0.053780 +v 0.017434 0.007595 0.051072 +v 0.017443 -0.000326 0.057458 +v 0.016949 0.011021 0.048438 +v 0.017879 0.007854 0.056756 +v 0.017277 0.011561 0.053854 +v 0.015913 -0.007112 0.061526 +v 0.017232 -0.003401 0.063621 +v 0.015238 0.014241 0.034205 +v 0.014517 0.017372 0.036454 +v 0.013033 0.020447 0.032716 +v 0.013949 0.020057 0.041797 +v 0.015824 0.010853 0.033839 +v 0.016248 0.010631 0.038541 +v 0.015972 0.013476 0.041186 +v 0.010016 0.024679 0.023317 +v 0.011122 0.023644 0.028752 +v 0.009126 0.025920 0.022887 +v 0.009440 0.027077 0.034523 +v 0.011841 0.023573 0.036699 +v 0.016639 0.010394 0.043838 +v 0.016428 0.014280 0.049225 +v 0.015281 0.017006 0.044556 +v 0.015509 0.018419 0.053044 +v 0.012256 0.023840 0.043395 +v 0.013626 0.022357 0.050458 +v 0.010139 0.027206 0.042803 +v 0.007148 0.030304 0.037620 +v 0.007939 0.030435 0.046622 +v 0.012499 0.024550 0.050832 +v 0.016816 -0.007038 0.073112 +v 0.017800 -0.003793 0.072934 +v 0.018505 0.000602 0.069819 +v 0.018147 0.001481 0.063697 +v 0.018335 0.004396 0.061620 +v 0.018366 0.008407 0.063995 +v 0.018897 0.005183 0.069622 +v 0.017749 0.012424 0.061699 +v 0.018336 0.012298 0.069664 +v 0.017976 -0.004531 0.077783 +v 0.019084 0.001006 0.076963 +v 0.018564 -0.004652 0.086463 +v 0.019343 0.000327 0.082141 +v 0.019718 -0.000295 0.089141 +v 0.019493 0.005187 0.078133 +v 0.019108 0.009040 0.074739 +v 0.018501 0.013772 0.075324 +v 0.020042 0.004961 0.085583 +v 0.019796 0.009298 0.084674 +v 0.018720 0.015171 0.082084 +v 0.017111 0.018310 0.072989 +v 0.019183 0.012102 0.080791 +v 0.017131 0.014164 0.058269 +v 0.016388 0.018231 0.063520 +v 0.017589 0.015229 0.067473 +v 0.014916 0.021479 0.060984 +v 0.013225 0.024557 0.059288 +v 0.011627 0.027722 0.062846 +v 0.011161 0.027544 0.056739 +v 0.007698 0.031340 0.052175 +v 0.010357 0.027835 0.050175 +v 0.002760 0.035622 0.049833 +v 0.002839 0.036254 0.057032 +v 0.005572 0.034211 0.059617 +v 0.008220 0.031522 0.058774 +v 0.015384 0.021788 0.068444 +v 0.013861 0.024577 0.066664 +v 0.012290 0.027648 0.069711 +v 0.016264 0.021614 0.078704 +v 0.014286 0.025003 0.074673 +v 0.012808 0.027390 0.074859 +v 0.010842 0.029833 0.072029 +v 0.008671 0.031896 0.066638 +v 0.001048 0.038177 0.063548 +v 0.004303 0.036216 0.068277 +v 0.001643 0.038352 0.070355 +v 0.006549 0.034342 0.069781 +v 0.004938 -0.014690 0.003546 +v 0.006011 -0.012405 0.004895 +v 0.005221 -0.012143 0.004840 +v 0.006882 -0.011289 0.005152 +v 0.009223 -0.007921 0.004337 +v 0.006378 -0.011757 0.009924 +v 0.007556 -0.011897 0.012010 +v 0.008016 -0.011122 0.009584 +v 0.006423 -0.012753 0.011725 +v 0.006036 -0.013273 0.013574 +v 0.009050 -0.010136 0.013486 +v 0.008626 -0.009978 0.011051 +v 0.006741 -0.012889 0.014794 +v 0.005557 -0.012375 0.013167 +v 0.006361 -0.013204 0.016967 +v 0.007253 -0.013128 0.018417 +v 0.008205 -0.012128 0.016759 +v 0.008627 -0.011337 0.019944 +v 0.008229 -0.009915 0.006237 +v 0.006527 -0.011221 0.006726 +v 0.009594 -0.006641 0.006121 +v 0.010142 -0.007347 0.007706 +v 0.010299 -0.005888 0.011188 +v 0.010504 -0.005223 0.008301 +v 0.009689 -0.004997 0.006156 +v 0.010214 -0.001211 0.002443 +v 0.010297 -0.001678 0.003108 +v 0.010345 -0.003088 0.003984 +v 0.009929 -0.004457 0.007963 +v 0.010098 -0.004815 0.010156 +v 0.009355 -0.004662 0.010064 +v 0.010138 -0.007663 0.013410 +v 0.011237 -0.004475 0.013026 +v 0.010370 -0.007820 0.017699 +v 0.010694 -0.005753 0.015145 +v 0.011748 -0.003670 0.016766 +v 0.010735 -0.003937 0.012025 +v 0.011575 -0.002322 0.017077 +v 0.010629 -0.002424 0.015816 +v 0.005343 -0.015107 0.022073 +v 0.007427 -0.013202 0.020255 +v 0.006099 -0.013379 0.020205 +v 0.006659 -0.015080 0.026109 +v 0.005608 -0.015500 0.023345 +v 0.004862 -0.016476 0.024951 +v 0.010056 -0.009409 0.022198 +v 0.008589 -0.012407 0.026258 +v 0.005209 -0.016015 0.028923 +v 0.007430 -0.014491 0.031299 +v 0.003153 -0.016595 0.030578 +v 0.009598 -0.011567 0.031361 +v 0.010948 -0.008761 0.030161 +v 0.011894 -0.003111 0.018873 +v 0.011856 -0.005318 0.023060 +v 0.012487 -0.001810 0.021824 +v 0.012328 -0.004347 0.025890 +v 0.011620 -0.001534 0.019472 +v 0.012040 -0.002487 0.025328 +v 0.012485 -0.003405 0.028321 +v 0.012326 -0.005746 0.030082 +v 0.010924 0.013488 0.012826 +v 0.011232 0.014244 0.011438 +v 0.011077 0.014032 0.013109 +v 0.011400 0.015234 0.018101 +v 0.010799 0.015418 0.015216 +v 0.011254 0.014365 0.017187 +v 0.011591 0.015763 0.021416 +v 0.011268 0.014427 0.021255 +v 0.011927 0.014773 0.022325 +v 0.010686 0.018670 0.018827 +v 0.011815 0.017064 0.025306 +v 0.011737 0.014517 0.024332 +v 0.010503 0.015199 0.009799 +v 0.010577 0.018351 0.016527 +v 0.010294 -0.011498 0.038311 +v 0.008812 -0.013946 0.040411 +v 0.008133 -0.015282 0.040791 +v 0.012324 -0.007038 0.036368 +v 0.011914 -0.009005 0.042354 +v 0.009796 -0.013268 0.045479 +v 0.011655 -0.010598 0.048967 +v 0.013714 -0.004589 0.042898 +v 0.013432 -0.006741 0.048825 +v 0.013104 -0.003793 0.033468 +v 0.013057 -0.002784 0.031095 +v 0.012444 -0.001487 0.031276 +v 0.013031 -0.001800 0.032439 +v 0.013473 -0.000721 0.034086 +v 0.013745 -0.001799 0.037136 +v 0.013312 0.000420 0.035911 +v 0.014142 -0.000263 0.039172 +v 0.014734 -0.000821 0.044628 +v 0.014330 0.003439 0.034406 +v 0.012627 0.002124 0.034719 +v 0.014303 0.002040 0.036459 +v 0.014813 0.002280 0.039905 +v 0.014580 0.004598 0.037970 +v 0.013248 0.005685 0.035289 +v 0.015119 0.005205 0.041751 +v 0.014699 0.008249 0.039585 +v 0.013728 -0.007701 0.057729 +v 0.014500 -0.005080 0.055680 +v 0.015273 -0.001454 0.052953 +v 0.015234 -0.004171 0.061654 +v 0.015477 0.000984 0.049846 +v 0.015653 0.005145 0.047754 +v 0.015193 0.008051 0.043675 +v 0.015930 0.003027 0.053104 +v 0.016058 -0.000279 0.059937 +v 0.015557 0.009465 0.049666 +v 0.016049 0.007819 0.054212 +v 0.016014 0.008700 0.057159 +v 0.012024 0.013971 0.026863 +v 0.012706 0.014434 0.027687 +v 0.012660 0.014955 0.029623 +v 0.012097 0.013869 0.029546 +v 0.012941 0.013223 0.032962 +v 0.013072 0.014936 0.032240 +v 0.012002 0.018344 0.031510 +v 0.013536 0.012318 0.034858 +v 0.013414 0.014714 0.036319 +v 0.013583 0.015782 0.039958 +v 0.012136 0.018635 0.035632 +v 0.010743 0.021207 0.032668 +v 0.014094 0.008040 0.036890 +v 0.014723 0.011690 0.043531 +v 0.013813 0.010983 0.036408 +v 0.014169 0.012235 0.038162 +v 0.009900 0.021605 0.025279 +v 0.009099 0.024037 0.031122 +v 0.009771 0.023366 0.034471 +v 0.013037 0.018690 0.045602 +v 0.011265 0.021405 0.039730 +v 0.012149 0.021497 0.049889 +v 0.010037 0.024206 0.043462 +v 0.010202 0.024864 0.049351 +v 0.014229 0.015125 0.045830 +v 0.015163 0.012760 0.050448 +v 0.013772 0.018819 0.055271 +v 0.007331 0.026838 0.034968 +v 0.007179 0.027869 0.041080 +v 0.016549 0.003968 0.061438 +v 0.016422 0.008101 0.058344 +v 0.015942 0.010392 0.056667 +v 0.016393 0.009757 0.060991 +v 0.016804 0.008905 0.062489 +v 0.015318 0.014679 0.057378 +v 0.015450 0.015728 0.062889 +v 0.016437 0.009606 0.064564 +v 0.016642 0.010904 0.066091 +v 0.016559 -0.000624 0.067379 +v 0.015796 -0.004928 0.072011 +v 0.016944 -0.000910 0.073625 +v 0.017187 0.001955 0.070418 +v 0.016868 0.002861 0.065540 +v 0.016997 0.008574 0.066331 +v 0.017232 0.010012 0.070963 +v 0.017198 -0.002458 0.081034 +v 0.017653 0.004208 0.074680 +v 0.017623 0.001190 0.077168 +v 0.017297 -0.004172 0.088536 +v 0.018178 0.000321 0.087226 +v 0.017880 0.001799 0.080458 +v 0.017427 0.005866 0.070477 +v 0.017539 0.010097 0.076559 +v 0.018114 0.005910 0.080710 +v 0.016928 0.013726 0.075653 +v 0.018115 0.009666 0.082657 +v 0.015785 0.016957 0.071883 +v 0.016975 0.016119 0.083886 +v 0.009236 0.027517 0.058421 +v 0.008506 0.027734 0.052982 +v 0.011107 0.024756 0.058445 +v 0.012748 0.021921 0.059538 +v 0.014534 0.019812 0.069099 +v 0.003628 0.032527 0.046218 +v 0.007123 0.028941 0.049387 +v 0.004470 0.032655 0.056079 +v 0.002558 0.034039 0.053667 +v 0.006734 0.030787 0.060767 +v 0.013100 0.023478 0.072467 +v 0.009751 0.027865 0.065504 +v 0.010382 0.027891 0.072149 +v 0.008117 0.030206 0.067883 +v 0.002754 0.034895 0.063519 +v 0.005341 0.032681 0.064462 +v 0.002797 0.035673 0.071668 +v 0.005679 0.033171 0.070786 +v 0.015804 0.019426 0.082378 +v 0.005899 -0.011493 0.007982 +v 0.005414 -0.010901 0.009268 +v 0.005886 -0.011697 0.010640 +v 0.005439 -0.010514 0.011427 +v 0.005489 -0.012177 0.015430 +v 0.005011 -0.011913 0.018468 +v 0.004650 -0.010612 0.017196 +v 0.004812 -0.009205 0.015319 +v 0.005668 -0.010711 0.006348 +v 0.005581 -0.009143 0.007221 +v 0.007457 -0.005685 0.006875 +v 0.005366 -0.008443 0.013035 +v 0.006130 -0.007634 0.009111 +v 0.007708 -0.005414 0.010505 +v 0.009557 -0.003994 0.005452 +v 0.008947 -0.004703 0.006763 +v 0.010298 -0.003214 0.013316 +v 0.007282 -0.003509 0.017644 +v 0.005141 -0.015147 0.022334 +v 0.002643 -0.013137 0.024102 +v 0.005664 -0.015029 0.022262 +v 0.003509 -0.015152 0.026240 +v 0.004192 -0.012216 0.020511 +v 0.003605 -0.007565 0.019703 +v 0.001100 -0.012570 0.025257 +v -0.000556 -0.015479 0.028755 +v -0.000030 -0.014335 0.027764 +v 0.001835 -0.014478 0.027634 +v 0.008613 -0.002172 0.020080 +v 0.011478 -0.001014 0.021596 +v 0.012105 -0.001409 0.022562 +v 0.008277 -0.001404 0.025997 +v 0.009537 -0.001553 0.022878 +v 0.010592 -0.001784 0.024607 +v 0.011982 -0.002460 0.028119 +v 0.008918 -0.001130 0.027742 +v 0.010485 0.014605 0.014588 +v 0.009525 0.014539 0.015398 +v 0.010946 0.014110 0.017149 +v 0.007564 0.014804 0.020355 +v 0.010543 0.014373 0.019233 +v 0.008966 0.014291 0.022683 +v 0.012293 0.000741 0.033976 +v 0.007952 0.000584 0.029932 +v 0.010690 0.002090 0.033235 +v 0.013199 0.004309 0.034389 +v 0.010779 0.007073 0.034219 +v 0.011263 0.003650 0.033949 +v 0.007737 0.013371 0.025828 +v 0.009929 0.013061 0.028640 +v 0.012187 0.009198 0.035561 +v 0.010138 0.010558 0.032908 +v 0.008077 0.011661 0.029377 +v 0.005909 -0.006179 0.014290 +v 0.003372 -0.008925 0.020057 +v 0.001323 -0.010845 0.023909 +v 0.002483 -0.009874 0.021871 +v 0.001873 -0.007694 0.022650 +v -0.000290 -0.013024 0.026605 +v -0.000788 -0.010426 0.025533 +v -0.000106 -0.008538 0.024908 +v 0.001303 -0.005734 0.024545 +v 0.004639 -0.006649 0.018030 +v 0.005632 -0.005133 0.017947 +v 0.003532 -0.004573 0.022316 +v 0.006183 -0.003361 0.020698 +v 0.007332 -0.002052 0.022594 +v 0.003030 -0.003567 0.024331 +v 0.005746 -0.002090 0.024073 +v 0.001901 -0.003248 0.025425 +v 0.004841 -0.001332 0.026061 +v 0.002975 -0.000976 0.026774 +v 0.005043 -0.000347 0.027633 +v 0.006131 0.002486 0.030380 +v 0.003122 0.002074 0.028745 +v 0.006241 0.006202 0.031150 +v 0.008306 0.004540 0.032509 +v 0.004526 0.008112 0.029629 +v 0.009102 0.008492 0.032889 +v 0.006844 0.010082 0.030196 +v 0.004512 0.010680 0.028242 +v 0.005238 0.012149 0.026886 +v -0.044466 -0.030323 0.132378 +v -0.045556 -0.029486 0.124734 +v -0.041844 -0.031956 0.130915 +v -0.051570 -0.017608 0.075437 +v -0.049707 -0.019682 0.077159 +v -0.051336 -0.017778 0.077325 +v -0.053944 -0.013813 0.076648 +v -0.053370 -0.015224 0.081245 +v -0.050895 -0.018937 0.084127 +v -0.053173 -0.016138 0.086604 +v -0.056245 -0.009485 0.077926 +v -0.055817 -0.011763 0.087582 +v -0.053344 -0.016455 0.091962 +v -0.054990 -0.014412 0.096635 +v -0.057002 -0.010621 0.097102 +v -0.057740 -0.007590 0.089658 +v -0.030151 -0.033054 0.093560 +v -0.036085 -0.030742 0.089234 +v -0.037953 -0.029855 0.087604 +v -0.039669 -0.028859 0.089139 +v -0.044291 -0.025906 0.088906 +v -0.041058 -0.028566 0.096537 +v -0.044528 -0.025988 0.093486 +v -0.031501 -0.032936 0.096588 +v -0.036251 -0.031027 0.095697 +v -0.045996 -0.023689 0.079135 +v -0.047805 -0.021929 0.079449 +v -0.047858 -0.022275 0.083830 +v -0.043509 -0.025625 0.079662 +v -0.044777 -0.024952 0.083832 +v -0.041315 -0.027767 0.084703 +v -0.039249 -0.028813 0.083340 +v -0.043755 -0.026023 0.084915 +v -0.050210 -0.020234 0.087857 +v -0.049226 -0.021116 0.084945 +v -0.046909 -0.023623 0.087721 +v -0.049022 -0.021761 0.087575 +v -0.041292 -0.028042 0.088169 +v -0.039136 -0.028784 0.084986 +v -0.036372 -0.030447 0.083727 +v -0.045980 -0.025372 0.098736 +v -0.044401 -0.026298 0.097733 +v -0.047029 -0.024014 0.096907 +v -0.048291 -0.023299 0.099839 +v -0.047268 -0.024734 0.102444 +v -0.044946 -0.026026 0.102193 +v -0.038349 -0.030158 0.097605 +v -0.043030 -0.027496 0.097423 +v -0.042457 -0.027863 0.099411 +v -0.040407 -0.029394 0.099329 +v -0.032948 -0.032546 0.099959 +v -0.034927 -0.031674 0.097929 +v -0.037091 -0.031185 0.099091 +v -0.034703 -0.032184 0.100553 +v -0.035088 -0.031923 0.103070 +v -0.043519 -0.027736 0.103387 +v -0.041206 -0.028904 0.103224 +v -0.044767 -0.026700 0.105106 +v -0.047361 -0.022113 0.099192 +v -0.045588 -0.024172 0.103563 +v -0.044084 -0.024942 0.098590 +v -0.039525 -0.030095 0.104238 +v -0.036757 -0.031565 0.104043 +v -0.038633 -0.030907 0.110683 +v -0.042381 -0.028857 0.111612 +v -0.033774 -0.032622 0.104295 +v -0.048918 -0.021957 0.091789 +v -0.051709 -0.019003 0.095998 +v -0.049659 -0.021800 0.097085 +v -0.052607 -0.018286 0.097542 +v -0.050947 -0.020082 0.098402 +v -0.052553 -0.018842 0.101652 +v -0.055655 -0.013636 0.097478 +v -0.049827 -0.021902 0.101967 +v -0.051047 -0.020093 0.101678 +v -0.058810 -0.000141 0.076809 +v -0.058843 0.001585 0.072710 +v -0.057960 -0.004397 0.075889 +v -0.055157 -0.011659 0.074783 +v -0.056757 -0.007897 0.073846 +v -0.057896 -0.004070 0.072299 +v -0.057456 -0.006585 0.079262 +v -0.058032 -0.004967 0.077942 +v -0.058908 0.004882 0.069018 +v -0.058784 0.009440 0.070370 +v -0.057905 0.013665 0.066095 +v -0.056936 0.010333 0.068573 +v -0.057160 0.009684 0.067046 +v -0.059162 0.005907 0.073034 +v -0.059515 0.005262 0.078146 +v -0.057370 0.010398 0.071848 +v -0.057259 0.009412 0.067849 +v -0.058460 0.013953 0.075284 +v -0.058735 -0.004230 0.088610 +v -0.059425 0.000795 0.082938 +v -0.059435 -0.000706 0.087530 +v -0.059931 0.000053 0.093176 +v -0.058736 -0.006080 0.096493 +v -0.060271 0.004295 0.090470 +v -0.059899 0.004896 0.085124 +v -0.059561 0.008728 0.081052 +v -0.058715 0.014336 0.079730 +v -0.059921 0.008968 0.087212 +v -0.059523 0.012073 0.086581 +v -0.058909 0.015740 0.087207 +v -0.057685 0.018036 0.079423 +v -0.058739 0.009247 0.089384 +v -0.058086 0.009698 0.081329 +v -0.058342 0.010534 0.087738 +v -0.056723 -0.011730 0.100829 +v -0.058489 -0.007404 0.097486 +v -0.058383 -0.008318 0.100836 +v -0.057699 -0.009998 0.102895 +v -0.059114 -0.005414 0.099340 +v -0.056470 -0.013003 0.103628 +v -0.058947 -0.007288 0.104058 +v -0.057568 -0.010634 0.105338 +v -0.060167 -0.002203 0.102133 +v -0.059797 -0.004643 0.104902 +v -0.059012 -0.008622 0.113665 +v -0.059900 -0.005887 0.112871 +v -0.058039 -0.005543 0.105881 +v -0.057800 -0.007071 0.110257 +v -0.056699 -0.009094 0.104866 +v -0.059079 -0.002923 0.110739 +v -0.061052 -0.001451 0.112897 +v -0.058458 -0.006307 0.115662 +v -0.059808 -0.000967 0.115818 +v -0.060730 -0.005082 0.121362 +v -0.047814 -0.024136 0.105003 +v -0.049273 -0.023032 0.108346 +v -0.051635 -0.020062 0.105173 +v -0.049059 -0.021340 0.108880 +v -0.052598 -0.019621 0.111740 +v -0.050868 -0.019081 0.108942 +v -0.049847 -0.021011 0.114693 +v -0.052199 -0.020978 0.121292 +v -0.053254 -0.016449 0.112537 +v -0.045059 -0.026709 0.108596 +v -0.046282 -0.024030 0.110305 +v -0.042203 -0.026745 0.103819 +v -0.040010 -0.028231 0.105585 +v -0.043247 -0.026480 0.110656 +v -0.046227 -0.026205 0.113045 +v -0.038857 -0.029571 0.115300 +v -0.037267 -0.029747 0.106330 +v -0.042332 -0.027596 0.117056 +v -0.036050 -0.032398 0.114164 +v -0.040694 -0.030555 0.121254 +v -0.043375 -0.028887 0.121527 +v -0.041294 -0.028508 0.121697 +v -0.045734 -0.024927 0.115991 +v -0.046838 -0.026273 0.121269 +v -0.048373 -0.022830 0.118605 +v -0.053622 -0.017431 0.104551 +v -0.055287 -0.014752 0.103700 +v -0.051535 -0.017688 0.102506 +v -0.052802 -0.015896 0.101907 +v -0.053368 -0.015442 0.106002 +v -0.054865 -0.012688 0.103634 +v -0.049941 -0.019561 0.101189 +v -0.055291 -0.016002 0.113505 +v -0.057258 -0.012615 0.113834 +v -0.056050 -0.010949 0.108403 +v -0.054882 -0.013552 0.110737 +v -0.054172 -0.018462 0.121452 +v -0.051249 -0.019539 0.118052 +v -0.053700 -0.016587 0.121585 +v -0.056805 -0.017660 0.124365 +v -0.059686 -0.012572 0.124256 +v -0.057275 -0.015613 0.122241 +v -0.053706 -0.021072 0.122577 +v -0.051116 -0.023848 0.122360 +v -0.057115 -0.013836 0.121388 +v -0.051040 -0.020301 0.121866 +v -0.053389 -0.018640 0.123140 +v -0.054977 -0.020296 0.126300 +v -0.052131 -0.023675 0.124364 +v -0.053343 -0.018924 0.128077 +v -0.055090 -0.016476 0.124732 +v -0.057255 -0.012609 0.123378 +v -0.049141 -0.026564 0.124314 +v -0.047734 -0.027069 0.122379 +v -0.049723 -0.023654 0.121406 +v -0.046027 -0.026000 0.122871 +v -0.045433 -0.025621 0.121748 +v -0.048099 -0.023270 0.121576 +v -0.049403 -0.023520 0.123233 +v -0.039242 -0.030860 0.123345 +v -0.042867 -0.028679 0.123307 +v -0.043727 -0.029941 0.122351 +v -0.041537 -0.032035 0.124182 +v -0.041495 -0.029699 0.126950 +v -0.046571 -0.025964 0.124423 +v -0.047582 -0.025145 0.130034 +v -0.049757 -0.026110 0.131125 +v -0.052474 -0.023347 0.130212 +v -0.052059 -0.020770 0.128645 +v -0.049058 -0.024030 0.133368 +v -0.047245 -0.028221 0.129423 +v -0.045439 -0.027040 0.130524 +v -0.042875 -0.028887 0.131546 +v -0.051584 -0.021186 0.123855 +v -0.056859 -0.010328 0.115617 +v -0.055970 -0.012862 0.121675 +v -0.058795 -0.010384 0.121402 +v -0.060925 -0.007618 0.122240 +v -0.057905 -0.008645 0.121606 +v -0.059506 -0.003762 0.121675 +v -0.060241 -0.000025 0.097054 +v -0.059994 -0.002687 0.099285 +v -0.060571 0.004256 0.094880 +v -0.060318 0.009227 0.093967 +v -0.060851 0.004315 0.099741 +v -0.060749 -0.000041 0.102497 +v -0.060627 0.001519 0.101289 +v -0.061001 0.001757 0.105245 +v -0.060789 0.009033 0.100129 +v -0.059576 0.003074 0.103670 +v -0.059213 0.004332 0.096876 +v -0.059777 0.006320 0.104771 +v -0.059695 0.014596 0.094598 +v -0.057470 0.020222 0.087064 +v -0.060410 0.012205 0.099622 +v -0.058251 0.019783 0.095530 +v -0.060168 0.015571 0.104823 +v -0.059358 0.018669 0.105510 +v -0.058031 0.021729 0.102511 +v -0.059110 -0.001101 0.104851 +v -0.059733 0.000675 0.110560 +v -0.061480 0.003265 0.109885 +v -0.060360 0.005627 0.113060 +v -0.061356 0.007326 0.107052 +v -0.059532 0.011124 0.106263 +v -0.060107 0.008125 0.110503 +v -0.061074 0.011906 0.108283 +v -0.062115 0.002848 0.121049 +v -0.060313 0.002609 0.116083 +v -0.062282 0.005891 0.121234 +v -0.060818 0.006738 0.121391 +v -0.061707 0.010183 0.114453 +v -0.060229 0.010331 0.114493 +v -0.059577 0.012966 0.110237 +v -0.059463 0.009488 0.101937 +v -0.058272 0.013659 0.092737 +v -0.058826 0.015347 0.106033 +v -0.059199 0.015698 0.113027 +v -0.060890 0.015223 0.113484 +v -0.058103 0.017698 0.104693 +v -0.057245 0.021552 0.111741 +v -0.056932 0.020950 0.105016 +v -0.055546 0.024343 0.106809 +v -0.059577 0.019958 0.113813 +v -0.057935 0.023713 0.112267 +v -0.058176 0.019741 0.115483 +v -0.048540 -0.027397 0.136712 +v -0.044290 -0.030601 0.136963 +v -0.049082 -0.028526 0.138063 +v -0.046126 -0.030626 0.137989 +v -0.045140 -0.031020 0.138703 +v -0.053193 -0.024356 0.137764 +v -0.052685 -0.023711 0.137021 +v -0.049657 -0.027722 0.138673 +v -0.052564 -0.024914 0.138713 +v -0.048030 -0.026471 0.138316 +v -0.042706 -0.030140 0.138228 +v -0.062554 -0.001192 0.122221 +v -0.062902 -0.003202 0.124254 +v -0.061775 -0.000074 0.121413 +v -0.060207 -0.000690 0.121631 +v -0.061458 -0.008306 0.124553 +v -0.062145 -0.006480 0.129269 +v -0.063864 0.002557 0.124305 +v -0.063449 -0.001240 0.130117 +v -0.064059 0.003664 0.131960 +v -0.064136 0.003264 0.136657 +v -0.064232 0.008844 0.136577 +v -0.065279 0.003495 0.137969 +v -0.065336 0.007772 0.137796 +v -0.065125 0.007731 0.138572 +v -0.064973 0.002580 0.138530 +v -0.062907 0.002056 0.138272 +v -0.057579 -0.016558 0.129933 +v -0.056107 -0.015003 0.130767 +v -0.057935 -0.011584 0.131881 +v -0.056377 -0.018615 0.136874 +v -0.058395 -0.017621 0.137979 +v -0.056428 -0.020710 0.138196 +v -0.058430 -0.017213 0.138665 +v -0.058919 -0.014490 0.136765 +v -0.060335 -0.011545 0.136093 +v -0.054565 -0.017423 0.133503 +v -0.057803 -0.012461 0.137733 +v -0.055565 -0.016296 0.137378 +v -0.053172 -0.022749 0.136170 +v -0.052515 -0.020417 0.136459 +v -0.049356 -0.024055 0.137530 +v -0.047911 -0.024960 0.134788 +v -0.044212 -0.028226 0.137595 +v -0.046505 -0.026454 0.137548 +v -0.053203 -0.019157 0.132820 +v -0.051458 -0.023155 0.138271 +v -0.054896 -0.021878 0.138706 +v -0.052967 -0.020356 0.137979 +v -0.056921 -0.015528 0.138240 +v -0.054171 -0.018149 0.136554 +v -0.054117 -0.018196 0.136381 +v -0.054147 -0.018168 0.136469 +v -0.054117 -0.018196 0.136381 +v -0.054044 -0.018288 0.136347 +v -0.059029 -0.008884 0.127559 +v -0.059450 -0.007411 0.123255 +v -0.060676 -0.003441 0.123435 +v -0.060085 -0.005953 0.129975 +v -0.061524 0.001086 0.123464 +v -0.061293 -0.001398 0.132299 +v -0.060866 -0.004212 0.137404 +v -0.059539 -0.008429 0.137605 +v -0.061691 0.001495 0.130766 +v -0.061737 -0.010939 0.138566 +v -0.062458 -0.008294 0.138673 +v -0.062781 -0.008732 0.138121 +v -0.060524 -0.013917 0.138060 +v -0.060207 -0.013821 0.138655 +v -0.061830 -0.007801 0.136697 +v -0.060075 -0.008778 0.138216 +v -0.063300 -0.002499 0.136781 +v -0.063950 -0.004695 0.138028 +v -0.061547 -0.003880 0.138190 +v -0.063544 -0.004890 0.138724 +v -0.064119 -0.001954 0.138709 +v -0.064776 -0.001033 0.138071 +v -0.061983 0.001890 0.137489 +v -0.062261 0.006618 0.137655 +v -0.060641 0.003261 0.121654 +v -0.063328 0.003987 0.122281 +v -0.061890 0.006240 0.123334 +v -0.062139 0.010022 0.121115 +v -0.060325 0.011118 0.118770 +v -0.060872 0.009032 0.121749 +v -0.061686 0.013589 0.121261 +v -0.060128 0.013607 0.121413 +v -0.064050 0.006516 0.124019 +v -0.063163 0.008911 0.122041 +v -0.061957 0.005887 0.129110 +v -0.064131 0.007368 0.130556 +v -0.063881 0.010233 0.124052 +v -0.061904 0.009982 0.133144 +v -0.062583 0.014621 0.122161 +v -0.062828 0.016803 0.124356 +v -0.061751 0.009478 0.123219 +v -0.060832 0.015511 0.123330 +v -0.061350 0.012935 0.124595 +v -0.063664 0.013036 0.129195 +v -0.060539 0.018606 0.121013 +v -0.058997 0.018392 0.121386 +v -0.058477 0.023989 0.121048 +v -0.056184 0.024521 0.116502 +v -0.059636 0.019772 0.123175 +v -0.061076 0.020459 0.122126 +v -0.060941 0.022690 0.124358 +v -0.056902 0.023921 0.121513 +v -0.056469 0.026937 0.114288 +v -0.057608 0.024784 0.123234 +v -0.059269 0.026394 0.124076 +v -0.058784 0.025655 0.121952 +v -0.056592 0.027907 0.121250 +v -0.056182 0.027510 0.123344 +v -0.062105 0.010369 0.137433 +v -0.061323 0.014264 0.132727 +v -0.060303 0.018224 0.128710 +v -0.064790 0.011947 0.138532 +v -0.065027 0.012199 0.137847 +v -0.063013 0.010480 0.138321 +v -0.063922 0.012607 0.137002 +v -0.061490 0.014670 0.137362 +v -0.063353 0.015412 0.136487 +v -0.059919 0.019946 0.134027 +v -0.060599 0.018795 0.137670 +v -0.063917 0.017700 0.137748 +v -0.061995 0.014172 0.138088 +v -0.063648 0.017498 0.138532 +v -0.062415 0.019173 0.136507 +v -0.061377 0.018660 0.138174 +v -0.061779 0.020736 0.130034 +v -0.058740 0.022635 0.128276 +v -0.059944 0.025357 0.131408 +v -0.057502 0.025620 0.133618 +v -0.058867 0.023320 0.137225 +v -0.060819 0.023867 0.136509 +v -0.062973 0.021476 0.137964 +v -0.056935 0.030742 0.129978 +v -0.057637 0.029926 0.136381 +v -0.059608 0.022923 0.138078 +v -0.056651 0.027798 0.137591 +v -0.061775 0.022875 0.138464 +v -0.060315 0.027519 0.137846 +v -0.060320 0.026722 0.138422 +v -0.057823 0.026804 0.138136 +v -0.057600 0.031931 0.137737 +v -0.057575 0.031231 0.138351 +v -0.054150 0.032944 0.138129 +v -0.051328 -0.015528 0.078134 +v -0.053235 -0.012968 0.082191 +v -0.050939 -0.016799 0.085724 +v -0.053822 -0.013390 0.094010 +v -0.054772 -0.010563 0.086427 +v -0.056576 -0.005238 0.081541 +v -0.056287 -0.008745 0.097190 +v -0.044178 -0.023872 0.085292 +v -0.041362 -0.025983 0.085822 +v -0.048821 -0.019117 0.082552 +v -0.047744 -0.020999 0.089409 +v -0.044438 -0.024293 0.092953 +v -0.041639 -0.026402 0.094416 +v -0.037995 -0.028226 0.088973 +v -0.031506 -0.031064 0.090999 +v -0.037253 -0.029305 0.099754 +v -0.033138 -0.031248 0.102328 +v -0.056437 -0.003618 0.073168 +v -0.057277 0.001684 0.069321 +v -0.055267 -0.007824 0.076057 +v -0.057535 -0.001040 0.080246 +v -0.058177 0.002234 0.082917 +v -0.056575 0.012461 0.065213 +v -0.058221 0.005650 0.080853 +v -0.057701 0.009690 0.074947 +v -0.056941 0.013337 0.071843 +v -0.057592 0.012246 0.079144 +v -0.057894 -0.002132 0.089416 +v -0.057815 -0.004308 0.096561 +v -0.058829 0.000304 0.097508 +v -0.057155 0.015967 0.083885 +v -0.059110 0.008963 0.095514 +v -0.057645 0.017116 0.095919 +v -0.056370 0.019859 0.090868 +v -0.037259 -0.034207 0.124491 +v -0.038316 -0.033804 0.132970 +v -0.031998 -0.036095 0.124238 +v -0.034415 -0.035416 0.133348 +v -0.030156 -0.036684 0.131870 +v -0.036978 -0.034614 0.136812 +v -0.032784 -0.036131 0.136873 +v -0.030212 -0.034511 0.132024 +v -0.032616 -0.033796 0.130659 +v -0.035763 -0.032727 0.133519 +v -0.032760 -0.034095 0.137622 +v -0.025991 -0.037429 0.124584 +v -0.024966 -0.037646 0.130668 +v -0.021949 -0.037949 0.136045 +v -0.019074 -0.037931 0.129379 +v -0.017113 -0.037968 0.136571 +v -0.029362 -0.037031 0.136732 +v -0.037715 -0.035436 0.138066 +v -0.032073 -0.037490 0.138231 +v -0.025816 -0.037654 0.136835 +v -0.025220 -0.038776 0.137987 +v -0.027757 -0.038083 0.138724 +v -0.031769 -0.036987 0.138675 +v -0.028836 -0.035091 0.137294 +v -0.026204 -0.035286 0.132782 +v -0.024065 -0.035980 0.137685 +v -0.029666 -0.035640 0.138261 +v -0.019623 -0.038841 0.137567 +v -0.019444 -0.039027 0.138440 +v -0.022655 -0.038689 0.138688 +v -0.022710 -0.037043 0.138334 +v -0.020073 -0.036190 0.137643 +v -0.016184 -0.039037 0.137990 +v -0.014686 -0.038662 0.138600 +v -0.017434 -0.037043 0.138289 +v -0.026222 -0.033654 0.090784 +v -0.023311 -0.034168 0.093977 +v -0.028036 -0.033804 0.096779 +v -0.022848 -0.034534 0.096933 +v -0.025709 -0.034351 0.097408 +v -0.022747 -0.034774 0.099493 +v -0.024401 -0.034352 0.098858 +v -0.020093 -0.034568 0.096818 +v -0.017007 -0.034373 0.095662 +v -0.018311 -0.034812 0.097506 +v -0.017866 -0.034992 0.100952 +v -0.021942 -0.034702 0.101390 +v -0.016507 -0.034884 0.103916 +v -0.013019 -0.033919 0.096484 +v -0.009742 -0.033643 0.102562 +v -0.006519 -0.032626 0.102039 +v -0.013918 -0.034518 0.103083 +v -0.028592 -0.033717 0.098412 +v -0.031517 -0.033293 0.100053 +v -0.029005 -0.033959 0.100408 +v -0.030219 -0.033747 0.104513 +v -0.027778 -0.034291 0.103904 +v -0.025667 -0.034804 0.102675 +v -0.021967 -0.035050 0.103391 +v -0.019541 -0.035159 0.104347 +v -0.023796 -0.034765 0.104582 +v -0.019049 -0.033634 0.104853 +v -0.022577 -0.033291 0.100308 +v -0.023992 -0.033498 0.104601 +v -0.030087 -0.034178 0.110239 +v -0.030346 -0.032172 0.102916 +v -0.032903 -0.031655 0.107481 +v -0.027706 -0.032881 0.105017 +v -0.027931 -0.033322 0.111878 +v -0.022452 -0.035375 0.111413 +v -0.025276 -0.035222 0.112985 +v -0.021598 -0.034162 0.112476 +v -0.021704 -0.035090 0.106225 +v -0.018200 -0.035596 0.112633 +v -0.013903 -0.034768 0.107580 +v -0.012607 -0.032869 0.103322 +v -0.016088 -0.033550 0.106484 +v -0.013070 -0.033526 0.111643 +v -0.009489 -0.034345 0.112791 +v -0.016966 -0.034093 0.113205 +v -0.023728 -0.034140 0.114363 +v -0.014289 -0.035219 0.113832 +v -0.015401 -0.032916 0.097504 +v -0.010628 -0.032729 0.107458 +v -0.008313 -0.031854 0.104149 +v -0.008774 -0.032492 0.110769 +v 0.000368 -0.028985 0.095078 +v -0.002859 -0.031236 0.102830 +v 0.001231 -0.029109 0.103014 +v 0.002915 -0.027367 0.095022 +v -0.010104 -0.033219 0.116882 +v -0.004855 -0.032932 0.114406 +v -0.003896 -0.030601 0.109419 +v -0.005551 -0.030825 0.103366 +v -0.002661 -0.029661 0.104574 +v -0.002030 -0.031812 0.115492 +v 0.001314 -0.029686 0.110124 +v 0.002008 -0.027490 0.110244 +v 0.000070 -0.027959 0.101197 +v 0.002984 -0.026265 0.103611 +v -0.001031 -0.029561 0.113641 +v 0.005869 -0.025925 0.102390 +v 0.005269 -0.025388 0.113400 +v -0.007076 -0.032378 0.116756 +v -0.002828 -0.030990 0.121458 +v 0.001005 -0.030429 0.117818 +v 0.004372 -0.028002 0.114082 +v 0.002107 -0.027923 0.116992 +v 0.007443 -0.025495 0.112081 +v 0.008004 -0.025862 0.120994 +v 0.009974 -0.023351 0.114513 +v 0.005864 -0.025270 0.095483 +v 0.009693 -0.021767 0.095903 +v 0.005063 -0.024648 0.103463 +v 0.008625 -0.021249 0.101888 +v 0.007021 -0.022284 0.095775 +v 0.010292 -0.021768 0.102247 +v 0.013244 -0.017855 0.099626 +v 0.015518 -0.014804 0.102885 +v 0.013697 -0.018133 0.106599 +v 0.015095 -0.014430 0.095475 +v 0.017996 -0.007904 0.092545 +v 0.017505 -0.010361 0.099325 +v 0.019329 -0.005807 0.100914 +v 0.007581 -0.022939 0.108401 +v 0.009439 -0.023289 0.108551 +v 0.011202 -0.021194 0.106653 +v 0.011721 -0.017778 0.102978 +v 0.011108 -0.019569 0.112333 +v 0.013398 -0.016301 0.110190 +v 0.013770 -0.018870 0.113530 +v 0.014187 -0.014283 0.104148 +v 0.015881 -0.015189 0.109811 +v 0.009039 -0.022282 0.116297 +v 0.012170 -0.020992 0.114911 +v 0.014104 -0.019271 0.120930 +v 0.016253 -0.016164 0.121009 +v 0.013594 -0.017295 0.121404 +v 0.015099 -0.014235 0.114785 +v 0.015690 -0.012398 0.109698 +v 0.017529 -0.013472 0.118388 +v 0.017542 -0.012033 0.109239 +v 0.018910 -0.008663 0.108040 +v 0.017640 -0.007534 0.106817 +v 0.019044 -0.003808 0.109961 +v 0.018642 -0.003384 0.103646 +v 0.020043 -0.005559 0.108616 +v 0.017741 -0.008709 0.113803 +v 0.019308 -0.009479 0.117005 +v 0.019265 -0.004643 0.116143 +v 0.020573 -0.005517 0.115348 +v -0.032533 -0.034168 0.121313 +v -0.034029 -0.031728 0.114316 +v -0.028634 -0.034895 0.116418 +v -0.024611 -0.035841 0.121420 +v -0.030127 -0.033400 0.121605 +v -0.026786 -0.033878 0.117471 +v -0.036228 -0.032838 0.121381 +v -0.036239 -0.031215 0.121704 +v -0.027614 -0.035450 0.121454 +v -0.024472 -0.034376 0.121657 +v -0.033257 -0.035076 0.122305 +v -0.037744 -0.033209 0.122249 +v -0.030233 -0.034354 0.123245 +v -0.036085 -0.032305 0.123202 +v -0.027121 -0.036615 0.122352 +v -0.021954 -0.035756 0.117042 +v -0.020442 -0.034691 0.121577 +v -0.015920 -0.036017 0.121281 +v -0.021020 -0.036106 0.121139 +v -0.019501 -0.034443 0.116762 +v -0.013844 -0.034253 0.121635 +v -0.017276 -0.034563 0.121574 +v -0.023004 -0.037216 0.122631 +v -0.021334 -0.037858 0.124491 +v -0.023071 -0.035615 0.123275 +v -0.025899 -0.035007 0.122839 +v -0.027164 -0.035065 0.124414 +v -0.018039 -0.037288 0.122449 +v -0.014856 -0.037603 0.124150 +v -0.017448 -0.035381 0.122715 +v -0.019529 -0.035722 0.124203 +v -0.015726 -0.035548 0.124211 +v -0.023857 -0.035674 0.130369 +v -0.015071 -0.035537 0.131920 +v -0.036880 -0.032157 0.128589 +v -0.033146 -0.033532 0.123888 +v -0.039551 -0.030861 0.132310 +v -0.019489 -0.035960 0.133670 +v -0.017867 -0.035729 0.133217 +v -0.012861 -0.036782 0.122530 +v -0.011282 -0.035290 0.121510 +v -0.007992 -0.032959 0.121615 +v -0.007101 -0.034250 0.121322 +v -0.008526 -0.035619 0.122107 +v -0.009184 -0.036582 0.124506 +v -0.010834 -0.034741 0.123228 +v -0.005213 -0.032861 0.122804 +v -0.004544 -0.035143 0.124246 +v -0.001483 -0.032121 0.121321 +v -0.002260 -0.033513 0.122251 +v 0.000480 -0.032912 0.124114 +v -0.012598 -0.035176 0.129588 +v -0.012711 -0.037452 0.136279 +v -0.007388 -0.036188 0.130757 +v -0.007166 -0.033879 0.131069 +v -0.006161 -0.033481 0.124430 +v -0.002806 -0.034558 0.130483 +v -0.001434 -0.031477 0.123357 +v -0.003836 -0.032774 0.133855 +v -0.000712 -0.031339 0.132178 +v 0.001190 -0.032648 0.129659 +v 0.001829 -0.031352 0.122127 +v 0.002001 -0.028270 0.121474 +v 0.004612 -0.028557 0.121281 +v 0.002556 -0.029108 0.122947 +v 0.003785 -0.031007 0.124375 +v 0.006343 -0.028626 0.122472 +v 0.007191 -0.028686 0.124323 +v 0.005443 -0.025843 0.121410 +v 0.005976 -0.026830 0.123186 +v 0.008733 -0.024452 0.122842 +v 0.010314 -0.025641 0.122924 +v 0.009153 -0.022473 0.121264 +v 0.013996 -0.021144 0.122116 +v 0.011204 -0.022709 0.121083 +v 0.010550 -0.025964 0.125601 +v 0.012442 -0.020664 0.123849 +v 0.011191 -0.021670 0.122609 +v 0.013449 -0.022783 0.124095 +v 0.002600 -0.029332 0.128704 +v 0.004721 -0.030563 0.130466 +v 0.006437 -0.026811 0.131841 +v 0.007067 -0.028950 0.133137 +v 0.005009 -0.027757 0.133198 +v 0.014097 -0.022221 0.126829 +v 0.010860 -0.025754 0.131661 +v 0.012659 -0.020561 0.129535 +v 0.009982 -0.023705 0.132826 +v -0.014580 -0.035811 0.137546 +v -0.009540 -0.036849 0.136700 +v -0.010189 -0.035019 0.137406 +v -0.004586 -0.035431 0.136587 +v -0.003981 -0.033144 0.137667 +v -0.006719 -0.034136 0.137721 +v -0.017503 -0.035961 0.137251 +v -0.011937 -0.036035 0.138240 +v -0.010127 -0.038042 0.138060 +v -0.010108 -0.037828 0.138481 +v -0.005802 -0.036545 0.138595 +v -0.005741 -0.034894 0.138238 +v -0.003503 -0.036239 0.137926 +v 0.000524 -0.033192 0.136579 +v -0.000550 -0.031625 0.137898 +v 0.004753 -0.030758 0.136589 +v 0.000690 -0.033962 0.138558 +v 0.003379 -0.032703 0.137808 +v 0.003390 -0.030083 0.138056 +v 0.005297 -0.031265 0.138295 +v 0.003167 -0.029340 0.136982 +v 0.008360 -0.028077 0.136494 +v 0.006744 -0.026954 0.137542 +v 0.007731 -0.029894 0.137922 +v 0.006376 -0.028629 0.138217 +v 0.008055 -0.028943 0.138366 +v 0.010671 -0.024989 0.138136 +v 0.010504 -0.023688 0.137532 +v 0.011544 -0.019892 0.121309 +v 0.015195 -0.016911 0.123049 +v 0.016174 -0.019467 0.124232 +v 0.016637 -0.012414 0.121312 +v 0.017318 -0.016314 0.122011 +v 0.019137 -0.010868 0.121102 +v 0.018178 -0.011555 0.122852 +v 0.015318 -0.017071 0.130554 +v 0.017428 -0.013420 0.128485 +v 0.018922 -0.006873 0.121239 +v 0.020172 -0.002520 0.121196 +v 0.021761 -0.002556 0.120930 +v 0.021844 0.000274 0.115384 +v 0.020871 -0.003105 0.122421 +v 0.013627 -0.022998 0.136323 +v 0.010135 -0.027736 0.137493 +v 0.010814 -0.025986 0.136472 +v 0.010564 -0.027416 0.138446 +v 0.012927 -0.025354 0.137782 +v 0.013346 -0.024509 0.138352 +v 0.012302 -0.021270 0.134987 +v 0.013674 -0.021490 0.137980 +v 0.014381 -0.019087 0.137444 +v 0.016302 -0.021442 0.137710 +v 0.016557 -0.019339 0.136326 +v 0.015825 -0.021347 0.138370 +v 0.018804 -0.015156 0.124049 +v 0.020287 -0.010708 0.122032 +v 0.019239 -0.014817 0.130931 +v 0.021232 -0.010259 0.124230 +v 0.020469 -0.007430 0.121118 +v 0.020237 -0.006236 0.122883 +v 0.022274 -0.004959 0.121974 +v 0.019642 -0.008526 0.127367 +v 0.020928 -0.004266 0.127032 +v 0.022615 -0.006735 0.130276 +v 0.021053 -0.011105 0.132739 +v 0.023129 -0.004483 0.124455 +v 0.023799 -0.001066 0.124144 +v 0.020728 0.000680 0.121210 +v 0.021556 0.000851 0.122377 +v 0.021686 -0.000587 0.124714 +v 0.016550 -0.015756 0.137359 +v 0.019959 -0.013891 0.136379 +v 0.019495 -0.016292 0.138175 +v 0.019153 -0.017285 0.137703 +v 0.018297 -0.012615 0.136956 +v 0.018990 -0.010546 0.133199 +v 0.022082 -0.011745 0.137661 +v 0.016532 -0.017534 0.138036 +v 0.018814 -0.012669 0.137846 +v 0.020200 -0.008320 0.137214 +v 0.021487 -0.011831 0.138320 +v 0.022389 -0.008080 0.136295 +v 0.021287 -0.007577 0.137874 +v 0.020487 -0.006463 0.132665 +v 0.023923 -0.002206 0.136125 +v 0.021691 -0.002947 0.136836 +v 0.022109 0.000937 0.132740 +v 0.024507 0.002343 0.134732 +v 0.023212 -0.007802 0.138132 +v 0.024298 -0.004679 0.137522 +v 0.024301 -0.003592 0.138089 +v 0.022568 -0.000723 0.137414 +v 0.022828 -0.002916 0.137907 +v 0.022441 0.002702 0.136427 +v 0.024900 0.002482 0.136612 +v 0.025152 -0.000079 0.137857 +v 0.024400 0.000240 0.138129 +v 0.025476 0.001861 0.137304 +v 0.025511 0.003315 0.138131 +v -0.040561 -0.032841 0.136844 +v -0.041051 -0.030354 0.137614 +v -0.042714 -0.032954 0.138207 +v -0.041015 -0.033414 0.138716 +v -0.037081 -0.035321 0.138710 +v -0.037300 -0.032302 0.137720 +v -0.034961 -0.033865 0.138264 +v -0.027595 -0.032293 0.094749 +v -0.015090 -0.032541 0.092156 +v 0.012905 -0.015385 0.097241 +v 0.015624 -0.010579 0.097506 +v 0.017012 -0.006400 0.094075 +v -0.055009 0.022483 0.066505 +v -0.057072 0.017687 0.068791 +v -0.056364 0.020327 0.072525 +v -0.052977 0.026334 0.067212 +v -0.050493 0.029582 0.063750 +v -0.047122 0.031068 0.060909 +v -0.047460 0.033008 0.063872 +v -0.051109 0.029575 0.070838 +v -0.044710 0.035910 0.066941 +v -0.048561 0.032690 0.071834 +v -0.055601 0.022956 0.076960 +v -0.054061 0.026433 0.081489 +v -0.056386 0.023137 0.088917 +v -0.051660 0.030137 0.082128 +v -0.050294 0.030981 0.075273 +v -0.045789 0.035686 0.074471 +v -0.049256 0.032704 0.079854 +v -0.046453 0.035735 0.081066 +v -0.043654 0.037918 0.080971 +v -0.047892 0.034632 0.084346 +v -0.045377 0.037222 0.087530 +v -0.040985 0.038143 0.061230 +v -0.037173 0.040172 0.059416 +v -0.037026 0.040997 0.068816 +v -0.040935 0.039044 0.071622 +v -0.043101 0.037611 0.072420 +v -0.033656 0.042876 0.074800 +v -0.030139 0.043956 0.073713 +v -0.041102 0.039475 0.078637 +v -0.037342 0.041483 0.077243 +v -0.042111 0.039568 0.086663 +v -0.037974 0.041864 0.086147 +v -0.034887 0.043290 0.086286 +v -0.026665 0.044197 0.066102 +v -0.023006 0.044800 0.067568 +v -0.026654 0.044725 0.073313 +v -0.017690 0.045124 0.071872 +v -0.012288 0.043952 0.065106 +v -0.004312 0.041592 0.069335 +v -0.008448 0.043053 0.067584 +v -0.007949 0.043374 0.073893 +v -0.014481 0.045081 0.075971 +v -0.011466 0.044295 0.072946 +v -0.011002 0.044529 0.077725 +v -0.004885 0.042699 0.079970 +v -0.026582 0.045366 0.082098 +v -0.031060 0.044506 0.084228 +v -0.023948 0.045416 0.077969 +v -0.019564 0.045824 0.080375 +v -0.023481 0.046312 0.089479 +v -0.019789 0.046330 0.087996 +v -0.007922 0.044126 0.083444 +v -0.012479 0.045259 0.082874 +v -0.016667 0.045913 0.084307 +v -0.011951 0.045581 0.088205 +v -0.054960 0.026735 0.095056 +v -0.053076 0.029634 0.094160 +v -0.056172 0.025951 0.103873 +v -0.048979 0.033976 0.088941 +v -0.051131 0.032176 0.093955 +v -0.046625 0.037041 0.096377 +v -0.042331 0.039965 0.092588 +v -0.043150 0.039790 0.097262 +v -0.040772 0.041360 0.098185 +v -0.053648 0.029968 0.103086 +v -0.050267 0.033789 0.100000 +v -0.051613 0.033073 0.107351 +v -0.053220 0.027976 0.103604 +v -0.054154 0.027257 0.109404 +v -0.054392 0.030246 0.113880 +v -0.050905 0.031253 0.104858 +v -0.053126 0.029324 0.113252 +v -0.047969 0.034196 0.101243 +v -0.049686 0.033128 0.108811 +v -0.046256 0.037866 0.102084 +v -0.046585 0.035727 0.104893 +v -0.044362 0.037493 0.102637 +v -0.042367 0.040802 0.102874 +v -0.045364 0.039479 0.111765 +v -0.044796 0.037695 0.109070 +v -0.041915 0.039337 0.103903 +v -0.037829 0.042862 0.097305 +v -0.037592 0.043974 0.109100 +v -0.038732 0.041183 0.102442 +v -0.039073 0.041619 0.110756 +v -0.036295 0.042623 0.105460 +v -0.042463 0.039447 0.109014 +v -0.041513 0.041869 0.108691 +v -0.041963 0.040262 0.114954 +v -0.035471 0.043445 0.111667 +v -0.027105 0.045971 0.091780 +v -0.031395 0.045283 0.096128 +v -0.034449 0.044340 0.097296 +v -0.025638 0.046910 0.101115 +v -0.027979 0.046430 0.099826 +v -0.020982 0.047036 0.097364 +v -0.016831 0.046522 0.092116 +v -0.013185 0.046321 0.095367 +v -0.017206 0.047098 0.099665 +v -0.012642 0.046579 0.100121 +v -0.034574 0.045335 0.110402 +v -0.030030 0.046430 0.106085 +v -0.033739 0.043111 0.098191 +v -0.032860 0.043975 0.105778 +v -0.031622 0.046530 0.112971 +v -0.029042 0.045002 0.104973 +v -0.031454 0.044941 0.112582 +v -0.022543 0.047618 0.106624 +v -0.025707 0.045075 0.096854 +v -0.024941 0.045556 0.102126 +v -0.024353 0.046114 0.108772 +v -0.021243 0.045863 0.102425 +v -0.017979 0.046457 0.110675 +v -0.017921 0.045800 0.102052 +v -0.019401 0.047918 0.108579 +v -0.014743 0.045551 0.102762 +v -0.014505 0.046186 0.111096 +v -0.028511 0.045826 0.113960 +v -0.026748 0.047406 0.109525 +v -0.014444 0.047343 0.106914 +v -0.021379 0.046762 0.114557 +v -0.054519 0.028081 0.121317 +v -0.052513 0.030821 0.121203 +v -0.050455 0.033521 0.121277 +v -0.051288 0.034881 0.120879 +v -0.049180 0.036223 0.112513 +v -0.048160 0.035333 0.114511 +v -0.054432 0.031081 0.121252 +v -0.056429 0.029991 0.121925 +v -0.053687 0.031168 0.122927 +v -0.053198 0.034424 0.121920 +v -0.048275 0.037726 0.119427 +v -0.056110 0.031736 0.124172 +v -0.054553 0.030372 0.132233 +v -0.050324 0.035052 0.122645 +v -0.051853 0.033680 0.123961 +v -0.050720 0.037206 0.121967 +v -0.051924 0.036832 0.124020 +v -0.053911 0.034764 0.130584 +v -0.047942 0.036062 0.121355 +v -0.046466 0.039531 0.120836 +v -0.044483 0.038495 0.115249 +v -0.041278 0.042607 0.116152 +v -0.037685 0.042778 0.116455 +v -0.037977 0.044840 0.120930 +v -0.034084 0.044632 0.121205 +v -0.043888 0.039394 0.121297 +v -0.044657 0.039895 0.122467 +v -0.041052 0.041273 0.121313 +v -0.042772 0.042234 0.121083 +v -0.038573 0.042691 0.121412 +v -0.042963 0.043297 0.121737 +v -0.039978 0.043173 0.122898 +v -0.038811 0.045579 0.121662 +v -0.034408 0.045708 0.122807 +v -0.033858 0.046516 0.120930 +v -0.052188 0.033454 0.129717 +v -0.049171 0.036509 0.123659 +v -0.049161 0.036721 0.128950 +v -0.046442 0.039016 0.130145 +v -0.052261 0.033557 0.134625 +v -0.054347 0.031218 0.137553 +v -0.055051 0.033618 0.136570 +v -0.051147 0.037738 0.130120 +v -0.049033 0.036956 0.133417 +v -0.052600 0.036542 0.136378 +v -0.049765 0.036728 0.137391 +v -0.045427 0.040384 0.137126 +v -0.047768 0.041063 0.135886 +v -0.047670 0.040873 0.129307 +v -0.046521 0.040983 0.121943 +v -0.049130 0.039493 0.123919 +v -0.045664 0.039531 0.123897 +v -0.044631 0.042997 0.124140 +v -0.042493 0.041731 0.123543 +v -0.042900 0.041782 0.132347 +v -0.040509 0.045435 0.123996 +v -0.036855 0.044824 0.125273 +v -0.036326 0.047371 0.123900 +v -0.038900 0.043987 0.131044 +v -0.041816 0.044878 0.130453 +v -0.038445 0.046609 0.129777 +v -0.044892 0.043160 0.136439 +v -0.040313 0.043646 0.136928 +v -0.042158 0.044916 0.136296 +v -0.037054 0.047512 0.136330 +v -0.034251 0.046065 0.132121 +v -0.035972 0.045722 0.137090 +v -0.034181 0.048395 0.131939 +v -0.031185 0.047389 0.137228 +v -0.028750 0.047635 0.131845 +v -0.034062 0.047565 0.121657 +v -0.028175 0.047665 0.116878 +v -0.025909 0.046496 0.117607 +v -0.022081 0.047194 0.121125 +v -0.023623 0.048270 0.115827 +v -0.018239 0.046880 0.117379 +v -0.020782 0.048822 0.120739 +v -0.015350 0.048027 0.113484 +v -0.028286 0.046337 0.121224 +v -0.024995 0.048536 0.121059 +v -0.030393 0.046678 0.122387 +v -0.029683 0.048841 0.121685 +v -0.030724 0.046907 0.124167 +v -0.027317 0.047639 0.123346 +v -0.028095 0.048135 0.120993 +v -0.032761 0.048663 0.124047 +v -0.023317 0.048174 0.122613 +v -0.023409 0.050042 0.121853 +v -0.025855 0.050208 0.124921 +v -0.021354 0.050557 0.124014 +v -0.029476 0.049460 0.123839 +v -0.029193 0.049762 0.131144 +v -0.024956 0.048086 0.128024 +v -0.023171 0.048490 0.131166 +v -0.019060 0.048311 0.123576 +v -0.024951 0.048264 0.133501 +v -0.023679 0.050569 0.130365 +v -0.032002 0.049247 0.136201 +v -0.027601 0.048219 0.137200 +v -0.027613 0.050262 0.136170 +v -0.024107 0.048655 0.137076 +v -0.055567 0.034352 0.138459 +v -0.054651 0.035736 0.137645 +v -0.052572 0.033652 0.137267 +v -0.054309 0.035580 0.138255 +v -0.050896 0.037124 0.138108 +v -0.051700 0.039175 0.137554 +v -0.048762 0.040716 0.136770 +v -0.052266 0.038004 0.138273 +v -0.048928 0.041071 0.138249 +v -0.045857 0.041132 0.137917 +v -0.047606 0.042600 0.137605 +v -0.044423 0.044711 0.137602 +v -0.040509 0.044244 0.137871 +v -0.045453 0.043571 0.138207 +v -0.042542 0.045463 0.138148 +v -0.040097 0.047139 0.137505 +v -0.038918 0.047472 0.138138 +v -0.034399 0.047160 0.137817 +v -0.036098 0.048994 0.137613 +v -0.034265 0.049210 0.138110 +v -0.027612 0.049218 0.137776 +v -0.032753 0.050123 0.137653 +v -0.030002 0.050565 0.137997 +v -0.028490 0.051206 0.137578 +v -0.025772 0.051227 0.138003 +v -0.025020 0.051706 0.137478 +v -0.055977 0.017411 0.073484 +v -0.054445 0.021012 0.071371 +v -0.052596 0.024406 0.069139 +v -0.050396 0.027143 0.063611 +v -0.047927 0.030401 0.066782 +v -0.050158 0.028207 0.069192 +v -0.047500 0.031496 0.070017 +v -0.049661 0.029530 0.074870 +v -0.044837 0.034034 0.069626 +v -0.055621 0.019736 0.079903 +v -0.053247 0.024589 0.078006 +v -0.054342 0.023722 0.086248 +v -0.051726 0.027907 0.085054 +v -0.046056 0.033368 0.074210 +v -0.047053 0.033252 0.082970 +v -0.043699 0.036169 0.082023 +v -0.041709 0.037160 0.076627 +v -0.048800 0.031933 0.088171 +v -0.040777 0.036828 0.065350 +v -0.032112 0.041794 0.073944 +v -0.027903 0.042866 0.072184 +v -0.026452 0.042436 0.063678 +v -0.038469 0.039399 0.079141 +v -0.034468 0.041406 0.080419 +v -0.039390 0.039586 0.086894 +v -0.023969 0.043084 0.067589 +v -0.021629 0.043522 0.071680 +v -0.015910 0.043248 0.068926 +v -0.020099 0.043781 0.072752 +v -0.010496 0.042147 0.069570 +v -0.005938 0.040691 0.070630 +v -0.013043 0.043628 0.080244 +v -0.008711 0.042364 0.078887 +v -0.027470 0.043580 0.080546 +v -0.022964 0.043831 0.075788 +v -0.031963 0.042860 0.087241 +v -0.021768 0.044424 0.082779 +v -0.025082 0.044416 0.087046 +v -0.018300 0.043973 0.076712 +v -0.017061 0.044250 0.081680 +v -0.020352 0.045198 0.092142 +v -0.052815 0.027590 0.095438 +v -0.050479 0.030551 0.093513 +v -0.055162 0.023847 0.097760 +v -0.045497 0.035741 0.093934 +v -0.041617 0.038777 0.094243 +v -0.036603 0.041504 0.092961 +v -0.028156 0.044039 0.088598 +v -0.030542 0.044080 0.097157 +v -0.014818 0.045007 0.094603 +v -0.009801 0.044033 0.095321 +v 0.019569 -0.003449 0.095416 +v 0.020576 0.004202 0.093203 +v 0.020552 0.000971 0.097354 +v 0.021246 0.004062 0.102475 +v 0.020146 0.006557 0.088208 +v 0.020427 0.009676 0.093736 +v 0.019604 0.012365 0.087481 +v 0.019291 0.016086 0.092405 +v 0.017729 0.019215 0.085145 +v 0.020734 0.006027 0.096165 +v 0.020803 -0.000594 0.103866 +v 0.019915 0.000456 0.109927 +v 0.019022 -0.000344 0.100133 +v 0.019730 0.003823 0.103283 +v 0.021299 -0.000279 0.109060 +v 0.019587 0.008241 0.101193 +v 0.019306 0.003994 0.097282 +v 0.021785 0.003862 0.109371 +v 0.022144 0.003533 0.114559 +v 0.020477 0.005046 0.112131 +v 0.020037 0.007540 0.106495 +v 0.020946 0.008415 0.099307 +v 0.021731 0.008258 0.109407 +v 0.019549 0.011696 0.105319 +v 0.020647 0.008396 0.114973 +v 0.022055 0.006256 0.113319 +v 0.017287 0.022081 0.093598 +v 0.018893 0.019092 0.099213 +v 0.020319 0.015221 0.102806 +v 0.017912 0.022033 0.100912 +v 0.017020 0.021291 0.106166 +v 0.017735 0.017118 0.096861 +v 0.018777 0.016070 0.106403 +v 0.019456 0.019886 0.109472 +v 0.021042 0.011082 0.103648 +v 0.018875 0.012100 0.097243 +v 0.021756 0.012158 0.113942 +v 0.014866 0.025055 0.081872 +v 0.012563 0.028810 0.081906 +v 0.009055 0.033006 0.080521 +v 0.010267 0.032376 0.087662 +v -0.001012 0.040067 0.071143 +v 0.004210 0.036944 0.075495 +v 0.005178 0.036816 0.081947 +v 0.001238 0.039292 0.077633 +v -0.002400 0.041886 0.084079 +v 0.001844 0.039504 0.084175 +v 0.008071 0.034874 0.088928 +v 0.012488 0.030281 0.092965 +v 0.013627 0.028030 0.088008 +v 0.009840 0.034016 0.097629 +v -0.005056 0.043801 0.092915 +v -0.008329 0.044885 0.091482 +v -0.000531 0.041554 0.091626 +v 0.003101 0.039088 0.089499 +v 0.005568 0.037340 0.090922 +v 0.002418 0.040131 0.095756 +v 0.015399 0.025209 0.088824 +v 0.014210 0.027889 0.093665 +v 0.016034 0.025465 0.097903 +v 0.014599 0.028280 0.100492 +v 0.016720 0.025307 0.104807 +v 0.011775 0.032067 0.100154 +v 0.022655 0.003897 0.120593 +v 0.021075 0.005095 0.121183 +v 0.022447 0.007286 0.118529 +v 0.022355 0.010958 0.119871 +v 0.022151 0.008027 0.122446 +v 0.022756 0.009922 0.121067 +v 0.021077 0.008334 0.121256 +v 0.020540 0.012889 0.121106 +v 0.021196 0.013995 0.122259 +v 0.023230 0.013636 0.121979 +v 0.023744 0.006530 0.121922 +v 0.018288 0.023057 0.110470 +v 0.015105 0.025461 0.107490 +v 0.016441 0.024146 0.114696 +v 0.014440 0.027944 0.116661 +v 0.020058 0.011955 0.112205 +v 0.019568 0.015535 0.114123 +v 0.020699 0.016826 0.112931 +v 0.018086 0.020522 0.115350 +v 0.019461 0.017580 0.121299 +v 0.021558 0.016052 0.120905 +v 0.020013 0.021389 0.120995 +v 0.019289 0.022261 0.118498 +v 0.016817 0.026676 0.114137 +v 0.021637 0.013337 0.123747 +v 0.021767 0.013955 0.132360 +v 0.022366 0.009223 0.131946 +v 0.017914 0.022072 0.121277 +v 0.020320 0.018674 0.123109 +v 0.022054 0.018227 0.121697 +v 0.022904 0.017630 0.124049 +v 0.023809 0.013826 0.124385 +v 0.019065 0.021959 0.122560 +v 0.021592 0.021857 0.124044 +v 0.021182 0.016160 0.129122 +v 0.023044 0.017826 0.129616 +v 0.017124 0.027287 0.120911 +v 0.017687 0.024504 0.122306 +v 0.015351 0.027002 0.121269 +v 0.016979 0.029877 0.121707 +v 0.020240 0.023575 0.121704 +v 0.018814 0.027742 0.124149 +v 0.019888 0.020608 0.130999 +v 0.021079 0.017952 0.136817 +v 0.021728 0.022343 0.136167 +v 0.017664 0.025377 0.126480 +v 0.018927 0.023292 0.132839 +v 0.013718 0.031003 0.122148 +v 0.016061 0.027974 0.123073 +v 0.019774 0.026265 0.127680 +v 0.016163 0.028461 0.132376 +v 0.014490 0.030446 0.123806 +v 0.013771 0.031679 0.128898 +v 0.005933 0.038006 0.100685 +v 0.002476 0.040882 0.104432 +v 0.007155 0.034859 0.100884 +v 0.003977 0.037764 0.102689 +v 0.005517 0.035729 0.094733 +v -0.000935 0.041590 0.109569 +v 0.001066 0.039873 0.103089 +v 0.006512 0.036277 0.108511 +v 0.009429 0.032598 0.101671 +v 0.009832 0.033214 0.110304 +v 0.008906 0.036051 0.107312 +v 0.002464 0.039676 0.111058 +v 0.006088 0.038824 0.110572 +v -0.009745 0.045714 0.096990 +v -0.001891 0.043074 0.100646 +v -0.008282 0.045704 0.101352 +v -0.009120 0.046264 0.105694 +v -0.004644 0.044800 0.107072 +v -0.011707 0.045130 0.103792 +v -0.010488 0.045174 0.108512 +v -0.008260 0.044345 0.105221 +v -0.004174 0.042968 0.107032 +v -0.007920 0.044971 0.114590 +v -0.007720 0.046500 0.114345 +v -0.011201 0.047135 0.111378 +v -0.012472 0.046076 0.114840 +v -0.003652 0.045372 0.118902 +v -0.001294 0.043768 0.112539 +v 0.002892 0.041450 0.113125 +v 0.004014 0.039050 0.116592 +v 0.007121 0.036350 0.114101 +v 0.006632 0.038952 0.117194 +v 0.000468 0.041478 0.118079 +v -0.002689 0.043020 0.115951 +v 0.000583 0.043377 0.119861 +v -0.005640 0.044599 0.121200 +v 0.004447 0.041078 0.120836 +v 0.003318 0.039951 0.121064 +v 0.012235 0.030030 0.108197 +v 0.011381 0.030185 0.100751 +v 0.013353 0.027780 0.104017 +v 0.014725 0.028994 0.106687 +v 0.012341 0.032160 0.106549 +v 0.012438 0.031288 0.121148 +v 0.014878 0.029543 0.112622 +v 0.011105 0.034100 0.110903 +v 0.009975 0.035777 0.114040 +v 0.013643 0.031693 0.116761 +v 0.015248 0.030279 0.121000 +v 0.009946 0.034215 0.121168 +v 0.013030 0.033124 0.120674 +v 0.007413 0.036656 0.121148 +v 0.010480 0.035978 0.120798 +v 0.008822 0.036590 0.122039 +v 0.011145 0.034570 0.123392 +v 0.007410 0.038237 0.123347 +v 0.013959 0.033843 0.121757 +v 0.014088 0.034601 0.123863 +v 0.010789 0.037455 0.121914 +v 0.007570 0.038608 0.120629 +v 0.008023 0.040037 0.122007 +v 0.010575 0.038305 0.123894 +v 0.016793 0.031001 0.123968 +v 0.016702 0.031458 0.129179 +v 0.022438 0.001254 0.121097 +v 0.023866 0.002428 0.122419 +v 0.022204 0.004670 0.123242 +v 0.024412 0.002613 0.125615 +v 0.024413 0.007093 0.123961 +v 0.024283 0.010263 0.124162 +v 0.022389 0.004726 0.130048 +v 0.024509 0.008057 0.127877 +v 0.024729 0.005636 0.136065 +v 0.024057 0.013394 0.130492 +v 0.022785 0.004962 0.137070 +v 0.024541 0.010883 0.136157 +v 0.023901 0.006018 0.137858 +v 0.025750 0.008089 0.137524 +v 0.025507 0.007371 0.138135 +v 0.025310 0.012132 0.137367 +v 0.022351 0.011641 0.136693 +v 0.022797 0.009001 0.137243 +v 0.023208 0.018034 0.136202 +v 0.019773 0.022168 0.137185 +v 0.013175 0.032685 0.133523 +v 0.015481 0.030045 0.136986 +v 0.020168 0.025925 0.136129 +v 0.017760 0.026285 0.136978 +v 0.022859 0.022341 0.137388 +v 0.020528 0.027252 0.137328 +v 0.018286 0.029425 0.136275 +v 0.014681 0.033236 0.137751 +v 0.017196 0.028840 0.137686 +v 0.012875 0.033608 0.137099 +v 0.020930 0.022857 0.137870 +v 0.021403 0.024897 0.137999 +v 0.018071 0.031653 0.137379 +v 0.016150 0.032561 0.136216 +v 0.018960 0.029585 0.137958 +v 0.015780 0.034338 0.138026 +v -0.015335 0.046948 0.121169 +v -0.013220 0.048371 0.120928 +v -0.010281 0.046035 0.121145 +v -0.007252 0.046928 0.120914 +v -0.011356 0.047390 0.122699 +v -0.006742 0.045992 0.122406 +v -0.009745 0.048749 0.121607 +v -0.017926 0.048868 0.120935 +v -0.016817 0.047967 0.122374 +v -0.015079 0.049862 0.121831 +v -0.014926 0.048007 0.123569 +v -0.014769 0.048164 0.128296 +v -0.015261 0.050357 0.124203 +v -0.006179 0.046031 0.123418 +v -0.010953 0.047521 0.129994 +v -0.008698 0.049136 0.124044 +v -0.003313 0.046755 0.121641 +v -0.011389 0.049874 0.128757 +v -0.002023 0.043018 0.121153 +v -0.000734 0.044476 0.121033 +v -0.001219 0.043798 0.122546 +v 0.004148 0.040373 0.122328 +v 0.002265 0.041945 0.123063 +v 0.004286 0.042703 0.121634 +v 0.001762 0.042554 0.130842 +v 0.005150 0.040261 0.131289 +v -0.001351 0.044156 0.128537 +v 0.000339 0.045648 0.124032 +v 0.006512 0.041804 0.124023 +v 0.004277 0.043565 0.130681 +v -0.005075 0.045753 0.128583 +v -0.005085 0.048039 0.124707 +v -0.002055 0.046922 0.128713 +v -0.007930 0.046882 0.132296 +v -0.004728 0.048120 0.132017 +v 0.000442 0.045889 0.134292 +v -0.003178 0.045186 0.132721 +v -0.019593 0.050705 0.128865 +v -0.018814 0.048556 0.130402 +v -0.016208 0.050610 0.130448 +v -0.015102 0.048318 0.133196 +v -0.020265 0.050937 0.136050 +v -0.018789 0.048968 0.137089 +v -0.022695 0.051005 0.136482 +v -0.018950 0.052088 0.137465 +v -0.019421 0.049982 0.137793 +v -0.017282 0.051779 0.138137 +v -0.021574 0.051676 0.138088 +v -0.012297 0.048254 0.137001 +v -0.015422 0.049348 0.137611 +v -0.014644 0.050601 0.136070 +v -0.010360 0.049894 0.136063 +v -0.012889 0.051373 0.137317 +v -0.009085 0.048412 0.137725 +v -0.012492 0.051068 0.138010 +v 0.002535 0.042508 0.136827 +v -0.000717 0.044392 0.137141 +v -0.005467 0.048600 0.136243 +v -0.001712 0.047079 0.136147 +v -0.005863 0.046590 0.137085 +v 0.002668 0.043201 0.137655 +v -0.002759 0.046328 0.137688 +v 0.000496 0.046695 0.137967 +v -0.005891 0.049668 0.137319 +v -0.007319 0.049941 0.137921 +v -0.001075 0.047920 0.137534 +v 0.008221 0.037657 0.128173 +v 0.011482 0.034795 0.133340 +v 0.010724 0.038472 0.130377 +v 0.013311 0.035728 0.128606 +v 0.007853 0.040896 0.127776 +v 0.011699 0.037753 0.135974 +v 0.008808 0.037821 0.137052 +v 0.008312 0.040853 0.136036 +v 0.005498 0.040537 0.137159 +v 0.014714 0.034351 0.135468 +v 0.014572 0.036229 0.137521 +v 0.010484 0.037743 0.137721 +v 0.011569 0.039310 0.137311 +v 0.008181 0.041695 0.138063 +v 0.008531 0.041982 0.137486 +v 0.012268 0.038395 0.137951 +v 0.003658 0.044232 0.136107 +v 0.003561 0.045443 0.137384 +v 0.005450 0.043894 0.137949 +v 0.023253 0.012777 0.137809 +v 0.025198 0.010873 0.138057 +v 0.022021 0.014404 0.137098 +v 0.024537 0.015456 0.138059 +v 0.024413 0.017402 0.137483 +v 0.021976 0.017367 0.137683 +v 0.023738 0.018555 0.138066 +v 0.022778 0.022269 0.137701 +v 0.018683 0.004468 0.088644 +v 0.019209 0.008265 0.095222 +v 0.018260 -0.002222 0.094946 +v 0.018640 0.008869 0.087490 +v 0.018448 0.009743 0.088593 +v 0.017978 0.013390 0.088430 +v 0.015847 0.020794 0.090009 +v 0.012031 0.026735 0.081679 +v 0.014303 0.023638 0.087459 +v 0.008367 0.030759 0.074743 +v 0.007045 0.032654 0.079481 +v 0.004157 0.035312 0.079041 +v 0.009737 0.029585 0.079220 +v 0.000144 0.037965 0.076098 +v -0.002710 0.040523 0.086490 +v -0.005634 0.041371 0.080613 +v 0.007460 0.033544 0.091151 +v 0.010762 0.030102 0.093096 +v 0.002162 0.038026 0.091050 +v -0.005301 0.042470 0.095525 +v -0.000659 0.040374 0.097615 +v 0.013802 0.026103 0.097252 +vn -0.367774 -0.158638 -0.916284 +vn -0.606960 -0.358737 -0.709160 +vn -0.882997 -0.464707 -0.066061 +vn -0.868405 -0.476008 -0.138883 +vn -0.915426 -0.397054 -0.065896 +vn -0.962381 -0.242682 -0.122184 +vn -0.918226 -0.369292 -0.143126 +vn -0.950039 -0.304743 -0.067511 +vn -0.008322 -0.015333 -0.999848 +vn -0.003862 -0.043806 -0.999032 +vn -0.063950 -0.299087 -0.952080 +vn -0.042375 -0.631711 -0.774045 +vn 0.083543 -0.993861 -0.072534 +vn -0.025265 -0.969117 -0.245305 +vn 0.151802 -0.952524 -0.263920 +vn 0.192750 -0.621517 -0.759318 +vn 0.050869 -0.549151 -0.834174 +vn 0.261250 -0.956485 -0.129942 +vn -0.004017 0.019679 -0.999798 +vn 0.012086 -0.050926 -0.998629 +vn -0.123627 0.436195 0.891319 +vn -0.006800 0.013072 -0.999892 +vn 0.452924 -0.878927 -0.149491 +vn -0.075232 -0.250404 0.965214 +vn 0.301260 -0.951284 -0.065578 +vn 0.370755 -0.920082 -0.126452 +vn 0.036183 -0.083482 -0.995852 +vn 0.491878 -0.866429 -0.085772 +vn 0.374041 -0.729508 -0.572636 +vn -0.330525 -0.941693 -0.062992 +vn -0.266671 -0.959114 -0.094804 +vn -0.534768 -0.842460 -0.065454 +vn -0.508420 -0.854484 -0.106610 +vn -0.317197 -0.399254 -0.860222 +vn 0.020618 0.020061 -0.999586 +vn -0.007652 -0.015210 -0.999855 +vn 0.019775 0.044822 -0.998799 +vn -0.604379 -0.769014 -0.208189 +vn -0.036436 -0.046581 -0.998250 +vn -0.441557 -0.404121 -0.801070 +vn -0.082250 -0.063223 -0.994604 +vn -0.758228 -0.604472 -0.244342 +vn -0.757953 -0.649284 -0.062755 +vn -0.467983 -0.018309 0.883548 +vn -0.132252 0.401363 0.906321 +vn -0.669211 -0.740235 -0.064874 +vn -0.691766 -0.717370 -0.082710 +vn -0.602955 -0.794696 -0.070021 +vn -0.388111 -0.903805 -0.180294 +vn -0.423987 -0.731527 -0.533951 +vn -0.159518 -0.333320 -0.929221 +vn -0.216456 -0.732570 -0.645359 +vn -0.003292 0.029402 -0.999562 +vn -0.608128 -0.790803 -0.069361 +vn -0.447318 -0.892032 -0.064690 +vn -0.399987 -0.913992 -0.068033 +vn -0.504361 -0.860806 -0.068065 +vn -0.823257 -0.564577 -0.059161 +vn -0.827028 -0.558175 -0.066821 +vn -0.770466 -0.634299 -0.063616 +vn -0.794589 -0.603523 -0.066243 +vn -0.862123 -0.502194 -0.067409 +vn -0.708155 -0.703058 -0.065012 +vn -0.195833 -0.978666 -0.062147 +vn -0.139589 -0.973255 -0.182453 +vn 0.034670 -0.997235 -0.065732 +vn -0.063391 -0.996027 -0.062548 +vn -0.081274 -0.514256 0.853777 +vn 0.190337 -0.979379 -0.067732 +vn 0.133499 -0.988651 -0.068895 +vn 0.496276 -0.865838 -0.063525 +vn 0.406908 -0.911180 -0.064628 +vn -0.281360 -0.957123 -0.068941 +vn -0.114202 -0.991096 -0.068460 +vn -0.155816 -0.985457 -0.067789 +vn -0.061325 -0.996038 -0.064408 +vn -0.172370 -0.982828 -0.065866 +vn -0.062639 -0.995719 -0.067975 +vn -0.234541 -0.969736 -0.067840 +vn -0.332563 -0.940714 -0.066783 +vn 0.224351 -0.972233 -0.066563 +vn 0.215729 -0.974047 -0.068501 +vn 0.316821 -0.946198 -0.065836 +vn 0.302512 -0.950674 -0.068598 +vn 0.035408 -0.997074 -0.067740 +vn 0.056505 -0.996195 -0.066348 +vn -0.048108 -0.996671 -0.065827 +vn 0.139801 -0.987947 -0.066454 +vn 0.364340 -0.928797 -0.067776 +vn -0.949205 -0.307668 -0.065952 +vn -0.974959 -0.211700 -0.068102 +vn -0.981347 -0.180508 -0.066148 +vn -0.995413 -0.069976 -0.065234 +vn -0.198177 -0.977451 -0.072906 +vn -0.298453 -0.949600 -0.095846 +vn -0.559276 -0.826746 -0.060845 +vn -0.377311 -0.923017 -0.075336 +vn -0.208170 -0.976070 -0.062864 +vn -0.420430 -0.906276 -0.043609 +vn -0.460395 -0.886461 -0.047149 +vn -0.339534 -0.939879 -0.036679 +vn -0.219312 -0.974093 -0.055175 +vn -0.110161 -0.991756 -0.065456 +vn 0.047374 -0.997115 -0.059303 +vn -0.755734 -0.651946 -0.061906 +vn -0.821862 -0.566125 -0.063600 +vn -0.780444 -0.620949 -0.072999 +vn -0.763205 -0.643149 -0.062264 +vn -0.731361 -0.677217 -0.080548 +vn -0.500484 -0.862692 -0.072655 +vn -0.434946 -0.897933 -0.067367 +vn -0.383392 -0.920543 -0.074903 +vn -0.616200 -0.784791 -0.066334 +vn -0.689263 -0.721667 -0.064132 +vn -0.580460 -0.811644 -0.065576 +vn -0.573437 -0.815247 -0.080888 +vn -0.490539 -0.866766 -0.089934 +vn -0.671131 -0.737144 -0.078758 +vn -0.445108 -0.892792 -0.069296 +vn -0.448822 -0.893188 -0.027831 +vn -0.526765 -0.846660 -0.075400 +vn -0.885609 -0.459930 -0.064511 +vn -0.821121 -0.567095 -0.064524 +vn -0.763448 -0.640158 -0.085701 +vn -0.792416 -0.604914 -0.078457 +vn -0.874690 -0.477714 -0.081892 +vn -0.872487 -0.483075 -0.073510 +vn -0.912994 -0.402769 -0.064961 +vn -0.805706 -0.587753 -0.073377 +vn -0.910489 -0.407375 -0.071098 +vn -0.689558 -0.721106 -0.067204 +vn -0.619794 -0.782311 -0.062001 +vn -0.696865 -0.714323 -0.064204 +vn -0.762972 -0.645593 -0.032909 +vn -0.775609 -0.627874 -0.064850 +vn -0.779264 -0.624184 -0.056043 +vn -0.769758 -0.631519 -0.093046 +vn -0.752173 -0.653533 -0.084437 +vn -0.615585 -0.785467 -0.064009 +vn -0.497846 -0.864053 -0.074580 +vn -0.702615 -0.709473 -0.054589 +vn -0.925533 -0.372396 -0.068630 +vn -0.949993 -0.305478 -0.064783 +vn -0.977705 -0.199381 -0.065874 +vn -0.299793 -0.951694 -0.066351 +vn -0.377511 -0.923539 -0.067538 +vn -0.240774 -0.967181 -0.081177 +vn -0.145475 -0.986911 -0.069590 +vn -0.053858 -0.996206 -0.068366 +vn 0.192453 -0.978845 -0.069458 +vn 0.308260 -0.948944 -0.066939 +vn -0.075083 -0.994703 -0.070203 +vn 0.032828 -0.997202 -0.067158 +vn 0.126223 -0.989995 -0.063072 +vn 0.058816 -0.995982 -0.067533 +vn -0.426263 -0.900393 -0.087136 +vn -0.377243 -0.923720 -0.066552 +vn -0.493689 -0.867165 -0.065537 +vn 0.196002 -0.978438 -0.065128 +vn 0.001763 -0.997894 -0.064847 +vn 0.115387 -0.991176 -0.065240 +vn -0.542524 -0.837905 -0.059860 +vn -0.632473 -0.771887 -0.064555 +vn -0.698838 -0.712874 -0.058616 +vn -0.732943 -0.677322 -0.063484 +vn -0.746241 -0.663793 -0.050040 +vn -0.730168 -0.680772 -0.058348 +vn -0.795891 -0.602256 -0.062011 +vn -0.730476 -0.679691 -0.066518 +vn -0.774283 -0.629437 -0.065536 +vn -0.471338 -0.880373 -0.052765 +vn -0.607908 -0.793204 -0.035706 +vn -0.616684 -0.783127 -0.080080 +vn -0.319791 -0.945232 -0.065353 +vn -0.441159 -0.895191 -0.063334 +vn -0.344463 -0.937328 -0.052554 +vn -0.533994 -0.841614 -0.080846 +vn -0.494403 -0.867978 -0.046694 +vn -0.215800 -0.974477 -0.061844 +vn -0.083904 -0.994476 -0.063069 +vn -0.266517 -0.960961 -0.074320 +vn -0.455710 -0.886658 -0.078525 +vn -0.376831 -0.922805 -0.080179 +vn -0.505794 -0.861768 -0.039103 +vn -0.555879 -0.829569 -0.053039 +vn -0.562084 -0.826350 -0.034742 +vn -0.598028 -0.796624 -0.088048 +vn -0.548927 -0.834464 -0.048468 +vn -0.653735 -0.752002 -0.084403 +vn -0.398058 -0.916527 -0.039097 +vn -0.653862 -0.755359 -0.043563 +vn -0.595535 -0.802284 -0.040973 +vn -0.696419 -0.714590 -0.066043 +vn -0.458135 -0.884948 -0.083541 +vn -0.404341 -0.913224 -0.050298 +vn -0.342085 -0.937263 -0.067199 +vn -0.387522 -0.921631 -0.020552 +vn -0.292147 -0.955406 -0.043004 +vn -0.144877 -0.986731 -0.073304 +vn -0.199961 -0.973286 -0.112827 +vn -0.230360 -0.972187 -0.042259 +vn -0.203414 -0.977916 -0.048000 +vn -0.148643 -0.987597 -0.050570 +vn -0.132148 -0.990339 -0.042017 +vn -0.372254 -0.926673 -0.051992 +vn -0.297425 -0.952830 -0.060448 +vn -0.892902 -0.445851 -0.062793 +vn -0.953537 -0.294554 -0.063288 +vn -0.762973 -0.643709 -0.059248 +vn -0.849816 -0.524835 -0.048601 +vn -0.768457 -0.637091 -0.059908 +vn -0.860664 -0.505447 -0.061493 +vn -0.839881 -0.540467 -0.049951 +vn -0.877408 -0.477370 -0.047667 +vn -0.977943 -0.198097 -0.066219 +vn -0.988977 -0.132424 -0.066242 +vn -0.989064 -0.131652 -0.066485 +vn -0.996829 -0.039839 -0.068876 +vn -0.964313 -0.256685 -0.064907 +vn -0.996525 -0.050044 -0.066584 +vn -0.997059 0.038572 -0.066231 +vn -0.994492 0.082531 -0.064616 +vn -0.969063 -0.237723 -0.066365 +vn -0.981794 -0.179272 -0.062790 +vn -0.882356 -0.466242 -0.063773 +vn -0.919629 -0.387806 -0.062369 +vn -0.899457 -0.429693 -0.079632 +vn -0.987181 -0.145708 -0.065130 +vn -0.997190 -0.033443 -0.067029 +vn -0.997494 -0.015809 -0.068965 +vn -0.992221 -0.106339 -0.064724 +vn -0.987644 -0.141926 -0.066460 +vn -0.992548 0.101402 -0.067577 +vn -0.993581 0.088772 -0.070116 +vn 0.997414 -0.042072 0.058265 +vn 0.956893 -0.280172 0.076552 +vn 0.845181 0.517176 0.134904 +vn 0.378969 0.483632 0.788976 +vn 0.827377 0.380297 0.413305 +vn 0.132242 0.778720 -0.613275 +vn -0.090695 0.651672 -0.753059 +vn 0.828537 0.551058 -0.099308 +vn 0.833935 0.548872 -0.057371 +vn 0.165872 0.747867 -0.642792 +vn -0.295437 0.718648 -0.629493 +vn 0.070473 0.887816 0.454770 +vn 0.271999 0.823647 0.497617 +vn 0.644982 0.654937 0.393771 +vn 0.772135 0.626631 0.105550 +vn 0.919071 0.375584 0.119351 +vn 0.779994 0.590464 0.207274 +vn 0.089199 0.853590 0.513251 +vn 0.037660 0.605536 0.794926 +vn -0.186769 0.945210 0.267760 +vn -0.095284 0.142054 0.985262 +vn -0.312567 0.493763 0.811480 +vn 0.488240 0.428172 0.760454 +vn 0.160262 0.365295 0.916993 +vn 0.465386 -0.879872 0.096137 +vn 0.677494 -0.593206 -0.434866 +vn 0.666193 -0.578319 -0.470886 +vn -0.060249 0.690754 0.720575 +vn -0.115478 0.993308 -0.002101 +vn 0.563252 -0.811597 -0.155105 +vn -0.315960 0.915777 0.248036 +vn -0.185546 0.295464 0.937163 +vn 0.172699 -0.196119 0.965253 +vn 0.552042 -0.720788 0.419182 +vn -0.003069 -0.047723 0.998856 +vn 0.337789 -0.385629 0.858597 +vn -0.118069 -0.064863 0.990885 +vn 0.115870 -0.930397 -0.347758 +vn -0.331358 0.492435 0.804804 +vn -0.663598 0.746654 -0.046326 +vn -0.467809 0.834271 0.291800 +vn -0.670976 0.510685 -0.537579 +vn 0.363313 0.363047 0.858021 +vn 0.427365 0.340234 -0.837616 +vn -0.212032 -0.056448 -0.975631 +vn 0.724470 0.689137 -0.015309 +vn 0.842367 0.505197 0.187601 +vn 0.566147 0.779228 0.268852 +vn 0.721909 0.672706 -0.162215 +vn 0.080756 0.204117 0.975610 +vn 0.518821 0.614210 0.594618 +vn 0.881260 0.359320 0.307034 +vn -0.685503 -0.353103 0.636713 +vn -0.652341 -0.270094 0.708167 +vn -0.501832 0.000646 0.864965 +vn 0.771052 -0.177359 -0.611574 +vn 0.771052 -0.177359 -0.611574 +vn 0.771052 -0.177359 -0.611574 +vn -0.361963 -0.269360 0.892428 +vn -0.646800 -0.677270 -0.350651 +vn -0.617225 -0.716831 0.324325 +vn -0.330552 -0.695303 0.638192 +vn 0.616298 0.784676 -0.066781 +vn 0.349807 0.150524 -0.924650 +vn 0.449502 -0.165433 -0.877827 +vn 0.903643 0.428261 0.004662 +vn -0.189472 -0.195608 0.962205 +vn 0.063749 -0.226598 0.971900 +vn -0.644260 -0.748123 0.158877 +vn -0.731617 -0.605571 -0.313082 +vn 0.623979 0.497867 0.602311 +vn 0.247347 0.080860 -0.965547 +vn 0.392710 0.227367 -0.891113 +vn 0.317978 0.174283 -0.931942 +vn 0.893646 0.407087 0.188886 +vn -0.731453 -0.664214 -0.154263 +vn -0.837474 -0.541538 0.073313 +vn 0.081196 0.083440 0.993199 +vn 0.642140 0.294567 0.707733 +vn -0.333032 -0.273392 -0.902411 +vn 0.214166 0.001849 0.976795 +vn 0.376659 0.067566 0.923884 +vn -0.840921 -0.379282 0.386001 +vn -0.783203 -0.558485 0.273291 +vn -0.969334 -0.234098 0.074765 +vn -0.897454 -0.197612 0.394367 +vn 0.040891 -0.395099 0.917728 +vn -0.669001 -0.497626 -0.552093 +vn 0.105925 0.744527 0.659135 +vn 0.436012 0.877635 0.199122 +vn -0.002243 0.752335 0.658777 +vn 0.171860 0.152260 0.973283 +vn -0.298244 -0.873967 0.383710 +vn -0.577767 -0.761118 0.294763 +vn -0.409271 0.056689 0.910650 +vn 0.045652 0.565168 0.823712 +vn 0.332711 0.736539 0.588909 +vn 0.374391 0.853537 0.362362 +vn 0.126891 0.976032 0.176808 +vn 0.275712 0.886917 0.370622 +vn -0.147668 -0.984541 -0.094199 +vn -0.062863 -0.735680 -0.674405 +vn -0.267354 -0.935601 0.230592 +vn -0.134749 -0.640543 0.756008 +vn -0.373496 -0.833669 0.406813 +vn 0.072742 -0.423211 0.903107 +vn 0.173705 0.495536 0.851041 +vn -0.003452 -0.047500 0.998865 +vn 0.243447 0.103703 0.964354 +vn -0.000544 -0.944979 -0.327131 +vn 0.722673 0.666847 0.181820 +vn 0.227192 0.924578 -0.305842 +vn 0.429483 -0.683578 0.590139 +vn -0.278309 -0.879435 -0.386184 +vn 0.622792 0.779861 0.062826 +vn 0.158193 0.957919 0.239512 +vn 0.287902 0.955551 0.063521 +vn 0.396848 0.914845 0.074640 +vn 0.422136 0.894584 0.146703 +vn -0.003832 0.991755 0.128089 +vn 0.493558 0.864203 0.097741 +vn 0.245093 0.966829 -0.071916 +vn -0.745748 -0.630422 -0.215472 +vn -0.896654 0.285938 0.338011 +vn -0.933229 -0.088512 -0.348208 +vn 0.689477 0.195352 0.697467 +vn 0.508509 0.857062 0.082847 +vn 0.613872 0.787443 0.055633 +vn 0.663800 0.738130 0.120552 +vn 0.045544 0.987486 0.150988 +vn -0.595916 0.766860 0.238346 +vn -0.480920 0.868325 0.121359 +vn 0.270872 0.953525 0.131975 +vn -0.403541 0.784055 0.471606 +vn 0.846282 0.531014 0.042791 +vn 0.464570 0.882739 0.070330 +vn 0.436410 0.896406 0.077476 +vn 0.406396 0.910791 0.072808 +vn 0.243101 0.966588 0.081301 +vn 0.880313 0.439933 0.177507 +vn 0.491372 -0.834688 0.248696 +vn 0.974212 0.027735 0.223923 +vn -0.977295 -0.126089 -0.170284 +vn -0.447190 0.061428 0.892327 +vn 0.760559 0.635275 0.134073 +vn 0.748419 0.637832 0.181768 +vn -0.249640 0.877954 0.408506 +vn 0.961926 -0.169191 0.214646 +vn 0.034732 0.342588 -0.938844 +vn -0.087000 0.237765 -0.967418 +vn -0.124091 -0.884675 -0.449391 +vn -0.151358 -0.658259 -0.737419 +vn -0.193697 -0.619217 0.760954 +vn -0.299737 -0.823770 -0.481208 +vn -0.970353 0.238017 -0.041979 +vn 0.226544 0.923282 0.310207 +vn 0.441704 0.793936 -0.417808 +vn 0.982507 0.156387 -0.101111 +vn 0.785598 -0.598634 0.156443 +vn 0.148219 0.921785 0.358250 +vn 0.227478 -0.479731 0.847415 +vn 0.027415 0.411565 0.910968 +vn -0.275599 0.960840 -0.028843 +vn 0.782271 0.618538 -0.073911 +vn -0.126987 0.971889 0.198257 +vn -0.190570 0.974952 0.114685 +vn -0.416264 0.897013 -0.148632 +vn -0.435330 0.899102 0.045854 +vn -0.481679 0.873926 0.065101 +vn -0.548033 0.815738 0.185015 +vn -0.569164 0.750589 0.335662 +vn -0.519435 0.798927 -0.303154 +vn -0.870946 -0.488596 -0.052224 +vn -0.278273 0.951234 0.133109 +vn -0.394188 0.905088 0.159474 +vn -0.488396 0.870562 0.059922 +vn -0.772449 0.614863 0.158952 +vn -0.779405 0.614692 -0.121170 +vn -0.419603 -0.904031 0.081617 +vn -0.660560 -0.666158 -0.346255 +vn -0.234464 0.966707 0.102493 +vn -0.204329 0.976576 0.067444 +vn 0.194046 0.977698 0.080332 +vn -0.363459 0.930044 0.053998 +vn -0.699161 0.713886 0.039256 +vn -0.946601 0.031624 0.320853 +vn -0.424012 0.893401 0.148485 +vn -0.626891 0.766905 0.137348 +vn -0.806496 -0.546360 0.225952 +vn 0.103150 0.658750 0.745258 +vn -0.239380 0.526973 0.815474 +vn -0.015623 0.254603 0.966919 +vn -0.121659 0.014507 0.992466 +vn -0.346913 -0.310884 0.884874 +vn -0.247866 0.936874 0.246636 +vn -0.037447 0.718478 0.694541 +vn -0.374660 0.920274 -0.112809 +vn -0.435944 0.893633 -0.106644 +vn 0.118905 0.992151 0.038706 +vn 0.104197 0.985970 0.130409 +vn 0.045160 0.990485 0.130000 +vn -0.066925 0.991303 0.113309 +vn 0.796842 0.405288 0.448090 +vn 0.311179 0.948507 0.059168 +vn 0.069694 0.992230 0.103064 +vn -0.301727 0.951466 0.060604 +vn -0.162181 0.984211 0.070890 +vn -0.246332 0.966370 0.073824 +vn -0.241671 0.968496 0.060097 +vn -0.235971 0.968481 0.079764 +vn -0.370049 0.924546 0.090987 +vn -0.710634 0.614206 0.343146 +vn -0.543434 0.836903 0.065364 +vn -0.673530 -0.500303 0.544110 +vn -0.495059 0.865260 0.079002 +vn 0.938028 0.337884 0.077057 +vn 0.970079 0.233389 0.066910 +vn 0.958187 0.277376 0.070283 +vn 0.985193 0.154342 0.074650 +vn 0.995329 0.067762 0.068764 +vn 0.244878 0.967372 0.065011 +vn 0.252766 0.965093 0.068595 +vn 0.029376 0.997208 0.068657 +vn 0.518104 0.701521 0.489323 +vn 0.263640 0.757261 0.597537 +vn 0.700369 0.712958 -0.034274 +vn 0.400549 0.842436 0.360365 +vn 0.948832 -0.141280 0.282415 +vn 0.897279 -0.346777 0.273197 +vn 0.383018 0.420383 0.822542 +vn 0.707573 0.705820 0.034042 +vn 0.582004 0.809455 0.077807 +vn 0.663875 0.727489 0.173291 +vn 0.978210 0.195472 0.069972 +vn 0.919577 -0.392686 -0.013245 +vn 0.614396 0.786528 0.062385 +vn 0.357844 0.932316 0.052302 +vn 0.480622 0.875069 0.057075 +vn 0.443058 0.893290 0.075720 +vn 0.500265 0.863139 0.068746 +vn 0.517476 0.852309 0.076076 +vn 0.507492 0.858863 0.069322 +vn 0.710194 0.686521 0.155928 +vn 0.483873 -0.712425 0.508249 +vn 0.255192 -0.908702 0.330359 +vn 0.581337 0.769587 0.264166 +vn 0.637501 0.766979 0.073042 +vn 0.553915 -0.685899 0.471932 +vn 0.680334 -0.303729 0.667004 +vn 0.593387 -0.649540 0.475383 +vn 0.627084 0.775562 0.072587 +vn 0.242120 0.097373 0.965348 +vn 0.797381 0.568964 0.201155 +vn 0.759484 0.650256 0.018747 +vn 0.703278 0.710362 -0.028047 +vn -0.679369 0.731118 -0.062644 +vn 0.599270 0.718429 0.353178 +vn 0.192821 0.967819 0.161700 +vn 0.502901 0.847209 0.171251 +vn 0.018306 0.992044 0.124552 +vn 0.930710 0.356257 0.082828 +vn 0.848061 0.513344 0.131421 +vn 0.919427 0.386717 0.071443 +vn 0.320198 0.629859 0.707638 +vn 0.831090 0.554292 0.045284 +vn 0.927371 0.367602 0.069663 +vn 0.567828 0.811231 0.139554 +vn 0.206789 0.958208 -0.197677 +vn 0.466137 0.471056 0.748881 +vn 0.581564 0.296145 0.757681 +vn 0.240340 0.440552 0.864957 +vn 0.495623 0.844798 0.201678 +vn 0.816025 0.568949 0.101981 +vn 0.801223 0.570668 0.179942 +vn 0.859281 0.505982 0.074948 +vn 0.798883 0.596007 0.081009 +vn 0.809202 0.582522 0.076557 +vn 0.677970 0.730300 0.083778 +vn 0.693634 0.716352 0.075580 +vn 0.724559 0.684243 0.082619 +vn 0.739396 0.654791 0.156663 +vn 0.765400 0.638593 0.079767 +vn 0.804099 0.591150 0.062983 +vn 0.704942 0.705290 0.074981 +vn 0.768217 0.636869 0.065126 +vn 0.839332 0.538956 0.071056 +vn 0.876691 0.474325 0.080186 +vn 0.699478 0.499722 0.510889 +vn 0.984026 0.164508 0.068043 +vn 0.997207 0.026621 0.069782 +vn 0.940421 0.333119 0.068116 +vn 0.904661 0.420583 0.068550 +vn 0.166137 0.982375 0.085657 +vn -0.328137 0.939612 0.097237 +vn 0.252994 0.961568 0.106684 +vn 0.173173 0.948261 0.266104 +vn -0.369624 0.893047 0.256601 +vn -0.062967 0.994319 -0.085817 +vn -0.715985 0.651045 -0.252004 +vn 0.788286 0.361840 0.497671 +vn -0.365681 0.751989 0.548444 +vn 0.648192 0.740355 0.178107 +vn 0.584180 -0.666194 0.463594 +vn 0.622852 -0.582350 0.522422 +vn 0.088501 -0.757870 0.646375 +vn 0.997495 -0.028179 0.064883 +vn 0.190899 0.978384 0.079517 +vn 0.292942 0.953380 0.072466 +vn 0.978636 -0.085474 0.186991 +vn -0.007037 0.983488 0.180837 +vn 0.267987 0.961443 0.061728 +vn 0.023289 -0.848213 0.529143 +vn 0.110093 0.975613 0.189889 +vn -0.037727 0.996882 0.069301 +vn -0.061391 0.997652 0.030369 +vn -0.135164 0.988306 0.070587 +vn 0.992735 -0.115408 0.034025 +vn 0.793725 -0.113763 0.597544 +vn -0.065314 0.994976 0.075879 +vn -0.332380 0.939903 0.078139 +vn -0.338073 0.937751 0.079558 +vn -0.149097 0.986013 0.074485 +vn -0.250662 0.965379 0.072194 +vn 0.142137 0.978953 0.146452 +vn 0.028693 0.990269 0.136178 +vn 0.838626 0.371640 0.398233 +vn 0.464321 0.832975 0.300930 +vn 0.308963 -0.553606 0.773344 +vn 0.039905 0.996747 0.070015 +vn 0.112403 0.988583 0.100346 +vn -0.034710 0.997136 0.067199 +vn -0.056904 0.995091 0.080962 +vn -0.119854 0.990449 0.068165 +vn 0.464412 0.883225 0.065070 +vn 0.410938 0.908464 0.076301 +vn 0.357454 0.931596 0.065997 +vn 0.579476 0.812580 0.062628 +vn 0.147716 0.986540 0.070131 +vn 0.052202 0.996738 0.061552 +vn -0.088406 0.993596 0.070371 +vn 0.674484 0.735810 0.060449 +vn 0.792258 0.607307 0.059200 +vn 0.788823 0.610503 0.071030 +vn 0.796534 0.601263 0.063377 +vn 0.594595 0.801467 0.064086 +vn 0.422831 0.903960 0.063795 +vn 0.533048 0.843746 0.062872 +vn 0.320092 0.944990 0.067339 +vn 0.487497 0.870736 0.064533 +vn 0.378197 0.923631 0.062236 +vn 0.342196 0.937406 0.064586 +vn 0.245510 0.967345 0.062998 +vn 0.129475 0.989068 0.070574 +vn 0.114977 0.991082 0.067349 +vn 0.278035 0.958274 0.066382 +vn 0.057764 0.996364 0.062634 +vn 0.006041 0.997640 0.068391 +vn 0.167149 0.984222 0.058033 +vn 0.722791 0.685767 0.085427 +vn 0.636178 0.768733 0.065772 +vn 0.610073 0.789629 0.065546 +vn 0.700100 0.711707 0.057732 +vn 0.468908 0.881126 0.061174 +vn 0.712516 0.698884 0.062302 +vn 0.590830 0.804060 0.066386 +vn 0.682825 0.727661 0.065265 +vn 0.164559 0.983825 0.070771 +vn 0.184795 0.980911 0.060526 +vn 0.253493 0.965186 0.064482 +vn 0.296730 0.952920 0.062405 +vn 0.926258 0.371282 0.064776 +vn 0.941490 0.330985 0.063612 +vn 0.748292 0.660168 0.065092 +vn 0.768520 0.635719 0.072376 +vn 0.825491 0.560828 0.063529 +vn 0.653813 0.753681 0.067036 +vn 0.761336 0.645698 0.058657 +vn 0.834190 0.547844 0.063197 +vn 0.733171 0.676628 0.068085 +vn 0.678237 0.732179 0.062522 +vn 0.887875 0.455504 0.064753 +vn 0.961152 0.268201 0.065229 +vn 0.976174 0.206791 0.065745 +vn 0.992990 0.095830 0.069196 +vn 0.997410 0.013278 0.070685 +vn 0.958170 0.277808 0.068796 +vn 0.986661 0.148331 0.067070 +vn 0.994087 0.080034 0.073388 +vn 0.846807 0.528385 0.061045 +vn 0.841659 0.535210 0.071836 +vn 0.973655 0.217974 0.066952 +vn 0.992035 0.106438 0.067359 +vn 0.997358 0.030694 0.065841 +vn 0.994317 -0.068669 0.081355 +vn 0.997550 0.034353 0.060940 +vn 0.997019 0.028360 0.071756 +vn -0.903475 -0.004683 -0.428616 +vn -0.334697 0.883982 0.326425 +vn -0.317692 -0.918195 0.236622 +vn -0.351269 -0.855742 0.379890 +vn -0.360899 -0.828152 0.428854 +vn 0.059158 0.842937 0.534751 +vn -0.382840 -0.347289 0.856052 +vn -0.382021 -0.323995 0.865498 +vn -0.079202 -0.989644 -0.119712 +vn 0.003974 -0.959724 -0.280917 +vn 0.125640 -0.942296 -0.310311 +vn -0.316004 -0.345258 -0.883707 +vn -0.423901 -0.903521 -0.062911 +vn -0.175017 -0.968719 -0.175933 +vn 0.299248 -0.951334 -0.073580 +vn 0.394844 -0.917003 0.056606 +vn 0.723640 -0.690156 -0.005570 +vn -0.573896 0.388005 0.721177 +vn -0.458729 -0.887694 -0.039581 +vn -0.540079 -0.840943 0.033597 +vn -0.627132 -0.776882 0.056209 +vn 0.074735 -0.688500 0.721376 +vn 0.328187 -0.359684 0.873453 +vn 0.187228 -0.540002 0.820575 +vn 0.359171 -0.231313 0.904152 +vn 0.767394 0.639670 -0.043919 +vn 0.927833 0.214467 -0.305172 +vn -0.593160 -0.479724 -0.646549 +vn -0.593160 -0.479724 -0.646549 +vn -0.593160 -0.479724 -0.646549 +vn 0.342749 -0.893977 -0.288667 +vn -0.090488 -0.786157 0.611367 +vn -0.331200 0.853010 -0.403337 +vn 0.008438 0.718696 -0.695274 +vn -0.578189 -0.815899 -0.002619 +vn -0.410425 -0.761626 -0.501474 +vn -0.347876 -0.866607 -0.357735 +vn 0.391311 -0.844794 0.364964 +vn -0.766646 -0.637309 0.078050 +vn -0.596759 -0.786606 0.158523 +vn -0.069118 -0.987861 0.139115 +vn -0.453686 -0.879143 0.145866 +vn 0.044125 -0.969129 0.242574 +vn -0.635177 -0.720627 0.277933 +vn -0.428253 -0.869406 0.246438 +vn -0.522875 0.737420 -0.427566 +vn -0.500781 0.448215 0.740488 +vn -0.555590 -0.831392 0.010353 +vn -0.752108 -0.657407 0.046359 +vn -0.460814 0.554744 -0.692755 +vn -0.628382 0.026285 -0.777461 +vn -0.950853 -0.235243 -0.201341 +vn 0.326637 0.936002 0.131182 +vn 0.199214 0.979955 -0.001279 +vn 0.269251 0.960505 -0.070242 +vn -0.345772 0.903934 0.251685 +vn -0.955374 0.211871 0.205842 +vn 0.164610 0.964980 0.204246 +vn -0.943155 0.216767 0.251935 +vn -0.784259 0.213305 0.582614 +vn 0.856668 0.494752 0.146084 +vn -0.625180 -0.402599 -0.668628 +vn -0.316074 0.615835 -0.721696 +vn -0.063899 0.390623 -0.918330 +vn -0.211071 0.642302 -0.736815 +vn -0.062683 -0.709290 0.702124 +vn 0.883639 -0.363455 0.295098 +vn 0.431936 -0.898616 0.076941 +vn 0.959756 0.153156 0.235398 +vn 0.903304 0.140932 -0.405190 +vn 0.161175 0.801385 0.576025 +vn -0.828702 -0.354578 -0.433044 +vn 0.600349 0.436582 -0.670057 +vn -0.674176 -0.262233 -0.690450 +vn 0.387759 -0.754534 -0.529454 +vn -0.748676 0.518433 0.413173 +vn -0.676836 0.561638 0.475874 +vn -0.877430 0.117473 0.465098 +vn -0.156751 -0.952557 0.260893 +vn -0.937895 -0.275697 0.210581 +vn -0.778063 -0.555110 0.294059 +vn 0.629563 -0.634311 0.448665 +vn 0.655581 0.601905 0.455987 +vn 0.488081 -0.778815 0.393985 +vn 0.491994 -0.781815 0.383025 +vn 0.236287 -0.929016 0.284776 +vn -0.447366 -0.549637 -0.705524 +vn 0.815672 -0.353503 -0.457946 +vn 0.631319 0.409553 -0.658561 +vn 0.313227 0.925751 -0.211836 +vn 0.916783 -0.394086 0.064845 +vn 0.521558 0.445286 0.727804 +vn 0.218121 0.962984 0.158384 +vn 0.607600 -0.654234 0.450333 +vn 0.792011 -0.605192 -0.080378 +vn 0.575850 -0.766565 0.284210 +vn 0.495323 -0.844261 -0.204641 +vn -0.766755 0.470374 -0.436847 +vn 0.076604 -0.967086 -0.242643 +vn -0.599508 -0.153021 -0.785605 +vn -0.248059 -0.785396 -0.567115 +vn -0.247403 -0.744477 -0.620117 +vn -0.672877 0.713045 -0.196983 +vn -0.236821 -0.276451 0.931392 +vn -0.695829 -0.547763 0.464520 +vn -0.533530 -0.677493 0.506309 +vn 0.025536 -0.991053 0.131006 +vn -0.275535 -0.947374 -0.162983 +vn 0.141609 -0.977828 -0.154271 +vn 0.675113 -0.685062 0.273702 +vn 0.564454 -0.738328 0.369138 +vn -0.220790 -0.928008 0.300089 +vn 0.332965 -0.909072 0.250445 +vn -0.518727 -0.817061 0.251663 +vn -0.385790 -0.833071 0.396433 +vn -0.608403 -0.443756 0.657972 +vn -0.977851 0.172930 -0.117912 +vn -0.357547 0.241129 0.902229 +vn 0.156556 0.669361 0.726255 +vn 0.289778 0.946076 0.144804 +vn 0.331460 0.003578 -0.943463 +vn 0.448994 -0.012017 -0.893454 +vn 0.430031 -0.361709 -0.827188 +vn 0.381441 -0.298680 -0.874810 +vn 0.302130 -0.512613 -0.803707 +vn 0.216968 -0.489093 -0.844815 +vn -0.713668 -0.201848 0.670772 +vn -0.730083 -0.335390 0.595392 +vn -0.827770 -0.488799 0.275451 +vn -0.856429 -0.513607 0.052323 +vn -0.904571 -0.154024 0.397527 +vn -0.861456 0.507179 -0.025722 +vn -0.928292 0.133398 0.347100 +vn 0.851637 0.011092 0.524015 +vn 0.904271 0.055020 0.423400 +vn 0.833759 0.411000 0.368680 +vn 0.835741 0.142178 0.530398 +vn 0.670244 0.535573 0.513747 +vn 0.460361 0.885405 0.064231 +vn 0.892130 -0.175435 0.416324 +vn 0.841775 0.363412 0.399181 +vn 0.963068 0.130053 0.235767 +vn 0.851678 -0.418563 0.315357 +vn -0.443172 -0.736317 0.511308 +vn -0.786272 -0.517781 0.337164 +vn -0.562176 -0.753155 0.341637 +vn -0.745760 -0.609277 0.269486 +vn -0.623833 -0.630160 0.462310 +vn 0.876911 -0.463320 0.127912 +vn 0.939392 0.338476 -0.054558 +vn 0.822575 0.567954 -0.028277 +vn 0.989689 0.034069 0.139125 +vn 0.885237 -0.435654 0.162973 +vn 0.352191 -0.412854 0.839948 +vn -0.222248 0.103127 0.969521 +vn -0.800142 0.588918 -0.113791 +vn -0.741464 0.173319 0.648221 +vn -0.697673 0.287156 0.656349 +vn -0.583541 0.546185 -0.600968 +vn -0.658279 0.537638 0.526890 +vn -0.317348 -0.918287 0.236725 +vn -0.187913 0.861860 0.471048 +vn -0.346204 -0.882918 0.317174 +vn -0.370598 -0.892393 0.257471 +vn -0.310494 -0.886935 0.341964 +vn -0.103629 0.941864 -0.319616 +vn 0.320415 0.944694 -0.069915 +vn -0.264260 -0.916857 0.299232 +vn -0.305397 -0.897973 0.316822 +vn -0.089144 0.984826 -0.148900 +vn -0.318150 0.945318 -0.071793 +vn 0.559169 0.708506 0.430522 +vn 0.514383 0.579127 0.632473 +vn 0.398581 0.847737 0.349964 +vn 0.311522 0.940057 -0.138737 +vn 0.602098 -0.712158 0.360983 +vn 0.800026 -0.557829 0.220873 +vn 0.744939 -0.640238 0.187514 +vn 0.894587 0.160881 0.416930 +vn -0.643365 0.745040 -0.176059 +vn -0.489283 0.831673 0.262531 +vn 0.968086 -0.055963 0.244288 +vn -0.122481 0.784909 0.607384 +vn -0.065242 0.812766 0.578926 +vn -0.117005 0.807327 0.578388 +vn 0.078426 0.925558 0.370395 +vn -0.400315 0.746885 0.530953 +vn 0.424332 0.896560 0.126973 +vn -0.739514 0.457504 0.493770 +vn -0.648981 0.705629 0.284448 +vn 0.363834 0.902443 0.230700 +vn -0.559970 0.618635 0.551112 +vn -0.586872 -0.690818 0.422317 +vn -0.747071 -0.477881 0.462077 +vn 0.665996 -0.621400 0.412688 +vn 0.518996 -0.712808 0.471750 +vn 0.672451 0.735687 -0.081081 +vn 0.361226 0.906198 -0.219820 +vn -0.426105 -0.854189 0.297986 +vn 0.304748 -0.815121 0.492652 +vn 0.287990 -0.807356 0.515013 +vn -0.024797 -0.895353 0.444666 +vn -0.921710 -0.166967 0.350105 +vn -0.301162 -0.840214 0.450934 +vn -0.203763 -0.812775 0.545782 +vn -0.401171 -0.772538 0.492185 +vn -0.673475 -0.427008 0.603404 +vn 0.090877 -0.937329 0.336386 +vn 0.343207 -0.850963 0.397580 +vn -0.802878 -0.163206 0.573368 +vn -0.785961 -0.294352 0.543712 +vn -0.667922 0.054177 0.742257 +vn 0.843841 -0.028339 0.535845 +vn 0.725608 -0.262469 0.636084 +vn 0.665553 -0.064873 0.743526 +vn -0.016156 0.493882 0.869379 +vn -0.640155 0.599655 0.480224 +vn 0.553334 0.332273 0.763817 +vn 0.805619 0.315165 0.501646 +vn 0.466207 0.622738 0.628370 +vn 0.096354 0.102040 0.990103 +vn 0.388836 -0.094691 0.916428 +vn 0.092743 -0.049613 0.994453 +vn 0.298610 -0.265013 0.916842 +vn 0.685291 -0.496688 0.532614 +vn 0.381840 -0.758330 0.528331 +vn 0.402311 -0.641897 0.652775 +vn 0.185497 -0.738710 0.647996 +vn 0.039793 -0.863183 0.503321 +vn -0.172399 -0.785689 0.594114 +vn -0.336640 -0.649710 0.681579 +vn 0.506660 -0.420125 0.752855 +vn 0.239680 -0.530209 0.813284 +vn 0.004441 -0.606921 0.794750 +vn -0.610671 -0.377425 0.696154 +vn -0.365788 0.929017 -0.055911 +vn 0.095815 0.982416 0.160246 +vn -0.311166 0.888092 0.338333 +vn -0.765250 0.260650 0.588604 +vn -0.681085 0.255461 0.686195 +vn -0.491934 0.533998 0.687639 +vn -0.617791 0.378342 0.689341 +vn -0.517049 0.128976 0.846183 +vn -0.714551 0.131438 0.687125 +vn -0.515410 0.112413 0.849539 +vn -0.493135 0.008061 0.869915 +vn 0.675677 0.579214 0.456039 +vn 0.520177 -0.574135 0.632285 +vn 0.091061 -0.810155 0.579101 +vn -0.076906 -0.557125 0.826860 +vn 0.915899 -0.191618 0.352720 +vn 0.681077 0.263209 0.683268 +vn 0.013466 -0.089349 0.995909 +vn 0.084616 0.669125 0.738316 +vn -0.199370 -0.240782 0.949882 +vn -0.238954 0.033634 0.970448 +vn 0.800694 0.153886 0.578972 +vn -0.599450 -0.530750 0.599136 +vn -0.443383 -0.028765 0.895871 +vn 0.156184 -0.311743 0.937242 +vn 0.010234 -0.325825 0.945375 +vn -0.365292 -0.605982 0.706645 +vn -0.108032 -0.029958 0.993696 +vn -0.096932 -0.208905 0.973120 +vn -0.162803 -0.335008 0.928043 +vn -0.184489 -0.656983 0.730984 +vn -0.153943 -0.162980 0.974545 +vn -0.302686 -0.296721 0.905725 +vn -0.169837 0.003677 0.985465 +vn -0.481741 -0.221367 0.847893 +vn -0.208215 -0.116870 0.971076 +vn -0.314911 -0.115400 0.942079 +vn -0.057571 -0.016515 0.998205 +vn -0.092964 -0.037295 0.994971 +vn 0.091016 -0.146420 0.985027 +vn 0.592186 -0.803287 -0.063607 +vn 0.515187 -0.854263 -0.069401 +vn 0.604880 -0.793429 -0.067749 +vn 0.670609 -0.738590 -0.069054 +vn 0.420188 -0.904925 -0.067467 +vn 0.436884 -0.897024 -0.066929 +vn 0.536072 -0.841585 -0.066034 +vn 0.627864 -0.775568 -0.065433 +vn 0.706643 -0.704236 -0.068613 +vn 0.508721 -0.858414 -0.065796 +vn 0.606004 -0.792772 -0.065355 +vn 0.599082 -0.797978 -0.065822 +vn 0.656548 -0.751072 -0.069535 +vn 0.385607 -0.920237 -0.066873 +vn 0.248970 -0.966560 -0.061443 +vn 0.326092 -0.942964 -0.066953 +vn 0.406323 -0.911311 -0.066437 +vn 0.506951 -0.859201 -0.069096 +vn 0.495217 -0.866149 -0.067427 +vn 0.585449 -0.807675 -0.070072 +vn 0.724203 -0.686166 -0.068603 +vn 0.729074 -0.680992 -0.068566 +vn 0.802307 -0.592588 -0.071720 +vn 0.669890 -0.739571 -0.065440 +vn 0.653282 -0.753757 -0.071231 +vn 0.590160 -0.803920 -0.073644 +vn 0.716400 -0.694018 -0.071481 +vn 0.809160 -0.583297 -0.070888 +vn 0.235625 -0.969637 -0.065459 +vn 0.430938 -0.899747 -0.068905 +vn 0.321628 -0.944593 -0.065565 +vn 0.597448 -0.798983 -0.068427 +vn 0.522101 -0.849930 -0.070916 +vn 0.503151 -0.861600 -0.066975 +vn 0.592004 -0.803021 -0.068472 +vn 0.658363 -0.749387 -0.070546 +vn 0.732616 -0.677098 -0.069372 +vn 0.794725 -0.603055 -0.068823 +vn 0.808502 -0.584327 -0.069913 +vn -0.658075 0.750938 0.055039 +vn 0.660914 -0.747144 -0.070487 +vn 0.796654 -0.600185 -0.071552 +vn 0.864497 -0.497245 -0.073431 +vn 0.022638 -0.997586 -0.065640 +vn 0.126517 -0.990117 -0.060507 +vn 0.165191 -0.984304 -0.062102 +vn 0.045462 -0.996197 -0.074327 +vn 0.067110 -0.994136 -0.084790 +vn 0.238024 -0.969096 -0.064788 +vn 0.219914 -0.973531 -0.062259 +vn -0.052379 -0.995539 -0.078483 +vn -0.040115 -0.998519 -0.036746 +vn -0.071265 -0.994908 -0.071270 +vn -0.038836 -0.998295 -0.043567 +vn 0.040345 -0.997359 -0.060401 +vn 0.072806 -0.996885 -0.030341 +vn 0.144933 -0.987276 -0.065434 +vn 0.155725 -0.985621 -0.065583 +vn -0.102593 -0.993110 -0.056634 +vn 0.242839 -0.967912 -0.064624 +vn 0.332750 -0.940668 -0.066494 +vn 0.333030 -0.940640 -0.065473 +vn 0.130576 -0.989508 -0.061835 +vn 0.244148 -0.967552 -0.065070 +vn 0.411956 -0.908778 -0.066443 +vn 0.500330 -0.863313 -0.066038 +vn 0.590448 -0.804042 -0.069912 +vn 0.650321 -0.756482 -0.069411 +vn 0.720300 -0.690081 -0.070396 +vn 0.412762 -0.908408 -0.066501 +vn 0.522779 -0.849611 -0.069729 +vn 0.505795 -0.860099 -0.066332 +vn 0.412462 -0.908482 -0.067350 +vn 0.903088 -0.423650 -0.070372 +vn 0.796853 -0.600583 -0.065758 +vn 0.663304 -0.745207 -0.068510 +vn 0.735777 -0.673821 -0.067809 +vn 0.780168 -0.621825 -0.068352 +vn 0.823521 -0.562961 -0.069917 +vn 0.859026 -0.507384 -0.068084 +vn 0.852307 -0.518685 -0.067362 +vn 0.606787 -0.791872 -0.068905 +vn 0.735149 -0.674243 -0.070376 +vn 0.799238 -0.596586 -0.072824 +vn 0.860370 -0.504813 -0.070196 +vn 0.899822 -0.430750 -0.069102 +vn 0.711445 -0.699105 -0.071402 +vn 0.802062 -0.593099 -0.070212 +vn 0.893955 -0.442803 -0.069069 +vn 0.896226 -0.437477 -0.073443 +vn 0.928758 -0.363749 -0.071383 +vn -0.541130 0.816200 0.202472 +vn -0.888288 -0.377165 0.262089 +vn -0.711340 0.692769 0.118599 +vn -0.759795 0.647194 0.062058 +vn -0.969291 -0.173378 0.174401 +vn -0.872309 0.440033 0.213185 +vn -0.438333 0.896367 0.066253 +vn -0.399250 0.914503 0.065454 +vn -0.993982 0.107931 0.018698 +vn -0.583709 0.803824 0.114678 +vn -0.630557 0.460182 0.625005 +vn -0.703665 0.709788 0.032510 +vn -0.219451 0.973303 0.067247 +vn -0.340729 0.937719 0.067727 +vn -0.472179 0.877913 0.079471 +vn -0.454157 0.888242 0.069049 +vn -0.545263 0.833166 0.092323 +vn -0.530422 0.840433 0.111018 +vn -0.555812 0.827454 0.079952 +vn -0.689217 0.714082 0.122746 +vn -0.561173 0.818742 0.121434 +vn -0.463719 0.739584 0.487832 +vn -0.612318 0.787865 0.065845 +vn -0.703823 0.693557 0.153664 +vn -0.457989 0.887520 -0.050544 +vn -0.760981 0.643149 0.085248 +vn -0.657633 0.735302 0.163859 +vn -0.658972 0.744149 0.109533 +vn -0.622587 0.778384 0.080644 +vn -0.649148 0.753962 0.100740 +vn -0.758893 0.648821 0.055788 +vn -0.709387 0.699959 0.082630 +vn -0.674855 0.732894 0.086233 +vn -0.728538 0.679343 0.087895 +vn -0.750094 0.656815 0.077155 +vn -0.561921 0.823888 0.073840 +vn -0.346525 0.935576 0.067952 +vn -0.231999 0.970386 0.067286 +vn -0.452047 0.889184 0.070751 +vn -0.533907 0.842460 0.072137 +vn -0.439288 0.895642 0.069652 +vn -0.608372 0.790081 0.075207 +vn -0.632666 0.767560 0.102886 +vn -0.603779 0.793717 0.073924 +vn -0.772124 0.631122 0.074225 +vn -0.606426 0.791734 0.073521 +vn -0.564264 0.821811 0.078947 +vn -0.624817 0.777277 0.073786 +vn -0.583796 0.809067 0.067776 +vn -0.750377 0.656935 0.073277 +vn -0.755537 0.650447 0.077993 +vn -0.724230 0.686265 0.067315 +vn -0.124117 0.990024 0.066690 +vn 0.003601 0.997547 0.069910 +vn -0.051521 0.996332 0.068318 +vn 0.072950 0.995381 0.062409 +vn 0.099920 0.992566 0.069483 +vn -0.026210 0.997148 0.070770 +vn -0.120477 0.990445 0.067115 +vn -0.228791 0.971210 0.066376 +vn -0.043176 0.997275 0.059815 +vn -0.031956 0.997524 0.062654 +vn -0.436075 0.897364 0.067645 +vn -0.283860 0.956638 0.065318 +vn -0.330501 0.941394 0.067432 +vn -0.544988 0.836132 0.062224 +vn -0.640643 0.764176 0.074903 +vn -0.383573 0.921107 0.066579 +vn -0.535120 0.841602 0.073167 +vn -0.636924 0.766821 0.079456 +vn -0.624986 0.777241 0.072724 +vn -0.717244 0.691731 0.084078 +vn -0.784766 0.615388 0.073757 +vn -0.826411 0.558209 0.073806 +vn -0.874133 0.480472 0.070979 +vn -0.668659 0.740521 0.067257 +vn -0.567182 0.820640 0.069671 +vn -0.754481 0.652571 0.070064 +vn -0.717452 0.692943 0.071354 +vn -0.573534 0.816346 0.068100 +vn -0.491031 0.868428 0.068713 +vn -0.791212 0.607091 0.073649 +vn -0.834142 0.546797 0.072250 +vn -0.857732 0.508874 0.073092 +vn -0.891240 0.447856 0.071532 +vn -0.874767 0.479215 0.071663 +vn -0.936159 -0.216330 0.277141 +vn -0.411601 0.542505 0.732307 +vn -0.849357 0.198811 0.488944 +vn -0.806482 -0.446957 0.387060 +vn -0.791201 -0.072092 0.607293 +vn -0.646272 -0.075329 -0.759380 +vn -0.975510 -0.072101 -0.207805 +vn -0.984461 -0.157910 -0.076818 +vn -0.994722 -0.075878 -0.069063 +vn -0.483670 -0.121344 -0.866798 +vn -0.605604 0.063418 -0.793235 +vn -0.035713 0.004649 -0.999351 +vn -0.050930 -0.007017 -0.998678 +vn -0.983784 -0.165778 -0.068461 +vn -0.997110 0.035072 -0.067391 +vn -0.990088 0.124015 -0.065924 +vn -0.996916 0.024922 -0.074413 +vn 0.019854 -0.017377 -0.999652 +vn -0.947077 0.222895 -0.231004 +vn -0.985918 0.109804 -0.126128 +vn -0.952631 0.296810 -0.066320 +vn -0.978321 0.195930 -0.067073 +vn -0.922738 0.344655 -0.172530 +vn -0.447901 0.160767 -0.879511 +vn -0.909161 0.410750 -0.068634 +vn -0.523996 0.310830 -0.792978 +vn -0.030370 0.010473 -0.999484 +vn -0.865741 0.466856 -0.180385 +vn -0.337840 0.284828 -0.897071 +vn -0.491035 0.594769 -0.636502 +vn -0.037776 0.045926 -0.998230 +vn 0.011406 -0.019997 -0.999735 +vn -0.004081 0.000736 -0.999991 +vn -0.714857 0.676833 -0.175717 +vn -0.396613 0.707748 -0.584629 +vn -0.227221 0.374320 -0.899030 +vn -0.416833 0.901371 -0.117390 +vn -0.005143 -0.002540 -0.999984 +vn 0.337772 -0.493240 -0.801639 +vn 0.068576 -0.089784 -0.993598 +vn 0.676969 -0.720336 -0.151090 +vn 0.082553 -0.074083 -0.993829 +vn -0.201418 0.246192 -0.948061 +vn 0.616059 0.015363 0.787550 +vn -0.192354 0.255798 0.947400 +vn 0.982883 -0.152472 0.103413 +vn 0.023661 -0.045630 0.998678 +vn 0.415147 -0.153363 0.896734 +vn 0.684845 -0.292361 0.667468 +vn 0.282016 -0.021491 0.959169 +vn 0.017899 -0.008795 -0.999801 +vn -0.061204 -0.000207 -0.998125 +vn 0.017428 0.006460 -0.999827 +vn -0.019425 -0.009686 -0.999764 +vn 0.325899 0.263355 -0.907983 +vn 0.379494 0.237260 -0.894255 +vn 0.288806 0.295111 -0.910769 +vn 0.024279 0.000037 -0.999705 +vn 0.369809 0.170204 -0.913385 +vn 0.230781 0.348426 -0.908482 +vn 0.125339 0.408916 -0.903924 +vn -0.012322 0.434880 -0.900404 +vn 0.124976 0.398201 -0.908745 +vn 0.086227 0.163382 -0.982787 +vn -0.002873 0.005031 -0.999983 +vn -0.014761 -0.026687 -0.999535 +vn 0.469860 0.049152 -0.881371 +vn 0.388592 0.115023 -0.914203 +vn 0.037052 -0.008368 -0.999278 +vn 0.429548 -0.021608 -0.902785 +vn 0.397331 0.072981 -0.914769 +vn 0.396142 -0.117565 -0.910632 +vn -0.008659 -0.008597 -0.999926 +vn 0.418315 -0.178521 -0.890586 +vn -0.011302 0.009281 -0.999893 +vn -0.026468 -0.001320 -0.999649 +vn 0.155597 -0.028390 -0.987413 +vn 0.103390 -0.093182 -0.990267 +vn -0.108081 0.400105 -0.910074 +vn 0.057888 0.465152 -0.883336 +vn -0.038155 0.422026 -0.905780 +vn -0.177208 0.365067 -0.913960 +vn -0.081157 0.349946 -0.933248 +vn -0.206069 0.424864 -0.881491 +vn -0.050889 0.061002 -0.996840 +vn 0.010755 -0.023535 -0.999665 +vn -0.119376 -0.019340 -0.992661 +vn 0.009561 -0.009619 -0.999908 +vn 0.008977 0.006368 -0.999939 +vn -0.004451 -0.006874 -0.999966 +vn -0.194449 -0.070098 -0.978405 +vn -0.397280 -0.179646 -0.899942 +vn -0.732391 0.420099 -0.535836 +vn -0.423669 -0.631983 -0.648923 +vn -0.357260 0.310155 -0.881005 +vn -0.367049 0.245115 -0.897326 +vn -0.447960 0.095521 -0.888936 +vn -0.357772 0.179370 -0.916420 +vn -0.030554 0.008554 -0.999497 +vn -0.414000 0.144856 -0.898677 +vn -0.410760 -0.137633 -0.901295 +vn -0.106081 -0.760716 -0.640358 +vn -0.013086 -0.130477 0.991365 +vn 0.134633 -0.149285 0.979586 +vn -0.212404 -0.311138 0.926325 +vn 0.306021 -0.259528 -0.915967 +vn 0.388989 -0.220653 -0.894427 +vn 0.269415 -0.330202 -0.904645 +vn 0.259210 -0.383299 -0.886506 +vn 0.050031 -0.160360 -0.985790 +vn 0.191719 -0.406032 -0.893522 +vn 0.095923 -0.398529 -0.912126 +vn -0.046236 -0.065177 -0.996802 +vn 0.024841 -0.059555 -0.997916 +vn -0.002377 0.001066 -0.999997 +vn -0.002039 -0.028508 -0.999592 +vn -0.176226 0.465860 -0.867132 +vn -0.016565 0.038723 -0.999113 +vn -0.282729 0.950219 -0.130950 +vn 0.012024 -0.414490 -0.909974 +vn 0.068699 -0.474899 -0.877355 +vn -0.097547 -0.433835 -0.895696 +vn -0.178185 -0.424814 -0.887572 +vn -0.022607 -0.171155 -0.984985 +vn -0.158988 -0.356253 -0.920764 +vn -0.013103 -0.061963 -0.997993 +vn -0.000799 -0.000795 -0.999999 +vn -0.113218 0.002357 0.993567 +vn -0.283652 0.761697 -0.582546 +vn -0.401626 0.856402 -0.324457 +vn -0.385551 0.188689 -0.903187 +vn -0.188756 -0.125026 -0.974033 +vn -0.326424 0.065396 -0.942959 +vn -0.201813 -0.101640 -0.974136 +vn -0.066734 0.553702 -0.830036 +vn -0.028731 -0.005823 -0.999570 +vn -0.402878 -0.093216 -0.910494 +vn -0.368024 -0.190046 -0.910188 +vn -0.022215 -0.013887 -0.999657 +vn 0.079925 0.006344 -0.996781 +vn -0.336665 -0.344021 -0.876531 +vn -0.247676 -0.343007 -0.906092 +vn -0.017871 -0.029462 -0.999406 +vn -0.028308 -0.028286 -0.999199 +vn -0.340481 -0.277277 -0.898437 +vn 0.381094 0.917928 0.110344 +vn -0.241878 -0.200955 0.949269 +vn -0.157409 -0.170819 0.972648 +vn 0.073011 -0.537662 0.839993 +vn 0.763658 0.636829 -0.106184 +vn 0.734588 0.656694 -0.170685 +vn 0.912274 0.353513 0.206844 +vn 0.301416 -0.664530 0.683775 +vn -0.004721 -0.003743 -0.999982 +vn 0.015537 0.007346 -0.999852 +vn 0.129390 0.050540 -0.990305 +vn 0.500936 0.100846 -0.859589 +vn 0.204255 0.068887 0.976491 +vn 0.226131 -0.025875 0.973753 +vn -0.383806 -0.125244 0.914881 +vn 0.862275 0.477181 -0.169650 +vn 0.703333 0.273957 -0.655950 +vn 0.945676 0.317430 -0.070256 +vn 0.953483 0.244939 -0.175713 +vn 0.922947 0.368917 -0.109857 +vn 0.904878 0.419840 -0.070217 +vn 0.654462 0.032410 0.755400 +vn 0.153733 0.133385 -0.979068 +vn 0.725018 0.567152 -0.390752 +vn 0.802474 0.589500 -0.092333 +vn 0.450017 0.266835 -0.852223 +vn -0.199227 -0.237891 0.950640 +vn 0.430185 0.238754 0.870596 +vn 0.335375 0.123082 0.934010 +vn 0.157247 -0.045989 0.986488 +vn 0.187506 -0.036558 0.981583 +vn 0.766933 0.638411 -0.065160 +vn 0.769976 0.633834 -0.073421 +vn 0.728115 0.681323 -0.075152 +vn 0.633584 0.770145 -0.073816 +vn 0.819230 0.569000 -0.071425 +vn 0.870484 0.486776 -0.072847 +vn -0.017466 0.901911 -0.431568 +vn -0.045878 0.381145 -0.923376 +vn -0.169395 0.817929 -0.549816 +vn -0.232882 0.969553 -0.075718 +vn 0.002946 0.057782 -0.998325 +vn 0.031997 0.075048 -0.996666 +vn 0.103907 0.963184 -0.247950 +vn 0.136194 0.525112 -0.840064 +vn 0.050192 0.525022 -0.849607 +vn 0.315861 0.828029 -0.463249 +vn 0.221314 0.406161 -0.886597 +vn 0.223154 0.965358 -0.135229 +vn -0.017643 0.996279 -0.084360 +vn -0.144600 0.983737 -0.106552 +vn 0.284361 0.955515 -0.078292 +vn 0.361878 0.926726 -0.101106 +vn 0.023761 0.028660 -0.999307 +vn 0.624731 0.693456 -0.358929 +vn 0.301849 0.355481 -0.884602 +vn 0.525726 0.453647 -0.719594 +vn 0.351404 0.514034 0.782486 +vn 0.031178 0.248069 0.968241 +vn 0.597439 0.795919 -0.097880 +vn 0.511391 0.728305 -0.456125 +vn 0.481763 0.865514 -0.137075 +vn 0.570629 0.817900 -0.073635 +vn 0.458216 0.885557 -0.076328 +vn 0.706713 0.700768 -0.097371 +vn 0.633147 0.771200 -0.066145 +vn 0.678887 0.730811 -0.070903 +vn -0.994444 -0.078872 -0.069714 +vn -0.995850 0.060478 -0.068001 +vn -0.989818 0.124412 -0.069149 +vn -0.982679 0.172161 -0.068573 +vn -0.970180 0.232329 -0.069093 +vn -0.874922 0.478988 -0.071286 +vn -0.847714 0.526151 -0.067419 +vn -0.996610 -0.047656 -0.067065 +vn -0.995711 0.063840 -0.066961 +vn -0.981646 0.177960 -0.068570 +vn -0.994832 0.076365 -0.066917 +vn -0.983914 0.165966 -0.066088 +vn -0.957969 0.278077 -0.070485 +vn -0.809622 0.582527 -0.071935 +vn -0.929608 0.361838 -0.070019 +vn -0.892851 0.444844 -0.070220 +vn -0.927436 0.367585 -0.068868 +vn -0.799151 0.570872 -0.188317 +vn -0.768841 0.635701 -0.069047 +vn -0.663934 0.744602 -0.068996 +vn -0.726733 0.683079 -0.072545 +vn -0.531330 0.827763 -0.180266 +vn -0.620571 0.775576 -0.115643 +vn -0.529042 0.845893 -0.067679 +vn -0.840365 0.537356 -0.070958 +vn -0.693027 0.717488 -0.070178 +vn -0.761972 0.643614 -0.071825 +vn -0.627692 0.775166 -0.071554 +vn -0.621145 0.780222 -0.073708 +vn -0.948266 0.310072 -0.068162 +vn -0.955200 0.287946 -0.068410 +vn -0.918088 0.390117 -0.070161 +vn -0.798459 0.597794 -0.071450 +vn -0.816508 0.573241 -0.068627 +vn -0.907572 0.414236 -0.068719 +vn -0.551315 0.831065 -0.073367 +vn -0.448195 0.890941 -0.073111 +vn -0.349349 0.934291 -0.071101 +vn -0.035075 0.996530 -0.075485 +vn -0.111023 0.991259 -0.071268 +vn -0.531945 0.843480 -0.074670 +vn -0.659076 0.748933 -0.068688 +vn -0.704960 0.705624 -0.071601 +vn -0.444442 0.892873 -0.072458 +vn -0.344599 0.935615 -0.076658 +vn -0.143013 0.986737 -0.076796 +vn -0.244274 0.966760 -0.075537 +vn -0.442356 0.893822 -0.073512 +vn -0.151052 0.985751 -0.074015 +vn -0.254327 0.964134 -0.075915 +vn -0.150758 0.985598 -0.076603 +vn -0.046512 0.996009 -0.076170 +vn -0.341816 0.936896 -0.073395 +vn 0.057445 0.995345 -0.077382 +vn 0.004764 0.997159 -0.075175 +vn 0.789939 0.608095 -0.078841 +vn 0.565061 0.821586 -0.075519 +vn 0.662875 0.744959 -0.075049 +vn 0.065813 0.994758 -0.078262 +vn 0.166876 0.982858 -0.078371 +vn 0.355394 0.931607 -0.076184 +vn 0.438538 0.895570 -0.075095 +vn 0.361571 0.929120 -0.077473 +vn 0.280709 0.956830 -0.075355 +vn 0.266809 0.960669 -0.076995 +vn 0.536227 0.840324 -0.079468 +vn 0.732504 0.676616 -0.075019 +vn 0.635612 0.768103 -0.077557 +vn 0.548791 0.832525 -0.075702 +vn 0.608283 0.790230 -0.074351 +vn 0.639815 0.764640 -0.077222 +vn -0.990332 0.120252 -0.069146 +vn -0.979253 0.190707 -0.068514 +vn -0.978694 0.193388 -0.068986 +vn 0.976077 -0.205570 0.070815 +vn 0.993614 -0.082147 0.077347 +vn 0.992558 -0.104759 0.062091 +vn -0.979116 0.191402 -0.068531 +vn -0.946936 0.314121 -0.068126 +vn -0.898451 0.433672 -0.068658 +vn -0.958251 0.277778 -0.067774 +vn -0.933415 0.352401 -0.067457 +vn -0.846925 0.527086 -0.069997 +vn -0.863987 0.498730 -0.069239 +vn -0.806337 0.586944 -0.072922 +vn -0.772910 0.630734 -0.069176 +vn -0.773611 0.629685 -0.070871 +vn -0.724662 0.685459 -0.070782 +vn -0.745614 0.663052 -0.066492 +vn -0.747002 0.660976 -0.071401 +vn -0.719030 0.691234 -0.072048 +vn -0.535659 0.841541 -0.069847 +vn -0.647579 0.758403 -0.073937 +vn -0.628584 0.774361 -0.072443 +vn -0.459892 0.884916 -0.073637 +vn -0.531587 0.843777 -0.073869 +vn -0.148633 0.985769 -0.078538 +vn -0.050022 0.995728 -0.077606 +vn -0.184898 0.980024 -0.073253 +vn -0.587755 0.805803 -0.072290 +vn -0.546293 0.834286 -0.074370 +vn -0.646171 0.759643 -0.073526 +vn -0.669650 0.739411 -0.069569 +vn -0.393531 0.916337 -0.073895 +vn -0.346302 0.935272 -0.073085 +vn -0.138961 0.987282 -0.077232 +vn -0.094683 0.992590 -0.076162 +vn -0.177688 0.981029 -0.077519 +vn -0.248334 0.965834 -0.074122 +vn -0.273978 0.958800 -0.075084 +vn 0.065239 0.994882 -0.077158 +vn 0.174516 0.981626 -0.077169 +vn 0.166528 0.983159 -0.075276 +vn 0.074060 0.994343 -0.076137 +vn 0.280820 0.956734 -0.076161 +vn 0.185173 0.979813 -0.075355 +vn 0.445572 0.892065 -0.075399 +vn 0.532991 0.842698 -0.076033 +vn 0.362734 0.928732 -0.076684 +vn 0.450926 0.889281 -0.076451 +vn -0.034587 0.996450 -0.076755 +vn -0.017403 0.996936 -0.076266 +vn -0.058140 0.995363 -0.076625 +vn 0.057373 0.995727 -0.072355 +vn 0.042905 0.996177 -0.076100 +vn 0.281560 0.956528 -0.076011 +vn 0.277419 0.957641 -0.077220 +vn 0.167598 0.982905 -0.076215 +vn 0.366112 0.927495 -0.075594 +vn 0.082959 0.993582 -0.076892 +vn 0.109583 0.991383 -0.071765 +vn 0.176325 0.981325 -0.076877 +vn -0.024136 0.996852 -0.075525 +vn 0.105065 0.991316 -0.079077 +vn 0.421476 0.903674 -0.075713 +vn 0.356056 0.931546 -0.073802 +vn 0.272638 0.958878 -0.078880 +vn 0.462148 0.883267 -0.079108 +vn 0.531768 0.843385 -0.076965 +vn 0.995497 -0.059851 -0.073514 +vn 0.934467 0.346997 0.079773 +vn 0.907823 0.355905 0.221786 +vn 0.623984 0.027276 0.780961 +vn 0.525070 -0.396265 0.753177 +vn 0.187719 -0.384104 0.904005 +vn 0.337445 0.037240 0.940608 +vn -0.542919 -0.839473 -0.022900 +vn -0.875372 -0.374128 0.306189 +vn -0.929167 -0.291457 -0.227382 +vn 0.956109 -0.234932 0.175108 +vn 0.855013 -0.108750 0.507075 +vn 0.812290 0.082332 0.577413 +vn 0.548834 -0.035168 0.835191 +vn -0.599411 -0.791439 0.119716 +vn -0.567042 -0.823191 -0.028653 +vn -0.799082 0.245805 -0.548678 +vn -0.953569 0.240029 0.181914 +vn -0.663139 0.580352 0.472692 +vn 0.370517 0.844467 -0.386773 +vn 0.613516 0.054925 0.787770 +vn 0.398195 0.005422 0.917285 +vn 0.256264 0.101640 0.961248 +vn 0.948239 -0.001252 0.317555 +vn -0.737637 0.034370 0.674322 +vn 0.826153 -0.348632 -0.442635 +vn 0.750888 -0.357903 -0.555043 +vn -0.683681 0.719222 -0.123693 +vn -0.947165 -0.035868 -0.318734 +vn 0.803374 -0.568494 -0.177216 +vn 0.723328 -0.436037 0.535414 +vn 0.987482 0.100992 0.121161 +vn 0.901027 0.046381 0.431276 +vn 0.940271 0.255586 0.224872 +vn 0.969719 0.131753 0.205637 +vn 0.829318 -0.140712 0.540770 +vn 0.955438 -0.173106 0.239107 +vn 0.279337 0.365568 -0.887880 +vn -0.240257 0.119362 -0.963343 +vn 0.984776 -0.067218 -0.160307 +vn 0.834397 -0.050906 0.548808 +vn -0.992829 0.114349 0.034864 +vn -0.783834 0.151515 0.602203 +vn 0.284413 -0.004261 -0.958692 +vn 0.976596 -0.214527 0.015421 +vn 0.655443 -0.150272 0.740144 +vn 0.528790 -0.164082 0.832741 +vn 0.686779 -0.172102 0.706198 +vn 0.533831 -0.202593 0.820963 +vn -0.860464 0.340020 0.379457 +vn 0.907813 -0.320759 0.270165 +vn -0.988665 0.109901 0.102287 +vn -0.963735 0.265709 0.024782 +vn 0.301388 -0.668561 0.679847 +vn 0.878424 -0.462949 0.118534 +vn 0.790752 -0.518379 0.325568 +vn 0.843420 0.079293 0.531372 +vn 0.862272 -0.362678 0.353485 +vn 0.657300 -0.703768 0.269568 +vn 0.902531 -0.077076 -0.423672 +vn 0.875183 -0.289742 -0.387433 +vn 0.864023 -0.500476 0.054659 +vn 0.851738 -0.505309 0.138583 +vn -0.524346 0.255510 0.812266 +vn -0.101312 0.269460 0.957667 +vn -0.637419 0.769234 0.044450 +vn -0.644660 0.658389 -0.388507 +vn -0.592297 0.800688 0.089908 +vn -0.226300 0.946310 -0.230837 +vn -0.808673 0.214721 0.547671 +vn 0.822590 -0.565573 -0.058926 +vn 0.071434 0.086689 -0.993671 +vn -0.078715 0.147907 -0.985864 +vn 0.666822 -0.427046 0.610720 +vn 0.355591 0.166711 0.919653 +vn 0.220154 -0.168155 0.960862 +vn 0.238508 -0.103511 0.965608 +vn -0.698933 0.701327 -0.140117 +vn 0.683810 -0.635208 -0.359046 +vn 0.695108 -0.579295 0.425726 +vn 0.633803 -0.501049 -0.589274 +vn -0.185891 -0.079925 0.979314 +vn 0.397467 -0.524840 0.752704 +vn 0.671107 -0.678396 -0.298989 +vn -0.158610 0.124435 -0.979469 +vn -0.334502 0.461338 -0.821751 +vn -0.751103 0.651865 -0.104480 +vn -0.648897 0.070149 0.757636 +vn 0.463287 -0.693561 0.551668 +vn 0.221949 -0.437813 0.871240 +vn 0.544533 -0.826529 -0.142594 +vn 0.640714 -0.760297 0.106935 +vn -0.461127 0.517784 -0.720598 +vn 0.014758 0.147503 -0.988952 +vn -0.502353 0.819213 -0.276643 +vn -0.568447 0.812481 -0.129391 +vn 0.099301 0.717657 0.689280 +vn -0.191413 -0.132107 0.972579 +vn 0.064214 0.601426 0.796344 +vn 0.560168 -0.315678 0.765871 +vn 0.469288 -0.512601 0.719033 +vn -0.244091 0.525850 0.814802 +vn -0.514118 0.677856 0.525541 +vn -0.410460 0.911222 0.034597 +vn -0.515759 0.552753 0.654566 +vn 0.497249 -0.823363 0.273527 +vn 0.294246 -0.709936 0.639852 +vn 0.203469 0.167675 -0.964617 +vn -0.036625 -0.111220 -0.993121 +vn 0.325297 0.130462 -0.936569 +vn 0.551519 -0.834136 -0.006607 +vn 0.430419 0.300008 -0.851314 +vn 0.508022 -0.857414 -0.082181 +vn -0.030442 -0.783163 0.621070 +vn -0.292169 -0.844487 0.448865 +vn 0.005196 -0.995260 0.097115 +vn -0.697901 -0.561600 0.444454 +vn -0.614585 -0.229277 -0.754796 +vn 0.748977 0.413031 -0.518111 +vn 0.344085 0.169795 0.923458 +vn 0.650508 -0.362033 -0.667661 +vn 0.660474 -0.733143 -0.162095 +vn -0.508961 0.748271 0.425498 +vn -0.677399 0.712615 -0.182512 +vn -0.433704 0.514519 0.739710 +vn -0.593547 0.804706 -0.012233 +vn 0.681004 -0.676939 -0.279264 +vn -0.080727 -0.005801 0.996719 +vn 0.001415 -0.212898 0.977073 +vn -0.213286 0.281940 -0.935424 +vn 0.438659 -0.437752 -0.784826 +vn -0.169761 0.217499 0.961184 +vn -0.509390 0.388020 0.768090 +vn 0.865084 -0.452642 -0.216205 +vn 0.890850 -0.450458 0.058938 +vn 0.977997 -0.205507 -0.035894 +vn 0.935628 -0.331542 -0.121166 +vn 0.771667 -0.308129 -0.556405 +vn 0.844743 -0.201295 -0.495872 +vn 0.654433 -0.390664 -0.647379 +vn 0.524683 -0.704605 -0.477745 +vn 0.853884 -0.445518 -0.269063 +vn 0.246028 -0.723049 0.645500 +vn 0.226266 -0.512892 -0.828097 +vn -0.148303 -0.620127 -0.770357 +vn 0.155811 -0.774688 0.612847 +vn -0.573143 0.604626 0.553114 +vn -0.139164 -0.273661 0.951705 +vn 0.317705 0.527430 0.787960 +vn 0.133044 0.856022 0.499526 +vn 0.426436 -0.880367 0.207620 +vn 0.388690 -0.606307 0.693766 +vn 0.220472 -0.954472 0.200937 +vn 0.454245 -0.869073 0.195892 +vn 0.432860 -0.746084 0.505956 +vn -0.746300 0.643840 0.168840 +vn -0.501144 0.863079 0.062838 +vn 0.103876 0.994296 0.024201 +vn 0.025590 -0.096594 0.994995 +vn 0.268123 -0.333734 0.903732 +vn -0.009024 -0.278592 0.960367 +vn -0.026796 -0.851305 0.523987 +vn -0.812175 -0.554420 0.181631 +vn -0.875985 0.480668 0.040112 +vn -0.012263 -0.993664 -0.111724 +vn 0.304432 -0.794030 -0.526153 +vn 0.217325 -0.943335 0.250776 +vn -0.123692 0.379277 -0.916978 +vn -0.144142 0.972939 -0.180588 +vn 0.742817 0.438259 0.506115 +vn 0.088765 0.386727 -0.917912 +vn -0.259952 0.776780 -0.573618 +vn -0.979002 -0.044089 0.199028 +vn 0.732918 0.535908 -0.419088 +vn 0.369118 0.289059 -0.883287 +vn 0.178450 0.969342 0.168913 +vn -0.567053 -0.531613 0.629157 +vn -0.472675 -0.583228 0.660623 +vn 0.114794 0.245392 0.962603 +vn 0.690796 0.627360 0.359471 +vn 0.516144 0.456614 0.724637 +vn -0.320741 0.109514 0.940814 +vn -0.938228 -0.263028 0.224822 +vn -0.428426 0.013464 0.903476 +vn -0.876679 -0.261670 -0.403686 +vn -0.947969 -0.176187 -0.265167 +vn -0.992152 -0.023743 0.122766 +vn -0.991609 -0.112773 0.063204 +vn -0.949778 0.312926 0.000135 +vn -0.956379 0.288180 0.047864 +vn -0.810127 -0.427443 0.401231 +vn -0.368296 -0.253272 0.894545 +vn -0.882027 -0.466754 0.064572 +vn -0.907856 -0.400823 0.123034 +vn -0.894226 -0.408777 0.182375 +vn -0.911200 -0.304704 0.277256 +vn -0.930156 -0.359285 0.075660 +vn 0.690335 0.074206 0.719674 +vn 0.931382 0.175033 0.319204 +vn 0.696425 -0.064623 0.714714 +vn -0.187395 -0.271144 0.944121 +vn 0.984317 0.133666 -0.115124 +vn 0.880254 0.464196 0.098360 +vn 0.733978 0.678984 0.016012 +vn -0.087638 0.116889 0.989271 +vn -0.144179 -0.183680 0.972355 +vn -0.773846 -0.559047 0.297705 +vn 0.286976 0.503525 0.814927 +vn 0.589284 0.742746 -0.317921 +vn -0.689990 -0.509312 0.514311 +vn -0.266473 -0.227252 0.936669 +vn -0.808489 -0.587961 -0.025455 +vn -0.718393 -0.671892 -0.180202 +vn -0.732694 -0.676277 0.076218 +vn 0.435154 0.329271 0.837987 +vn 0.482345 0.366538 0.795609 +vn 0.250595 -0.319376 -0.913893 +vn 0.469495 -0.427534 -0.772521 +vn 0.386879 -0.467261 -0.794979 +vn 0.176246 0.079549 0.981126 +vn -0.106634 -0.147151 0.983349 +vn 0.028735 0.083708 0.996076 +vn 0.359408 -0.264131 -0.895020 +vn 0.480712 -0.336235 -0.809853 +vn 0.477600 -0.400059 -0.782209 +vn 0.639371 0.767490 0.046506 +vn 0.379017 0.924933 0.029072 +vn 0.589799 0.703701 -0.396160 +vn -0.994028 -0.108762 -0.008916 +vn -0.582803 -0.422357 -0.694230 +vn 0.391360 0.578939 -0.715309 +vn -0.219878 0.015134 -0.975410 +vn 0.141438 0.276892 -0.950435 +vn -0.618277 -0.780662 -0.091107 +vn -0.826725 -0.550532 0.115937 +vn -0.318140 -0.932291 0.172108 +vn -0.596304 -0.796577 0.099429 +vn -0.857577 -0.511069 0.058054 +vn -0.448843 -0.889903 0.081313 +vn 0.205141 0.909947 0.360435 +vn -0.195852 -0.960793 0.196265 +vn -0.085149 -0.378508 0.921673 +vn 0.157660 0.466703 0.870248 +vn 0.660481 0.665479 0.347710 +vn -0.116465 -0.984402 -0.131866 +vn 0.024380 -0.995315 -0.093561 +vn -0.001205 -0.911753 -0.410737 +vn -0.102071 -0.992637 -0.065223 +vn -0.163105 -0.978823 0.123700 +vn 0.426481 0.850527 0.307762 +vn 0.341698 0.930728 0.130337 +vn -0.188095 -0.412904 0.891140 +vn -0.001369 -0.236208 0.971702 +vn -0.267364 -0.822074 0.502704 +vn -0.404884 -0.899756 0.162813 +vn -0.176235 -0.258433 0.949818 +vn -0.457278 -0.770337 0.444385 +vn -0.603717 -0.783059 -0.149482 +vn -0.499887 -0.683994 -0.531286 +vn -0.338906 -0.780768 -0.524923 +vn -0.453792 -0.867737 0.202747 +vn -0.634254 -0.766279 0.102658 +vn -0.467474 -0.877980 0.103049 +vn -0.322553 -0.944159 0.067255 +vn -0.066424 -0.989598 0.127611 +vn -0.273050 -0.956090 0.106469 +vn -0.425678 -0.901719 0.075501 +vn -0.794466 -0.600155 0.092939 +vn -0.568320 -0.819053 0.078517 +vn -0.827654 0.557667 0.063221 +vn 0.982830 0.163144 0.086193 +vn 0.993474 0.064954 0.093757 +vn 0.297359 -0.827489 0.476277 +vn 0.963989 -0.184922 0.191127 +vn 0.978836 -0.093666 0.181951 +vn 0.990325 0.101042 0.095115 +vn 0.743647 -0.648764 0.161534 +vn 0.940421 -0.037066 0.337984 +vn 0.989345 -0.112587 0.092311 +vn -0.230320 0.972296 0.039921 +vn 0.976924 -0.128906 0.170305 +vn 0.953476 -0.274682 0.124229 +vn 0.935768 -0.347414 0.060351 +vn 0.971942 0.225052 0.068416 +vn 0.552941 -0.713716 0.429961 +vn 0.815341 -0.557209 0.157282 +vn 0.257271 0.930314 0.261393 +vn -0.084601 0.535658 0.840186 +vn 0.215208 0.195125 0.956876 +vn 0.201737 0.653135 0.729875 +vn 0.813502 0.452354 0.365500 +vn 0.965819 -0.142947 0.216241 +vn 0.985097 -0.122953 0.120275 +vn 0.912665 -0.393367 0.110931 +vn 0.984839 -0.141559 0.100268 +vn 0.926897 -0.367801 0.074729 +vn 0.825207 -0.556805 0.094874 +vn 0.836308 -0.539393 0.098204 +vn 0.251082 -0.966937 0.044614 +vn -0.258384 -0.879759 0.399077 +vn 0.828719 -0.550571 0.100482 +vn 0.604863 -0.764920 0.221445 +vn 0.494253 -0.783253 0.377131 +vn 0.928829 -0.319656 0.187340 +vn 0.996731 -0.041618 0.069253 +vn 0.993335 0.044051 0.106517 +vn 0.944192 0.316706 -0.090548 +vn 0.954405 0.244730 0.170934 +vn 0.975548 -0.115956 0.186709 +vn 0.979983 -0.188714 0.063401 +vn 0.987486 -0.135399 0.080862 +vn 0.947913 -0.094138 0.304302 +vn 0.986456 -0.119482 0.112379 +vn 0.975758 -0.202507 0.082994 +vn 0.992048 -0.092844 0.084980 +vn 0.944251 -0.317878 0.085693 +vn 0.895321 -0.437521 0.083518 +vn 0.906702 -0.415714 0.071224 +vn 0.829533 -0.552259 0.082971 +vn 0.500315 -0.823490 0.267487 +vn -0.797741 -0.602993 0.002947 +vn -0.093489 -0.767559 0.634124 +vn -0.593075 -0.795106 0.126759 +vn 0.733735 -0.673897 0.086582 +vn 0.739656 -0.653936 0.158990 +vn 0.519885 -0.848736 0.096781 +vn -0.210582 -0.977567 -0.004168 +vn 0.822886 -0.563497 0.073000 +vn 0.583681 -0.810447 0.049932 +vn 0.990033 -0.120432 0.073010 +vn 0.950195 -0.303509 0.070791 +vn 0.938795 -0.337060 0.071091 +vn 0.897629 -0.434596 0.073412 +vn 0.892207 -0.445956 0.071339 +vn 0.838518 -0.540038 0.072427 +vn 0.947376 -0.303623 0.101448 +vn 0.558570 -0.823312 0.100778 +vn 0.837616 -0.140728 0.527821 +vn 0.470327 0.494472 -0.730951 +vn 0.972127 -0.172402 0.158890 +vn 0.702592 -0.703217 0.108860 +vn 0.597113 -0.791999 0.127254 +vn 0.765015 -0.632348 0.122018 +vn 0.390685 -0.918930 0.054167 +vn 0.162460 -0.979750 0.117031 +vn 0.330450 -0.939131 0.094001 +vn -0.053033 -0.998216 0.027447 +vn 0.308074 -0.949785 0.054758 +vn 0.400371 -0.912909 0.079373 +vn 0.477706 -0.876461 0.060104 +vn 0.183135 -0.975726 0.120082 +vn -0.331227 -0.939520 0.087122 +vn -0.912212 -0.323997 0.250787 +vn 0.278811 -0.954885 0.102274 +vn -0.543895 -0.648259 0.532859 +vn -0.468784 -0.441868 0.764849 +vn 0.368473 -0.779801 0.506100 +vn -0.207046 -0.974217 0.089630 +vn 0.189366 -0.930728 0.312868 +vn 0.800142 -0.597462 0.053024 +vn 0.955438 0.262476 0.135070 +vn 0.636698 -0.757429 0.144626 +vn 0.565109 -0.822102 0.069286 +vn 0.507936 -0.856808 0.088781 +vn 0.608556 -0.775482 0.168189 +vn 0.574281 -0.809698 0.120796 +vn 0.745671 -0.658095 0.104333 +vn 0.678990 -0.572469 0.459622 +vn 0.598910 -0.700144 0.388722 +vn 0.514075 -0.854226 0.077626 +vn 0.390609 -0.917491 0.075066 +vn 0.411755 -0.906489 0.093466 +vn 0.421145 -0.903624 0.078108 +vn 0.320849 -0.943880 0.078401 +vn 0.092085 -0.971586 0.218040 +vn -0.364328 -0.724359 0.585294 +vn -0.056460 -0.994728 0.085601 +vn -0.716968 -0.696039 -0.038559 +vn -0.563710 -0.824487 0.049525 +vn 0.191254 -0.978586 0.076099 +vn 0.219665 -0.971955 0.083967 +vn 0.015987 -0.993413 0.113470 +vn -0.367532 -0.856390 0.362651 +vn -0.016185 -0.003598 0.999863 +vn 0.231046 -0.639259 0.733461 +vn 0.054381 -0.990350 0.127478 +vn -0.033478 -0.888242 0.458154 +vn -0.106998 -0.988952 0.102593 +vn 0.096280 -0.988883 0.113315 +vn 0.151005 -0.962734 0.224367 +vn 0.272280 -0.947223 0.169208 +vn 0.067936 -0.994798 0.075907 +vn -0.662375 -0.735289 0.143560 +vn -0.146983 -0.982691 0.112760 +vn -0.287453 -0.954050 0.084606 +vn -0.842562 0.333157 0.423197 +vn -0.729487 -0.663325 0.166881 +vn -0.428950 -0.899316 0.085044 +vn -0.363880 -0.928381 0.075501 +vn -0.036683 -0.929080 0.368055 +vn -0.831145 -0.547918 0.094784 +vn -0.799139 -0.596727 0.072762 +vn -0.677056 -0.730420 0.089901 +vn -0.772550 -0.615181 0.157224 +vn 0.381556 -0.832614 0.401458 +vn -0.627859 -0.775986 0.060324 +vn 0.214227 -0.969462 0.119373 +vn -0.730579 -0.678166 0.079659 +vn -0.501357 -0.861013 0.085426 +vn -0.647070 -0.755130 0.105254 +vn -0.272598 -0.958631 0.081958 +vn -0.116560 -0.990462 0.073477 +vn -0.184178 -0.780863 0.596935 +vn -0.605257 -0.721840 0.335575 +vn -0.750690 -0.648745 0.124877 +vn -0.710195 -0.693613 0.120516 +vn -0.553727 -0.830041 0.066468 +vn -0.429699 -0.899238 0.082030 +vn -0.566693 -0.818290 0.096233 +vn -0.722874 -0.682022 0.110897 +vn 0.585383 -0.331550 0.739866 +vn 0.631775 -0.725200 0.273763 +vn -0.719030 -0.687113 0.104265 +vn -0.633202 -0.713695 0.299492 +vn -0.711228 -0.701748 0.041285 +vn -0.747983 -0.596775 0.290484 +vn -0.881197 -0.461256 0.103605 +vn 0.861696 -0.485358 0.148013 +vn -0.571051 -0.815610 0.093166 +vn -0.370214 -0.925188 0.083475 +vn -0.490632 -0.867867 0.078028 +vn -0.866495 -0.449100 0.217935 +vn 0.412576 -0.903795 0.113733 +vn 0.477928 -0.861284 0.172557 +vn -0.209468 -0.975755 0.063444 +vn -0.585190 -0.806493 0.084391 +vn -0.701684 -0.707628 0.083083 +vn 0.990793 -0.117816 0.066700 +vn 0.992881 -0.093065 0.074343 +vn 0.995310 -0.057153 0.078054 +vn 0.996728 -0.005572 0.080640 +vn 0.989139 -0.127724 0.072738 +vn 0.975545 -0.208378 0.069929 +vn 0.989791 -0.114936 0.084287 +vn 0.966463 -0.247244 0.069417 +vn 0.947516 -0.312173 0.069011 +vn 0.896708 -0.436853 0.071233 +vn 0.834487 -0.546480 0.070644 +vn 0.764912 -0.639669 0.075725 +vn 0.985093 -0.160091 0.062956 +vn 0.966789 -0.245790 0.070050 +vn 0.932159 -0.355388 0.069132 +vn 0.935100 -0.347256 0.070720 +vn 0.775743 -0.626350 0.076869 +vn 0.786570 -0.613357 0.071415 +vn 0.726508 -0.682336 0.081267 +vn 0.770398 -0.632079 0.083442 +vn 0.888358 -0.453840 0.069633 +vn 0.846986 -0.526893 0.070705 +vn 0.723872 -0.684887 0.083308 +vn 0.641343 -0.763126 0.079488 +vn 0.731593 -0.676952 0.080675 +vn 0.694199 -0.701797 0.159899 +vn 0.753592 -0.651995 0.083674 +vn 0.752097 -0.649527 0.111644 +vn 0.653652 -0.750399 0.098182 +vn 0.594231 -0.799927 0.083704 +vn 0.651181 -0.741863 0.160006 +vn 0.696530 -0.713245 0.078276 +vn 0.441814 -0.893914 0.075613 +vn 0.638890 -0.765196 0.079344 +vn 0.534514 -0.841851 0.074717 +vn 0.282410 -0.956173 0.077314 +vn 0.138572 -0.987545 0.074521 +vn 0.117990 -0.988417 0.095448 +vn 0.294033 -0.950161 0.103624 +vn 0.207571 -0.972530 0.105357 +vn 0.022237 -0.996015 0.086366 +vn 0.118232 -0.989992 0.077050 +vn 0.207997 -0.974968 0.078581 +vn 0.097958 -0.990691 0.094522 +vn 0.099090 -0.991179 0.088007 +vn 0.720578 -0.691023 0.057052 +vn 0.671749 -0.736060 0.083486 +vn 0.651112 -0.757515 0.047161 +vn 0.600847 -0.796375 0.069070 +vn 0.358540 -0.930440 0.075703 +vn 0.464253 -0.882599 0.074082 +vn 0.387775 -0.918956 0.071769 +vn 0.325000 -0.942711 0.075302 +vn -0.095952 -0.982399 0.160268 +vn 0.010849 -0.996570 0.082045 +vn -0.191313 -0.978348 0.078959 +vn 0.022150 -0.996753 0.077407 +vn -0.045883 -0.995828 0.078871 +vn -0.114124 -0.989797 0.085313 +vn -0.125690 -0.988454 0.084617 +vn -0.245144 -0.966296 0.078596 +vn -0.317996 -0.944983 0.076711 +vn -0.573378 -0.813883 0.093980 +vn -0.389859 -0.917529 0.078422 +vn -0.492957 -0.866531 0.078220 +vn -0.200475 -0.976682 0.076818 +vn -0.599926 -0.794983 0.089948 +vn 0.029850 -0.996632 0.076378 +vn -0.089434 -0.993073 0.076203 +vn -0.106789 -0.991557 0.073564 +vn -0.163225 -0.983843 0.073554 +vn -0.087864 -0.992814 0.081242 +vn -0.489876 -0.868323 0.077696 +vn -0.550625 -0.830961 0.079470 +vn -0.400234 -0.913153 0.077232 +vn -0.178918 -0.980318 0.083459 +vn -0.293350 -0.953060 0.074989 +vn -0.560575 -0.824317 0.079101 +vn -0.393099 -0.916101 0.078938 +vn 0.363422 -0.928589 0.075154 +vn -0.070868 -0.994722 0.074195 +vn 0.661186 -0.741848 0.111775 +vn -0.362779 -0.927973 0.085189 +vn -0.981203 -0.119232 0.151737 +vn -0.615401 -0.778714 0.122008 +vn -0.558675 -0.816476 -0.145769 +vn -0.821162 -0.558722 -0.116288 +vn -0.770103 -0.608567 -0.191279 +vn -0.895945 -0.422630 -0.136627 +vn -0.889259 0.296247 0.348505 +vn -0.889259 0.296247 0.348505 +vn -0.889259 0.296247 0.348505 +vn 0.330002 -0.708253 0.624080 +vn 0.303230 -0.713271 0.631899 +vn -0.891121 -0.050699 0.450924 +vn -0.704721 -0.703453 0.092314 +vn -0.778073 -0.608621 -0.155507 +vn -0.816078 -0.114225 0.566542 +vn -0.621670 -0.192632 0.759222 +vn 0.807561 0.211730 0.550468 +vn -0.564375 0.001344 0.825518 +vn -0.744723 -0.474808 0.468983 +vn -0.730398 -0.510126 0.454192 +vn -0.876111 -0.207068 0.435376 +vn -0.777449 0.150450 -0.610686 +vn 0.848876 -0.165189 -0.502118 +vn -0.602690 0.266306 -0.752227 +vn -0.953221 0.266691 -0.142289 +vn 0.433041 0.256782 -0.864025 +vn -0.731371 0.335213 -0.593910 +vn -0.956248 -0.196221 0.216994 +vn 0.580315 0.776827 -0.244487 +vn 0.997333 -0.025741 0.068301 +vn 0.090792 0.993577 0.067535 +vn 0.223897 0.973338 -0.049843 +vn -0.788400 0.416964 -0.452290 +vn -0.894486 0.445038 -0.042857 +vn 0.695175 0.713414 0.088166 +vn -0.823430 0.362230 0.436753 +vn -0.781250 0.259585 0.567683 +vn -0.281343 0.056094 0.957966 +vn 0.814378 0.130633 0.565441 +vn 0.018553 -0.761048 0.648430 +vn -0.240328 0.150196 0.959001 +vn 0.192595 0.981215 -0.011122 +vn -0.363929 0.413087 0.834814 +vn -0.975768 -0.108931 -0.189767 +vn -0.975768 -0.108931 -0.189767 +vn -0.975768 -0.108931 -0.189767 +vn -0.114147 -0.727661 0.676373 +vn -0.018212 -0.550681 0.834517 +vn 0.288080 0.811398 0.508570 +vn -0.368926 0.692563 -0.619880 +vn -0.304586 0.356866 -0.883105 +vn -0.497447 0.320353 -0.806177 +vn -0.446688 0.317759 -0.836361 +vn 0.128285 0.000127 -0.991737 +vn 0.895505 -0.431268 -0.109904 +vn -0.506460 0.845407 0.169662 +vn -0.229014 0.895513 -0.381587 +vn -0.716453 0.252138 0.650479 +vn -0.340315 0.868884 0.359480 +vn -0.329737 0.914549 0.234250 +vn -0.215979 0.961490 0.169974 +vn -0.500626 0.863943 0.054554 +vn -0.277719 0.943061 0.183055 +vn 0.111258 0.573348 0.811723 +vn -0.786539 -0.125972 -0.604555 +vn -0.985562 -0.160504 -0.053910 +vn -0.782933 -0.526132 0.331964 +vn 0.919239 -0.374509 -0.121419 +vn 0.384173 0.911715 -0.145559 +vn 0.023488 0.676437 -0.736126 +vn -0.024247 0.913491 -0.406137 +vn 0.364485 0.770530 -0.522909 +vn 0.033809 0.957208 0.287418 +vn -0.039687 0.422423 -0.905529 +vn 0.638684 0.713953 -0.286973 +vn 0.908033 -0.406619 -0.100684 +vn 0.402830 0.897554 0.179234 +vn 0.593767 0.780793 0.194430 +vn 0.352778 0.883642 0.307772 +vn 0.948832 0.285168 0.135637 +vn 0.990004 0.133610 0.045163 +vn 0.660489 0.734744 -0.154612 +vn 0.493124 0.693857 -0.524778 +vn -0.036571 0.946652 -0.320175 +vn 0.689306 0.720732 0.073506 +vn 0.373825 0.908009 -0.189141 +vn 0.849084 0.524834 0.060046 +vn 0.888534 0.452906 0.073373 +vn 0.492405 0.867742 -0.067528 +vn 0.262459 0.964927 -0.005637 +vn 0.613058 0.442759 -0.654312 +vn 0.915357 -0.401500 -0.030321 +vn -0.063470 -0.613650 -0.787023 +vn 0.381463 0.922098 -0.064979 +vn 0.606013 0.782021 0.145577 +vn 0.149924 0.988381 -0.025001 +vn 0.358792 0.859188 -0.364779 +vn -0.345156 0.932175 -0.109165 +vn -0.245305 0.968697 0.038106 +vn 0.003094 0.995171 0.098106 +vn -0.701537 0.693098 -0.165714 +vn -0.936229 -0.351057 0.015297 +vn 0.993319 0.016015 0.114283 +vn 0.793080 0.584005 0.173099 +vn 0.572597 -0.815811 0.081153 +vn -0.168451 -0.976722 0.132813 +vn 0.896100 -0.434328 0.091460 +vn 0.600624 -0.793864 0.095026 +vn 0.569894 -0.819695 0.057628 +vn -0.097792 -0.990850 0.093019 +vn 0.133683 0.963192 -0.233215 +vn 0.358808 0.387539 -0.849159 +vn 0.201312 0.578458 -0.790481 +vn -0.006441 0.057297 -0.998336 +vn 0.404473 0.872640 0.273679 +vn 0.701784 -0.437347 -0.562340 +vn 0.106093 -0.988442 0.108288 +vn -0.805531 -0.558265 -0.198645 +vn 0.327348 0.303410 -0.894866 +vn 0.144147 -0.391464 -0.908833 +vn -0.664722 0.434145 -0.607999 +vn -0.332981 0.698150 -0.633806 +vn -0.438916 -0.819147 0.369257 +vn 0.284581 -0.873185 0.395678 +vn 0.107155 -0.930003 0.351584 +vn -0.334124 -0.848011 0.411386 +vn -0.478947 -0.713831 0.510936 +vn 0.282965 -0.902272 0.325325 +vn -0.132506 -0.882169 0.451906 +vn 0.711732 -0.644240 0.279987 +vn 0.849619 -0.517510 0.101636 +vn 0.936053 0.152398 0.317142 +vn 0.396010 0.216742 0.892300 +vn 0.778430 0.626447 -0.040148 +vn 0.369132 0.814469 0.447641 +vn -0.282448 0.918159 0.277861 +vn -0.828237 0.560378 -0.000479 +vn -0.652347 0.752960 0.086574 +vn -0.875988 0.440231 0.197081 +vn -0.899546 0.372596 0.228013 +vn -0.919219 0.348473 0.183310 +vn -0.990365 -0.125444 0.058667 +vn -0.983944 0.125032 0.127359 +vn -0.748927 0.593704 0.294319 +vn -0.890895 -0.395484 0.223380 +vn -0.905235 0.162420 0.392643 +vn -0.071949 0.859745 0.505630 +vn 0.754111 -0.443703 0.484194 +vn 0.959046 0.279896 0.043474 +vn 0.959971 0.171704 0.221300 +vn -0.884893 0.406430 0.227550 +vn -0.769832 -0.615788 -0.167822 +vn -0.479966 -0.574350 0.663140 +vn -0.735056 -0.443344 0.512971 +vn -0.726241 -0.314091 0.611490 +vn -0.619552 -0.359830 0.697623 +vn 0.660217 0.746353 0.084087 +vn 0.996560 0.027807 0.078069 +vn 0.303740 0.854674 0.421039 +vn 0.213463 0.963981 0.158665 +vn 0.684263 0.712371 0.155922 +vn 0.657563 0.514544 0.550323 +vn 0.886527 0.439269 0.145302 +vn 0.626836 0.675075 0.389038 +vn 0.989419 -0.090655 0.113275 +vn 0.433324 0.889770 0.143317 +vn 0.107737 0.980455 0.164624 +vn -0.810631 0.585116 0.022745 +vn -0.743006 0.662082 -0.097928 +vn -0.486344 0.861007 0.148785 +vn -0.924871 0.240040 0.294948 +vn -0.198628 -0.976454 0.084162 +vn -0.758134 -0.572677 -0.311888 +vn -0.739813 -0.672316 0.025857 +vn -0.982073 -0.048730 -0.182091 +vn -0.804413 0.030941 0.593265 +vn 0.959456 -0.281796 -0.005900 +vn 0.539292 -0.836347 0.098430 +vn 0.994942 0.038092 0.092950 +vn -0.634759 -0.101506 0.766014 +vn -0.464934 -0.149032 0.872712 +vn 0.803008 -0.331072 0.495550 +vn 0.916931 0.094029 0.387808 +vn 0.527928 -0.245500 0.813033 +vn 0.628194 -0.189599 0.754602 +vn 0.502251 0.219019 0.836526 +vn 0.231563 -0.819963 0.523488 +vn -0.045377 -0.647498 0.760715 +vn -0.241999 -0.803964 0.543212 +vn 0.199439 -0.897192 0.394043 +vn -0.378695 -0.911676 0.159491 +vn 0.764837 -0.441338 0.469303 +vn 0.960475 -0.002121 0.278359 +vn 0.550957 0.595757 0.584397 +vn 0.834177 0.347315 0.428393 +vn -0.122711 -0.990132 0.067685 +vn 0.507846 -0.724703 0.465723 +vn 0.209636 -0.886871 0.411719 +vn 0.697252 -0.409792 0.588141 +vn 0.828555 -0.398699 0.393110 +vn 0.980804 -0.186594 0.056628 +vn -0.560829 -0.186179 0.806727 +vn -0.534368 -0.809946 0.241740 +vn 0.614084 -0.775014 0.149174 +vn 0.980090 -0.182019 -0.079332 +vn 0.778726 -0.625541 -0.047797 +vn 0.552950 -0.823007 -0.130022 +vn 0.252934 -0.926690 0.277974 +vn 0.973017 -0.211525 -0.092174 +vn -0.078723 -0.967189 -0.241553 +vn 0.085763 -0.994289 0.063511 +vn 0.476679 -0.878437 0.033547 +vn 0.030981 -0.753622 0.656578 +vn 0.579117 -0.788787 0.206005 +vn 0.395441 -0.918469 0.006446 +vn -0.054020 -0.803044 0.593467 +vn -0.727228 0.629741 0.273068 +vn -0.916755 0.327801 0.228271 +vn 0.663879 -0.581225 0.470577 +vn 0.061739 -0.915510 0.397529 +vn -0.002026 -0.762176 0.647366 +vn -0.875935 0.441095 0.195379 +vn -0.878685 0.336779 0.338367 +vn -0.373875 -0.695922 0.613116 +vn -0.795779 -0.337668 0.502709 +vn -0.381097 -0.647405 0.660025 +vn 0.134796 -0.666654 0.733078 +vn -0.096509 -0.654221 0.750121 +vn 0.354521 -0.659322 0.663031 +vn -0.942341 0.077955 0.325448 +vn -0.928046 -0.202876 0.312364 +vn -0.218068 -0.384707 0.896910 +vn -0.050073 -0.058964 0.997004 +vn -0.089591 -0.217173 0.972013 +vn -0.462358 -0.084211 0.882685 +vn 0.203962 -0.022448 0.978721 +vn -0.000987 -0.002875 0.999995 +vn 0.735018 0.668440 0.113744 +vn 0.453925 0.862044 0.225462 +vn 0.494632 0.859384 0.129610 +vn 0.840285 0.410942 0.353619 +vn 0.656651 0.672111 0.342165 +vn 0.330069 0.911708 0.244630 +vn 0.293762 0.932761 0.208950 +vn 0.132841 0.975328 0.176322 +vn 0.930412 0.344938 0.123901 +vn 0.906715 -0.407006 0.110516 +vn 0.909112 0.120833 0.398640 +vn 0.967811 0.161169 0.193301 +vn 0.698844 -0.611460 0.371126 +vn 0.885311 -0.270400 0.378296 +vn -0.072724 0.366710 0.927488 +vn -0.517426 0.679170 0.520575 +vn 0.009401 0.478152 0.878227 +vn -0.739703 0.372626 0.560348 +vn -0.836266 -0.210590 0.506272 +vn -0.845761 -0.217908 0.487037 +vn -0.842258 -0.089282 0.531630 +vn -0.742890 -0.284035 0.606167 +vn -0.817549 -0.195524 0.541649 +vn -0.754901 -0.045398 0.654266 +vn -0.618745 -0.146700 0.771773 +vn -0.623694 -0.468493 0.625716 +vn 0.328371 -0.681880 0.653614 +vn -0.294090 -0.655521 0.695559 +vn -0.481385 -0.298955 0.823950 +vn -0.566779 -0.225344 0.792453 +vn -0.396356 -0.055208 0.916435 +vn -0.101529 -0.248157 0.963385 +vn -0.377463 0.027884 0.925605 +vn -0.412349 0.363362 0.835426 +vn -0.583546 0.515885 0.627166 +vn -0.170083 0.602622 0.779691 +vn -0.826801 0.076792 0.557228 +vn -0.722273 0.126855 0.679875 +vn -0.687479 -0.182473 0.702906 +vn -0.551142 0.018678 0.834202 +vn -0.325607 0.721985 0.610506 +vn -0.048457 0.882766 0.467307 +vn -0.389016 0.803243 0.451073 +vn 0.238470 0.509847 0.826552 +vn 0.196955 0.737380 0.646126 +vn -0.034356 0.590915 0.806002 +vn -0.105303 0.770535 0.628639 +vn -0.191296 0.650026 0.735440 +vn -0.295969 0.528396 0.795739 +vn -0.382123 0.508005 0.771954 +vn -0.176865 0.948561 0.262584 +vn -0.558879 0.561574 0.610155 +vn -0.547208 0.781173 0.300552 +vn 0.877869 0.469918 0.092320 +vn 0.882564 0.467814 0.047229 +vn 0.809043 0.483355 0.334390 +vn 0.790870 0.215446 0.572807 +vn -0.549479 0.334940 0.765433 +vn -0.249765 0.406903 0.878662 +vn -0.395782 0.178654 0.900800 +vn 0.415940 0.565028 0.712557 +vn 0.196188 0.392836 0.898438 +vn 0.591507 0.360248 0.721346 +vn -0.050335 0.298369 0.953122 +vn 0.407499 0.214409 0.887679 +vn 0.591215 -0.101610 0.800088 +vn 0.219705 -0.522190 0.824043 +vn 0.052764 -0.011555 0.998540 +vn -0.399405 -0.326984 0.856479 +vn -0.667266 -0.479376 0.570047 +vn 0.196515 -0.593593 0.780403 +vn 0.575365 0.257589 0.776275 +vn 0.860063 0.327004 0.391613 +vn 0.638971 -0.082095 0.764838 +vn -0.210523 0.109210 0.971470 +vn 0.189098 -0.007420 0.981930 +vn -0.033083 0.342676 0.938871 +vn -0.763086 -0.538658 0.357138 +vn -0.165608 -0.956896 0.238587 +vn 0.219469 0.572629 0.789892 +vn -0.011114 0.802598 0.596417 +vn 0.627081 0.457485 0.630458 +vn 0.447363 0.695082 0.562785 +vn 0.121857 0.909043 0.398486 +vn 0.382108 0.871375 0.307733 +vn 0.777266 -0.184945 0.601376 +vn 0.441803 0.055704 0.895381 +vn 0.759373 0.113361 0.640705 +vn 0.026461 0.906771 0.420793 +vn 0.197686 0.958507 0.205388 +vn 0.439579 0.736676 0.513886 +vn 0.273155 0.891655 0.361024 +vn -0.097909 0.960590 0.260156 +vn -0.463575 0.842459 0.274522 +vn -0.635985 0.768353 -0.071811 +vn -0.358945 0.793224 0.491888 +vn 0.228155 0.644583 0.729698 +vn -0.117649 0.726744 0.676758 +vn -0.313747 0.607469 0.729757 +vn -0.648003 0.609717 0.456440 +vn 0.299118 -0.711853 0.635448 +vn 0.428080 -0.836988 0.340879 +vn 0.014454 -0.578904 0.815268 +vn 0.050077 -0.162234 0.985481 +vn 0.474954 -0.286104 0.832204 +vn -0.228482 -0.023711 0.973259 +vn -0.135954 -0.794668 0.591624 +vn -0.620689 0.591001 0.515231 +vn -0.521211 0.320357 0.791019 +vn -0.718775 0.597260 0.355870 +vn -0.834468 -0.161214 0.526947 +vn -0.519399 -0.381382 0.764705 +vn -0.680490 -0.473124 0.559542 +vn -0.928755 0.030925 0.369401 +vn -0.959711 0.165798 0.226862 +vn -0.985103 0.128790 0.113951 +vn -0.040266 -0.023691 0.998908 +vn 0.156253 -0.205416 0.966121 +vn -0.301919 -0.022043 0.953079 +vn -0.489176 -0.117708 0.864206 +vn -0.209114 -0.011784 0.977820 +vn -0.349350 -0.055549 0.935344 +vn -0.254253 0.083919 0.963490 +vn -0.386594 0.136910 0.912031 +vn -0.225219 0.068033 0.971930 +vn -0.103077 0.064585 0.992574 +vn -0.058770 0.133530 0.989301 +vn -0.134328 0.032848 0.990392 +vn -0.062597 0.119571 0.990850 +vn -0.405472 0.246809 0.880158 +vn -0.499941 0.354070 0.790376 +vn -0.575594 0.414089 0.705140 +vn -0.234871 0.110388 0.965738 +vn -0.544642 0.212921 0.811190 +vn -0.114035 0.075034 0.990639 +vn -0.073273 0.030244 0.996853 +vn -0.009597 0.065734 0.997791 +vn -0.011988 0.073791 0.997202 +vn 0.138236 0.019424 0.990209 +vn -0.030116 0.150452 0.988159 +vn -0.535650 0.132594 0.833965 +vn -0.003503 0.091971 0.995755 +vn -0.037993 0.060904 0.997420 +vn 0.085001 0.127917 0.988136 +vn -0.006320 0.057267 0.998339 +vn 0.035407 0.054175 0.997904 +vn 0.012631 0.145097 0.989337 +vn -0.063562 0.095743 0.993375 +vn -0.005503 -0.007767 0.999955 +vn 0.051088 0.030091 0.998241 +vn -0.025611 -0.125618 0.991748 +vn -0.012476 0.006475 0.999901 +vn -0.078125 0.018136 0.996779 +vn -0.077350 0.123640 0.989308 +vn -0.090973 0.144963 0.985246 +vn -0.091998 0.128064 0.987490 +vn -0.123889 0.121485 0.984831 +vn -0.126941 0.111706 0.985600 +vn -0.026411 -0.017643 0.999496 +vn -0.025271 -0.017251 0.999532 +vn -0.099231 0.134087 0.985989 +vn -0.121340 0.112758 0.986186 +vn -0.198321 0.035917 0.979479 +vn -0.196754 -0.042072 0.979550 +vn -0.138009 -0.079735 0.987216 +vn -0.273507 -0.023352 0.961587 +vn -0.218516 0.023461 0.975551 +vn -0.137178 -0.048097 0.989378 +vn -0.230656 -0.130499 0.964245 +vn -0.439885 -0.003957 0.898045 +vn -0.302410 0.068152 0.950738 +vn -0.128672 0.155359 0.979442 +vn -0.255268 0.204592 0.944976 +vn -0.134573 0.176098 0.975131 +vn -0.049398 0.314219 0.948064 +vn -0.060760 0.194670 0.978985 +vn -0.105935 0.415195 0.903544 +vn -0.121937 0.270039 0.955097 +vn -0.064421 0.040407 0.997104 +vn 0.025576 -0.000850 0.999673 +vn -0.213111 0.362475 0.907301 +vn -0.017986 0.263470 0.964500 +vn -0.055426 0.098312 0.993611 +vn 0.012301 0.056767 0.998312 +vn 0.010333 0.194779 0.980793 +vn -0.001226 0.233934 0.972252 +vn 0.030211 0.491666 0.870260 +vn 0.102040 0.370523 0.923201 +vn 0.004766 0.095273 0.995440 +vn -0.112155 0.083511 0.990175 +vn -0.105776 0.184567 0.977111 +vn -0.216485 0.265178 0.939582 +vn -0.084390 0.178448 0.980324 +vn -0.090229 0.100905 0.990796 +vn -0.096294 0.344835 0.933711 +vn -0.336640 0.327632 0.882797 +vn 0.066543 0.365723 0.928342 +vn 0.065502 0.033914 0.997276 +vn 0.138312 0.183291 0.973280 +vn 0.354458 0.298785 0.886051 +vn -0.135265 0.098778 0.985873 +vn 0.141455 0.750397 0.645674 +vn -0.142402 0.424706 0.894062 +vn -0.774113 0.155401 0.613677 +vn -0.462302 0.083188 0.882812 +vn 0.017460 0.061676 0.997943 +vn -0.069718 0.106112 0.991907 +vn -0.025496 0.088647 0.995737 +vn 0.008806 -0.056999 0.998335 +vn -0.014794 0.047427 0.998765 +vn -0.070327 0.114671 0.990911 +vn -0.038379 0.093689 0.994862 +vn -0.062336 0.029888 0.997608 +vn -0.023394 -0.020318 0.999520 +vn -0.086819 0.016980 0.996079 +vn 0.672011 -0.738041 -0.060804 +vn 0.596943 -0.787862 -0.151431 +vn 0.627562 -0.504239 -0.593218 +vn 0.430067 -0.460923 -0.776268 +vn 0.761006 -0.642509 -0.089731 +vn 0.822497 -0.564868 -0.066509 +vn 0.420734 -0.270569 -0.865895 +vn -0.480781 0.406706 0.776814 +vn -0.804330 0.521558 0.284659 +vn 0.617559 -0.278871 -0.735426 +vn -0.477331 0.227114 0.848867 +vn -0.897453 0.313763 0.310048 +vn 0.840252 -0.509561 -0.185270 +vn 0.024495 -0.016764 -0.999559 +vn 0.800881 -0.227215 -0.554043 +vn 0.915168 -0.380723 -0.132353 +vn 0.336510 -0.083337 -0.937985 +vn -0.126087 0.072724 0.989350 +vn -0.262500 0.112094 0.958399 +vn -0.352323 -0.061049 0.933885 +vn -0.588739 0.191684 0.785267 +vn -0.327018 0.063539 0.942880 +vn -0.955982 0.176309 0.234547 +vn 0.334448 -0.005863 -0.942396 +vn 0.859008 -0.086781 -0.504553 +vn 0.675305 -0.734599 -0.065790 +vn 0.764237 -0.640960 -0.071505 +vn 0.765736 -0.639882 -0.064800 +vn 0.804838 -0.589482 -0.068897 +vn 0.844753 -0.530667 -0.069177 +vn 0.885444 -0.460016 -0.066138 +vn 0.934109 -0.350189 -0.069347 +vn 0.963956 -0.244869 -0.104055 +vn 0.983565 -0.165670 -0.071786 +vn 0.931440 -0.356500 -0.072993 +vn 0.984173 -0.160171 -0.075821 +vn 0.962822 -0.259902 -0.073656 +vn 0.993885 -0.082137 -0.073797 +vn 0.795382 -0.601746 -0.072588 +vn 0.893589 -0.443156 -0.071489 +vn 0.846158 -0.528077 -0.071773 +vn 0.899918 -0.430023 -0.072299 +vn 0.981839 -0.175099 -0.073021 +vn 0.957385 -0.279739 -0.071829 +vn 0.961037 -0.266756 -0.072449 +vn 0.992766 -0.093094 -0.075826 +vn 0.981651 -0.176450 -0.072297 +vn 0.988700 -0.105827 -0.106171 +vn 0.993751 -0.087764 -0.068962 +vn 0.779327 0.083652 -0.621008 +vn 0.997418 0.016697 -0.069839 +vn 0.989891 0.087776 -0.111404 +vn 0.977677 0.197644 -0.071301 +vn 0.993866 -0.081818 -0.074402 +vn 0.990219 0.118489 -0.073660 +vn 0.991608 0.108269 -0.070655 +vn 0.950686 0.300849 -0.075410 +vn 0.996715 0.034803 -0.073128 +vn 0.996550 0.032744 -0.076260 +vn 0.975233 0.208377 -0.074166 +vn 0.975426 0.207534 -0.073982 +vn 0.912291 0.402403 -0.076135 +vn 0.869967 0.487606 -0.073467 +vn 0.814128 0.575711 -0.075845 +vn 0.853017 -0.516994 -0.071269 +vn 0.855442 -0.512966 -0.071302 +vn 0.896625 -0.436953 -0.071662 +vn 0.931019 -0.357842 -0.071782 +vn 0.936471 -0.343547 -0.070693 +vn 0.864133 -0.498429 -0.069596 +vn 0.996395 0.039280 -0.075200 +vn 0.993723 -0.082494 -0.075560 +vn 0.984337 -0.159150 -0.075845 +vn 0.968818 -0.236863 -0.072714 +vn 0.991230 -0.109738 -0.073619 +vn 0.996190 0.045583 -0.074342 +vn 0.995294 -0.063980 -0.072781 +vn 0.858367 -0.508211 -0.070205 +vn 0.955024 -0.287867 -0.071149 +vn 0.981353 -0.177638 -0.073428 +vn 0.996278 0.044615 -0.073757 +vn 0.982281 -0.174308 -0.068853 +vn 0.907089 -0.414902 -0.071028 +vn 0.969717 -0.234033 -0.069844 +vn 0.970242 0.229921 -0.075940 +vn 0.947265 0.311615 -0.074738 +vn 0.944886 0.318160 -0.077226 +vn 0.990489 0.115428 -0.074886 +vn 0.996551 0.039556 -0.072954 +vn 0.989189 0.126439 -0.074280 +vn 0.972550 0.219927 -0.076016 +vn 0.873400 0.480918 -0.076749 +vn 0.912907 0.401120 -0.075521 +vn 0.816449 0.573633 -0.065998 +vn 0.848324 0.523873 -0.076828 +vn 0.871913 0.483951 -0.074566 +vn 0.988773 0.129667 -0.074263 +vn 0.990160 0.116287 -0.077848 +vn 0.951739 0.297007 -0.077328 +vn 0.987954 0.135310 -0.075095 +vn 0.990439 0.114154 -0.077451 +vn 0.971076 0.226572 -0.075342 +vn 0.940374 0.331869 -0.074561 +vn 0.876313 0.475638 -0.076446 +vn 0.916898 0.391901 -0.075572 +vn 0.817504 0.570883 -0.076024 +vn 0.745943 0.661707 -0.075584 +vn 0.810759 0.580452 -0.075801 +vn 0.689030 0.720571 -0.077555 +vn 0.751074 0.655873 -0.075627 +vn 0.902497 0.423994 -0.075684 +vn 0.855459 0.512405 -0.075036 +vn 0.933296 -0.352218 -0.070007 +vn 0.966089 -0.248483 -0.070207 +vn 0.938827 -0.336807 -0.071866 +vn 0.984763 -0.157892 -0.072881 +vn 0.987835 -0.139029 -0.069657 +vn 0.995174 -0.063776 -0.074582 +vn 0.996579 -0.042021 -0.071165 +vn 0.995215 0.060307 -0.076874 +vn 0.997027 -0.031238 -0.070435 +vn 0.987063 0.143421 -0.071668 +vn 0.994454 0.075905 -0.072795 +vn 0.963870 -0.257060 -0.069822 +vn 0.987208 -0.143325 -0.069850 +vn 0.985193 -0.156691 -0.069591 +vn 0.997333 -0.019396 -0.070364 +vn 0.993851 0.084132 -0.071983 +vn 0.977143 0.199511 -0.073400 +vn 0.994778 0.073480 -0.070830 +vn 0.966074 0.247078 -0.075192 +vn 0.986938 0.143717 -0.072788 +vn 0.944751 0.319098 -0.074985 +vn 0.967054 0.243932 -0.072821 +vn 0.910788 0.405998 -0.075042 +vn 0.870576 0.486234 -0.075327 +vn 0.811211 0.579894 -0.075229 +vn 0.677230 0.731806 -0.076285 +vn 0.800244 0.595131 -0.073684 +vn 0.609197 0.789261 -0.077112 +vn 0.727226 0.682145 -0.076292 +vn 0.621998 0.779216 -0.077076 +vn 0.531569 0.843537 -0.076679 +vn 0.913413 0.400521 -0.072523 +vn 0.874291 0.479620 -0.074702 +vn 0.820255 0.567020 -0.075305 +vn 0.873754 0.481078 -0.071542 +vn 0.821596 0.565689 -0.070543 +vn 0.830171 0.552934 -0.071271 +vn 0.788147 0.611120 -0.073191 +vn 0.751727 0.655209 -0.074877 +vn 0.677213 0.731804 -0.076459 +vn 0.753392 0.653389 -0.074050 +vn 0.546720 0.833977 -0.074702 +vn 0.624907 0.777151 -0.074352 +vn -0.013516 0.286129 -0.958096 +vn -0.771451 0.621817 -0.134934 +vn 0.220367 0.487056 -0.845112 +vn -0.517547 0.687851 -0.508927 +vn -0.158954 -0.012395 0.987208 +vn 0.253822 -0.408697 -0.876665 +vn 0.253822 -0.408697 -0.876665 +vn 0.253822 -0.408697 -0.876665 +vn -0.715395 0.687126 0.126759 +vn -0.707917 0.695745 0.121621 +vn -0.622922 0.741406 0.249570 +vn -0.610522 0.785902 0.098087 +vn -0.868644 0.485123 0.100571 +vn -0.533075 0.839014 0.109026 +vn 0.926975 0.348878 0.137848 +vn 0.716615 0.626692 0.306137 +vn 0.479894 0.870967 0.105444 +vn -0.775538 0.623963 0.095976 +vn -0.561700 0.825177 0.059800 +vn -0.711771 0.693645 -0.110633 +vn -0.372112 0.926693 0.052654 +vn -0.920233 0.387569 0.054410 +vn -0.958630 0.277178 0.064810 +vn -0.811159 0.574790 0.107883 +vn -0.901449 0.432302 0.022446 +vn -0.952583 0.290851 0.089395 +vn -0.923268 0.372569 0.093641 +vn 0.478102 -0.735960 0.479355 +vn 0.616559 -0.574444 0.538394 +vn 0.626671 -0.764855 -0.149265 +vn 0.533987 -0.723735 -0.437110 +vn -0.369001 -0.068008 0.926938 +vn -0.714909 -0.432843 -0.549138 +vn 0.623420 -0.601147 -0.499970 +vn -0.733725 -0.595712 -0.326764 +vn -0.846370 -0.522079 0.105318 +vn 0.029064 -0.999393 0.019203 +vn -0.991098 -0.088431 0.099523 +vn -0.942382 0.328995 0.060655 +vn -0.975559 0.163088 0.147267 +vn -0.934501 0.341989 0.098749 +vn -0.965617 0.247000 0.081082 +vn -0.703220 -0.582357 0.407851 +vn -0.851633 -0.466975 0.238024 +vn -0.118165 0.786636 0.606003 +vn -0.608363 0.769061 0.196061 +vn -0.590245 0.803923 0.072922 +vn -0.729598 0.667434 0.149060 +vn -0.838600 0.539908 0.072454 +vn -0.860489 0.505984 0.059489 +vn -0.722783 0.688412 0.060615 +vn -0.495520 0.755457 0.428654 +vn -0.107388 0.801657 0.588060 +vn -0.138129 0.478468 0.867172 +vn -0.858815 0.506279 0.078223 +vn -0.900155 0.428951 0.075643 +vn -0.923713 0.374635 0.080014 +vn -0.941957 0.324759 0.085142 +vn -0.977292 0.179486 0.112624 +vn -0.888783 0.452107 0.075262 +vn -0.996758 -0.039237 0.070238 +vn -0.984875 -0.108071 0.135434 +vn -0.975331 0.213154 0.057409 +vn -0.946638 0.308366 0.093737 +vn 0.085669 0.946082 0.312395 +vn 0.450105 0.868339 0.208310 +vn 0.023455 0.996722 -0.077430 +vn -0.990492 0.008406 -0.137311 +vn -0.994106 -0.032497 0.103424 +vn -0.935791 0.351126 0.031706 +vn -0.445743 0.892812 0.064807 +vn -0.982786 -0.142155 0.117998 +vn -0.951889 -0.290087 0.098779 +vn -0.993455 0.078278 0.083189 +vn -0.967309 -0.129511 0.218038 +vn -0.949653 -0.295666 0.103638 +vn -0.977205 -0.118748 0.175980 +vn -0.942912 -0.326946 0.063432 +vn -0.925150 -0.370599 0.082176 +vn -0.780771 0.619595 0.080609 +vn -0.856268 0.510442 0.079086 +vn -0.708076 0.699458 0.096883 +vn -0.792409 0.605108 0.077020 +vn -0.926185 0.369134 0.076951 +vn -0.805264 0.586409 0.087605 +vn -0.822537 0.563881 0.073962 +vn -0.901165 0.427286 0.072992 +vn -0.956732 0.278495 0.084291 +vn -0.941077 0.329972 0.074119 +vn -0.976690 0.201309 0.074508 +vn -0.987768 0.015695 0.155139 +vn -0.975919 -0.090777 0.198347 +vn -0.957534 -0.184671 0.221415 +vn -0.981157 0.168658 0.094259 +vn -0.943819 -0.002970 0.330451 +vn -0.979570 0.182328 0.084847 +vn -0.884167 -0.031618 0.466099 +vn -0.561885 0.168301 0.809914 +vn -0.969904 0.197291 0.142695 +vn -0.930041 0.259078 0.260581 +vn -0.749065 -0.327064 0.576134 +vn -0.987924 0.115404 0.103381 +vn -0.995165 0.017059 0.096725 +vn -0.977807 -0.062942 0.199828 +vn -0.829636 0.553435 0.073578 +vn -0.884547 0.460418 0.074774 +vn -0.920146 0.384797 0.072536 +vn -0.953102 0.293171 0.075145 +vn -0.988879 0.122913 0.083734 +vn -0.996245 0.033537 0.079817 +vn -0.970985 0.226037 0.078075 +vn -0.995836 0.054032 0.073431 +vn -0.992189 -0.078348 0.097074 +vn -0.296409 0.935421 0.192690 +vn -0.990875 -0.066752 0.117098 +vn -0.991672 -0.003783 0.128730 +vn -0.555861 0.802989 0.215005 +vn -0.653332 0.622414 0.430997 +vn -0.970002 -0.218121 0.107332 +vn -0.981924 -0.152244 0.112455 +vn -0.896402 -0.435516 0.082403 +vn -0.926354 -0.367323 0.083323 +vn -0.983773 -0.098004 0.150283 +vn -0.984902 -0.138493 0.103861 +vn -0.884757 0.210182 0.415967 +vn -0.984119 -0.133110 0.117439 +vn -0.982565 -0.044513 0.180513 +vn -0.892525 -0.442701 0.086107 +vn -0.843674 -0.531734 0.073980 +vn -0.734182 -0.665830 0.132844 +vn -0.927006 -0.366539 0.079425 +vn -0.958186 -0.272730 0.086597 +vn -0.893041 -0.442888 0.079553 +vn -0.927150 -0.365857 0.080886 +vn -0.826198 -0.557448 0.081537 +vn -0.844071 -0.530338 0.079285 +vn -0.888321 -0.452511 0.078234 +vn -0.992576 -0.095412 0.075423 +vn -0.982521 -0.166921 0.082405 +vn -0.933100 -0.351279 0.076991 +vn -0.962951 -0.257383 0.080493 +vn -0.790923 -0.603521 0.101011 +vn -0.781792 -0.617807 0.084359 +vn -0.826422 -0.556881 0.083133 +vn -0.956662 0.281976 0.072708 +vn -0.984768 0.156121 0.076543 +vn -0.995585 0.052418 0.077865 +vn -0.994553 -0.050464 0.091202 +vn -0.989984 -0.121458 0.071966 +vn -0.995858 -0.021598 0.088322 +vn -0.983482 -0.163542 0.077568 +vn -0.988862 -0.125226 0.080446 +vn -0.969290 -0.234639 0.073625 +vn -0.885025 0.460078 0.071126 +vn -0.920509 0.383797 0.073228 +vn -0.975909 0.205361 0.073684 +vn -0.995455 0.049132 0.081582 +vn -0.996804 -0.035412 0.071604 +vn -0.996805 -0.055364 0.057578 +vn -0.959122 0.273116 0.074116 +vn -0.931762 0.355791 0.072334 +vn -0.969136 0.234938 0.074702 +vn -0.991735 0.108050 0.069191 +vn -0.996838 0.037908 0.069835 +vn -0.980686 0.183445 0.067847 +vn -0.980901 0.177043 0.080558 +vn -0.996329 -0.000226 0.085604 +vn -0.981600 -0.174257 0.078073 +vn -0.994150 -0.075044 0.077687 +vn -0.983408 -0.160055 0.085383 +vn -0.991975 -0.104052 0.071824 +vn -0.992783 0.097832 0.069353 +vn -0.952252 -0.295555 0.076567 +vn -0.977087 -0.198413 0.077030 +vn -0.960900 -0.266317 0.075810 +vn -0.791273 -0.606003 0.081533 +vn -0.794294 -0.600665 0.091100 +vn -0.854649 -0.513374 0.077600 +vn -0.922538 -0.378112 0.077170 +vn -0.964413 -0.252823 0.077389 +vn -0.895732 -0.437795 0.077461 +vn -0.760725 -0.644517 0.076779 +vn -0.608987 -0.788973 0.081583 +vn -0.680004 -0.729687 0.071779 +vn -0.551075 -0.827466 0.107777 +vn -0.877817 -0.472722 0.077278 +vn -0.815972 -0.572292 0.081675 +vn -0.749524 -0.656495 0.085017 +vn -0.637067 -0.766376 0.082548 +vn -0.698485 -0.710808 0.082883 +vn -0.691175 -0.718652 0.076261 +vn -0.746741 -0.659791 0.083994 +vn -0.606365 -0.791628 0.075141 +vn -0.685217 -0.724314 0.076464 +vn 0.933856 -0.222857 -0.279727 +vn -0.128927 0.964318 0.231232 +vn 0.842422 0.504839 0.188316 +vn 0.986148 0.160993 0.039925 +vn 0.709984 0.700607 -0.071220 +vn 0.779722 0.625840 0.018926 +vn 0.986099 0.113702 0.121159 +vn 0.953630 0.221737 0.203523 +vn 0.748685 0.638266 0.179130 +vn 0.976606 0.155961 -0.148043 +vn 0.544390 0.828041 0.134120 +vn 0.987141 -0.159818 -0.003145 +vn 0.966947 -0.216321 0.134978 +vn 0.860530 -0.502726 0.082183 +vn 0.434019 -0.772207 -0.464029 +vn -0.643292 -0.464186 -0.608857 +vn -0.672427 -0.430046 -0.602414 +vn -0.981601 -0.190891 -0.004495 +vn 0.384822 -0.917376 -0.101657 +vn -0.660367 -0.487702 -0.571018 +vn 0.664909 -0.729999 -0.158104 +vn 0.306042 -0.938545 0.159599 +vn 0.375123 -0.886902 0.269607 +vn 0.221359 -0.943274 0.247458 +vn 0.528206 -0.813256 0.244158 +vn 0.678454 0.554488 0.481916 +vn 0.382532 0.835625 0.394208 +vn -0.221171 0.893701 0.390362 +vn -0.405384 0.846181 0.345893 +vn 0.732202 0.656584 0.181046 +vn 0.883868 -0.206015 0.419924 +vn 0.723355 0.547915 0.420175 +vn -0.343449 0.643914 0.683680 +vn -0.133727 0.666356 0.733544 +vn -0.191911 0.975761 0.105173 +vn 0.616442 0.766497 0.180229 +vn 0.320524 0.865313 0.385355 +vn 0.195618 0.536312 0.821038 +vn -0.203616 -0.946041 0.252085 +vn -0.419842 -0.864035 -0.277806 +vn -0.549464 -0.817052 0.174686 +vn -0.345377 -0.883322 0.316950 +vn 0.071409 -0.996499 0.043486 +vn -0.149704 -0.964415 -0.217930 +vn -0.648740 -0.759223 -0.052134 +vn -0.167869 0.887119 -0.429929 +vn 0.244216 0.966726 0.076149 +vn -0.993379 0.069312 0.091624 +vn 0.251427 0.959594 0.126346 +vn 0.033310 0.994919 0.095013 +vn -0.093486 0.995617 0.002627 +vn -0.954737 -0.286134 0.081271 +vn -0.629324 -0.531368 0.567098 +vn -0.582609 -0.694327 0.422466 +vn -0.524978 -0.147185 0.838293 +vn -0.542193 -0.362368 0.758100 +vn -0.407567 -0.100212 0.907660 +vn -0.291026 -0.133258 0.947389 +vn -0.016257 0.988867 0.147911 +vn -0.550083 0.814065 0.186301 +vn -0.343700 0.895385 0.283117 +vn -0.893018 -0.113472 0.435479 +vn 0.629101 -0.751967 0.196920 +vn 0.895117 0.153305 0.418645 +vn 0.764190 0.447038 0.464942 +vn 0.804865 0.169263 0.568808 +vn 0.558136 0.607564 0.565110 +vn 0.399650 0.276698 0.873910 +vn -0.538585 0.346334 0.768101 +vn -0.088020 0.266186 0.959895 +vn -0.098800 0.679192 0.727281 +vn 0.199296 0.583260 0.787457 +vn 0.620329 -0.077268 0.780527 +vn 0.730053 0.329634 0.598635 +vn 0.826120 -0.122253 0.550072 +vn 0.880835 -0.356986 0.310952 +vn 0.973394 -0.057760 0.221737 +vn 0.839611 -0.500595 0.210851 +vn 0.714400 -0.637119 0.289330 +vn 0.684723 -0.585110 0.434512 +vn 0.538321 -0.780225 0.318528 +vn 0.344350 -0.916393 0.204076 +vn 0.154737 -0.986856 0.046603 +vn 0.278243 -0.937359 0.209617 +vn 0.520558 -0.663024 0.537976 +vn 0.313770 -0.860990 0.400306 +vn 0.302504 -0.739149 0.601789 +vn -0.020962 -0.464551 0.885298 +vn -0.174625 -0.799101 0.575278 +vn -0.075545 -0.979819 0.185062 +vn -0.435057 -0.659838 0.612649 +vn -0.356875 -0.390597 0.848572 +vn -0.539262 0.103209 0.835790 +vn -0.511211 0.286896 0.810157 +vn -0.531595 -0.126654 0.837476 +vn -0.492024 -0.338805 0.801950 +vn -0.231298 0.786993 0.571964 +vn -0.153263 0.586270 0.795486 +vn -0.456686 0.755717 0.469393 +vn -0.385906 0.556085 0.736102 +vn -0.182667 0.920988 0.344112 +vn -0.539037 0.493153 0.682817 +vn -0.603675 0.180157 0.776608 +vn -0.614795 0.508971 0.602475 +vn -0.642602 0.128426 0.755360 +vn 0.667219 -0.350398 0.657298 +vn 0.332370 -0.541313 0.772341 +vn -0.739234 -0.670917 -0.058336 +vn -0.803105 -0.592658 -0.061474 +vn -0.759004 -0.647227 -0.070792 +vn -0.856569 -0.510740 -0.073717 +vn -0.807261 -0.588930 -0.038631 +vn -0.829366 -0.555408 -0.060610 +vn -0.851758 -0.520498 -0.059916 +vn -0.781153 -0.620953 -0.064945 +vn -0.899797 -0.433516 -0.049281 +vn -0.890771 -0.450088 -0.062825 +vn -0.827066 -0.559105 -0.057992 +vn -0.270188 -0.960365 -0.068534 +vn -0.199115 -0.977990 -0.062358 +vn -0.449090 -0.892408 -0.043885 +vn -0.385905 -0.920752 -0.057393 +vn -0.602540 -0.796759 -0.046047 +vn -0.520350 -0.851183 -0.068728 +vn -0.381017 -0.922116 -0.067295 +vn -0.320451 -0.944777 -0.068615 +vn -0.687721 -0.721918 -0.076640 +vn -0.654058 -0.754661 -0.051908 +vn -0.662935 -0.747132 -0.048080 +vn -0.736766 -0.675124 -0.037180 +vn -0.583380 -0.811754 -0.026915 +vn -0.626521 -0.775528 -0.077640 +vn -0.550733 -0.831537 -0.072385 +vn -0.539826 -0.836484 -0.094247 +vn -0.605376 -0.792117 -0.077913 +vn -0.787898 -0.613439 -0.053936 +vn -0.726867 -0.677688 -0.111367 +vn -0.701936 -0.708771 -0.070217 +vn -0.716397 -0.695658 -0.053244 +vn -0.653788 -0.753738 -0.066631 +vn -0.441236 -0.894243 -0.075098 +vn -0.468974 -0.881319 -0.057792 +vn -0.441589 -0.894245 -0.072978 +vn -0.345677 -0.936206 -0.063448 +vn -0.483834 -0.873191 -0.058661 +vn -0.501982 -0.863824 -0.042677 +vn -0.524073 -0.851007 -0.033682 +vn -0.628905 -0.775540 -0.054931 +vn -0.616152 -0.784997 -0.064317 +vn -0.702926 -0.707301 -0.074970 +vn -0.620212 -0.783973 -0.026883 +vn -0.616201 -0.783891 -0.076233 +vn -0.567183 -0.816898 -0.104791 +vn -0.505427 -0.860002 -0.070288 +vn -0.470490 -0.879093 -0.076382 +vn -0.538908 -0.837308 -0.092159 +vn -0.323323 -0.941621 -0.093870 +vn -0.301094 -0.951976 -0.055537 +vn -0.391462 -0.917030 -0.076240 +vn -0.603666 -0.795792 -0.047980 +vn -0.610185 -0.790901 -0.046373 +vn -0.593956 -0.801982 -0.063565 +vn 0.649626 0.757890 0.059907 +vn 0.619572 0.782527 0.061497 +vn -0.454225 -0.889354 -0.052239 +vn -0.534755 -0.844213 -0.036632 +vn -0.470055 -0.880852 -0.056105 +vn -0.438563 -0.898021 -0.034921 +vn -0.699661 -0.712900 -0.047405 +vn -0.667303 -0.740474 -0.080031 +vn -0.790573 -0.608235 -0.071027 +vn -0.730216 -0.680014 -0.066069 +vn -0.759057 -0.650463 -0.027039 +vn -0.744591 -0.665496 -0.051961 +vn -0.818046 -0.570510 -0.072934 +vn -0.861496 -0.502645 -0.071917 +vn -0.854362 -0.513734 -0.078382 +vn -0.968819 -0.235371 -0.077398 +vn -0.884743 -0.461886 -0.062371 +vn -0.932508 -0.354343 -0.069788 +vn -0.936883 -0.342206 -0.071726 +vn -0.858903 -0.510880 -0.035886 +vn -0.949320 -0.302372 -0.085808 +vn -0.997952 -0.026674 -0.058142 +vn -0.992490 -0.107740 -0.057925 +vn -0.992913 0.100149 -0.063986 +vn -0.997872 0.015606 -0.063307 +vn 0.982681 -0.170945 0.071527 +vn 0.934092 -0.355289 0.035232 +vn -0.997756 -0.012121 -0.065845 +vn -0.997241 -0.036269 -0.064774 +vn 0.992471 -0.109600 0.054671 +vn -0.980473 0.185837 -0.064325 +vn -0.947346 -0.316276 -0.050049 +vn -0.932298 -0.356290 -0.062273 +vn -0.984686 -0.163083 -0.061625 +vn -0.970421 -0.237606 -0.042744 +vn -0.985414 -0.157095 -0.065420 +vn -0.967941 -0.242195 -0.066568 +vn -0.984569 -0.164182 -0.060560 +vn -0.985794 -0.152155 -0.071122 +vn -0.954997 -0.285473 -0.080537 +vn -0.996686 -0.049283 -0.064711 +vn -0.997886 -0.016846 -0.062771 +vn -0.982635 0.172630 -0.068023 +vn -0.996396 0.057985 -0.061915 +vn -0.993950 0.088995 -0.064365 +vn -0.964009 0.257433 -0.066449 +vn -0.988040 0.139501 -0.065702 +vn 0.997159 -0.038278 0.064882 +vn 0.993573 -0.091745 0.066297 +vn -0.908449 -0.412073 -0.070111 +vn -0.908974 -0.410619 -0.071818 +vn -0.939412 -0.331195 -0.088399 +vn -0.910103 -0.409481 -0.063536 +vn -0.924394 -0.376415 -0.061705 +vn -0.960001 -0.275686 -0.048937 +vn -0.893528 -0.446702 -0.045445 +vn -0.946864 -0.317595 -0.050813 +vn -0.961850 -0.266275 -0.062782 +vn 0.952797 0.297049 0.062766 +vn 0.968813 0.240310 0.060440 +vn 0.936648 0.344837 0.061466 +vn -0.980973 -0.183415 -0.063650 +vn -0.961813 -0.267338 -0.058706 +vn -0.958241 -0.279214 -0.061763 +vn -0.950298 -0.272817 -0.150015 +vn -0.665471 -0.744796 -0.049264 +vn -0.707003 -0.704631 -0.060347 +vn -0.751578 -0.657244 -0.056218 +vn 0.691619 0.719680 0.061023 +vn 0.718312 0.692995 0.061524 +vn -0.782876 -0.618999 -0.062809 +vn 0.787445 0.613217 0.062413 +vn 0.745120 0.664268 0.059527 +vn -0.540522 -0.839104 -0.061160 +vn -0.628205 -0.775671 -0.060769 +vn 0.588510 0.806296 0.059519 +vn 0.507264 0.859506 0.062709 +vn 0.463151 0.884604 0.054461 +vn 0.417713 0.906451 0.062145 +vn -0.619611 -0.782487 -0.061621 +vn -0.642608 -0.749901 -0.157171 +vn 0.651708 0.756243 0.058084 +vn 0.625369 0.778997 0.045578 +vn 0.568824 0.820600 0.055271 +vn -0.740912 -0.667589 -0.073312 +vn -0.821318 -0.567410 -0.059010 +vn -0.762435 -0.643794 -0.064975 +vn 0.797252 0.601310 0.053062 +vn -0.839971 -0.539233 -0.060637 +vn -0.854259 -0.516741 -0.056742 +vn -0.913647 -0.402862 -0.054326 +vn 0.905287 0.420619 0.059453 +vn 0.872096 0.485732 0.059280 +vn 0.826094 0.560096 0.062129 +vn -0.807094 -0.563937 -0.174855 +vn 0.817061 0.552380 0.165191 +vn 0.821125 0.567699 0.058925 +vn -0.745755 -0.650822 -0.142408 +vn -0.743107 -0.418117 -0.522466 +vn 0.774793 0.629760 0.055654 +vn 0.790025 0.567104 0.232924 +vn -0.794805 -0.606040 -0.031636 +vn -0.734889 -0.562022 -0.379564 +vn 0.812999 0.582080 0.014689 +vn 0.836716 0.546341 0.037649 +vn -0.558239 -0.679166 -0.476553 +vn -0.691377 -0.700929 -0.175205 +vn 0.609237 0.781950 0.131852 +vn 0.690404 0.709031 0.143586 +vn -0.570480 -0.812472 -0.120177 +vn 0.508088 0.839613 0.192084 +vn -0.573958 -0.815583 -0.073471 +vn 0.530005 0.847753 0.020220 +vn -0.468160 -0.722891 -0.508188 +vn 0.554025 0.715852 0.424986 +vn 0.566361 0.813020 0.135033 +vn 0.676023 0.734886 0.054178 +vn 0.683181 0.691812 0.233794 +vn 0.733840 0.614263 0.290102 +vn -0.619657 -0.608554 -0.495669 +vn -0.659893 -0.746420 -0.086015 +vn -0.733336 -0.676089 -0.071566 +vn 0.628252 0.776630 0.046305 +vn 0.748057 0.663458 0.015297 +vn -0.577668 -0.816103 -0.016591 +vn -0.623282 -0.781864 -0.014404 +vn -0.691333 -0.722429 -0.012466 +vn 0.612861 0.789887 0.021916 +vn 0.772638 0.632197 0.057942 +vn 0.872008 0.478244 0.104328 +vn -0.889406 -0.452750 -0.063042 +vn -0.926749 -0.370376 -0.062905 +vn 0.910248 0.409887 0.058659 +vn -0.898410 -0.374699 -0.229042 +vn -0.872683 -0.473430 -0.119533 +vn 0.915778 0.361758 0.174589 +vn 0.952273 0.300064 0.056025 +vn -0.982600 -0.169114 -0.076793 +vn -0.967475 -0.238794 -0.083486 +vn -0.996814 -0.045524 -0.065488 +vn -0.987572 -0.149435 -0.048698 +vn -0.994470 -0.071785 -0.076654 +vn -0.997551 -0.027926 -0.064119 +vn -0.994868 0.076014 -0.066779 +vn 0.993795 0.093043 0.060949 +vn 0.997783 0.007436 0.066142 +vn -0.975111 0.210765 -0.068819 +vn -0.987663 0.139475 -0.071194 +vn -0.945214 0.319042 -0.069160 +vn -0.975340 0.209613 -0.069091 +vn -0.991350 -0.115316 -0.062671 +vn 0.991313 0.114986 0.063843 +vn 0.978992 0.193472 0.064377 +vn -0.995265 -0.071343 -0.066013 +vn 0.997545 0.026915 0.064655 +vn -0.997560 0.016710 -0.067784 +vn 0.994678 -0.074108 0.071578 +vn -0.989425 0.127306 -0.069504 +vn -0.995496 0.061983 -0.071736 +vn 0.994218 0.092785 0.054053 +vn -0.983553 -0.104399 -0.147393 +vn -0.991836 0.000645 -0.127518 +vn 0.986724 -0.147930 0.067025 +vn 0.992907 -0.100941 0.062817 +vn 0.974817 -0.213598 0.064095 +vn 0.991488 -0.110302 0.069177 +vn -0.974194 0.215415 -0.067394 +vn -0.993630 0.091419 -0.065887 +vn 0.955103 -0.289006 0.065224 +vn 0.926732 -0.369537 0.067900 +vn 0.888656 -0.453451 0.068360 +vn -0.940777 0.331997 -0.068677 +vn -0.954190 0.290639 -0.071075 +vn -0.908321 0.412328 -0.070272 +vn -0.481572 -0.543630 -0.687426 +vn -0.402850 -0.594825 -0.695625 +vn -0.503500 -0.733451 0.456659 +vn -0.602026 -0.724095 0.336528 +vn -0.544706 -0.772759 0.325790 +vn -0.498721 -0.456189 -0.737000 +vn -0.587215 -0.521697 -0.618879 +vn -0.711865 -0.663447 0.230404 +vn -0.653513 -0.716979 0.242614 +vn -0.740573 -0.664471 0.100154 +vn 0.145566 0.138132 0.979658 +vn 0.112280 0.134904 0.984476 +vn 0.117246 0.171233 0.978229 +vn 0.178731 0.312514 0.932947 +vn -0.846831 -0.166110 -0.505257 +vn -0.826471 -0.297029 -0.478246 +vn -0.967121 -0.223191 -0.121909 +vn -0.972640 -0.175866 -0.151797 +vn 0.980469 0.188117 0.057374 +vn -0.937445 -0.342024 -0.064930 +vn -0.984999 -0.171651 -0.017709 +vn -0.997850 -0.063491 -0.016290 +vn -0.900659 -0.053709 -0.431195 +vn -0.952346 0.029970 -0.303544 +vn -0.946434 0.016177 0.322492 +vn 0.130759 0.027599 0.991030 +vn -0.833579 -0.539846 -0.117103 +vn 0.911865 0.409381 0.030168 +vn 0.879617 0.449739 0.154945 +vn -0.811153 -0.568799 -0.136011 +vn -0.861590 -0.507355 -0.015941 +vn -0.715063 -0.446157 -0.538171 +vn -0.733315 -0.554791 -0.393010 +vn -0.893416 -0.439745 -0.091824 +vn -0.913480 -0.406719 -0.011591 +vn 0.827826 0.560055 0.032279 +vn 0.874788 0.466730 0.130038 +vn 0.817480 0.524594 0.237755 +vn 0.857015 0.514918 0.019619 +vn -0.750513 -0.660052 -0.032582 +vn -0.738936 -0.673663 -0.012317 +vn -0.636509 -0.755131 -0.156948 +vn 0.767761 0.638227 0.056658 +vn 0.675349 0.737409 0.011428 +vn 0.641514 0.766211 0.037164 +vn 0.595580 0.790436 0.143162 +vn 0.705296 0.707977 0.036425 +vn 0.591021 0.734104 0.334343 +vn 0.815621 0.578153 0.022411 +vn 0.221227 0.271869 0.936561 +vn 0.257061 0.242702 0.935422 +vn 0.519728 0.403564 0.753007 +vn 0.673097 0.683082 0.283443 +vn -0.207481 -0.118605 0.971022 +vn 0.023877 0.007642 0.999686 +vn 0.299460 0.178425 0.937277 +vn 0.805201 0.584228 0.101631 +vn 0.772906 0.632590 0.049463 +vn -0.436436 0.872872 0.218218 +vn -0.844066 -0.522279 -0.121563 +vn 0.810123 0.585433 0.031134 +vn 0.804990 0.591855 0.041213 +vn 0.926692 0.375351 0.018827 +vn 0.926885 0.328941 0.180785 +vn 0.970508 0.220409 0.097639 +vn 0.950354 0.262484 0.167120 +vn 0.979390 0.200185 0.026858 +vn 0.952583 0.303018 0.027682 +vn 0.928938 0.352192 0.114170 +vn 0.993490 0.110578 0.027401 +vn 0.078931 0.025778 0.996547 +vn -0.841582 -0.414636 -0.346146 +vn 0.060402 0.023693 0.997893 +vn -0.755041 -0.321960 0.571188 +vn -0.832536 -0.320861 -0.451588 +vn -0.845041 -0.451686 -0.286155 +vn 0.311458 0.128090 0.941587 +vn -0.927354 -0.313081 -0.204924 +vn -0.957368 -0.288416 -0.016179 +vn 0.967139 0.238534 0.088001 +vn -0.966569 -0.213663 -0.141749 +vn -0.721395 -0.191047 -0.665650 +vn -0.833093 -0.222437 0.506437 +vn -0.849241 -0.203261 0.487313 +vn 0.231778 0.055208 0.971201 +vn -0.813551 -0.156759 0.559965 +vn 0.978614 0.127672 0.161291 +vn 0.418343 0.102120 0.902530 +vn -0.837832 -0.136866 0.528493 +vn 0.200463 0.049672 0.978441 +vn -0.978857 -0.098573 -0.179228 +vn -0.735341 -0.122550 -0.666525 +vn -0.868691 -0.083230 0.488311 +vn 0.976162 0.097254 0.194032 +vn 0.960340 0.158338 0.229515 +vn 0.994544 -0.003526 0.104256 +vn -0.991527 -0.102160 -0.080234 +vn 0.985315 0.111558 0.129264 +vn 0.992123 -0.110417 0.059158 +vn 0.946987 -0.083512 0.310229 +vn 0.992525 -0.099925 0.070065 +vn -0.975368 0.169444 -0.141230 +vn -0.991374 -0.002450 -0.131042 +vn -0.866278 -0.059793 -0.495971 +vn -0.849252 0.047248 -0.525869 +vn 0.999245 0.030687 0.023851 +vn -0.988213 0.105970 -0.110480 +vn -0.999621 0.022086 -0.016443 +vn 0.990095 0.010644 0.139996 +vn -0.966006 0.079022 -0.246145 +vn -0.968422 0.238136 -0.073825 +vn -0.851468 0.156255 -0.500587 +vn 0.989334 -0.143053 0.027473 +vn 0.996373 -0.080412 0.027836 +vn 0.983087 -0.096652 0.155561 +vn -0.991349 0.129793 -0.019539 +vn -0.942187 0.278215 -0.186761 +vn 0.969464 -0.182488 0.163819 +vn 0.968860 -0.239346 0.063429 +vn 0.944907 -0.283128 0.164286 +vn -0.896899 0.414613 -0.153843 +vn 0.936034 -0.345793 0.065319 +vn 0.934416 -0.350196 0.065034 +vn 0.883985 -0.463099 0.064106 +vn 0.963405 -0.215593 0.159281 +vn 0.928598 -0.325548 0.178113 +vn -0.845056 0.293220 -0.447106 +vn 0.890738 -0.402406 0.211318 +vn -0.879140 0.462940 -0.113136 +vn -0.763243 0.366303 -0.532243 +vn 0.861075 -0.499735 0.093889 +vn 0.898922 -0.404904 0.167309 +vn 0.981095 -0.191039 0.030947 +vn -0.928718 0.138375 0.344000 +vn -0.920417 0.133330 0.367499 +vn -0.724072 0.096668 -0.682917 +vn -0.988069 0.056936 -0.143100 +vn 0.122055 -0.003361 0.992518 +vn -0.723913 0.087506 -0.684319 +vn 0.981578 -0.099825 0.162910 +vn 0.966812 -0.204103 0.153676 +vn -0.977575 0.184452 -0.101615 +vn 0.948078 -0.314511 0.047238 +vn 0.916558 -0.271295 0.293804 +vn 0.154390 -0.010468 0.987954 +vn -0.104451 0.029279 0.994099 +vn -0.908850 0.193339 0.369611 +vn -0.752652 0.180032 -0.633328 +vn 0.337826 -0.064281 0.939011 +vn -0.931981 0.354675 -0.074946 +vn 0.960501 -0.277152 0.024981 +vn -0.898137 0.439097 -0.023318 +vn 0.888106 -0.457849 0.040512 +vn 0.920422 -0.390005 0.026801 +vn 0.903146 -0.391470 0.176290 +vn -0.952034 0.278610 -0.126522 +vn -0.901973 0.385396 -0.194715 +vn -0.943271 0.331011 -0.025917 +vn -0.735004 0.268572 -0.622606 +vn -0.847227 0.530817 -0.020954 +vn 0.310431 0.029605 0.950135 +vn 0.990355 0.018536 0.137310 +vn 0.370786 -0.016811 0.928566 +vn 0.429611 -0.168421 0.887169 +vn -0.728687 0.261792 0.632835 +vn 0.262879 -0.071252 0.962194 +vn -0.702706 0.350679 -0.619055 +vn -0.197060 0.105853 0.974660 +vn 0.030371 -0.007395 0.999511 +vn -0.765733 0.526319 -0.369650 +vn -0.704471 0.440539 0.556458 +vn -0.735715 0.410911 0.538401 +vn 0.291129 -0.202176 0.935077 +vn 0.105545 -0.066550 0.992185 +vn 0.267868 -0.140601 0.953141 +vn 0.801554 0.594736 0.061650 +vn 0.910234 0.409544 0.061216 +vn 0.870685 0.487847 0.062559 +vn 0.758008 0.649097 0.064005 +vn 0.801793 0.594546 0.060359 +vn 0.642900 0.763491 0.061329 +vn 0.633445 0.771598 0.058178 +vn 0.547090 0.835067 0.057935 +vn 0.532160 0.844485 0.060432 +vn 0.476236 0.877336 0.059007 +vn 0.385150 0.920813 0.061341 +vn 0.284279 0.956797 0.061027 +vn 0.341742 0.937791 0.061317 +vn 0.581866 0.811245 0.057560 +vn 0.445893 0.893045 0.060415 +vn 0.765886 0.640087 0.060886 +vn 0.718565 0.692771 0.061097 +vn 0.821989 0.566305 0.060269 +vn 0.866246 0.495955 0.060387 +vn 0.964386 0.256220 0.065652 +vn 0.974722 0.213926 0.064443 +vn 0.991699 0.109743 0.067006 +vn 0.900618 0.429865 0.064050 +vn 0.924481 0.375777 0.064238 +vn 0.992262 0.107651 0.061873 +vn 0.978347 0.196573 0.064785 +vn 0.997613 -0.001499 0.069032 +vn 0.978921 -0.192171 0.069170 +vn 0.988493 -0.125518 0.084420 +vn 0.994273 -0.085312 0.064363 +vn 0.977376 -0.199293 0.070836 +vn 0.984388 -0.164179 0.063447 +vn 0.960397 0.271788 0.061399 +vn 0.947288 0.314130 0.062991 +vn 0.922616 0.380604 0.062613 +vn 0.977942 0.199630 0.061462 +vn 0.986753 0.149272 0.063525 +vn 0.997357 0.035243 0.063536 +vn 0.997855 0.010603 0.064593 +vn 0.981267 -0.181168 0.065519 +vn 0.881370 0.468257 0.062629 +vn 0.919663 0.387813 0.061818 +vn 0.987125 -0.146833 0.063445 +vn 0.994535 -0.083728 0.062362 +vn 0.962584 -0.262607 0.066856 +vn 0.953985 -0.292541 0.065825 +vn -0.490712 -0.862458 -0.123973 +vn -0.494555 -0.868960 -0.017981 +vn -0.397600 -0.915417 -0.062661 +vn -0.336455 -0.941443 -0.022002 +vn -0.276617 -0.957975 -0.075942 +vn -0.233420 -0.972133 -0.021732 +vn -0.539486 -0.816298 -0.206428 +vn -0.421782 -0.906384 -0.023825 +vn -0.294069 -0.926772 -0.233703 +vn -0.380070 -0.905906 -0.186765 +vn -0.042883 -0.995992 -0.078491 +vn -0.113906 -0.993356 -0.016399 +vn -0.000806 -0.999879 -0.015519 +vn -0.302492 -0.716076 -0.629074 +vn -0.121714 -0.971069 -0.205453 +vn -0.259356 -0.940828 -0.218121 +vn -0.201043 -0.961302 -0.188364 +vn -0.015916 -0.088356 0.995962 +vn 0.184345 0.982330 0.032333 +vn 0.313189 0.937320 0.152787 +vn 0.100909 0.438820 0.892891 +vn 0.201008 0.970495 0.133177 +vn -0.122159 -0.935334 -0.332005 +vn -0.015674 -0.973730 0.227166 +vn -0.034776 -0.872435 -0.487491 +vn 0.110458 0.978992 0.171385 +vn 0.038537 0.357284 0.933201 +vn -0.009129 0.952597 0.304097 +vn 0.064062 -0.993140 -0.097826 +vn 0.090693 -0.913040 -0.397659 +vn 0.026482 -0.098891 0.994746 +vn -0.018702 0.380272 0.924685 +vn -0.003297 -0.051427 0.998671 +vn -0.046218 -0.997039 -0.061461 +vn -0.096294 -0.992817 -0.071002 +vn -0.139698 -0.988236 -0.062247 +vn -0.091792 -0.990287 -0.104429 +vn -0.143376 -0.989616 -0.010167 +vn -0.172037 -0.981611 -0.082729 +vn -0.044368 -0.997106 -0.061729 +vn -0.162099 -0.983440 -0.081049 +vn -0.020199 -0.997352 -0.069860 +vn 0.020474 -0.993394 -0.112915 +vn 0.020959 -0.997984 -0.059912 +vn -0.034151 -0.997874 -0.055516 +vn 0.165754 -0.984061 -0.064412 +vn 0.110392 -0.991257 -0.072276 +vn 0.046652 -0.996888 -0.063546 +vn 0.228140 -0.971359 -0.066437 +vn 0.168091 -0.983827 -0.061885 +vn -0.302632 -0.950887 -0.065021 +vn -0.367517 -0.927071 -0.073965 +vn -0.353968 -0.933668 -0.054497 +vn -0.193640 -0.978813 -0.066547 +vn -0.174766 -0.982202 -0.068820 +vn -0.112006 -0.992688 -0.045013 +vn -0.157197 -0.985864 -0.057979 +vn -0.096067 -0.992516 -0.075388 +vn 0.120621 0.990713 0.062751 +vn -0.317572 -0.947263 -0.042900 +vn 0.232366 0.970804 0.059553 +vn 0.308782 0.949270 0.059503 +vn -0.268930 -0.962313 -0.040381 +vn 0.213178 0.974889 0.064389 +vn 0.222199 0.972835 0.064958 +vn -0.075483 -0.994920 -0.066601 +vn 0.046908 0.996753 0.065453 +vn 0.096916 -0.993564 -0.058630 +vn -0.014869 -0.999448 -0.029724 +vn -0.097239 -0.994703 -0.033342 +vn 0.154679 -0.985977 -0.062641 +vn -0.022981 -0.997941 -0.059884 +vn -0.073769 0.995326 0.062324 +vn -0.105735 0.992199 0.066039 +vn -0.021883 0.997614 0.065485 +vn 0.038863 -0.997145 -0.064738 +vn -0.109285 0.991920 0.064438 +vn -0.231096 0.970423 0.069819 +vn -0.187437 0.979977 0.067176 +vn -0.167456 0.983843 0.063334 +vn -0.288634 0.955023 0.067979 +vn 0.476545 -0.876594 -0.066995 +vn 0.415662 -0.906886 -0.069167 +vn 0.560988 -0.824879 -0.069759 +vn 0.323099 -0.943949 -0.067577 +vn -0.375818 0.924227 0.067568 +vn -0.372820 0.925372 0.068503 +vn -0.286299 0.955883 0.065734 +vn 0.433666 -0.898095 -0.073214 +vn -0.530245 0.845219 0.066669 +vn -0.510345 0.857311 0.067579 +vn -0.589835 0.804613 0.068505 +vn -0.477561 0.876339 0.062981 +vn -0.451708 0.889576 0.067926 +vn 0.518248 -0.852418 -0.069301 +vn 0.618173 -0.782759 -0.071773 +vn -0.336648 0.939534 0.062805 +vn 0.524244 -0.848440 -0.072928 +vn 0.506449 -0.859306 -0.071436 +vn -0.556877 0.828573 0.057917 +vn 0.572617 -0.817527 -0.061314 +vn 0.644230 -0.761587 -0.070381 +vn 0.710674 -0.700093 -0.069374 +vn 0.613070 -0.786770 -0.071683 +vn 0.648810 -0.757435 -0.073054 +vn 0.725075 -0.685139 -0.069644 +vn -0.643424 0.762514 0.067654 +vn -0.720392 0.690551 0.064606 +vn -0.668685 0.740469 0.067567 +vn 0.801993 -0.592967 -0.072094 +vn 0.863977 -0.497782 -0.075871 +vn 0.730664 -0.678751 -0.073675 +vn 0.865132 -0.496447 -0.071326 +vn 0.859461 -0.506145 -0.071714 +vn 0.937334 -0.340636 -0.073294 +vn -0.694987 0.715452 0.071562 +vn -0.623076 0.779520 0.064228 +vn 0.692846 -0.717110 -0.075622 +vn 0.754943 -0.651746 -0.072718 +vn 0.805354 -0.588149 -0.074073 +vn 0.806805 -0.586397 -0.072135 +vn -0.854424 0.514399 0.073162 +vn 0.755814 -0.651153 -0.068889 +vn 0.854075 -0.515057 -0.072614 +vn -0.850920 0.521175 0.065664 +vn -0.891162 0.447819 0.072725 +vn -0.824213 0.562135 0.068391 +vn 0.908565 -0.411230 -0.073475 +vn 0.931050 -0.356990 -0.075529 +vn 0.952596 -0.295072 -0.074112 +vn 0.896174 -0.437580 -0.073463 +vn -0.934813 0.347414 0.073670 +vn 0.920752 -0.381947 -0.079573 +vn 0.961021 -0.265643 -0.076636 +vn -0.296659 -0.947134 -0.122187 +vn -0.379644 -0.922939 -0.063672 +vn -0.268498 -0.961338 -0.061136 +vn -0.197688 -0.978227 -0.063173 +vn -0.135607 -0.988715 -0.063664 +vn -0.117179 -0.982622 -0.143952 +vn 0.167116 0.984815 0.047033 +vn 0.346657 0.936169 0.058451 +vn -0.391068 -0.891311 -0.229415 +vn 0.394513 0.902987 0.170219 +vn 0.121503 0.979461 0.160916 +vn -0.266353 -0.817533 -0.510585 +vn 0.259081 0.948964 0.179843 +vn 0.265096 0.955662 0.128196 +vn 0.377103 0.902573 0.207736 +vn -0.170891 -0.882178 -0.438814 +vn -0.184214 -0.915450 -0.357793 +vn -0.038026 -0.997305 -0.062746 +vn 0.036272 0.984538 0.171372 +vn 0.094757 -0.983418 -0.154627 +vn -0.026246 -0.940820 -0.337888 +vn -0.029640 0.998005 0.055738 +vn 0.093952 0.993837 0.058822 +vn -0.144780 0.980728 0.131195 +vn 0.143040 -0.987312 -0.068947 +vn -0.066738 0.981816 0.177719 +vn -0.167663 -0.983172 -0.072542 +vn -0.074480 -0.868192 -0.490606 +vn -0.029789 -0.996528 -0.077745 +vn 0.076570 0.981621 0.174807 +vn 0.153538 0.892541 0.424024 +vn 0.179468 0.983368 0.027917 +vn 0.028905 -0.881234 -0.471796 +vn -0.062471 0.919469 0.388167 +vn -0.019295 0.999377 0.029538 +vn -0.475253 -0.867795 -0.145143 +vn -0.382761 -0.784091 -0.488564 +vn 0.461401 0.874157 0.151524 +vn 0.467047 0.883739 0.029548 +vn 0.336508 0.941149 0.031636 +vn 0.314666 0.949129 0.011843 +vn 0.398259 0.917065 0.019560 +vn 0.368641 0.928751 0.039064 +vn 0.244006 0.969293 0.030516 +vn -0.073283 0.997081 0.021423 +vn 0.008583 0.999285 0.036813 +vn 0.089909 0.995612 0.025931 +vn 0.148154 -0.856552 -0.494336 +vn 0.233188 -0.969997 -0.068771 +vn -0.225921 0.972501 0.056572 +vn 0.190313 -0.958182 -0.213702 +vn -0.215536 0.965244 0.147812 +vn -0.271541 0.940500 0.204266 +vn -0.309552 0.868645 0.386824 +vn 0.349366 -0.934358 -0.070128 +vn 0.301815 -0.944145 -0.132281 +vn 0.239201 -0.815685 -0.526727 +vn 0.340497 -0.815362 -0.468238 +vn -0.413945 0.897686 0.151028 +vn 0.439821 -0.892512 -0.099903 +vn -0.189415 0.981445 0.029785 +vn -0.107386 0.993260 0.043625 +vn 0.110741 -0.992367 -0.054265 +vn 0.221221 -0.972923 -0.066949 +vn 0.277304 -0.960627 -0.017265 +vn 0.388233 -0.921320 -0.021072 +vn 0.342157 -0.933785 -0.104752 +vn -0.445981 0.889833 0.096424 +vn -0.348568 0.936648 0.034498 +vn -0.378537 0.924662 0.041361 +vn -0.445356 0.894721 0.033654 +vn 0.478918 -0.877584 -0.022011 +vn 0.406298 -0.882117 -0.238311 +vn 0.436926 -0.741755 -0.508818 +vn 0.511984 -0.782817 -0.353652 +vn -0.510038 0.821223 0.255841 +vn -0.511330 0.847084 0.144878 +vn 0.520355 -0.720265 -0.458748 +vn -0.589500 0.800626 0.107176 +vn -0.615404 0.769239 0.171898 +vn 0.602717 -0.794836 -0.070487 +vn -0.677768 0.695238 0.239321 +vn 0.656182 -0.547300 -0.519507 +vn 0.635434 -0.676976 -0.371385 +vn 0.623064 -0.758938 -0.189219 +vn 0.675302 -0.736620 -0.036860 +vn 0.526986 -0.843618 -0.102932 +vn 0.549404 -0.835236 -0.023146 +vn -0.533723 0.845074 0.031451 +vn -0.626827 0.778264 0.037314 +vn -0.566651 0.822766 0.044316 +vn -0.688190 0.717439 0.108055 +vn 0.757701 -0.652296 -0.019962 +vn 0.691819 -0.721768 -0.020912 +vn -0.758881 0.648733 0.056973 +vn -0.765258 0.643082 0.028735 +vn -0.708311 0.704440 0.045397 +vn 0.171593 -0.981653 -0.083147 +vn 0.240393 -0.943168 -0.229444 +vn -0.222081 0.970644 0.092356 +vn -0.276015 0.960547 0.034125 +vn 0.335902 -0.933193 -0.127748 +vn -0.367368 0.912057 0.182189 +vn -0.275936 0.928120 0.249904 +vn -0.062066 0.964876 0.255269 +vn -0.077966 0.996271 0.036957 +vn -0.118912 0.980937 0.153697 +vn 0.210758 -0.928869 -0.304603 +vn 0.208884 -0.875553 0.435632 +vn 0.265343 -0.795963 0.544093 +vn -0.063247 0.353093 0.933448 +vn -0.029887 0.144011 0.989125 +vn -0.083400 0.213556 0.973365 +vn -0.088864 0.263715 0.960499 +vn 0.329655 -0.870176 -0.366225 +vn 0.403732 -0.809293 0.426667 +vn 0.437664 -0.883882 -0.164936 +vn -0.392544 0.798028 0.457231 +vn -0.079423 0.204768 0.975583 +vn -0.195174 0.340222 0.919868 +vn -0.530220 0.841421 0.104293 +vn 0.616779 -0.786903 -0.019171 +vn -0.577024 0.758069 0.303932 +vn 0.532798 -0.833079 -0.148680 +vn 0.609908 -0.768777 -0.192336 +vn 0.553872 -0.774938 -0.304461 +vn 0.459967 -0.809345 -0.365226 +vn 0.099889 -0.135358 0.985749 +vn -0.166668 0.214143 0.962479 +vn -0.194558 0.229240 0.953727 +vn -0.698839 0.712838 0.059038 +vn 0.724418 -0.671219 -0.157108 +vn 0.779312 -0.606011 -0.159451 +vn -0.765229 0.639973 0.069700 +vn -0.680728 0.580505 0.446793 +vn -0.753835 0.635003 0.168829 +vn -0.813350 0.569759 0.117628 +vn 0.734847 -0.658857 -0.160960 +vn 0.835541 -0.521719 -0.172281 +vn 0.860073 -0.410768 -0.302563 +vn 0.885742 -0.458270 -0.073819 +vn -0.881347 0.446498 0.154491 +vn -0.889572 0.418847 0.182290 +vn -0.822484 0.545847 0.159912 +vn -0.882066 0.469412 0.040143 +vn -0.922207 0.331311 0.199416 +vn -0.924147 0.375730 0.069137 +vn -0.953092 0.294934 0.068036 +vn -0.970783 0.213325 0.109880 +vn 0.742079 -0.656744 -0.134184 +vn 0.575269 -0.673769 -0.463790 +vn -0.051701 0.038541 0.997919 +vn 0.000575 -0.019874 0.999802 +vn 0.674194 -0.732601 0.093583 +vn 0.664402 -0.641203 -0.383964 +vn 0.672799 -0.701591 -0.234759 +vn 0.677600 -0.579099 0.453325 +vn -0.682008 0.692660 0.234708 +vn 0.767234 -0.593526 -0.243062 +vn -0.129118 0.134411 0.982478 +vn 0.816621 -0.568601 -0.099114 +vn -0.145958 0.118418 0.982178 +vn -0.254665 0.213964 0.943061 +vn 0.671308 -0.490386 0.555758 +vn 0.824718 -0.560002 -0.078981 +vn 0.742701 -0.448647 -0.497103 +vn 0.870058 -0.475577 -0.129714 +vn 0.871947 -0.488826 -0.027525 +vn 0.920300 -0.302736 -0.247788 +vn 0.949981 -0.207337 -0.233554 +vn 0.806521 -0.357478 -0.470884 +vn 0.953345 -0.300878 -0.024617 +vn 0.921865 -0.386519 -0.027713 +vn 0.923060 -0.374964 -0.085807 +vn -0.901694 0.199681 0.383503 +vn 0.865914 -0.232358 -0.442948 +vn 0.964437 -0.255264 -0.068564 +vn -0.929943 0.120284 0.347473 +vn -0.943962 0.294463 0.149090 +vn -0.964185 0.262272 0.039512 +vn -0.986246 0.157527 0.050036 +vn -0.767656 0.638195 0.058406 +vn -0.821925 0.568016 0.042389 +vn -0.774101 0.588096 0.234330 +vn -0.846633 0.514214 0.137103 +vn 0.736760 -0.436224 0.516618 +vn 0.867618 -0.451462 -0.208377 +vn 0.881274 -0.369800 -0.294287 +vn 0.759468 -0.459037 -0.460970 +vn -0.243688 0.171664 0.954541 +vn -0.892581 0.440672 0.095431 +vn -0.921341 0.336726 0.194285 +vn -0.920646 0.387393 0.048349 +vn -0.368112 0.182037 0.911787 +vn -0.118164 0.077488 0.989966 +vn 0.724681 -0.314167 0.613299 +vn 0.929129 -0.316406 -0.191330 +vn -0.176310 0.080642 0.981026 +vn -0.951027 0.306125 0.042838 +vn -0.932244 0.360289 0.033351 +vn -0.972010 0.212549 0.100099 +vn 0.983963 -0.161382 -0.075982 +vn 0.975901 -0.203273 -0.079351 +vn 0.995357 -0.089407 -0.035651 +vn -0.119601 0.056973 0.991186 +vn 0.870915 -0.276713 0.406125 +vn -0.385629 0.143811 0.911377 +vn -0.992571 0.117664 0.030940 +vn 0.900503 -0.218310 -0.376078 +vn 0.913410 -0.126989 -0.386725 +vn 0.233599 -0.051562 0.970965 +vn -0.174763 0.021506 0.984376 +vn -0.223520 0.063831 0.972607 +vn 0.968820 -0.195983 0.151588 +vn 0.914243 -0.069733 -0.399121 +vn -0.065622 -0.000649 0.997844 +vn -0.466415 -0.859372 -0.209610 +vn 0.503046 0.856688 0.114151 +vn 0.543231 0.838942 0.032812 +vn -0.376926 -0.649076 -0.660778 +vn -0.428067 -0.736428 0.523862 +vn -0.373122 -0.732633 0.569235 +vn 0.105806 0.199840 0.974099 +vn -0.349861 -0.794468 0.496405 +vn 0.001319 -0.014500 0.999894 +vn 0.136659 0.337644 0.931301 +vn 0.414312 0.895902 0.160327 +vn 0.019392 0.059513 0.998039 +vn -0.118657 0.990802 0.065057 +vn -0.163864 0.984324 0.065232 +vn 0.077429 0.995018 0.062804 +vn -0.319239 0.945329 0.066635 +vn -0.219237 0.973499 0.065067 +vn 0.201932 0.977481 0.061274 +vn -0.753214 0.653953 0.070815 +vn -0.832280 0.549506 0.073162 +vn -0.808420 0.584672 0.067933 +vn -0.902455 0.424528 0.073156 +vn -0.944843 0.319444 0.072294 +vn -0.779351 0.622588 0.070680 +vn -0.965559 0.249202 0.074794 +vn -0.951915 0.298873 -0.067321 +vn -0.975558 0.209376 -0.066693 +vn -0.904829 0.420400 -0.067440 +vn -0.929093 0.363677 -0.067269 +vn -0.856381 0.511786 -0.068463 +vn -0.724720 0.685291 -0.071813 +vn -0.791584 0.606987 -0.070445 +vn -0.721273 0.688920 -0.071797 +vn -0.799225 0.597040 -0.069155 +vn -0.723044 0.687205 -0.070401 +vn -0.948767 0.308732 -0.067277 +vn -0.902336 0.425569 -0.068421 +vn -0.936212 0.344698 -0.068490 +vn -0.899954 0.430509 -0.068883 +vn -0.788070 0.611334 -0.072222 +vn -0.759672 0.646709 -0.068310 +vn -0.666621 0.742097 -0.070061 +vn -0.732140 0.677733 -0.068185 +vn -0.719213 0.691624 -0.066249 +vn -0.668159 0.740501 -0.072261 +vn -0.544068 0.835994 -0.071441 +vn -0.636975 0.767595 -0.071134 +vn -0.495505 0.865419 -0.074333 +vn -0.444144 0.892941 -0.073441 +vn -0.588617 0.805486 -0.068719 +vn -0.436407 0.896925 -0.071227 +vn -0.343402 0.936293 -0.073694 +vn -0.355579 0.931874 -0.071929 +vn -0.520220 0.851136 -0.070278 +vn -0.526625 0.847226 -0.069816 +vn -0.444237 0.893174 -0.069957 +vn -0.596264 0.799570 -0.071817 +vn -0.052775 0.995928 -0.073086 +vn -0.176555 0.981546 -0.073459 +vn -0.262791 0.962182 -0.071741 +vn 0.320776 0.944171 -0.075122 +vn 0.313607 0.946895 -0.070994 +vn 0.395574 0.915601 -0.072088 +vn 0.461291 0.884032 -0.075486 +vn 0.177037 0.981549 -0.072239 +vn 0.131717 0.988724 -0.071247 +vn 0.240165 0.968313 -0.068491 +vn -0.183715 0.980428 -0.070776 +vn -0.169028 0.983070 -0.070736 +vn -0.380624 0.921844 -0.073005 +vn -0.090980 0.993353 -0.070514 +vn 0.004243 0.997431 -0.071501 +vn 0.063729 0.995266 -0.073379 +vn 0.300924 0.950699 -0.074940 +vn 0.238716 0.968331 -0.073136 +vn 0.098790 0.992489 -0.072150 +vn 0.009461 0.997344 -0.072219 +vn 0.189104 0.979256 -0.072787 +vn 0.187671 0.979405 -0.074473 +vn -0.861854 0.502099 -0.071451 +vn -0.854140 0.515463 -0.068869 +vn -0.817386 0.571855 -0.069726 +vn -0.920050 0.385373 -0.070682 +vn -0.877472 0.474211 -0.071876 +vn -0.748876 0.658950 -0.070499 +vn -0.667202 0.741385 -0.072035 +vn -0.636028 0.768363 -0.071324 +vn -0.716787 0.693424 -0.073347 +vn -0.553037 0.829879 -0.073830 +vn -0.542081 0.836975 -0.074978 +vn -0.733497 0.675715 -0.073427 +vn -0.823602 0.562521 -0.072456 +vn -0.817050 0.571874 -0.073409 +vn 0.846882 -0.527539 0.067028 +vn -0.763396 0.642059 -0.070618 +vn 0.673488 -0.735758 0.071237 +vn 0.710566 -0.700201 0.069389 +vn -0.647137 0.758985 -0.071797 +vn -0.581878 0.810190 -0.070787 +vn -0.606076 0.792090 -0.072567 +vn 0.623537 -0.778759 0.068814 +vn 0.547527 -0.834016 0.068060 +vn 0.627744 -0.775154 0.071222 +vn 0.470639 -0.879438 0.071327 +vn -0.518036 0.852207 -0.073361 +vn -0.531161 0.844045 -0.073864 +vn 0.481664 -0.873779 0.067161 +vn 0.555399 -0.828389 0.072835 +vn -0.280125 0.957236 -0.072319 +vn -0.192496 0.978536 -0.073575 +vn -0.492281 0.867466 -0.071848 +vn -0.467819 0.880743 -0.073728 +vn -0.440333 0.894881 -0.072763 +vn -0.360817 0.929679 -0.074218 +vn -0.210987 0.974652 -0.074415 +vn -0.126913 0.989211 -0.073176 +vn -0.026475 0.996862 -0.074603 +vn -0.086823 0.993588 -0.072415 +vn 0.082835 0.993779 -0.074442 +vn 0.171741 0.982485 -0.072310 +vn 0.082375 0.993821 -0.074390 +vn -0.335985 0.939029 -0.073065 +vn -0.275042 0.958638 -0.073241 +vn 0.365493 -0.927965 0.072764 +vn 0.405835 -0.911174 0.071128 +vn -0.249688 0.965516 -0.073727 +vn 0.378259 -0.923318 0.066353 +vn 0.316118 -0.946203 0.069055 +vn 0.216627 -0.973585 0.072138 +vn 0.296607 -0.952694 0.066317 +vn 0.140437 -0.987518 0.071307 +vn 0.132390 -0.988641 0.071148 +vn -0.059837 -0.995524 0.073161 +vn -0.127131 -0.989187 0.073124 +vn -0.080038 0.993886 -0.076060 +vn -0.015719 -0.997326 0.071375 +vn 0.103428 -0.992021 0.072092 +vn 0.020037 0.996887 -0.076255 +vn 0.135681 0.987787 -0.076596 +vn -0.870991 0.487471 -0.061206 +vn 0.812058 -0.580094 0.063664 +vn 0.791575 -0.590189 0.158386 +vn 0.838885 -0.516764 0.170960 +vn 0.744678 -0.663872 0.068767 +vn -0.742319 0.652632 -0.151767 +vn 0.755004 -0.643327 0.126879 +vn 0.681197 -0.728865 0.068749 +vn -0.838191 0.481436 -0.256233 +vn -0.742471 0.465473 -0.481737 +vn -0.775046 0.578742 -0.253696 +vn -0.687484 0.542940 -0.482268 +vn -0.692902 0.717410 -0.072179 +vn -0.676985 0.732620 -0.070427 +vn -0.808290 0.580584 -0.097926 +vn -0.777365 0.628556 -0.024925 +vn -0.842510 0.519390 -0.142867 +vn 0.645265 -0.636003 0.423241 +vn 0.651209 -0.739492 0.170522 +vn -0.594389 0.771784 -0.225947 +vn -0.438687 0.895291 -0.077505 +vn 0.527420 -0.847215 0.063682 +vn 0.448063 -0.891749 0.063432 +vn -0.520075 0.850550 -0.078017 +vn -0.405988 0.901528 -0.149737 +vn 0.328398 -0.935095 0.133239 +vn 0.620233 -0.781948 0.062198 +vn 0.591874 -0.794092 0.138215 +vn 0.548198 -0.710825 0.440688 +vn -0.506202 0.803405 -0.313528 +vn 0.504259 -0.842929 0.187600 +vn 0.417445 -0.864829 0.278945 +vn -0.455292 0.742534 -0.491276 +vn 0.470710 -0.869385 0.150336 +vn 0.341967 -0.919923 0.191834 +vn -0.374906 0.787881 -0.488558 +vn 0.776839 -0.629300 0.022436 +vn 0.800583 -0.576574 0.163185 +vn 0.706947 -0.706921 0.022101 +vn 0.751930 -0.657729 0.044645 +vn 0.845359 -0.499967 0.188151 +vn 0.828365 -0.558923 0.037634 +vn 0.759686 -0.647936 0.055277 +vn 0.802602 -0.571122 0.172192 +vn -0.695886 0.717837 -0.021275 +vn 0.682190 -0.729273 0.052698 +vn -0.712054 0.677864 -0.182975 +vn 0.596223 -0.786144 0.162776 +vn 0.630266 -0.775585 0.035126 +vn -0.655326 0.752817 -0.061765 +vn -0.627262 0.778370 -0.026130 +vn -0.542510 0.696870 -0.469100 +vn -0.595031 0.608629 -0.524890 +vn -0.652214 0.752783 -0.089079 +vn -0.740468 0.666762 -0.084477 +vn 0.669313 -0.739029 0.076522 +vn 0.610717 -0.790556 0.045236 +vn -0.560650 0.825396 -0.066280 +vn 0.546069 -0.835410 0.062447 +vn -0.467000 0.879027 -0.096037 +vn -0.378430 0.921256 -0.089879 +vn -0.491156 0.870667 -0.026556 +vn 0.486731 -0.865474 0.118524 +vn 0.543078 -0.838842 0.037556 +vn 0.445791 -0.894216 0.040588 +vn -0.401000 0.903579 -0.150809 +vn 0.408634 -0.912128 0.032270 +vn 0.329681 -0.943240 0.040115 +vn -0.323234 0.945859 -0.029521 +vn -0.414277 0.909707 -0.028411 +vn -0.287901 0.954610 -0.076377 +vn -0.297971 0.842505 -0.448774 +vn -0.202953 0.975841 -0.080894 +vn -0.165522 0.983373 -0.074696 +vn 0.129049 -0.989558 0.064203 +vn -0.093651 0.992620 -0.077036 +vn 0.046643 -0.996215 0.073347 +vn -0.047460 -0.997031 0.060633 +vn 0.012192 0.991914 -0.126326 +vn 0.095042 0.992566 -0.076018 +vn 0.220605 -0.973134 0.065906 +vn 0.218589 -0.873720 0.434549 +vn -0.291605 0.920466 -0.260209 +vn -0.195156 0.834645 -0.515056 +vn 0.209683 -0.955781 0.206191 +vn 0.088214 -0.971943 0.218047 +vn -0.193726 0.897231 -0.396797 +vn 0.044994 -0.978575 0.200912 +vn -0.116300 0.966490 -0.228849 +vn -0.201058 0.973349 -0.110308 +vn -0.075749 0.884898 -0.459584 +vn 0.266179 -0.962932 0.043702 +vn -0.282956 0.955961 -0.077946 +vn 0.176131 -0.982462 0.061205 +vn 0.148566 -0.988498 0.028293 +vn -0.141342 0.988517 -0.053447 +vn -0.234043 0.971738 -0.030818 +vn -0.019424 0.995247 -0.095424 +vn -0.078442 0.996671 -0.022215 +vn 0.166475 -0.967404 0.190828 +vn 0.214881 -0.975644 0.044099 +vn 0.148705 -0.987277 0.056304 +vn -0.144041 0.981317 -0.127548 +vn 0.143860 -0.086276 0.985830 +vn -0.774535 0.588628 -0.231542 +vn 0.739452 -0.606312 0.292568 +vn -0.741016 0.571975 0.351767 +vn -0.726717 0.589196 -0.353173 +vn -0.627928 0.593234 0.503766 +vn 0.092293 -0.049775 0.994487 +vn -0.509169 0.516083 -0.688771 +vn 0.660267 -0.666964 0.345263 +vn -0.507041 0.601683 -0.617161 +vn 0.073950 -0.071381 0.994704 +vn -0.627850 0.593686 0.503330 +vn -0.605327 0.634929 0.480046 +vn 0.099506 -0.097845 0.990215 +vn 0.184321 -0.169854 0.968078 +vn -0.438058 0.592945 -0.675664 +vn -0.539542 0.653285 0.531143 +vn -0.560122 0.820912 -0.111206 +vn -0.415788 0.653657 -0.632339 +vn 0.227296 -0.283823 0.931548 +vn 0.090440 -0.121692 0.988439 +vn -0.458493 0.683034 0.568549 +vn -0.511892 0.682994 0.521042 +vn -0.450696 0.741287 0.497359 +vn 0.199750 -0.350511 0.915009 +vn 0.072672 -0.104194 0.991898 +vn -0.420612 0.817891 -0.392605 +vn -0.476498 0.850640 -0.222175 +vn -0.442776 0.773239 0.453928 +vn -0.032095 0.080736 0.996219 +vn 0.381376 -0.908822 0.169100 +vn -0.335392 0.871697 -0.357291 +vn -0.006242 0.045457 0.998947 +vn 0.275778 -0.939149 0.204806 +vn 0.121254 -0.306492 0.944119 +vn -0.270981 0.936454 -0.222762 +vn -0.228545 0.776778 -0.586842 +vn 0.053205 -0.273058 0.960525 +vn -0.217527 0.743554 0.632305 +vn -0.028884 0.170079 0.985007 +vn -0.134990 0.778736 0.612656 +vn -0.177081 0.776709 -0.604454 +vn -0.080586 0.864345 0.496400 +vn 0.987879 -0.136451 0.073999 +vn 0.951152 -0.301286 0.067363 +vn 0.911767 -0.405060 0.067874 +vn 0.808455 -0.584119 0.072150 +vn 0.642337 -0.762980 0.072556 +vn 0.788350 -0.611598 0.066722 +vn 0.865431 -0.495753 0.072514 +vn 0.778993 -0.623172 0.069465 +vn 0.808869 -0.583056 0.076002 +vn 0.779461 -0.623011 0.065555 +vn 0.784523 -0.614820 0.080743 +vn 0.638900 -0.765851 0.072657 +vn 0.925491 -0.372489 0.068691 +vn 0.865996 -0.495134 0.069946 +vn 0.699636 -0.711242 0.068148 +vn 0.732807 -0.676802 0.070232 +vn 0.701183 -0.709517 0.070200 +vn 0.619548 -0.781758 0.070816 +vn 0.741002 -0.667819 0.070244 +vn 0.561443 -0.824195 0.074047 +vn 0.287757 -0.954656 0.076341 +vn 0.324854 -0.942981 0.072506 +vn 0.565825 -0.821049 0.075628 +vn 0.216340 -0.973373 0.075774 +vn 0.452773 -0.888580 0.073636 +vn 0.480192 -0.874058 0.073747 +vn 0.575081 -0.814819 0.073165 +vn 0.399662 -0.913601 0.074860 +vn 0.178604 -0.980798 0.078330 +vn 0.108314 -0.991081 0.077636 +vn 0.012721 -0.997357 0.071529 +vn 0.206455 -0.975575 0.075037 +vn 0.098116 -0.992287 0.075755 +vn -0.110409 -0.990454 0.082525 +vn -0.257623 -0.962957 0.079654 +vn -0.191149 -0.978633 0.075760 +vn -0.305930 -0.948939 0.076950 +vn 0.199599 -0.977096 0.073783 +vn 0.022752 -0.995891 0.087653 +vn 0.093386 -0.992962 0.072832 +vn -0.053757 -0.996258 0.067683 +vn 0.002751 -0.996164 0.087462 +vn 0.051162 -0.995860 0.075129 +vn 0.009628 -0.997286 0.072991 +vn -0.071414 -0.994529 0.076236 +vn 0.930643 -0.359726 0.067095 +vn 0.819303 -0.569039 0.070261 +vn 0.775878 -0.627040 0.069529 +vn 0.835698 -0.544918 0.068360 +vn 0.891891 -0.447376 0.066217 +vn 0.886544 -0.457437 0.069216 +vn 0.656389 -0.751099 0.070738 +vn 0.843937 -0.532308 0.066472 +vn 0.785676 -0.614756 0.069200 +vn 0.555283 -0.828675 0.070416 +vn 0.503765 -0.860784 0.072605 +vn 0.114408 -0.990652 0.074290 +vn 0.312256 -0.947056 0.074710 +vn 0.257354 -0.963746 0.070449 +vn 0.425464 -0.902129 0.071723 +vn 0.217161 -0.973421 0.072756 +vn 0.042874 -0.996689 0.069084 +vn -0.131951 -0.988526 0.073514 +vn 0.984713 -0.157162 -0.075096 +vn 0.996011 -0.052667 -0.072025 +vn 0.963252 -0.258520 -0.072892 +vn 0.995012 -0.064143 -0.076400 +vn 0.969523 -0.233707 -0.073529 +vn 0.987042 -0.141830 -0.075052 +vn 0.985040 0.156133 -0.072926 +vn 0.987026 0.143446 -0.072133 +vn 0.967697 0.241028 -0.073950 +vn 0.942610 0.326148 -0.071513 +vn 0.996784 0.027391 -0.075302 +vn 0.996885 0.037009 -0.069641 +vn 0.991988 0.101324 -0.075459 +vn -0.995152 0.060589 0.077473 +vn -0.986254 0.147863 0.073749 +vn 0.980586 -0.180556 -0.076496 +vn 0.979725 -0.185589 -0.075468 +vn 0.962915 -0.258362 -0.077748 +vn 0.996316 -0.041078 -0.075278 +vn -0.967821 0.240148 0.075178 +vn -0.986379 0.147220 0.073367 +vn 0.996022 -0.044540 -0.077173 +vn 0.994794 -0.065179 -0.078335 +vn -0.996192 0.050655 0.070961 +vn -0.996100 -0.039085 0.079101 +vn -0.996123 -0.050683 0.071901 +vn 0.996113 0.041554 -0.077663 +vn 0.959619 0.271006 -0.075412 +vn 0.945096 0.317196 -0.078613 +vn 0.916561 0.392246 -0.077835 +vn 0.975104 0.208012 -0.076839 +vn 0.989444 0.120807 -0.080044 +vn -0.988057 -0.133591 0.076784 +vn 0.996038 0.046603 -0.075742 +vn 0.986797 0.142592 -0.076811 +vn 0.942832 0.324582 -0.075589 +vn 0.732400 0.676922 -0.073261 +vn 0.808247 0.583913 -0.076039 +vn 0.476935 0.875905 -0.072965 +vn 0.682574 0.727075 -0.073855 +vn 0.646138 0.759497 -0.075293 +vn 0.613950 0.785924 -0.073413 +vn 0.564918 0.821898 -0.073153 +vn 0.540719 0.837949 -0.073923 +vn 0.457486 0.886141 -0.073900 +vn 0.394701 0.915764 -0.074745 +vn 0.790966 0.607324 -0.074369 +vn 0.760187 0.645375 -0.074875 +vn 0.724216 0.685359 -0.076123 +vn 0.546963 0.833757 -0.075374 +vn 0.378227 0.922739 -0.074141 +vn 0.276714 0.958342 -0.070787 +vn 0.561277 0.824451 -0.072455 +vn 0.624271 0.777679 -0.074174 +vn 0.692390 0.717731 -0.073880 +vn 0.550592 0.831418 -0.074780 +vn 0.478129 0.875032 -0.075572 +vn 0.947003 0.312740 -0.073339 +vn 0.883375 0.462495 -0.075811 +vn 0.911840 0.403749 -0.074395 +vn 0.870112 0.486836 -0.076785 +vn 0.840879 0.535947 -0.075385 +vn 0.843166 0.532317 -0.075562 +vn 0.882116 0.464883 -0.075862 +vn 0.921996 0.379811 -0.075284 +vn 0.984092 -0.159699 -0.077844 +vn 0.971836 -0.051491 -0.229965 +vn -0.995122 -0.068159 0.071315 +vn 0.997213 0.006084 -0.074360 +vn -0.990824 0.033368 0.130971 +vn 0.986997 0.126853 -0.098716 +vn -0.981596 0.108547 0.157122 +vn 0.995306 0.038824 -0.088653 +vn 0.891917 0.073342 -0.446212 +vn -0.978870 -0.065277 0.193782 +vn -0.872627 -0.194008 0.448200 +vn -0.980689 -0.045510 0.190207 +vn 0.883084 0.134571 -0.449504 +vn 0.880438 0.034817 -0.472881 +vn -0.867449 -0.491035 0.080108 +vn -0.916976 -0.391323 0.077599 +vn -0.891388 -0.447564 0.071511 +vn -0.839771 -0.538237 0.071322 +vn -0.963922 -0.254375 0.078403 +vn -0.939052 -0.335629 0.074393 +vn -0.967521 -0.242548 0.071231 +vn -0.985288 -0.153113 0.075919 +vn 0.955266 0.215025 -0.203056 +vn 0.909961 0.407775 -0.075435 +vn 0.917385 0.389238 -0.083056 +vn 0.960237 0.267308 -0.080573 +vn -0.985911 -0.159224 0.051256 +vn -0.984295 -0.171063 0.043607 +vn -0.901917 -0.395623 0.173287 +vn -0.943854 -0.278403 0.177852 +vn -0.976291 -0.156434 0.149612 +vn -0.956591 -0.283112 0.069152 +vn 0.958305 0.255577 -0.127799 +vn -0.966345 -0.254605 0.036797 +vn 0.978658 0.191888 -0.073543 +vn -0.736161 -0.403627 0.543279 +vn 0.904533 0.326147 -0.274677 +vn 0.849490 0.445375 -0.282857 +vn 0.930992 0.356813 -0.077055 +vn 0.804092 0.362091 -0.471515 +vn 0.838914 0.245431 -0.485785 +vn -0.945035 -0.324038 0.043681 +vn -0.957096 -0.270351 0.104296 +vn 0.930916 0.357753 -0.073547 +vn 0.961514 0.273237 -0.028858 +vn -0.717104 -0.529396 0.453323 +vn -0.849712 -0.490904 0.192359 +vn -0.912126 -0.377463 0.159840 +vn -0.861343 -0.499808 0.090998 +vn 0.891040 0.452746 -0.032689 +vn -0.808170 -0.586378 0.054978 +vn -0.792016 -0.609562 0.033837 +vn -0.887943 -0.458128 0.040947 +vn -0.849766 -0.525354 0.043600 +vn -0.902843 -0.427122 0.049411 +vn 0.640253 0.764403 -0.075917 +vn -0.685456 -0.724101 0.076347 +vn -0.592233 -0.802196 0.075775 +vn -0.496649 -0.864481 0.077542 +vn -0.507667 -0.858232 0.075581 +vn -0.736575 -0.672122 0.075564 +vn -0.647855 -0.757737 0.078220 +vn 0.697766 0.711987 -0.078723 +vn 0.553151 0.829442 -0.077788 +vn 0.623241 0.778605 -0.073111 +vn 0.168638 0.982948 -0.073309 +vn 0.445882 0.891761 -0.077147 +vn 0.261892 0.961756 -0.080231 +vn 0.325029 0.942497 -0.077815 +vn -0.310543 -0.947582 0.075175 +vn 0.310415 0.947512 -0.076574 +vn -0.127581 -0.989303 0.070733 +vn -0.226301 -0.971540 0.069986 +vn -0.308595 -0.948752 0.068102 +vn 0.247521 0.966193 -0.072142 +vn 0.206348 0.975248 -0.079443 +vn 0.384837 0.919015 -0.085511 +vn 0.365720 0.927536 -0.076979 +vn -0.201779 -0.977201 0.066057 +vn 0.538136 0.839399 -0.076283 +vn 0.449409 0.890216 -0.074473 +vn -0.598703 -0.797906 0.070004 +vn -0.564613 -0.821725 0.077327 +vn -0.345265 -0.920883 0.181014 +vn 0.555667 0.789238 -0.261414 +vn -0.539019 -0.798430 0.268268 +vn -0.803871 -0.589892 0.076284 +vn -0.802472 -0.591804 0.076199 +vn 0.880566 0.467408 -0.078309 +vn 0.867033 0.491941 -0.079042 +vn 0.831315 0.550565 -0.076113 +vn 0.829208 0.553316 -0.079093 +vn 0.788055 0.610639 -0.078034 +vn 0.766591 0.638019 -0.072597 +vn -0.833462 -0.547186 0.077000 +vn 0.804447 0.590263 -0.066747 +vn 0.764949 0.639558 -0.076277 +vn -0.787055 -0.607310 0.108255 +vn 0.792936 0.602903 -0.088093 +vn 0.793628 0.549750 -0.260632 +vn -0.720728 -0.676037 0.153380 +vn 0.705796 0.704100 -0.078073 +vn -0.644256 -0.751380 0.142697 +vn -0.674380 -0.734983 0.070789 +vn -0.606644 -0.640246 0.471241 +vn 0.755636 0.624758 -0.196703 +vn 0.632880 0.525077 -0.568996 +vn 0.756947 0.479498 -0.443973 +vn -0.738618 -0.670822 0.066642 +vn 0.633868 0.769547 -0.077519 +vn 0.675124 0.697185 -0.241124 +vn 0.591424 0.698991 -0.402030 +vn 0.562939 0.680746 -0.468704 +vn 0.627414 0.617034 -0.474995 +vn 0.872975 0.475108 -0.110393 +vn 0.821941 0.562642 -0.088579 +vn 0.961809 -0.145362 -0.231936 +vn 0.908350 -0.103759 -0.405134 +vn -0.994809 0.072502 0.071403 +vn 0.996922 -0.064264 -0.044895 +vn 0.990831 -0.003653 -0.135057 +vn 0.987696 0.094109 -0.124899 +vn -0.998229 0.047674 0.035572 +vn 0.999375 0.026793 -0.023081 +vn -0.996027 -0.077261 0.044292 +vn -0.986849 0.122799 0.105116 +vn -0.622668 0.099590 0.776123 +vn -0.979603 0.022691 0.199660 +vn 0.979519 -0.116846 0.163979 +vn 0.985878 -0.051192 0.159449 +vn 0.961449 0.022157 -0.274090 +vn -0.152504 -0.001342 0.988302 +vn -0.352940 0.006276 0.935625 +vn 0.981224 0.005272 -0.192800 +vn 0.910593 0.041736 0.411192 +vn 0.987057 0.158842 -0.022089 +vn 0.989016 0.108839 -0.100005 +vn -0.944741 -0.054903 0.323188 +vn -0.977867 -0.132310 0.162079 +vn 0.954223 0.231630 -0.189226 +vn -0.879886 -0.349484 0.321965 +vn 0.886228 0.430692 -0.170599 +vn -0.871422 -0.466863 0.150543 +vn 0.837592 0.439426 -0.324568 +vn 0.842665 0.323009 -0.430791 +vn 0.849740 0.511326 -0.128406 +vn -0.797768 -0.545841 0.256174 +vn -0.710452 -0.607748 0.354824 +vn -0.290499 -0.160387 0.943338 +vn -0.088361 -0.052806 0.994688 +vn -0.197799 -0.078608 0.977086 +vn 0.830405 0.414928 0.371835 +vn 0.795897 0.566325 -0.214065 +vn 0.821388 0.569484 -0.031761 +vn 0.779936 0.523963 -0.342291 +vn 0.767729 0.444183 0.461839 +vn -0.120998 -0.074896 0.989823 +vn -0.112018 -0.978946 0.170633 +vn -0.231847 -0.955994 0.179782 +vn 0.151383 0.969448 -0.193015 +vn 0.089629 0.909110 -0.406798 +vn 0.033211 0.631383 -0.774760 +vn -0.110412 -0.991335 0.071161 +vn -0.131300 -0.990916 0.029084 +vn -0.028989 -0.998365 0.049258 +vn -0.202711 -0.964189 0.171022 +vn -0.055940 -0.894963 0.442619 +vn -0.319624 -0.946217 0.050139 +vn 0.344316 0.834964 -0.429280 +vn 0.206198 0.816335 -0.539518 +vn 0.166497 0.985495 -0.032821 +vn -0.408846 -0.910115 0.067345 +vn 0.272905 0.933310 -0.233358 +vn 0.486753 0.868959 -0.089337 +vn -0.280832 -0.828824 0.483925 +vn -0.424133 -0.863892 0.271665 +vn -0.508111 -0.858950 0.063472 +vn -0.445834 -0.875379 0.186934 +vn -0.517678 -0.737663 0.433432 +vn 0.368981 0.753615 -0.543983 +vn 0.464626 0.755073 -0.462588 +vn 0.543193 0.838924 -0.033885 +vn 0.572664 0.815229 -0.086360 +vn -0.436866 -0.898697 0.038628 +vn 0.251139 0.964050 -0.086815 +vn 0.355862 0.931510 -0.075175 +vn 0.473586 0.876542 -0.085963 +vn 0.403198 0.914705 -0.027320 +vn -0.398100 -0.915528 0.057657 +vn -0.366112 -0.929963 0.033633 +vn 0.457060 0.888831 -0.032778 +vn 0.006516 0.999455 -0.032361 +vn -0.033658 -0.998221 0.049208 +vn 0.106878 0.991724 -0.071142 +vn -0.111731 -0.992500 0.049603 +vn -0.210856 -0.976590 0.042563 +vn -0.017267 0.994649 -0.101861 +vn 0.062105 -0.997201 0.041627 +vn -0.066843 0.768455 -0.636403 +vn -0.078842 0.758182 -0.647259 +vn -0.026646 -0.985871 0.165373 +vn 0.093778 -0.954136 0.284305 +vn 0.014106 -0.347698 0.937501 +vn 0.088531 0.995735 -0.025957 +vn 0.114973 0.978659 -0.170316 +vn -0.184474 -0.966315 0.179459 +vn -0.000330 -0.201420 0.979505 +vn -0.037873 -0.350145 0.935929 +vn 0.017156 0.905091 -0.424872 +vn 0.088010 0.948742 0.303549 +vn -0.020956 -0.164500 0.986154 +vn 0.166225 0.931584 -0.323296 +vn 0.238504 0.963666 -0.120267 +vn 0.179032 0.934193 0.308594 +vn 0.329961 0.943431 -0.032619 +vn -0.285612 -0.957084 0.049151 +vn 0.307396 0.913674 -0.265910 +vn -0.504455 -0.862022 0.049431 +vn -0.435942 -0.878305 0.196302 +vn 0.035557 0.070782 0.996858 +vn -0.313605 -0.921061 0.230864 +vn 0.257013 0.864338 -0.432278 +vn -0.076108 -0.312889 0.946735 +vn -0.114114 -0.264130 0.957713 +vn 0.386418 0.893919 -0.227135 +vn 0.406586 0.873139 -0.268916 +vn 0.064984 0.217941 0.973796 +vn -0.673710 -0.737734 0.043169 +vn -0.733909 -0.677510 0.048554 +vn -0.800173 -0.596664 0.060947 +vn 0.749828 0.660903 -0.031070 +vn 0.687681 0.721660 -0.079386 +vn -0.629228 -0.774566 0.064183 +vn -0.540119 -0.839734 0.055841 +vn 0.627335 0.778109 -0.031587 +vn 0.685207 0.727650 -0.031869 +vn 0.697154 0.692338 -0.186129 +vn -0.661974 -0.736091 0.141281 +vn -0.523815 -0.699462 0.486180 +vn -0.593253 -0.803568 0.048275 +vn 0.619612 0.778406 -0.100820 +vn 0.765343 0.634165 -0.109933 +vn 0.767627 0.632861 -0.101174 +vn -0.221964 -0.221443 0.949576 +vn -0.298240 -0.229129 0.926581 +vn -0.122225 -0.093454 0.988093 +vn 0.697913 0.522388 0.489927 +vn 0.711598 0.598807 -0.367503 +vn 0.633921 0.663235 -0.397824 +vn -0.536217 -0.834863 0.124396 +vn -0.073033 -0.102922 0.992005 +vn -0.091413 -0.099403 0.990839 +vn 0.614384 0.643134 0.457068 +vn 0.521427 0.822623 -0.226729 +vn 0.473458 0.806360 -0.354430 +vn 0.575527 0.738444 -0.351382 +vn -0.168587 -0.288617 0.942485 +vn 0.124059 0.202476 0.971397 +vn -0.014582 0.118078 0.992897 +vn -0.035172 0.202666 0.978616 +vn -0.132857 -0.006623 0.991113 +vn -0.940650 -0.198435 0.275321 +vn 0.904080 0.159169 0.396617 +vn 0.883108 0.120061 -0.453547 +vn 0.925747 0.224532 -0.304267 +vn -0.136338 -0.027072 0.990292 +vn -0.111674 -0.011137 0.993682 +vn -0.421491 -0.115007 0.899510 +vn -0.330920 -0.041968 0.942725 +vn 0.910366 0.114346 0.397692 +vn 0.857749 0.255022 0.446353 +vn 0.106642 0.049754 0.993052 +vn 0.892004 0.331663 0.307130 +vn -0.996210 0.045698 0.074009 +vn -0.996962 -0.007898 0.077488 +vn -0.985996 0.150191 0.072491 +vn -0.995369 0.064205 0.071536 +vn -0.996232 -0.049677 0.071094 +vn -0.963204 0.259063 0.071590 +vn -0.969473 0.233854 0.073725 +vn -0.996261 -0.040296 0.076423 +vn -0.989378 -0.121626 0.079614 +vn -0.979777 -0.186278 0.073060 +vn -0.983022 -0.166999 0.076015 +vn -0.986390 -0.147161 0.073333 +vn -0.923599 -0.375617 0.076661 +vn -0.955734 -0.284603 0.074650 +vn -0.736185 -0.672984 0.071584 +vn -0.819379 -0.567801 0.078867 +vn -0.715261 -0.694453 0.078334 +vn -0.840743 -0.535968 0.076749 +vn -0.475027 -0.876570 0.077292 +vn -0.367716 -0.926817 0.076131 +vn -0.378766 -0.922399 0.075606 +vn -0.716439 -0.693284 0.077925 +vn -0.645245 -0.760229 0.075575 +vn -0.643689 -0.761480 0.076241 +vn -0.788612 -0.610139 0.076304 +vn -0.770346 -0.633098 0.075857 +vn -0.563778 -0.822392 0.076328 +vn -0.743944 -0.663827 0.076691 +vn -0.539508 -0.838502 0.076459 +vn -0.466398 -0.881358 0.075374 +vn -0.263241 -0.961744 0.075843 +vn -0.376659 -0.923232 0.075962 +vn -0.926591 -0.368310 0.076002 +vn -0.888701 -0.452138 0.076033 +vn -0.859265 -0.505835 0.076123 +vn -0.203738 -0.976284 0.073216 +vn -0.488575 -0.869175 0.076348 +vn -0.405692 -0.910823 0.076260 +vt 0.078964 0.780195 +vt 0.086234 0.774622 +vt 0.097295 0.774288 +vt 0.103737 0.777495 +vt 0.085306 0.770773 +vt 0.098219 0.769887 +vt 0.077897 0.764223 +vt 0.074439 0.775136 +vt 0.084340 0.754479 +vt 0.087733 0.731835 +vt 0.105894 0.768507 +vt 0.098127 0.734294 +vt 0.032073 0.818331 +vt 0.023873 0.823909 +vt 0.028284 0.810345 +vt 0.021697 0.808124 +vt 0.021431 0.820773 +vt 0.546780 0.802170 +vt 0.534625 0.801629 +vt 0.541282 0.796970 +vt 0.532882 0.796270 +vt 0.520668 0.794953 +vt 0.525508 0.791361 +vt 0.513721 0.824526 +vt 0.524211 0.801397 +vt 0.881383 0.236197 +vt 0.886270 0.237294 +vt 0.881341 0.241229 +vt 0.875008 0.249212 +vt 0.499307 0.816202 +vt 0.873649 0.242308 +vt 0.872617 0.240464 +vt 0.868364 0.245203 +vt 0.534716 0.781001 +vt 0.528247 0.772633 +vt 0.515865 0.788607 +vt 0.506789 0.788415 +vt 0.504068 0.792673 +vt 0.503645 0.782035 +vt 0.494616 0.782398 +vt 0.022491 0.777633 +vt 0.037927 0.793743 +vt 0.029123 0.798315 +vt 0.032881 0.770997 +vt 0.042905 0.766047 +vt 0.045297 0.786335 +vt 0.009761 0.782842 +vt 0.058027 0.781727 +vt 0.057697 0.784602 +vt 0.050023 0.788658 +vt 0.044956 0.794549 +vt 0.063995 0.786414 +vt 0.077416 0.804832 +vt 0.045378 0.800548 +vt 0.062032 0.814396 +vt 0.069489 0.779350 +vt 0.062439 0.775853 +vt 0.064256 0.759987 +vt 0.049910 0.770609 +vt 0.955317 0.163192 +vt 0.958578 0.162974 +vt 0.958235 0.163271 +vt 0.054767 0.759167 +vt 0.092933 0.799520 +vt 0.031928 0.801820 +vt 0.049373 0.830058 +vt 0.057640 0.825490 +vt 0.044285 0.750516 +vt 0.051935 0.741339 +vt 0.031473 0.745153 +vt 0.011223 0.760433 +vt 0.021957 0.757017 +vt 0.009509 0.739201 +vt 0.037460 0.730918 +vt 0.016842 0.734699 +vt 0.072397 0.749110 +vt 0.065592 0.748363 +vt 0.065028 0.730713 +vt 0.076644 0.731572 +vt 0.556395 0.782412 +vt 0.575779 0.767892 +vt 0.552811 0.769686 +vt 0.565438 0.762126 +vt 0.561095 0.747777 +vt 0.546967 0.765417 +vt 0.029450 0.022814 +vt 0.021876 0.025759 +vt 0.025888 0.022411 +vt 0.543294 0.753684 +vt 0.519273 0.765033 +vt 0.511211 0.758904 +vt 0.502712 0.758493 +vt 0.535791 0.747320 +vt 0.525322 0.737570 +vt 0.587510 0.748112 +vt 0.580033 0.744910 +vt 0.570422 0.742983 +vt 0.600148 0.731423 +vt 0.589459 0.723838 +vt 0.576393 0.726904 +vt 0.554642 0.739869 +vt 0.551965 0.726198 +vt 0.543420 0.717973 +vt 0.565902 0.723528 +vt 0.533141 0.732573 +vt 0.092608 0.703064 +vt 0.106147 0.735976 +vt 0.108151 0.712753 +vt 0.115549 0.697250 +vt 0.117553 0.714670 +vt 0.102230 0.690661 +vt 0.109570 0.685722 +vt 0.603877 0.691875 +vt 0.611306 0.696609 +vt 0.607082 0.702531 +vt 0.607701 0.679055 +vt 0.619882 0.690379 +vt 0.634256 0.696355 +vt 0.622353 0.695601 +vt 0.631731 0.678498 +vt 0.641755 0.687109 +vt 0.635892 0.675874 +vt 0.619220 0.672529 +vt 0.629333 0.671773 +vt 0.621109 0.663637 +vt 0.608058 0.666685 +vt 0.588057 0.686616 +vt 0.596483 0.666798 +vt 0.585769 0.661215 +vt 0.601538 0.642660 +vt 0.584508 0.648535 +vt 0.056615 0.725320 +vt 0.045327 0.718337 +vt 0.065708 0.715429 +vt 0.053982 0.708722 +vt 0.062099 0.698581 +vt 0.055263 0.693372 +vt 0.044632 0.697432 +vt 0.032421 0.714993 +vt 0.020508 0.706113 +vt 0.010639 0.707577 +vt 0.037286 0.702942 +vt 0.032099 0.704848 +vt 0.026122 0.702725 +vt 0.030023 0.684073 +vt 0.023013 0.693502 +vt 0.011725 0.701049 +vt 0.014369 0.690399 +vt 0.076059 0.703826 +vt 0.054214 0.683336 +vt 0.061632 0.680114 +vt 0.067839 0.677974 +vt 0.049011 0.667221 +vt 0.063664 0.675190 +vt 0.073353 0.666481 +vt 0.079845 0.693132 +vt 0.059557 0.666376 +vt 0.041404 0.690345 +vt 0.037435 0.674941 +vt 0.045745 0.681743 +vt 0.049822 0.688261 +vt 0.018094 0.681413 +vt 0.042061 0.672796 +vt 0.043012 0.662369 +vt 0.027642 0.669422 +vt 0.035467 0.653797 +vt 0.028562 0.643225 +vt 0.089453 0.677088 +vt 0.081158 0.659837 +vt 0.612596 0.712032 +vt 0.603964 0.707322 +vt 0.591915 0.702935 +vt 0.580399 0.712578 +vt 0.573139 0.700384 +vt 0.560262 0.702609 +vt 0.550396 0.692683 +vt 0.565661 0.691376 +vt 0.578583 0.680517 +vt 0.566885 0.671555 +vt 0.572551 0.659991 +vt 0.013684 0.638092 +vt 0.022368 0.629144 +vt 0.029541 0.625924 +vt 0.035907 0.637705 +vt 0.038385 0.635189 +vt 0.031843 0.619589 +vt 0.048199 0.612560 +vt 0.047766 0.630469 +vt 0.029764 0.599356 +vt 0.045983 0.595854 +vt 0.034871 0.586349 +vt 0.056082 0.594251 +vt 0.636959 0.652088 +vt 0.647513 0.652176 +vt 0.021674 0.615000 +vt 0.623441 0.646179 +vt 0.654544 0.630414 +vt 0.613130 0.641204 +vt 0.624451 0.620408 +vt 0.633686 0.625151 +vt 0.609217 0.621787 +vt 0.644875 0.627427 +vt 0.644864 0.623970 +vt 0.655788 0.622672 +vt 0.651455 0.611871 +vt 0.016559 0.611903 +vt 0.023442 0.601230 +vt 0.016094 0.600408 +vt 0.012719 0.586517 +vt 0.018761 0.594494 +vt 0.017498 0.582099 +vt 0.022231 0.587052 +vt 0.646989 0.614034 +vt 0.658221 0.598141 +vt 0.026685 0.591008 +vt 0.030412 0.584650 +vt 0.633278 0.621478 +vt 0.640160 0.616830 +vt 0.636235 0.611332 +vt 0.627399 0.607369 +vt 0.615549 0.618678 +vt 0.620782 0.610645 +vt 0.611560 0.613231 +vt 0.606401 0.612508 +vt 0.620092 0.603172 +vt 0.613562 0.604953 +vt 0.639964 0.609051 +vt 0.648901 0.596620 +vt 0.641637 0.586182 +vt 0.634059 0.585621 +vt 0.057796 0.646575 +vt 0.068507 0.654640 +vt 0.067311 0.644992 +vt 0.074141 0.631438 +vt 0.086133 0.643592 +vt 0.049316 0.645937 +vt 0.055928 0.642144 +vt 0.057708 0.627882 +vt 0.099231 0.657408 +vt 0.107402 0.669407 +vt 0.115305 0.674550 +vt 0.090171 0.631010 +vt 0.103727 0.638476 +vt 0.112433 0.651396 +vt 0.120831 0.665048 +vt 0.123805 0.650985 +vt 0.074749 0.594380 +vt 0.086243 0.592867 +vt 0.095018 0.602321 +vt 0.064475 0.610953 +vt 0.068381 0.593853 +vt 0.112221 0.634810 +vt 0.101477 0.624097 +vt 0.124342 0.639123 +vt 0.112278 0.624170 +vt 0.102821 0.606216 +vt 0.112134 0.609278 +vt 0.123388 0.620251 +vt 0.148964 0.200177 +vt 0.151514 0.193472 +vt 0.153742 0.192490 +vt 0.117065 0.039194 +vt 0.118125 0.036177 +vt 0.122403 0.036757 +vt 0.119491 0.034275 +vt 0.128544 0.037060 +vt 0.123697 0.043205 +vt 0.120212 0.044020 +vt 0.131176 0.042591 +vt 0.128780 0.047602 +vt 0.130197 0.050550 +vt 0.127092 0.047931 +vt 0.934588 0.103468 +vt 0.934667 0.098236 +vt 0.935558 0.098212 +vt 0.933912 0.098176 +vt 0.130399 0.056382 +vt 0.131609 0.053465 +vt 0.135938 0.053780 +vt 0.930468 0.106120 +vt 0.935198 0.093904 +vt 0.131324 0.066101 +vt 0.026852 0.026233 +vt 0.022040 0.029605 +vt 0.020352 0.025698 +vt 0.891146 0.232276 +vt 0.890074 0.233918 +vt 0.886799 0.231926 +vt 0.886221 0.230371 +vt 0.890021 0.238885 +vt 0.881599 0.231330 +vt 0.881363 0.247702 +vt 0.877419 0.237248 +vt 0.874942 0.239600 +vt 0.872825 0.257677 +vt 0.879150 0.253208 +vt 0.869303 0.249574 +vt 0.867915 0.254378 +vt 0.866550 0.239031 +vt 0.867727 0.244222 +vt 0.863598 0.243934 +vt 0.867476 0.259960 +vt 0.872702 0.262629 +vt 0.867595 0.262205 +vt 0.877302 0.260652 +vt 0.053163 0.048882 +vt 0.052496 0.044718 +vt 0.060561 0.047098 +vt 0.054057 0.044169 +vt 0.950012 0.154854 +vt 0.952364 0.149585 +vt 0.959807 0.148328 +vt 0.957026 0.153559 +vt 0.962012 0.152352 +vt 0.958341 0.155124 +vt 0.965698 0.149766 +vt 0.072404 0.034627 +vt 0.074887 0.025991 +vt 0.078666 0.031641 +vt 0.951867 0.165847 +vt 0.951118 0.169293 +vt 0.949126 0.159272 +vt 0.948874 0.161317 +vt 0.951630 0.148390 +vt 0.950947 0.150745 +vt 0.954615 0.161116 +vt 0.946522 0.166713 +vt 0.948065 0.172240 +vt 0.947159 0.178125 +vt 0.944874 0.164500 +vt 0.078061 0.037203 +vt 0.076709 0.040691 +vt 0.953377 0.158108 +vt 0.957533 0.145318 +vt 0.958796 0.143066 +vt 0.966687 0.141878 +vt 0.967519 0.143160 +vt 0.972598 0.150568 +vt 0.972268 0.143653 +vt 0.975275 0.144891 +vt 0.971704 0.148208 +vt 0.964980 0.155935 +vt 0.966986 0.151642 +vt 0.971846 0.142169 +vt 0.976575 0.149968 +vt 0.114930 0.040731 +vt 0.054144 0.027229 +vt 0.061921 0.022193 +vt 0.065361 0.024313 +vt 0.064960 0.030376 +vt 0.055131 0.024716 +vt 0.944541 0.178651 +vt 0.942636 0.182389 +vt 0.060194 0.020395 +vt 0.940548 0.179639 +vt 0.044044 0.019329 +vt 0.049923 0.018987 +vt 0.048226 0.021201 +vt 0.040796 0.022972 +vt 0.047928 0.024364 +vt 0.032646 0.026812 +vt 0.036823 0.021475 +vt 0.039232 0.025688 +vt 0.042056 0.016604 +vt 0.039303 0.019518 +vt 0.034306 0.017059 +vt 0.049930 0.017219 +vt 0.034377 0.020518 +vt 0.052636 0.020457 +vt 0.049082 0.026234 +vt 0.048437 0.014531 +vt 0.066798 0.036238 +vt 0.054073 0.030439 +vt 0.057208 0.035090 +vt 0.051687 0.034305 +vt 0.074180 0.046633 +vt 0.049625 0.032514 +vt 0.051741 0.039984 +vt 0.049116 0.037202 +vt 0.925372 0.184453 +vt 0.053884 0.041923 +vt 0.082640 0.070857 +vt 0.082010 0.073844 +vt 0.080155 0.067309 +vt 0.055103 0.059067 +vt 0.064961 0.050080 +vt 0.075930 0.058441 +vt 0.068568 0.060496 +vt 0.052136 0.056513 +vt 0.049891 0.052086 +vt 0.048275 0.056738 +vt 0.045397 0.067529 +vt 0.043638 0.064518 +vt 0.077928 0.063762 +vt 0.067455 0.068815 +vt 0.056764 0.073202 +vt 0.073048 0.072780 +vt 0.048430 0.075296 +vt 0.040379 0.076961 +vt 0.053676 0.092137 +vt 0.042414 0.092321 +vt 0.080319 0.046209 +vt 0.077048 0.050326 +vt 0.115827 0.043380 +vt 0.085726 0.073315 +vt 0.929382 0.114425 +vt 0.079529 0.053904 +vt 0.027046 0.030962 +vt 0.023651 0.020097 +vt 0.019294 0.022850 +vt 0.893383 0.238932 +vt 0.894307 0.247651 +vt 0.596549 0.096917 +vt 0.597133 0.087440 +vt 0.598396 0.092328 +vt 0.597561 0.084855 +vt 0.595209 0.085080 +vt 0.591619 0.086798 +vt 0.592539 0.089513 +vt 0.894162 0.254329 +vt 0.890542 0.250846 +vt 0.900351 0.254860 +vt 0.900232 0.251441 +vt 0.583157 0.089142 +vt 0.886464 0.256089 +vt 0.890056 0.260468 +vt 0.881904 0.261089 +vt 0.887066 0.265750 +vt 0.881545 0.263251 +vt 0.851976 0.232272 +vt 0.853694 0.231714 +vt 0.892828 0.267727 +vt 0.888035 0.267919 +vt 0.892573 0.270734 +vt 0.853106 0.225260 +vt 0.586370 0.094191 +vt 0.573198 0.091419 +vt 0.590264 0.103204 +vt 0.594270 0.110894 +vt 0.576338 0.102148 +vt 0.577560 0.108782 +vt 0.568584 0.100279 +vt 0.568629 0.096336 +vt 0.841981 0.218356 +vt 0.034607 0.065560 +vt 0.032491 0.065714 +vt 0.035172 0.064424 +vt 0.033762 0.066119 +vt 0.033964 0.063867 +vt 0.033635 0.063794 +vt 0.029691 0.065649 +vt 0.030713 0.066338 +vt 0.038443 0.067188 +vt 0.033031 0.067651 +vt 0.030292 0.073038 +vt 0.027273 0.070192 +vt 0.031910 0.080978 +vt 0.029577 0.081970 +vt 0.600635 0.120964 +vt 0.600565 0.115274 +vt 0.605658 0.121373 +vt 0.592237 0.131399 +vt 0.585334 0.118405 +vt 0.601402 0.134721 +vt 0.603919 0.125348 +vt 0.606158 0.129765 +vt 0.606863 0.139685 +vt 0.600899 0.142274 +vt 0.592681 0.145991 +vt 0.578885 0.134599 +vt 0.582626 0.144795 +vt 0.575299 0.143435 +vt 0.598081 0.102772 +vt 0.600460 0.109576 +vt 0.586499 0.110927 +vt 0.566278 0.106872 +vt 0.569738 0.126790 +vt 0.566244 0.117168 +vt 0.561887 0.129764 +vt 0.560586 0.110882 +vt 0.827691 0.208910 +vt 0.835026 0.210096 +vt 0.138842 0.076391 +vt 0.127460 0.073067 +vt 0.139366 0.069442 +vt 0.130464 0.096439 +vt 0.139606 0.092613 +vt 0.144675 0.101670 +vt 0.032055 0.135942 +vt 0.017914 0.152866 +vt 0.021861 0.135156 +vt 0.027529 0.158940 +vt 0.009176 0.148176 +vt 0.011221 0.134541 +vt 0.607954 0.215332 +vt 0.611789 0.196890 +vt 0.598439 0.198675 +vt 0.083921 0.079738 +vt 0.083728 0.102732 +vt 0.081379 0.098680 +vt 0.083694 0.100842 +vt 0.085202 0.107122 +vt 0.079829 0.104748 +vt 0.087449 0.106879 +vt 0.095691 0.108268 +vt 0.092994 0.104729 +vt 0.101445 0.109451 +vt 0.088631 0.108215 +vt 0.089337 0.103521 +vt 0.075694 0.089204 +vt 0.079902 0.080775 +vt 0.064425 0.091183 +vt 0.073102 0.097198 +vt 0.081295 0.090588 +vt 0.056338 0.101400 +vt 0.048717 0.099099 +vt 0.040935 0.105573 +vt 0.056936 0.111202 +vt 0.050929 0.119736 +vt 0.071488 0.103128 +vt 0.063666 0.104669 +vt 0.084713 0.098957 +vt 0.081621 0.111680 +vt 0.074117 0.111870 +vt 0.061608 0.132144 +vt 0.086905 0.101615 +vt 0.109724 0.075997 +vt 0.103623 0.072523 +vt 0.109451 0.072819 +vt 0.115616 0.074828 +vt 0.114940 0.080173 +vt 0.166999 0.944085 +vt 0.173321 0.949202 +vt 0.165918 0.942174 +vt 0.165487 0.937691 +vt 0.105586 0.088517 +vt 0.106142 0.085946 +vt 0.106612 0.085921 +vt 0.105419 0.085863 +vt 0.168684 0.949527 +vt 0.927029 0.111287 +vt 0.118487 0.088487 +vt 0.110318 0.097399 +vt 0.118464 0.110690 +vt 0.107013 0.086699 +vt 0.105277 0.085995 +vt 0.106165 0.099840 +vt 0.098986 0.104649 +vt 0.094139 0.101493 +vt 0.107142 0.107445 +vt 0.088930 0.116903 +vt 0.107195 0.112547 +vt 0.098093 0.131728 +vt 0.090430 0.127726 +vt 0.088288 0.138309 +vt 0.074855 0.125415 +vt 0.052752 0.145109 +vt 0.083980 0.124863 +vt 0.080470 0.129613 +vt 0.086009 0.127326 +vt 0.072130 0.145395 +vt 0.081010 0.144120 +vt 0.090042 0.152892 +vt 0.101541 0.101455 +vt 0.135992 0.111344 +vt 0.124870 0.121954 +vt 0.146209 0.120640 +vt 0.146523 0.107136 +vt 0.116463 0.133742 +vt 0.108025 0.141331 +vt 0.139052 0.134122 +vt 0.035996 0.096949 +vt 0.033188 0.088187 +vt 0.029713 0.093476 +vt 0.030907 0.097859 +vt 0.031579 0.106933 +vt 0.023985 0.100425 +vt 0.016253 0.102961 +vt 0.019203 0.096955 +vt 0.019301 0.106884 +vt 0.611264 0.140768 +vt 0.608556 0.138547 +vt 0.612426 0.138766 +vt 0.614095 0.144221 +vt 0.615269 0.139063 +vt 0.618069 0.142836 +vt 0.031461 0.120186 +vt 0.020128 0.117838 +vt 0.614606 0.152835 +vt 0.611692 0.150610 +vt 0.606238 0.149784 +vt 0.599835 0.149761 +vt 0.618227 0.150521 +vt 0.617698 0.155246 +vt 0.589416 0.152977 +vt 0.602182 0.162544 +vt 0.572572 0.151881 +vt 0.583842 0.166554 +vt 0.012528 0.107831 +vt 0.013262 0.104936 +vt 0.610634 0.163634 +vt 0.009120 0.119518 +vt 0.602225 0.184801 +vt 0.592113 0.173986 +vt 0.042368 0.147884 +vt 0.612470 0.182366 +vt 0.060724 0.173438 +vt 0.064355 0.177578 +vt 0.053681 0.184859 +vt 0.068120 0.183470 +vt 0.062663 0.200459 +vt 0.064256 0.189096 +vt 0.076441 0.193641 +vt 0.059304 0.214681 +vt 0.069800 0.203309 +vt 0.068367 0.209957 +vt 0.052786 0.167448 +vt 0.041389 0.180201 +vt 0.032531 0.168523 +vt 0.045926 0.201968 +vt 0.017924 0.184413 +vt 0.032611 0.197001 +vt 0.018537 0.207114 +vt 0.011196 0.171828 +vt 0.015539 0.172398 +vt 0.623010 0.216680 +vt 0.615940 0.228404 +vt 0.625227 0.233592 +vt 0.637348 0.248363 +vt 0.623550 0.250080 +vt 0.040373 0.217809 +vt 0.025484 0.224136 +vt 0.052907 0.227914 +vt 0.629201 0.257041 +vt 0.631841 0.283828 +vt 0.642358 0.276760 +vt 0.653513 0.289413 +vt 0.097422 0.171990 +vt 0.108614 0.161243 +vt 0.109580 0.185596 +vt 0.078387 0.157190 +vt 0.085053 0.165700 +vt 0.065482 0.159294 +vt 0.075886 0.175938 +vt 0.083917 0.178254 +vt 0.128764 0.143025 +vt 0.117008 0.155141 +vt 0.148201 0.139812 +vt 0.137684 0.153780 +vt 0.146130 0.154660 +vt 0.131338 0.162309 +vt 0.120387 0.177857 +vt 0.143437 0.166902 +vt 0.119838 0.203380 +vt 0.085953 0.194854 +vt 0.092181 0.208608 +vt 0.081882 0.212488 +vt 0.129077 0.193440 +vt 0.139831 0.179311 +vt 0.152624 0.170586 +vt 0.136199 0.201212 +vt 0.149951 0.184038 +vt 0.138189 0.213970 +vt 0.129736 0.052780 +vt 0.934699 0.098137 +vt 0.854860 0.242005 +vt 0.943466 0.171814 +vt 0.936565 0.163439 +vt 0.935887 0.187210 +vt 0.940660 0.180647 +vt 0.929713 0.183784 +vt 0.052100 0.022015 +vt 0.053258 0.021382 +vt 0.050947 0.028639 +vt 0.925633 0.177303 +vt 0.932476 0.174674 +vt 0.930135 0.165226 +vt 0.930049 0.160606 +vt 0.925134 0.168417 +vt 0.050455 0.030076 +vt 0.920803 0.179439 +vt 0.918529 0.177267 +vt 0.049201 0.048615 +vt 0.045482 0.055915 +vt 0.907575 0.172412 +vt 0.039512 0.060738 +vt 0.115691 0.039595 +vt 0.977464 0.148004 +vt 0.975421 0.146329 +vt 0.081883 0.065204 +vt 0.924546 0.104250 +vt 0.922394 0.098634 +vt 0.921575 0.155793 +vt 0.920844 0.148778 +vt 0.915204 0.167919 +vt 0.919321 0.146181 +vt 0.920485 0.147658 +vt 0.917856 0.144812 +vt 0.918810 0.145611 +vt 0.875252 0.225428 +vt 0.867522 0.223688 +vt 0.869300 0.211336 +vt 0.600571 0.097357 +vt 0.869595 0.216134 +vt 0.867431 0.218519 +vt 0.864773 0.228289 +vt 0.879929 0.262833 +vt 0.858071 0.234550 +vt 0.877161 0.263363 +vt 0.856084 0.234863 +vt 0.856574 0.225291 +vt 0.861625 0.220596 +vt 0.866255 0.198809 +vt 0.861056 0.199836 +vt 0.853401 0.207185 +vt 0.848497 0.209691 +vt 0.856942 0.204588 +vt 0.847857 0.219565 +vt 0.844080 0.209977 +vt 0.839652 0.212310 +vt 0.027165 0.073943 +vt 0.038507 0.064583 +vt 0.893251 0.181061 +vt 0.896304 0.185489 +vt 0.890138 0.183501 +vt 0.887543 0.186500 +vt 0.888407 0.179735 +vt 0.883874 0.178678 +vt 0.023467 0.079308 +vt 0.613258 0.117328 +vt 0.607882 0.111373 +vt 0.613318 0.123696 +vt 0.612840 0.130699 +vt 0.059441 0.952185 +vt 0.597518 0.109120 +vt 0.615962 0.106182 +vt 0.836587 0.203377 +vt 0.830654 0.204568 +vt 0.555337 0.115409 +vt 0.548203 0.112713 +vt 0.083376 0.089152 +vt 0.080565 0.096505 +vt 0.101713 0.958123 +vt 0.088171 0.097743 +vt 0.112287 0.068649 +vt 0.161461 0.944896 +vt 0.108821 0.065660 +vt 0.132903 0.979292 +vt 0.133849 0.984131 +vt 0.919514 0.113925 +vt 0.139561 0.990887 +vt 0.101325 0.092680 +vt 0.096332 0.086172 +vt 0.093668 0.097679 +vt 0.093200 0.090840 +vt 0.911906 0.133845 +vt 0.911699 0.137571 +vt 0.102116 0.948970 +vt 0.088050 0.090975 +vt 0.027277 0.086818 +vt 0.021708 0.085680 +vt 0.023450 0.091901 +vt 0.059425 0.959215 +vt 0.063064 0.959303 +vt 0.013969 0.080849 +vt 0.064260 0.946560 +vt 0.011797 0.100240 +vt 0.620369 0.152137 +vt 0.916200 0.159936 +vt 0.903208 0.167128 +vt 0.908306 0.160881 +vt 0.914803 0.148700 +vt 0.919379 0.146372 +vt 0.911205 0.153621 +vt 0.907098 0.138924 +vt 0.902903 0.144495 +vt 0.897020 0.171208 +vt 0.899451 0.153970 +vt 0.890614 0.155607 +vt 0.893344 0.149139 +vt 0.890055 0.163315 +vt 0.016924 0.079044 +vt 0.885211 0.171251 +vt 0.881048 0.173525 +vt 0.620583 0.118292 +vt 0.616908 0.112029 +vt 0.860104 0.180696 +vt 0.069829 0.942213 +vt 0.878307 0.170562 +vt 0.874884 0.174243 +vt 0.620231 0.123978 +vt 0.869081 0.176374 +vt 0.865854 0.168941 +vt 0.861290 0.174772 +vt 0.854382 0.193176 +vt 0.847208 0.198493 +vt 0.856121 0.185716 +vt 0.847521 0.187553 +vt 0.841303 0.192483 +vt 0.835074 0.189114 +vt 0.851119 0.179267 +vt 0.839798 0.181389 +vt 0.827979 0.190317 +vt 0.129341 0.983258 +vt 0.092205 0.084635 +vt 0.092249 0.078950 +vt 0.915496 0.103933 +vt 0.910746 0.113559 +vt 0.902807 0.106536 +vt 0.907585 0.121799 +vt 0.902469 0.124026 +vt 0.902679 0.114746 +vt 0.898992 0.119132 +vt 0.891965 0.110834 +vt 0.907018 0.133253 +vt 0.902188 0.134497 +vt 0.896064 0.143231 +vt 0.107786 0.955116 +vt 0.087943 0.081086 +vt 0.904024 0.129906 +vt 0.898311 0.129961 +vt 0.896257 0.126133 +vt 0.883181 0.163520 +vt 0.850219 0.166607 +vt 0.851333 0.173943 +vt 0.838837 0.175634 +vt 0.886164 0.154002 +vt 0.890052 0.133144 +vt 0.885532 0.117215 +vt 0.881201 0.130680 +vt 0.886890 0.142100 +vt 0.880425 0.144848 +vt 0.868628 0.146074 +vt 0.879538 0.159076 +vt 0.873317 0.164578 +vt 0.873576 0.152484 +vt 0.867152 0.158121 +vt 0.849948 0.153513 +vt 0.515595 0.742322 +vt 0.507686 0.740605 +vt 0.493610 0.746970 +vt 0.496193 0.733786 +vt 0.534034 0.708859 +vt 0.541713 0.700349 +vt 0.517772 0.725820 +vt 0.507925 0.722967 +vt 0.493830 0.719070 +vt 0.521897 0.708578 +vt 0.513524 0.711834 +vt 0.513158 0.699678 +vt 0.502931 0.712170 +vt 0.505109 0.697273 +vt 0.495891 0.700741 +vt 0.527590 0.694173 +vt 0.540471 0.677409 +vt 0.559552 0.681917 +vt 0.553753 0.659418 +vt 0.531090 0.672513 +vt 0.520241 0.683118 +vt 0.511151 0.677229 +vt 0.497815 0.680837 +vt 0.488361 0.690901 +vt 0.523701 0.663175 +vt 0.513658 0.657633 +vt 0.502354 0.661056 +vt 0.489180 0.674995 +vt 0.492816 0.657759 +vt 0.568967 0.646883 +vt 0.541531 0.655396 +vt 0.560360 0.627058 +vt 0.549745 0.630489 +vt 0.533807 0.650677 +vt 0.525607 0.647149 +vt 0.538019 0.633117 +vt 0.529608 0.624761 +vt 0.516916 0.634955 +vt 0.505036 0.642613 +vt 0.494265 0.642261 +vt 0.484600 0.644906 +vt 0.536222 0.213537 +vt 0.540065 0.210325 +vt 0.540606 0.217309 +vt 0.496432 0.626492 +vt 0.485852 0.629597 +vt 0.589655 0.635292 +vt 0.580824 0.629664 +vt 0.572291 0.626229 +vt 0.577166 0.617808 +vt 0.598938 0.615618 +vt 0.591903 0.619211 +vt 0.593276 0.612764 +vt 0.574034 0.606555 +vt 0.583831 0.602897 +vt 0.566097 0.592649 +vt 0.603408 0.604243 +vt 0.598446 0.606006 +vt 0.592919 0.606185 +vt 0.610918 0.589205 +vt 0.596928 0.588989 +vt 0.586291 0.583097 +vt 0.626010 0.576539 +vt 0.607795 0.572691 +vt 0.599695 0.567040 +vt 0.589336 0.568076 +vt 0.577192 0.582335 +vt 0.553266 0.596442 +vt 0.560176 0.562495 +vt 0.569005 0.561519 +vt 0.578503 0.559714 +vt 0.541001 0.612226 +vt 0.544254 0.594707 +vt 0.531834 0.603102 +vt 0.520471 0.616834 +vt 0.524659 0.589172 +vt 0.510042 0.612393 +vt 0.547565 0.570416 +vt 0.534141 0.574284 +vt 0.500048 0.610765 +vt 0.489320 0.613279 +vt 0.478058 0.617895 +vt 0.512547 0.597084 +vt 0.505231 0.585121 +vt 0.497288 0.593230 +vt 0.491573 0.600026 +vt 0.481630 0.592436 +vt 0.516083 0.575242 +vt 0.533318 0.559260 +vt 0.518053 0.557684 +vt 0.502784 0.571051 +vt 0.490957 0.583263 +vt 0.495771 0.566568 +vt 0.485353 0.572161 +vt 0.475588 0.569209 +vt 0.505076 0.546910 +vt 0.486513 0.553149 +vt 0.559429 0.114239 +vt 0.556344 0.118682 +vt 0.556235 0.125030 +vt 0.550716 0.131392 +vt 0.555156 0.122327 +vt 0.565588 0.144354 +vt 0.553558 0.144690 +vt 0.552000 0.137584 +vt 0.560163 0.147734 +vt 0.548086 0.138956 +vt 0.545733 0.141463 +vt 0.538295 0.144293 +vt 0.531090 0.139351 +vt 0.532750 0.135196 +vt 0.521687 0.142099 +vt 0.523358 0.137965 +vt 0.583860 0.194046 +vt 0.573022 0.187724 +vt 0.562293 0.161600 +vt 0.563865 0.178066 +vt 0.556769 0.153866 +vt 0.548657 0.155071 +vt 0.550509 0.168760 +vt 0.541655 0.153675 +vt 0.539031 0.165516 +vt 0.536822 0.149441 +vt 0.531545 0.151936 +vt 0.522362 0.152227 +vt 0.536548 0.158300 +vt 0.522176 0.159179 +vt 0.537483 0.178121 +vt 0.532309 0.170462 +vt 0.519595 0.169271 +vt 0.524208 0.181425 +vt 0.534841 0.178746 +vt 0.534105 0.183564 +vt 0.594853 0.218666 +vt 0.573980 0.213148 +vt 0.561736 0.203116 +vt 0.547322 0.194957 +vt 0.586296 0.228605 +vt 0.551243 0.213534 +vt 0.564523 0.239921 +vt 0.552538 0.230653 +vt 0.543646 0.226715 +vt 0.538276 0.186555 +vt 0.535913 0.187679 +vt 0.531441 0.200175 +vt 0.538897 0.198418 +vt 0.536060 0.201297 +vt 0.519162 0.203139 +vt 0.533009 0.228935 +vt 0.521609 0.225568 +vt 0.606943 0.233676 +vt 0.596654 0.243538 +vt 0.607187 0.250912 +vt 0.589088 0.252071 +vt 0.620916 0.276460 +vt 0.611838 0.263844 +vt 0.595396 0.274885 +vt 0.581220 0.259541 +vt 0.607876 0.272265 +vt 0.612371 0.303986 +vt 0.581262 0.294126 +vt 0.571962 0.265474 +vt 0.591515 0.304182 +vt 0.564856 0.305080 +vt 0.561887 0.273618 +vt 0.577044 0.235493 +vt 0.539395 0.241902 +vt 0.540835 0.231774 +vt 0.555380 0.249893 +vt 0.541347 0.252089 +vt 0.547915 0.259412 +vt 0.529073 0.257498 +vt 0.530809 0.237541 +vt 0.518674 0.245740 +vt 0.511596 0.227848 +vt 0.510398 0.200903 +vt 0.502578 0.212928 +vt 0.498252 0.232890 +vt 0.520828 0.261705 +vt 0.506848 0.258542 +vt 0.538416 0.281201 +vt 0.550033 0.302631 +vt 0.524419 0.272420 +vt 0.525965 0.300466 +vt 0.511834 0.273043 +vt 0.497300 0.273723 +vt 0.490639 0.247315 +vt 0.515642 0.294035 +vt 0.503160 0.297432 +vt 0.487999 0.274830 +vt 0.547223 0.121913 +vt 0.546211 0.130018 +vt 0.542180 0.132229 +vt 0.538594 0.135924 +vt 0.538195 0.122044 +vt 0.541924 0.122430 +vt 0.531035 0.131849 +vt 0.120491 0.771418 +vt 0.109777 0.772454 +vt 0.121579 0.769052 +vt 0.111672 0.766833 +vt 0.121254 0.753655 +vt 0.123621 0.775892 +vt 0.135523 0.772741 +vt 0.136194 0.768674 +vt 0.137378 0.777133 +vt 0.109877 0.796537 +vt 0.130282 0.797352 +vt 0.114702 0.744255 +vt 0.128020 0.764942 +vt 0.129532 0.743809 +vt 0.137133 0.751724 +vt 0.151151 0.806367 +vt 0.171090 0.790290 +vt 0.145310 0.771700 +vt 0.154252 0.757088 +vt 0.156055 0.773377 +vt 0.145784 0.754964 +vt 0.157746 0.779267 +vt 0.171703 0.777901 +vt 0.165069 0.758248 +vt 0.164778 0.821201 +vt 0.170550 0.783897 +vt 0.181442 0.790455 +vt 0.180838 0.796939 +vt 0.195762 0.775532 +vt 0.208548 0.777213 +vt 0.188751 0.817260 +vt 0.186329 0.832616 +vt 0.208931 0.770951 +vt 0.205523 0.761303 +vt 0.217182 0.778870 +vt 0.220043 0.772100 +vt 0.225375 0.775265 +vt 0.231618 0.771956 +vt 0.479732 0.813028 +vt 0.494230 0.819388 +vt 0.481585 0.803191 +vt 0.486252 0.787805 +vt 0.495648 0.786444 +vt 0.483354 0.782804 +vt 0.484782 0.779572 +vt 0.473132 0.784798 +vt 0.459232 0.805029 +vt 0.451392 0.783279 +vt 0.461156 0.809083 +vt 0.463934 0.058990 +vt 0.458809 0.055139 +vt 0.463266 0.055433 +vt 0.468927 0.056725 +vt 0.468095 0.059055 +vt 0.471939 0.058453 +vt 0.475242 0.060773 +vt 0.479938 0.058538 +vt 0.428128 0.781924 +vt 0.430691 0.804303 +vt 0.083655 0.806682 +vt 0.099296 0.801126 +vt 0.097278 0.815247 +vt 0.086014 0.819838 +vt 0.112221 0.800824 +vt 0.105336 0.813821 +vt 0.071229 0.813133 +vt 0.077222 0.826894 +vt 0.064845 0.839971 +vt 0.049583 0.841612 +vt 0.070913 0.831893 +vt 0.068419 0.841369 +vt 0.100325 0.818284 +vt 0.087678 0.843555 +vt 0.107880 0.854913 +vt 0.115426 0.834207 +vt 0.116440 0.813285 +vt 0.125577 0.802063 +vt 0.123824 0.815806 +vt 0.138423 0.804912 +vt 0.135629 0.818894 +vt 0.149996 0.812070 +vt 0.144365 0.827641 +vt 0.132173 0.849264 +vt 0.505842 0.824724 +vt 0.063013 0.854962 +vt 0.063590 0.846754 +vt 0.485197 0.831083 +vt 0.068511 0.874223 +vt 0.086704 0.862943 +vt 0.452364 0.821571 +vt 0.464019 0.823201 +vt 0.435490 0.823584 +vt 0.100621 0.890333 +vt 0.123984 0.872821 +vt 0.115479 0.899587 +vt 0.096309 0.898861 +vt 0.095433 0.894157 +vt 0.100685 0.894572 +vt 0.440373 0.819694 +vt 0.441947 0.806741 +vt 0.429165 0.814853 +vt 0.426364 0.818440 +vt 0.478939 0.060990 +vt 0.481245 0.061104 +vt 0.156655 0.817829 +vt 0.161655 0.826029 +vt 0.152090 0.837308 +vt 0.153910 0.848472 +vt 0.171759 0.837319 +vt 0.167980 0.841046 +vt 0.169499 0.852216 +vt 0.155373 0.856272 +vt 0.152817 0.867293 +vt 0.139717 0.888033 +vt 0.147441 0.881063 +vt 0.174401 0.852997 +vt 0.181692 0.864918 +vt 0.196038 0.853886 +vt 0.240554 0.776596 +vt 0.244952 0.771410 +vt 0.254709 0.774396 +vt 0.263101 0.778479 +vt 0.168169 0.865228 +vt 0.169656 0.877434 +vt 0.164292 0.878454 +vt 0.158218 0.889405 +vt 0.192412 0.879622 +vt 0.177356 0.891083 +vt 0.297529 0.048668 +vt 0.303373 0.049708 +vt 0.298210 0.049394 +vt 0.098771 0.901095 +vt 0.104176 0.901019 +vt 0.127126 0.896188 +vt 0.134757 0.894336 +vt 0.389120 0.807191 +vt 0.140526 0.905920 +vt 0.419035 0.807772 +vt 0.419201 0.802319 +vt 0.423306 0.812047 +vt 0.419484 0.813967 +vt 0.407074 0.805652 +vt 0.408426 0.786313 +vt 0.390233 0.802061 +vt 0.409516 0.781482 +vt 0.390610 0.779225 +vt 0.150679 0.897401 +vt 0.155863 0.900576 +vt 0.367840 0.807010 +vt 0.372129 0.784405 +vt 0.165562 0.919508 +vt 0.369458 0.045143 +vt 0.368348 0.046199 +vt 0.364678 0.045843 +vt 0.363711 0.047226 +vt 0.363826 0.046194 +vt 0.364247 0.067358 +vt 0.373317 0.049150 +vt 0.403379 0.776627 +vt 0.389953 0.774868 +vt 0.427452 0.055121 +vt 0.430037 0.048910 +vt 0.433268 0.050453 +vt 0.760396 0.307912 +vt 0.423593 0.059019 +vt 0.422792 0.057375 +vt 0.422736 0.053272 +vt 0.386207 0.770260 +vt 0.376923 0.772895 +vt 0.399415 0.771396 +vt 0.390532 0.748372 +vt 0.382580 0.749172 +vt 0.437187 0.047859 +vt 0.439114 0.046079 +vt 0.359582 0.781774 +vt 0.373448 0.778646 +vt 0.359991 0.778673 +vt 0.362020 0.775535 +vt 0.352408 0.772333 +vt 0.366130 0.771244 +vt 0.367147 0.756851 +vt 0.360517 0.047754 +vt 0.360417 0.047871 +vt 0.360347 0.048263 +vt 0.360319 0.048417 +vt 0.360367 0.048828 +vt 0.360008 0.049350 +vt 0.357072 0.760595 +vt 0.373471 0.745961 +vt 0.347377 0.753843 +vt 0.357288 0.741103 +vt 0.352285 0.732919 +vt 0.338628 0.732511 +vt 0.365331 0.730670 +vt 0.271630 0.775836 +vt 0.262686 0.771802 +vt 0.251656 0.752692 +vt 0.261396 0.755047 +vt 0.282843 0.779536 +vt 0.182534 0.900367 +vt 0.192044 0.892420 +vt 0.283957 0.774903 +vt 0.180361 0.911669 +vt 0.188842 0.903013 +vt 0.294922 0.774175 +vt 0.309438 0.773786 +vt 0.274023 0.766399 +vt 0.282697 0.760614 +vt 0.300603 0.754826 +vt 0.293500 0.747070 +vt 0.348579 0.781532 +vt 0.335124 0.779353 +vt 0.346302 0.777759 +vt 0.340571 0.053091 +vt 0.338311 0.050147 +vt 0.349198 0.050533 +vt 0.183953 0.915686 +vt 0.337428 0.772833 +vt 0.343363 0.764279 +vt 0.331901 0.754244 +vt 0.318176 0.751478 +vt 0.309208 0.750285 +vt 0.118475 0.730819 +vt 0.137338 0.729422 +vt 0.127815 0.716777 +vt 0.146862 0.732121 +vt 0.140078 0.714147 +vt 0.160692 0.732300 +vt 0.152540 0.714936 +vt 0.170786 0.734070 +vt 0.176352 0.754218 +vt 0.125709 0.695800 +vt 0.140500 0.698913 +vt 0.125906 0.679962 +vt 0.139154 0.684227 +vt 0.158657 0.702578 +vt 0.176943 0.706918 +vt 0.184618 0.737823 +vt 0.167948 0.699563 +vt 0.150341 0.684963 +vt 0.188675 0.759437 +vt 0.198007 0.744124 +vt 0.208632 0.741165 +vt 0.200033 0.726796 +vt 0.217430 0.746009 +vt 0.219034 0.727710 +vt 0.220800 0.761462 +vt 0.190421 0.721026 +vt 0.184465 0.704663 +vt 0.209097 0.718608 +vt 0.190464 0.696979 +vt 0.199364 0.708952 +vt 0.140074 0.666663 +vt 0.128066 0.663517 +vt 0.149951 0.666094 +vt 0.160287 0.680718 +vt 0.168941 0.672014 +vt 0.180209 0.681692 +vt 0.160488 0.657437 +vt 0.241660 0.748748 +vt 0.229296 0.736896 +vt 0.239299 0.731040 +vt 0.259062 0.731684 +vt 0.247929 0.716508 +vt 0.272721 0.744840 +vt 0.270531 0.731067 +vt 0.217200 0.701876 +vt 0.204660 0.694322 +vt 0.229718 0.713187 +vt 0.240446 0.702240 +vt 0.230437 0.692710 +vt 0.269793 0.714690 +vt 0.260150 0.714562 +vt 0.259391 0.699218 +vt 0.249729 0.683728 +vt 0.280212 0.709841 +vt 0.273143 0.698271 +vt 0.281256 0.689936 +vt 0.268588 0.684749 +vt 0.344511 0.720657 +vt 0.361315 0.715784 +vt 0.354204 0.708698 +vt 0.330881 0.714726 +vt 0.340716 0.697704 +vt 0.291012 0.707240 +vt 0.290725 0.686523 +vt 0.299727 0.703064 +vt 0.307945 0.678339 +vt 0.318853 0.686571 +vt 0.308733 0.713226 +vt 0.298701 0.678762 +vt 0.326710 0.699466 +vt 0.349290 0.690345 +vt 0.328707 0.677842 +vt 0.339721 0.682055 +vt 0.337762 0.663954 +vt 0.346700 0.660808 +vt 0.137747 0.649779 +vt 0.147450 0.642638 +vt 0.182108 0.665638 +vt 0.189321 0.682365 +vt 0.152250 0.183394 +vt 0.154499 0.170764 +vt 0.159018 0.177552 +vt 0.135181 0.625815 +vt 0.160582 0.632176 +vt 0.142334 0.615900 +vt 0.151311 0.614486 +vt 0.173097 0.641575 +vt 0.183339 0.649388 +vt 0.194071 0.671970 +vt 0.182048 0.633082 +vt 0.193616 0.651243 +vt 0.191246 0.624251 +vt 0.202306 0.644187 +vt 0.206859 0.678302 +vt 0.217829 0.682132 +vt 0.204342 0.659134 +vt 0.215957 0.660858 +vt 0.227877 0.663407 +vt 0.238125 0.666757 +vt 0.257681 0.678662 +vt 0.272534 0.663151 +vt 0.264164 0.664478 +vt 0.247366 0.646066 +vt 0.253914 0.660162 +vt 0.211706 0.639196 +vt 0.203089 0.623353 +vt 0.218243 0.632001 +vt 0.231852 0.634855 +vt 0.260621 0.641122 +vt 0.239282 0.618452 +vt 0.257932 0.626522 +vt 0.248076 0.616423 +vt 0.280099 0.670783 +vt 0.290428 0.661479 +vt 0.299422 0.660535 +vt 0.279610 0.650010 +vt 0.291938 0.647135 +vt 0.300311 0.642444 +vt 0.318277 0.664411 +vt 0.308579 0.653396 +vt 0.329231 0.655928 +vt 0.319181 0.642696 +vt 0.330993 0.632509 +vt 0.268953 0.640145 +vt 0.291262 0.626626 +vt 0.266217 0.622219 +vt 0.279709 0.633082 +vt 0.279253 0.614869 +vt 0.309272 0.626437 +vt 0.300844 0.622331 +vt 0.320331 0.614506 +vt 0.281609 0.740933 +vt 0.283808 0.726693 +vt 0.298546 0.728109 +vt 0.316704 0.730572 +vt 0.328452 0.735089 +vt 0.316703 0.716822 +vt 0.135841 0.036309 +vt 0.132148 0.035059 +vt 0.135337 0.033540 +vt 0.127444 0.032293 +vt 0.127884 0.030042 +vt 0.117632 0.055653 +vt 0.117386 0.049619 +vt 0.135105 0.041349 +vt 0.135502 0.046943 +vt 0.137098 0.043173 +vt 0.139583 0.043316 +vt 0.138584 0.042262 +vt 0.139670 0.041483 +vt 0.939019 0.032543 +vt 0.935803 0.029438 +vt 0.940177 0.029183 +vt 0.937499 0.035325 +vt 0.930281 0.023811 +vt 0.930392 0.027118 +vt 0.927355 0.027851 +vt 0.140005 0.044536 +vt 0.138734 0.047370 +vt 0.139888 0.050538 +vt 0.139603 0.052057 +vt 0.138704 0.058802 +vt 0.143079 0.057638 +vt 0.145109 0.051161 +vt 0.148163 0.051879 +vt 0.150717 0.062264 +vt 0.931703 0.034276 +vt 0.932829 0.021115 +vt 0.920327 0.023430 +vt 0.923658 0.019128 +vt 0.927985 0.018444 +vt 0.928563 0.015524 +vt 0.921824 0.022323 +vt 0.914921 0.013222 +vt 0.918050 0.019498 +vt 0.918138 0.025735 +vt 0.911781 0.020720 +vt 0.912233 0.017032 +vt 0.908437 0.020815 +vt 0.906675 0.018498 +vt 0.905957 0.013081 +vt 0.191468 0.056067 +vt 0.190032 0.051269 +vt 0.200730 0.051800 +vt 0.197622 0.052051 +vt 0.199794 0.051238 +vt 0.201431 0.058057 +vt 0.205479 0.053109 +vt 0.205339 0.051176 +vt 0.034423 0.955675 +vt 0.034563 0.955711 +vt 0.031965 0.957537 +vt 0.032562 0.954671 +vt 0.031017 0.959349 +vt 0.028381 0.957179 +vt 0.027702 0.953935 +vt 0.027051 0.955835 +vt 0.024142 0.958204 +vt 0.024337 0.955661 +vt 0.029415 0.952589 +vt 0.032996 0.953431 +vt 0.023311 0.953974 +vt 0.022460 0.949615 +vt 0.018099 0.951790 +vt 0.017353 0.953111 +vt 0.027322 0.950106 +vt 0.021637 0.946448 +vt 0.013038 0.948651 +vt 0.015523 0.947710 +vt 0.017761 0.945677 +vt 0.010145 0.942750 +vt 0.017830 0.944259 +vt 0.020568 0.943472 +vt 0.010469 0.947878 +vt 0.009775 0.944915 +vt 0.011622 0.941808 +vt 0.015260 0.941107 +vt 0.267821 0.044553 +vt 0.263212 0.050225 +vt 0.265133 0.050155 +vt 0.263703 0.049103 +vt 0.261441 0.048448 +vt 0.258225 0.048484 +vt 0.256711 0.046977 +vt 0.259748 0.045263 +vt 0.264919 0.044613 +vt 0.262568 0.041374 +vt 0.865108 0.261548 +vt 0.431347 0.055783 +vt 0.437811 0.054795 +vt 0.433252 0.058662 +vt 0.439171 0.057034 +vt 0.430568 0.058623 +vt 0.438139 0.058657 +vt 0.433626 0.052725 +vt 0.439418 0.052249 +vt 0.443155 0.060635 +vt 0.445073 0.054016 +vt 0.445198 0.056468 +vt 0.445244 0.050147 +vt 0.448514 0.048149 +vt 0.450009 0.055698 +vt 0.453304 0.052951 +vt 0.457510 0.059386 +vt 0.470902 0.061084 +vt 0.476436 0.062202 +vt 0.473702 0.065623 +vt 0.479142 0.064588 +vt 0.482416 0.057240 +vt 0.255122 0.050016 +vt 0.253288 0.046256 +vt 0.251280 0.042926 +vt 0.248726 0.047906 +vt 0.259752 0.038786 +vt 0.272359 0.049832 +vt 0.271418 0.047748 +vt 0.276860 0.044833 +vt 0.282318 0.048503 +vt 0.267092 0.051968 +vt 0.268362 0.056901 +vt 0.282014 0.051679 +vt 0.276754 0.060063 +vt 0.240511 0.038839 +vt 0.235148 0.037507 +vt 0.285723 0.052465 +vt 0.291156 0.052307 +vt 0.290652 0.067554 +vt 0.297779 0.067826 +vt 0.291875 0.056257 +vt 0.306121 0.055571 +vt 0.304811 0.052817 +vt 0.233232 0.040792 +vt 0.283281 0.056008 +vt 0.194327 0.959392 +vt 0.300452 0.060785 +vt 0.294014 0.061919 +vt 0.295891 0.063418 +vt 0.310673 0.050699 +vt 0.411316 0.066235 +vt 0.411079 0.062829 +vt 0.412205 0.063211 +vt 0.408976 0.064260 +vt 0.407977 0.061378 +vt 0.411651 0.059435 +vt 0.410855 0.055848 +vt 0.370577 0.051844 +vt 0.362837 0.051552 +vt 0.417671 0.061113 +vt 0.416956 0.058651 +vt 0.419013 0.063415 +vt 0.415919 0.054395 +vt 0.418727 0.051679 +vt 0.411404 0.046322 +vt 0.412153 0.052256 +vt 0.795427 0.294229 +vt 0.425898 0.047383 +vt 0.421875 0.050155 +vt 0.424893 0.041891 +vt 0.416684 0.042649 +vt 0.796539 0.298059 +vt 0.789014 0.303602 +vt 0.780770 0.305977 +vt 0.766295 0.303042 +vt 0.437013 0.048892 +vt 0.437112 0.048382 +vt 0.439541 0.041879 +vt 0.771130 0.305801 +vt 0.770068 0.299314 +vt 0.772662 0.298005 +vt 0.376257 0.049180 +vt 0.377429 0.052461 +vt 0.380481 0.045547 +vt 0.373222 0.055391 +vt 0.377777 0.055808 +vt 0.384472 0.058172 +vt 0.433025 0.036873 +vt 0.359265 0.067180 +vt 0.360258 0.048240 +vt 0.363429 0.063466 +vt 0.354917 0.064046 +vt 0.795954 0.308710 +vt 0.785920 0.311551 +vt 0.803563 0.313006 +vt 0.366451 0.056081 +vt 0.370878 0.057338 +vt 0.372697 0.059681 +vt 0.364703 0.059192 +vt 0.778537 0.315481 +vt 0.784066 0.318564 +vt 0.783525 0.323399 +vt 0.790151 0.320411 +vt 0.799369 0.326805 +vt 0.796809 0.332701 +vt 0.790595 0.327448 +vt 0.792808 0.332615 +vt 0.409033 0.104188 +vt 0.321622 0.051176 +vt 0.321251 0.052545 +vt 0.328938 0.051957 +vt 0.318910 0.056250 +vt 0.330744 0.054443 +vt 0.334149 0.051600 +vt 0.333001 0.047622 +vt 0.310506 0.058032 +vt 0.315320 0.065034 +vt 0.309958 0.062044 +vt 0.314534 0.065855 +vt 0.329507 0.060566 +vt 0.319117 0.070760 +vt 0.321887 0.076046 +vt 0.333086 0.068622 +vt 0.344411 0.048444 +vt 0.354174 0.053751 +vt 0.345275 0.056731 +vt 0.353121 0.056752 +vt 0.334830 0.062030 +vt 0.355049 0.051196 +vt 0.355916 0.058401 +vt 0.360767 0.058158 +vt 0.360241 0.059787 +vt 0.345685 0.065304 +vt 0.339639 0.069336 +vt 0.347651 0.075952 +vt 0.329184 0.078735 +vt 0.343570 0.078750 +vt 0.350731 0.065087 +vt 0.350213 0.074661 +vt 0.345493 0.085662 +vt 0.348225 0.084637 +vt 0.350476 0.082091 +vt 0.146134 0.072382 +vt 0.151004 0.070611 +vt 0.151727 0.058214 +vt 0.154707 0.068092 +vt 0.146403 0.082190 +vt 0.153298 0.075453 +vt 0.148687 0.090851 +vt 0.154550 0.084966 +vt 0.154395 0.092320 +vt 0.171085 0.085428 +vt 0.180661 0.087857 +vt 0.169108 0.090016 +vt 0.174616 0.097625 +vt 0.898308 0.049063 +vt 0.899555 0.040959 +vt 0.902009 0.040815 +vt 0.188171 0.070978 +vt 0.187789 0.056435 +vt 0.196472 0.057186 +vt 0.194168 0.066255 +vt 0.209309 0.058193 +vt 0.204708 0.065631 +vt 0.194717 0.072177 +vt 0.187234 0.077197 +vt 0.183570 0.080736 +vt 0.176162 0.085247 +vt 0.179942 0.083423 +vt 0.194081 0.082382 +vt 0.203699 0.076387 +vt 0.206990 0.067811 +vt 0.208398 0.076476 +vt 0.204534 0.087176 +vt 0.207738 0.080399 +vt 0.211845 0.086658 +vt 0.155454 0.100829 +vt 0.155818 0.106347 +vt 0.169281 0.096344 +vt 0.160185 0.103681 +vt 0.166228 0.111426 +vt 0.170318 0.104891 +vt 0.174948 0.106044 +vt 0.170452 0.110860 +vt 0.159278 0.121915 +vt 0.156141 0.135772 +vt 0.167179 0.115847 +vt 0.180170 0.116674 +vt 0.172059 0.127719 +vt 0.184832 0.093754 +vt 0.198487 0.095062 +vt 0.194092 0.106746 +vt 0.206781 0.104361 +vt 0.212844 0.092475 +vt 0.195076 0.119188 +vt 0.208985 0.113858 +vt 0.204047 0.138303 +vt 0.210059 0.061190 +vt 0.209863 0.068550 +vt 0.214281 0.085737 +vt 0.216771 0.090538 +vt 0.216602 0.097700 +vt 0.217941 0.093460 +vt 0.213202 0.103093 +vt 0.217587 0.101885 +vt 0.215625 0.104876 +vt 0.162840 0.130508 +vt 0.180416 0.138775 +vt 0.193849 0.135858 +vt 0.212621 0.124638 +vt 0.213683 0.117958 +vt 0.249409 0.089673 +vt 0.249104 0.084666 +vt 0.252354 0.085277 +vt 0.255053 0.090498 +vt 0.260616 0.038764 +vt 0.263520 0.062869 +vt 0.254351 0.065260 +vt 0.271847 0.063324 +vt 0.256646 0.073767 +vt 0.261385 0.081007 +vt 0.265783 0.072714 +vt 0.275676 0.073938 +vt 0.279139 0.070271 +vt 0.279223 0.074227 +vt 0.278182 0.079642 +vt 0.251969 0.075500 +vt 0.268822 0.085201 +vt 0.276359 0.086604 +vt 0.267013 0.096501 +vt 0.280293 0.084608 +vt 0.281471 0.091412 +vt 0.276364 0.097010 +vt 0.282586 0.101309 +vt 0.285376 0.097882 +vt 0.315021 0.098601 +vt 0.317354 0.093877 +vt 0.322902 0.096720 +vt 0.318740 0.102102 +vt 0.311709 0.104110 +vt 0.311022 0.109341 +vt 0.244229 0.096016 +vt 0.247122 0.096358 +vt 0.243113 0.104408 +vt 0.240246 0.103661 +vt 0.248863 0.112570 +vt 0.257252 0.102078 +vt 0.218550 0.109126 +vt 0.217205 0.117886 +vt 0.223079 0.118839 +vt 0.222067 0.128077 +vt 0.225728 0.122507 +vt 0.231435 0.118914 +vt 0.236198 0.124659 +vt 0.239358 0.110229 +vt 0.241714 0.119061 +vt 0.235071 0.116276 +vt 0.251203 0.126693 +vt 0.263277 0.112412 +vt 0.261552 0.128813 +vt 0.282571 0.117748 +vt 0.270808 0.121624 +vt 0.290207 0.103032 +vt 0.287208 0.110537 +vt 0.291731 0.105610 +vt 0.289238 0.113623 +vt 0.276524 0.128357 +vt 0.286302 0.122260 +vt 0.290708 0.121104 +vt 0.288366 0.128092 +vt 0.282131 0.138775 +vt 0.299090 0.123707 +vt 0.297261 0.122069 +vt 0.303283 0.121688 +vt 0.302603 0.128271 +vt 0.293270 0.123190 +vt 0.295768 0.129780 +vt 0.314556 0.129303 +vt 0.307442 0.130387 +vt 0.294930 0.134137 +vt 0.297529 0.136596 +vt 0.293801 0.138395 +vt 0.348540 0.090832 +vt 0.351790 0.090445 +vt 0.350732 0.101287 +vt 0.328839 0.105885 +vt 0.341776 0.103776 +vt 0.353911 0.100825 +vt 0.354080 0.107901 +vt 0.345611 0.115835 +vt 0.335743 0.115598 +vt 0.401183 0.105276 +vt 0.405872 0.108948 +vt 0.399132 0.109654 +vt 0.403987 0.124475 +vt 0.398322 0.116759 +vt 0.394618 0.118167 +vt 0.394106 0.127338 +vt 0.386094 0.133142 +vt 0.389351 0.127823 +vt 0.393497 0.132692 +vt 0.358773 0.110311 +vt 0.356612 0.115634 +vt 0.356283 0.124446 +vt 0.326026 0.129397 +vt 0.308654 0.113598 +vt 0.344049 0.135260 +vt 0.309191 0.123600 +vt 0.325064 0.146097 +vt 0.311546 0.149065 +vt 0.337546 0.143394 +vt 0.381302 0.135177 +vt 0.386782 0.140841 +vt 0.361971 0.134917 +vt 0.358303 0.120016 +vt 0.361717 0.129671 +vt 0.350642 0.131183 +vt 0.355272 0.141439 +vt 0.383863 0.132650 +vt 0.376339 0.139482 +vt 0.376292 0.138030 +vt 0.365457 0.150540 +vt 0.367964 0.138968 +vt 0.372218 0.138641 +vt 0.374022 0.140525 +vt 0.374210 0.145172 +vt 0.369534 0.148019 +vt 0.368887 0.146423 +vt 0.354878 0.147633 +vt 0.347670 0.160572 +vt 0.371209 0.150085 +vt 0.371946 0.152568 +vt 0.368837 0.151956 +vt 0.372227 0.160622 +vt 0.357613 0.157630 +vt 0.368378 0.157310 +vt 0.157835 0.139522 +vt 0.153591 0.153520 +vt 0.159193 0.151322 +vt 0.167165 0.143175 +vt 0.155293 0.155611 +vt 0.177991 0.158168 +vt 0.168530 0.169994 +vt 0.213926 0.144730 +vt 0.188575 0.164817 +vt 0.200414 0.161655 +vt 0.218630 0.159246 +vt 0.221848 0.146402 +vt 0.213769 0.163500 +vt 0.179840 0.178864 +vt 0.164630 0.202766 +vt 0.172854 0.205750 +vt 0.186263 0.196745 +vt 0.207756 0.182855 +vt 0.217059 0.171071 +vt 0.197117 0.188043 +vt 0.213561 0.191344 +vt 0.216177 0.188293 +vt 0.224376 0.185170 +vt 0.223679 0.136219 +vt 0.231543 0.135907 +vt 0.243312 0.137302 +vt 0.255847 0.152654 +vt 0.221226 0.153619 +vt 0.232673 0.165381 +vt 0.227388 0.164746 +vt 0.243327 0.163188 +vt 0.272589 0.143498 +vt 0.284715 0.149166 +vt 0.289105 0.147578 +vt 0.293310 0.148260 +vt 0.296556 0.148569 +vt 0.268303 0.164639 +vt 0.279447 0.160885 +vt 0.294030 0.162807 +vt 0.286057 0.172232 +vt 0.291772 0.171231 +vt 0.220399 0.163778 +vt 0.235257 0.176963 +vt 0.239112 0.193327 +vt 0.220396 0.204605 +vt 0.250461 0.183484 +vt 0.260212 0.185991 +vt 0.246790 0.215951 +vt 0.254208 0.211696 +vt 0.274975 0.183625 +vt 0.265885 0.204659 +vt 0.288522 0.203097 +vt 0.320037 0.165078 +vt 0.294144 0.177157 +vt 0.301409 0.162934 +vt 0.309977 0.168153 +vt 0.330225 0.179500 +vt 0.306495 0.180672 +vt 0.338707 0.166425 +vt 0.360205 0.175077 +vt 0.367892 0.172364 +vt 0.348304 0.186094 +vt 0.338846 0.193837 +vt 0.320797 0.185792 +vt 0.355786 0.190428 +vt 0.293484 0.194293 +vt 0.303399 0.197196 +vt 0.314819 0.203910 +vt 0.294237 0.216442 +vt 0.299752 0.210139 +vt 0.345176 0.212671 +vt 0.323618 0.209387 +vt 0.335381 0.214448 +vt 0.311301 0.224992 +vt 0.355266 0.214525 +vt 0.341269 0.234598 +vt 0.317250 0.076286 +vt 0.318194 0.085620 +vt 0.323126 0.090035 +vt 0.337027 0.093723 +vt 0.122486 0.057996 +vt 0.127728 0.055616 +vt 0.934365 0.089839 +vt 0.932208 0.082464 +vt 0.931986 0.079032 +vt 0.153975 0.057519 +vt 0.912389 0.084139 +vt 0.920124 0.089259 +vt 0.923873 0.014547 +vt 0.907641 0.026065 +vt 0.915863 0.011467 +vt 0.902698 0.022810 +vt 0.911598 0.009092 +vt 0.904870 0.029516 +vt 0.899737 0.027663 +vt 0.899873 0.023113 +vt 0.894442 0.020708 +vt 0.901623 0.035038 +vt 0.890790 0.020583 +vt 0.258420 0.054269 +vt 0.464731 0.069874 +vt 0.254718 0.054367 +vt 0.241901 0.045569 +vt 0.246639 0.057414 +vt 0.237665 0.057658 +vt 0.235923 0.043993 +vt 0.229115 0.049781 +vt 0.285068 0.061260 +vt 0.284118 0.058562 +vt 0.291331 0.062869 +vt 0.294086 0.063016 +vt 0.310406 0.046433 +vt 0.310231 0.043837 +vt 0.303175 0.062914 +vt 0.325388 0.036399 +vt 0.335794 0.043608 +vt 0.318794 0.044420 +vt 0.313050 0.071843 +vt 0.312652 0.066245 +vt 0.315423 0.071430 +vt 0.323617 0.033373 +vt 0.769649 0.316862 +vt 0.766137 0.319791 +vt 0.772614 0.311593 +vt 0.423888 0.063839 +vt 0.423815 0.068993 +vt 0.433107 0.070845 +vt 0.428759 0.075045 +vt 0.800482 0.297306 +vt 0.427931 0.085494 +vt 0.434240 0.083566 +vt 0.435048 0.089459 +vt 0.445130 0.094498 +vt 0.339331 0.037604 +vt 0.347630 0.040778 +vt 0.342819 0.033369 +vt 0.354896 0.060932 +vt 0.349716 0.037667 +vt 0.342363 0.023573 +vt 0.350847 0.032107 +vt 0.346544 0.021776 +vt 0.778049 0.327697 +vt 0.780189 0.322149 +vt 0.444009 0.085231 +vt 0.445657 0.077853 +vt 0.787949 0.337380 +vt 0.793393 0.339827 +vt 0.158031 0.066178 +vt 0.155888 0.075689 +vt 0.163067 0.078957 +vt 0.909316 0.080051 +vt 0.159055 0.083620 +vt 0.159639 0.092344 +vt 0.163240 0.086894 +vt 0.217369 0.937691 +vt 0.214874 0.939780 +vt 0.056795 0.983855 +vt 0.165909 0.096151 +vt 0.166193 0.083950 +vt 0.892633 0.047102 +vt 0.897566 0.037073 +vt 0.892888 0.027468 +vt 0.888816 0.034791 +vt 0.887018 0.022401 +vt 0.885559 0.031815 +vt 0.889176 0.044398 +vt 0.879354 0.034710 +vt 0.881852 0.041605 +vt 0.890425 0.061553 +vt 0.891956 0.054496 +vt 0.874680 0.038327 +vt 0.163563 0.103220 +vt 0.870081 0.042189 +vt 0.863383 0.037553 +vt 0.245455 0.075349 +vt 0.251566 0.061756 +vt 0.249632 0.074743 +vt 0.858569 0.043510 +vt 0.863383 0.048579 +vt 0.245041 0.081009 +vt 0.241750 0.083310 +vt 0.239827 0.072235 +vt 0.244644 0.086891 +vt 0.254632 0.060139 +vt 0.230715 0.059297 +vt 0.230890 0.069358 +vt 0.287087 0.081714 +vt 0.282406 0.075088 +vt 0.282982 0.068916 +vt 0.288702 0.085719 +vt 0.314595 0.081774 +vt 0.311535 0.086513 +vt 0.290710 0.091604 +vt 0.292790 0.098481 +vt 0.300480 0.098581 +vt 0.310568 0.094995 +vt 0.308126 0.090017 +vt 0.792299 0.046039 +vt 0.790243 0.050461 +vt 0.784589 0.045947 +vt 0.790303 0.040508 +vt 0.137406 0.939146 +vt 0.785807 0.041380 +vt 0.222690 0.099415 +vt 0.225922 0.095010 +vt 0.225753 0.102145 +vt 0.226496 0.110388 +vt 0.230459 0.101541 +vt 0.230173 0.112760 +vt 0.233912 0.106468 +vt 0.236463 0.090182 +vt 0.236288 0.097405 +vt 0.232145 0.092533 +vt 0.220648 0.115700 +vt 0.296671 0.104929 +vt 0.295890 0.115624 +vt 0.300329 0.106853 +vt 0.301898 0.103122 +vt 0.135224 0.943722 +vt 0.139107 0.945755 +vt 0.304710 0.104717 +vt 0.301378 0.113929 +vt 0.298912 0.118830 +vt 0.139639 0.955394 +vt 0.360219 0.084845 +vt 0.358292 0.090462 +vt 0.362936 0.097410 +vt 0.387781 0.105731 +vt 0.387470 0.116590 +vt 0.380308 0.116482 +vt 0.381564 0.128185 +vt 0.362871 0.106313 +vt 0.362951 0.112356 +vt 0.370462 0.130016 +vt 0.375153 0.120474 +vt 0.376043 0.127550 +vt 0.370863 0.137395 +vt 0.385067 0.132424 +vt 0.366819 0.123477 +vt 0.831415 0.182694 +vt 0.824536 0.187074 +vt 0.830604 0.175499 +vt 0.823596 0.180829 +vt 0.819703 0.184416 +vt 0.814409 0.177555 +vt 0.813268 0.165810 +vt 0.329745 0.030681 +vt 0.320979 0.026747 +vt 0.325512 0.022338 +vt 0.779421 0.354548 +vt 0.782357 0.349875 +vt 0.777020 0.359186 +vt 0.339985 0.030814 +vt 0.334463 0.020863 +vt 0.781846 0.339218 +vt 0.786007 0.346393 +vt 0.791882 0.345208 +vt 0.053711 0.977487 +vt 0.885931 0.053276 +vt 0.879356 0.054852 +vt 0.877198 0.043215 +vt 0.913215 0.092310 +vt 0.912323 0.100223 +vt 0.902301 0.098467 +vt 0.898608 0.090891 +vt 0.896569 0.102792 +vt 0.900892 0.078513 +vt 0.899898 0.083365 +vt 0.897410 0.074229 +vt 0.891842 0.080511 +vt 0.892940 0.088177 +vt 0.887443 0.083624 +vt 0.891091 0.075221 +vt 0.889092 0.070177 +vt 0.883695 0.077214 +vt 0.884775 0.061387 +vt 0.884410 0.068292 +vt 0.876464 0.062549 +vt 0.874006 0.048545 +vt 0.867036 0.054145 +vt 0.868367 0.064676 +vt 0.861760 0.059949 +vt 0.857829 0.054158 +vt 0.235364 0.079573 +vt 0.230205 0.075619 +vt 0.825503 0.044982 +vt 0.818033 0.043511 +vt 0.844346 0.049384 +vt 0.837817 0.043183 +vt 0.839335 0.053146 +vt 0.831602 0.046051 +vt 0.827802 0.053431 +vt 0.822042 0.056632 +vt 0.815971 0.054003 +vt 0.319918 0.015480 +vt 0.318195 0.021668 +vt 0.298486 0.091288 +vt 0.305698 0.093730 +vt 0.811779 0.046165 +vt 0.810011 0.058619 +vt 0.806433 0.052607 +vt 0.792778 0.064322 +vt 0.788283 0.057358 +vt 0.795940 0.055701 +vt 0.795358 0.061581 +vt 0.799265 0.058139 +vt 0.807204 0.066977 +vt 0.798388 0.052723 +vt 0.855899 0.049065 +vt 0.854469 0.052820 +vt 0.851061 0.049899 +vt 0.851844 0.045217 +vt 0.231363 0.097235 +vt 0.852774 0.060533 +vt 0.848195 0.054265 +vt 0.838973 0.062478 +vt 0.776231 0.134499 +vt 0.769865 0.131129 +vt 0.775738 0.128384 +vt 0.771655 0.139161 +vt 0.764648 0.135319 +vt 0.789510 0.357970 +vt 0.783119 0.361155 +vt 0.776926 0.364874 +vt 0.790024 0.352816 +vt 0.793080 0.349648 +vt 0.799043 0.357827 +vt 0.803921 0.352527 +vt 0.775325 0.067828 +vt 0.779053 0.078865 +vt 0.769825 0.074871 +vt 0.763949 0.067300 +vt 0.768926 0.079357 +vt 0.786401 0.071340 +vt 0.776697 0.083709 +vt 0.773300 0.089190 +vt 0.769398 0.092701 +vt 0.765947 0.091155 +vt 0.386634 0.110285 +vt 0.770126 0.106757 +vt 0.764308 0.103720 +vt 0.770479 0.101901 +vt 0.374796 0.112930 +vt 0.371166 0.112723 +vt 0.366888 0.116951 +vt 0.371769 0.118383 +vt 0.838735 0.166813 +vt 0.826168 0.167894 +vt 0.803179 0.166067 +vt 0.889223 0.096517 +vt 0.885432 0.103180 +vt 0.883476 0.091001 +vt 0.878290 0.094160 +vt 0.874799 0.082575 +vt 0.877632 0.122094 +vt 0.862374 0.138715 +vt 0.867406 0.124577 +vt 0.877596 0.108541 +vt 0.871953 0.115092 +vt 0.868159 0.099077 +vt 0.863977 0.107186 +vt 0.876260 0.072215 +vt 0.858966 0.066953 +vt 0.861702 0.082420 +vt 0.855731 0.095078 +vt 0.841856 0.086652 +vt 0.848768 0.080157 +vt 0.840838 0.073704 +vt 0.835113 0.080395 +vt 0.855827 0.146840 +vt 0.851217 0.129541 +vt 0.849817 0.141420 +vt 0.844344 0.160013 +vt 0.843757 0.148002 +vt 0.838321 0.154227 +vt 0.856847 0.119084 +vt 0.843310 0.135607 +vt 0.835573 0.115866 +vt 0.837247 0.129273 +vt 0.832831 0.160451 +vt 0.832263 0.148474 +vt 0.826526 0.154396 +vt 0.822619 0.138603 +vt 0.820734 0.148870 +vt 0.815342 0.154947 +vt 0.825453 0.129039 +vt 0.831218 0.137128 +vt 0.821993 0.122799 +vt 0.813734 0.130434 +vt 0.804399 0.123714 +vt 0.798271 0.110322 +vt 0.809289 0.149270 +vt 0.803734 0.154870 +vt 0.802909 0.143040 +vt 0.792322 0.153988 +vt 0.801793 0.130837 +vt 0.808000 0.137664 +vt 0.796127 0.137075 +vt 0.789780 0.131648 +vt 0.790738 0.143238 +vt 0.781638 0.151461 +vt 0.784066 0.137955 +vt 0.778298 0.144135 +vt 0.829010 0.074409 +vt 0.828403 0.062643 +vt 0.822839 0.068848 +vt 0.829447 0.086659 +vt 0.823400 0.080823 +vt 0.816633 0.063391 +vt 0.803999 0.086009 +vt 0.795029 0.075454 +vt 0.818148 0.099797 +vt 0.811718 0.093721 +vt 0.807099 0.101188 +vt 0.800137 0.094812 +vt 0.793917 0.089123 +vt 0.787484 0.083756 +vt 0.788355 0.095588 +vt 0.794518 0.101482 +vt 0.782878 0.102009 +vt 0.783016 0.113368 +vt 0.782009 0.090202 +vt 0.776691 0.096606 +vt 0.788106 0.120300 +vt 0.777335 0.121074 +vt 0.776302 0.110194 +vt 0.793482 0.361138 +vt 0.769726 0.097971 +vt 0.835963 0.090248 +vt 0.838029 0.141609 +vt 0.814627 0.141886 +vt 0.490360 0.760394 +vt 0.473704 0.779692 +vt 0.477607 0.775046 +vt 0.463214 0.780229 +vt 0.464668 0.775460 +vt 0.470311 0.763768 +vt 0.462286 0.050102 +vt 0.453932 0.778634 +vt 0.468961 0.053429 +vt 0.473100 0.050172 +vt 0.475174 0.052922 +vt 0.451599 0.773074 +vt 0.481410 0.055223 +vt 0.439799 0.775311 +vt 0.438075 0.778307 +vt 0.480634 0.054006 +vt 0.480835 0.053643 +vt 0.480861 0.053473 +vt 0.480749 0.052949 +vt 0.485830 0.050300 +vt 0.439052 0.771727 +vt 0.424219 0.774496 +vt 0.420374 0.778122 +vt 0.482664 0.751083 +vt 0.486454 0.729949 +vt 0.471064 0.743974 +vt 0.478429 0.735019 +vt 0.461080 0.756710 +vt 0.452603 0.746043 +vt 0.462085 0.736281 +vt 0.443867 0.738383 +vt 0.435237 0.752401 +vt 0.455657 0.724722 +vt 0.436906 0.735203 +vt 0.427866 0.741356 +vt 0.486891 0.706961 +vt 0.474520 0.720419 +vt 0.466037 0.710181 +vt 0.475494 0.702395 +vt 0.429655 0.723501 +vt 0.439929 0.716988 +vt 0.448417 0.712194 +vt 0.456675 0.702315 +vt 0.450161 0.694275 +vt 0.442146 0.696850 +vt 0.431243 0.705909 +vt 0.426524 0.767759 +vt 0.414897 0.770488 +vt 0.426731 0.754437 +vt 0.413247 0.773914 +vt 0.419140 0.761462 +vt 0.409565 0.747938 +vt 0.401976 0.757472 +vt 0.420815 0.732121 +vt 0.402002 0.738193 +vt 0.411093 0.721838 +vt 0.396202 0.727843 +vt 0.421534 0.710944 +vt 0.411360 0.707505 +vt 0.402874 0.710052 +vt 0.392660 0.710003 +vt 0.423628 0.700148 +vt 0.382783 0.725740 +vt 0.375272 0.727940 +vt 0.479903 0.680740 +vt 0.469789 0.680516 +vt 0.464403 0.669966 +vt 0.483043 0.661836 +vt 0.451102 0.672671 +vt 0.433233 0.688922 +vt 0.424984 0.688494 +vt 0.444219 0.667789 +vt 0.434754 0.676158 +vt 0.425905 0.669127 +vt 0.434585 0.662581 +vt 0.472404 0.646356 +vt 0.457555 0.645268 +vt 0.446024 0.654793 +vt 0.437859 0.642381 +vt 0.425141 0.648439 +vt 0.448015 0.633788 +vt 0.415285 0.654583 +vt 0.425994 0.633929 +vt 0.415309 0.640706 +vt 0.467748 0.625122 +vt 0.457954 0.618815 +vt 0.402766 0.690452 +vt 0.394682 0.684446 +vt 0.384996 0.693869 +vt 0.388496 0.670494 +vt 0.411805 0.691732 +vt 0.413647 0.679810 +vt 0.406686 0.672728 +vt 0.370215 0.718333 +vt 0.374653 0.704098 +vt 0.366159 0.719521 +vt 0.365242 0.688962 +vt 0.376788 0.683420 +vt 0.415695 0.666389 +vt 0.406697 0.652116 +vt 0.397881 0.663727 +vt 0.396295 0.641809 +vt 0.377797 0.666066 +vt 0.384220 0.647997 +vt 0.367155 0.667349 +vt 0.355139 0.680732 +vt 0.357364 0.657175 +vt 0.377749 0.646801 +vt 0.470335 0.595477 +vt 0.461304 0.595123 +vt 0.448657 0.602075 +vt 0.444793 0.617507 +vt 0.436475 0.622182 +vt 0.426449 0.615398 +vt 0.436440 0.601648 +vt 0.415123 0.620566 +vt 0.417549 0.600271 +vt 0.464414 0.582890 +vt 0.449299 0.583759 +vt 0.466622 0.560694 +vt 0.452290 0.570674 +vt 0.455470 0.552904 +vt 0.438514 0.579936 +vt 0.427522 0.587888 +vt 0.415064 0.585582 +vt 0.440843 0.560950 +vt 0.429245 0.562497 +vt 0.413016 0.568101 +vt 0.402076 0.590821 +vt 0.420886 0.571916 +vt 0.409483 0.629047 +vt 0.399720 0.615033 +vt 0.409077 0.605385 +vt 0.389782 0.621072 +vt 0.380180 0.625037 +vt 0.371458 0.615484 +vt 0.370147 0.631248 +vt 0.355919 0.642662 +vt 0.367254 0.648186 +vt 0.338363 0.648353 +vt 0.338249 0.629516 +vt 0.347531 0.623033 +vt 0.357389 0.625529 +vt 0.390978 0.601928 +vt 0.382269 0.606096 +vt 0.373712 0.597866 +vt 0.394251 0.575727 +vt 0.383221 0.585533 +vt 0.375869 0.584714 +vt 0.367183 0.591624 +vt 0.358550 0.605192 +vt 0.332130 0.612344 +vt 0.342587 0.600373 +vt 0.333855 0.594697 +vt 0.350467 0.596764 +vt 0.449252 0.051116 +vt 0.455078 0.045972 +vt 0.453481 0.044467 +vt 0.458722 0.044560 +vt 0.470000 0.045593 +vt 0.499864 0.081322 +vt 0.497866 0.087625 +vt 0.495022 0.081687 +vt 0.501215 0.086415 +vt 0.503254 0.090644 +vt 0.493168 0.092513 +vt 0.492033 0.086077 +vt 0.503021 0.094166 +vt 0.504688 0.088702 +vt 0.505993 0.099389 +vt 0.505046 0.103975 +vt 0.500460 0.100312 +vt 0.499966 0.109139 +vt 0.463600 0.041025 +vt 0.457638 0.040431 +vt 0.473456 0.040781 +vt 0.483283 0.078641 +vt 0.480060 0.087943 +vt 0.477947 0.080747 +vt 0.477850 0.040645 +vt 0.488014 0.067253 +vt 0.486422 0.068706 +vt 0.483708 0.071932 +vt 0.475932 0.079445 +vt 0.476103 0.085413 +vt 0.473635 0.084646 +vt 0.486199 0.093284 +vt 0.477625 0.093691 +vt 0.488862 0.104634 +vt 0.482320 0.098561 +vt 0.477508 0.103519 +vt 0.475606 0.091106 +vt 0.474293 0.104715 +vt 0.472589 0.101095 +vt 0.513173 0.113791 +vt 0.505876 0.109105 +vt 0.509638 0.107782 +vt 0.512487 0.125203 +vt 0.513652 0.117291 +vt 0.516700 0.121183 +vt 0.494539 0.116093 +vt 0.504274 0.126352 +vt 0.519581 0.131482 +vt 0.513325 0.139218 +vt 0.527350 0.134399 +vt 0.503052 0.140236 +vt 0.494005 0.137697 +vt 0.476958 0.108981 +vt 0.483224 0.119551 +vt 0.474589 0.116565 +vt 0.480391 0.127033 +vt 0.473042 0.110694 +vt 0.475125 0.125345 +vt 0.477852 0.133474 +vt 0.484878 0.137967 +vt 0.426723 0.088401 +vt 0.805062 0.300488 +vt 0.808848 0.302423 +vt 0.430452 0.102200 +vt 0.429634 0.094656 +vt 0.431843 0.099663 +vt 0.429846 0.110855 +vt 0.433766 0.109918 +vt 0.432443 0.113236 +vt 0.421736 0.104182 +vt 0.426379 0.121375 +vt 0.433785 0.118441 +vt 0.800098 0.298971 +vt 0.422417 0.098093 +vt 0.503386 0.158942 +vt 0.511591 0.164238 +vt 0.515757 0.165129 +vt 0.489615 0.154472 +vt 0.495648 0.170040 +vt 0.508947 0.177951 +vt 0.500228 0.187458 +vt 0.482597 0.171921 +vt 0.488616 0.187274 +vt 0.480081 0.147292 +vt 0.476954 0.141115 +vt 0.473151 0.141438 +vt 0.474525 0.144757 +vt 0.472157 0.149401 +vt 0.474836 0.157206 +vt 0.468763 0.154062 +vt 0.470519 0.162578 +vt 0.471927 0.176600 +vt 0.459267 0.151361 +vt 0.464590 0.150777 +vt 0.463650 0.156220 +vt 0.463337 0.164804 +vt 0.456817 0.160307 +vt 0.452748 0.154306 +vt 0.455205 0.169350 +vt 0.446774 0.163381 +vt 0.490872 0.210656 +vt 0.483413 0.205241 +vt 0.473298 0.198065 +vt 0.480494 0.220804 +vt 0.466635 0.189968 +vt 0.455240 0.184365 +vt 0.447341 0.173581 +vt 0.460848 0.198226 +vt 0.469659 0.216142 +vt 0.443254 0.188626 +vt 0.447628 0.200579 +vt 0.444995 0.208021 +vt 0.435124 0.125419 +vt 0.433249 0.128025 +vt 0.431712 0.133173 +vt 0.435458 0.132797 +vt 0.435605 0.142695 +vt 0.430994 0.140552 +vt 0.421403 0.138013 +vt 0.437126 0.148566 +vt 0.430436 0.151849 +vt 0.426622 0.161536 +vt 0.419317 0.149020 +vt 0.412197 0.140436 +vt 0.447142 0.156656 +vt 0.437333 0.172265 +vt 0.439991 0.153467 +vt 0.436479 0.157823 +vt 0.412924 0.120906 +vt 0.403566 0.135612 +vt 0.405015 0.144708 +vt 0.417531 0.175876 +vt 0.410240 0.159359 +vt 0.408837 0.186545 +vt 0.400927 0.168633 +vt 0.398348 0.184251 +vt 0.427692 0.177389 +vt 0.434123 0.189990 +vt 0.416645 0.201373 +vt 0.393044 0.145064 +vt 0.388662 0.161215 +vt 0.457952 0.219685 +vt 0.446745 0.211248 +vt 0.440383 0.206540 +vt 0.442033 0.217871 +vt 0.444490 0.221909 +vt 0.428495 0.207726 +vt 0.425430 0.221944 +vt 0.442245 0.227151 +vt 0.438687 0.230993 +vt 0.470228 0.235551 +vt 0.481994 0.247962 +vt 0.470692 0.251873 +vt 0.463001 0.243269 +vt 0.460763 0.230475 +vt 0.445204 0.231933 +vt 0.441101 0.243809 +vt 0.474530 0.271355 +vt 0.456681 0.254153 +vt 0.464733 0.260943 +vt 0.478839 0.291074 +vt 0.466620 0.287238 +vt 0.462944 0.269454 +vt 0.452385 0.243051 +vt 0.440667 0.258382 +vt 0.451855 0.269682 +vt 0.430787 0.255571 +vt 0.441671 0.274332 +vt 0.421818 0.245269 +vt 0.423984 0.276714 +vt 0.389522 0.207817 +vt 0.388691 0.193204 +vt 0.398585 0.208522 +vt 0.407361 0.211998 +vt 0.413638 0.237544 +vt 0.371125 0.173672 +vt 0.384325 0.183218 +vt 0.370791 0.200297 +vt 0.364790 0.193437 +vt 0.377975 0.213290 +vt 0.402697 0.245753 +vt 0.388650 0.226545 +vt 0.388770 0.244104 +vt 0.380639 0.232353 +vt 0.362037 0.219660 +vt 0.371106 0.222705 +vt 0.359488 0.241083 +vt 0.369902 0.239388 +vt 0.414705 0.272323 +vt 0.499195 0.075938 +vt 0.502213 0.078165 +vt 0.502096 0.082388 +vt 0.506240 0.082268 +vt 0.507365 0.093920 +vt 0.512091 0.100794 +vt 0.513345 0.095831 +vt 0.513925 0.089617 +vt 0.456663 0.067808 +vt 0.460233 0.071359 +vt 0.470456 0.073941 +vt 0.455732 0.086052 +vt 0.462525 0.077610 +vt 0.468275 0.083855 +vt 0.478871 0.073001 +vt 0.474940 0.075390 +vt 0.473432 0.094352 +vt 0.462596 0.103062 +vt 0.513896 0.114218 +vt 0.522638 0.113698 +vt 0.512528 0.114363 +vt 0.521705 0.122194 +vt 0.515602 0.105393 +vt 0.523360 0.095175 +vt 0.527257 0.114719 +vt 0.534449 0.125397 +vt 0.531743 0.122124 +vt 0.527096 0.123614 +vt 0.465145 0.110614 +vt 0.471714 0.115726 +vt 0.473305 0.118212 +vt 0.463850 0.126084 +vt 0.467097 0.118456 +vt 0.470288 0.123143 +vt 0.474738 0.132818 +vt 0.465513 0.130716 +vt 0.430152 0.092371 +vt 0.433670 0.093414 +vt 0.432566 0.099284 +vt 0.443002 0.104308 +vt 0.434470 0.104161 +vt 0.768438 0.365826 +vt 0.467630 0.148511 +vt 0.460941 0.136564 +vt 0.462249 0.146694 +vt 0.765216 0.176268 +vt 0.762400 0.167224 +vt 0.768738 0.173632 +vt 0.773924 0.373523 +vt 0.769576 0.382825 +vt 0.446034 0.150422 +vt 0.446194 0.141063 +vt 0.448477 0.129938 +vt 0.459630 0.091708 +vt 0.521694 0.098447 +vt 0.527223 0.108824 +vt 0.523960 0.103423 +vt 0.529393 0.100209 +vt 0.530993 0.117568 +vt 0.533074 0.110802 +vt 0.534202 0.105947 +vt 0.441715 0.116196 +vt 0.452484 0.099796 +vt 0.456795 0.101620 +vt 0.449808 0.112677 +vt 0.458175 0.110479 +vt 0.461312 0.116759 +vt 0.448637 0.118683 +vt 0.456910 0.120130 +vt 0.445771 0.121798 +vt 0.454336 0.125481 +vt 0.449588 0.128036 +vt 0.454944 0.130160 +vt 0.779972 0.164952 +vt 0.786368 0.160040 +vt 0.772423 0.158590 +vt 0.771373 0.165901 +vt 0.772471 0.150948 +vt 0.762025 0.161050 +vt 0.763840 0.151526 +vt 0.768380 0.144477 +vt 0.764205 0.140531 +vt 0.682314 0.454373 +vt 0.684712 0.475681 +vt 0.674243 0.458110 +vt 0.044564 0.585287 +vt 0.036729 0.581467 +vt 0.043255 0.580247 +vt 0.055908 0.580777 +vt 0.050645 0.568655 +vt 0.038076 0.562035 +vt 0.046836 0.554255 +vt 0.068417 0.576115 +vt 0.059976 0.550336 +vt 0.044951 0.539594 +vt 0.050539 0.526092 +vt 0.061682 0.523898 +vt 0.071520 0.543723 +vt 0.633377 0.560195 +vt 0.648054 0.574478 +vt 0.652591 0.579830 +vt 0.658636 0.576375 +vt 0.672859 0.579576 +vt 0.666179 0.556062 +vt 0.675840 0.566485 +vt 0.638261 0.552298 +vt 0.651369 0.556527 +vt 0.021680 0.577869 +vt 0.028251 0.576151 +vt 0.026291 0.564225 +vt 0.013198 0.577560 +vt 0.672329 0.594384 +vt 0.661282 0.589698 +vt 0.654490 0.592461 +vt 0.669190 0.590555 +vt 0.033243 0.552208 +vt 0.030631 0.560573 +vt 0.020847 0.554012 +vt 0.028262 0.553522 +vt 0.662823 0.579954 +vt 0.655196 0.587844 +vt 0.646152 0.589845 +vt 0.682852 0.551631 +vt 0.677469 0.554014 +vt 0.017623 0.528950 +vt 0.020412 0.520386 +vt 0.688391 0.541197 +vt 0.681219 0.541348 +vt 0.658358 0.551961 +vt 0.672512 0.554069 +vt 0.671576 0.548284 +vt 0.664841 0.547710 +vt 0.643640 0.543529 +vt 0.648450 0.549865 +vt 0.654755 0.547295 +vt 0.648566 0.542448 +vt 0.650738 0.535642 +vt 0.675940 0.537267 +vt 0.669017 0.536991 +vt 0.680888 0.532763 +vt 0.695614 0.319044 +vt 0.689506 0.331516 +vt 0.683973 0.318013 +vt 0.663974 0.533562 +vt 0.655602 0.533505 +vt 0.663164 0.515312 +vt 0.674800 0.513624 +vt 0.647379 0.531709 +vt 0.026486 0.542056 +vt 0.035933 0.529302 +vt 0.026550 0.527291 +vt 0.038419 0.524670 +vt 0.031787 0.523014 +vt 0.036095 0.513411 +vt 0.052949 0.523480 +vt 0.025214 0.513820 +vt 0.030994 0.513979 +vt 0.094305 0.577271 +vt 0.099826 0.587982 +vt 0.083100 0.580508 +vt 0.062919 0.585204 +vt 0.073894 0.586777 +vt 0.084752 0.590111 +vt 0.076324 0.571817 +vt 0.081175 0.575059 +vt 0.109399 0.597349 +vt 0.121132 0.593169 +vt 0.133444 0.604095 +vt 0.148558 0.214862 +vt 0.147357 0.210622 +vt 0.111192 0.586467 +vt 0.108348 0.572858 +vt 0.147080 0.223573 +vt 0.146265 0.212652 +vt 0.132055 0.579619 +vt 0.080967 0.545964 +vt 0.095544 0.560558 +vt 0.090657 0.548345 +vt 0.091671 0.532909 +vt 0.074577 0.524717 +vt 0.103368 0.539753 +vt 0.105950 0.554137 +vt 0.116867 0.564679 +vt 0.132069 0.567714 +vt 0.116267 0.548123 +vt 0.124606 0.549582 +vt 0.134288 0.547671 +vt 0.142241 0.568306 +vt 0.135746 0.269635 +vt 0.140788 0.248420 +vt 0.139984 0.265678 +vt 0.057911 0.513825 +vt 0.070875 0.522146 +vt 0.067822 0.513092 +vt 0.062636 0.507752 +vt 0.075946 0.516773 +vt 0.053997 0.506290 +vt 0.070186 0.504026 +vt 0.060451 0.501030 +vt 0.084236 0.508677 +vt 0.077296 0.501307 +vt 0.065255 0.477464 +vt 0.072965 0.479394 +vt 0.088885 0.308118 +vt 0.082598 0.319273 +vt 0.079596 0.303730 +vt 0.093635 0.322330 +vt 0.085026 0.479032 +vt 0.082164 0.334329 +vt 0.096477 0.336826 +vt 0.074644 0.455695 +vt 0.691487 0.533914 +vt 0.020304 0.496516 +vt 0.031142 0.504104 +vt 0.702579 0.345572 +vt 0.032029 0.485444 +vt 0.047351 0.308619 +vt 0.038418 0.322763 +vt 0.026458 0.458802 +vt 0.054336 0.320341 +vt 0.682813 0.522914 +vt 0.692690 0.350111 +vt 0.678316 0.332705 +vt 0.671680 0.337808 +vt 0.682400 0.351511 +vt 0.687663 0.510546 +vt 0.669027 0.364675 +vt 0.663502 0.340079 +vt 0.679942 0.369321 +vt 0.656463 0.504938 +vt 0.671664 0.486101 +vt 0.680095 0.486066 +vt 0.677011 0.382181 +vt 0.691217 0.366065 +vt 0.691538 0.487343 +vt 0.700679 0.373101 +vt 0.039973 0.504904 +vt 0.048439 0.506501 +vt 0.055011 0.292303 +vt 0.061007 0.291903 +vt 0.060432 0.303227 +vt 0.069859 0.298491 +vt 0.049458 0.287425 +vt 0.043509 0.479305 +vt 0.053752 0.477599 +vt 0.072593 0.312329 +vt 0.063929 0.317221 +vt 0.034873 0.457382 +vt 0.041634 0.333085 +vt 0.049372 0.345067 +vt 0.039899 0.446799 +vt 0.055051 0.446357 +vt 0.045398 0.452884 +vt 0.714849 0.483309 +vt 0.704685 0.483496 +vt 0.049471 0.456370 +vt 0.037414 0.342892 +vt 0.043448 0.348900 +vt 0.719570 0.472432 +vt 0.707440 0.477651 +vt 0.039977 0.362657 +vt 0.049578 0.354940 +vt 0.061682 0.353508 +vt 0.696572 0.477369 +vt 0.692462 0.482823 +vt 0.701973 0.487536 +vt 0.691268 0.385843 +vt 0.690450 0.382216 +vt 0.699914 0.381457 +vt 0.702267 0.386881 +vt 0.669503 0.387620 +vt 0.680475 0.387416 +vt 0.679615 0.482361 +vt 0.672398 0.476559 +vt 0.676432 0.397524 +vt 0.692641 0.390275 +vt 0.696776 0.405923 +vt 0.699647 0.458333 +vt 0.709608 0.461123 +vt 0.713133 0.401787 +vt 0.701970 0.415233 +vt 0.690920 0.462858 +vt 0.689303 0.407337 +vt 0.681042 0.410185 +vt 0.710757 0.388417 +vt 0.070939 0.332344 +vt 0.060637 0.347653 +vt 0.059623 0.455843 +vt 0.068362 0.452221 +vt 0.072813 0.349588 +vt 0.086269 0.351734 +vt 0.090839 0.522336 +vt 0.083447 0.516524 +vt 0.102508 0.527819 +vt 0.115725 0.529939 +vt 0.101883 0.514652 +vt 0.090029 0.507463 +vt 0.094287 0.510671 +vt 0.094362 0.499842 +vt 0.114226 0.513325 +vt 0.112832 0.305542 +vt 0.119353 0.287840 +vt 0.120800 0.309585 +vt 0.129838 0.527947 +vt 0.146696 0.547883 +vt 0.122688 0.514578 +vt 0.143886 0.525348 +vt 0.130904 0.500562 +vt 0.139231 0.498729 +vt 0.148148 0.506767 +vt 0.101298 0.307185 +vt 0.103269 0.323190 +vt 0.097833 0.487075 +vt 0.115135 0.331562 +vt 0.108750 0.494694 +vt 0.132734 0.315044 +vt 0.122871 0.325472 +vt 0.120706 0.491298 +vt 0.095926 0.456641 +vt 0.105838 0.338724 +vt 0.103949 0.456252 +vt 0.114380 0.354239 +vt 0.115648 0.474656 +vt 0.126870 0.336765 +vt 0.135775 0.326153 +vt 0.130438 0.303041 +vt 0.145863 0.279942 +vt 0.144068 0.315672 +vt 0.141853 0.334288 +vt 0.129012 0.477377 +vt 0.151097 0.312783 +vt 0.158621 0.332405 +vt 0.160062 0.314519 +vt 0.169015 0.320150 +vt 0.141819 0.476639 +vt 0.152556 0.480904 +vt 0.151891 0.341812 +vt 0.695504 0.442699 +vt 0.681933 0.441708 +vt 0.694716 0.437683 +vt 0.685683 0.437607 +vt 0.683122 0.435437 +vt 0.709429 0.438537 +vt 0.709780 0.441658 +vt 0.697122 0.435913 +vt 0.707268 0.435925 +vt 0.696009 0.430206 +vt 0.679179 0.429399 +vt 0.085600 0.452255 +vt 0.080657 0.446238 +vt 0.088169 0.455680 +vt 0.094600 0.352703 +vt 0.066998 0.445430 +vt 0.072119 0.432176 +vt 0.095578 0.446300 +vt 0.086075 0.430210 +vt 0.098881 0.425574 +vt 0.098457 0.412767 +vt 0.112622 0.413717 +vt 0.099523 0.408107 +vt 0.110212 0.409226 +vt 0.110273 0.407098 +vt 0.097318 0.406283 +vt 0.096073 0.400538 +vt 0.043239 0.430431 +vt 0.050969 0.372868 +vt 0.060457 0.377869 +vt 0.037123 0.410262 +vt 0.731366 0.437121 +vt 0.721838 0.437145 +vt 0.732206 0.435059 +vt 0.050066 0.410212 +vt 0.058517 0.412541 +vt 0.042128 0.379137 +vt 0.055354 0.394408 +vt 0.043876 0.391041 +vt 0.712496 0.444183 +vt 0.715583 0.423792 +vt 0.702840 0.426952 +vt 0.698160 0.419180 +vt 0.685264 0.426913 +vt 0.692891 0.426813 +vt 0.718895 0.413413 +vt 0.708474 0.430235 +vt 0.716921 0.435374 +vt 0.716663 0.428156 +vt 0.733165 0.428868 +vt 0.723053 0.423887 +vt 0.722836 0.423384 +vt 0.722948 0.423644 +vt 0.722836 0.423384 +vt 0.722520 0.423295 +vt 0.070183 0.366874 +vt 0.076221 0.355586 +vt 0.086841 0.357530 +vt 0.077171 0.374638 +vt 0.098764 0.358999 +vt 0.088616 0.382341 +vt 0.079168 0.395674 +vt 0.067212 0.395249 +vt 0.096901 0.378917 +vt 0.062068 0.404375 +vt 0.069247 0.403878 +vt 0.068272 0.405914 +vt 0.053626 0.405146 +vt 0.053670 0.403053 +vt 0.069255 0.411273 +vt 0.066527 0.397690 +vt 0.083546 0.411795 +vt 0.078857 0.406816 +vt 0.080156 0.398449 +vt 0.078311 0.404629 +vt 0.085804 0.404935 +vt 0.088189 0.407235 +vt 0.095699 0.397249 +vt 0.108107 0.398696 +vt 0.105079 0.353917 +vt 0.099106 0.452159 +vt 0.112171 0.360062 +vt 0.114868 0.456696 +vt 0.127147 0.348365 +vt 0.120312 0.355833 +vt 0.124230 0.456543 +vt 0.132661 0.356031 +vt 0.105649 0.447235 +vt 0.111795 0.453117 +vt 0.109077 0.375473 +vt 0.108193 0.429671 +vt 0.115050 0.447330 +vt 0.118383 0.387164 +vt 0.126469 0.452919 +vt 0.131782 0.446916 +vt 0.120620 0.360532 +vt 0.136385 0.362233 +vt 0.129146 0.365012 +vt 0.122499 0.433736 +vt 0.137650 0.457351 +vt 0.145665 0.357087 +vt 0.152618 0.457697 +vt 0.165164 0.345644 +vt 0.147856 0.362792 +vt 0.141820 0.453353 +vt 0.147310 0.447332 +vt 0.161193 0.358673 +vt 0.161742 0.475739 +vt 0.161788 0.364028 +vt 0.157454 0.448380 +vt 0.156211 0.454282 +vt 0.163878 0.457390 +vt 0.169657 0.364906 +vt 0.118098 0.398626 +vt 0.129840 0.386913 +vt 0.141749 0.377090 +vt 0.120623 0.407317 +vt 0.121025 0.409303 +vt 0.117862 0.401960 +vt 0.122173 0.412825 +vt 0.129529 0.399272 +vt 0.129277 0.414473 +vt 0.144755 0.391482 +vt 0.140439 0.400950 +vt 0.134801 0.410295 +vt 0.127827 0.401369 +vt 0.134613 0.408004 +vt 0.138979 0.414918 +vt 0.139352 0.403212 +vt 0.142499 0.432196 +vt 0.154002 0.376828 +vt 0.155017 0.428991 +vt 0.160861 0.391406 +vt 0.153120 0.400527 +vt 0.151373 0.415403 +vt 0.144292 0.410268 +vt 0.170185 0.433210 +vt 0.168292 0.416407 +vt 0.151251 0.403135 +vt 0.165920 0.402154 +vt 0.148649 0.408351 +vt 0.160240 0.411200 +vt 0.158626 0.409370 +vt 0.162060 0.403846 +vt 0.172660 0.412010 +vt 0.171412 0.409995 +vt 0.180121 0.405317 +vt 0.073125 0.228923 +vt 0.079159 0.241126 +vt 0.065691 0.248201 +vt 0.072383 0.272347 +vt 0.084173 0.253666 +vt 0.101293 0.243208 +vt 0.084212 0.283276 +vt 0.040721 0.241713 +vt 0.031378 0.241009 +vt 0.059407 0.238268 +vt 0.049993 0.255011 +vt 0.035870 0.261446 +vt 0.675477 0.306883 +vt 0.663397 0.292428 +vt 0.644942 0.298622 +vt 0.662685 0.322027 +vt 0.651114 0.329394 +vt 0.109446 0.221675 +vt 0.125299 0.213675 +vt 0.096667 0.227456 +vt 0.113123 0.241552 +vt 0.120507 0.249931 +vt 0.155738 0.206786 +vt 0.130408 0.245714 +vt 0.143750 0.231522 +vt 0.154932 0.224591 +vt 0.148572 0.243499 +vt 0.105912 0.265507 +vt 0.096708 0.283637 +vt 0.108495 0.288031 +vt 0.156300 0.257265 +vt 0.132114 0.285805 +vt 0.153695 0.289415 +vt 0.163720 0.276906 +vt 0.660235 0.475101 +vt 0.664347 0.452039 +vt 0.646066 0.474887 +vt 0.653734 0.450473 +vt 0.642353 0.453861 +vt 0.660761 0.441332 +vt 0.649631 0.440664 +vt 0.644625 0.411036 +vt 0.651105 0.407457 +vt 0.659927 0.415428 +vt 0.651399 0.426384 +vt 0.630630 0.472963 +vt 0.628976 0.456399 +vt 0.622116 0.441472 +vt 0.614065 0.458963 +vt 0.610145 0.439604 +vt 0.640751 0.440520 +vt 0.661744 0.436953 +vt 0.647082 0.435845 +vt 0.631806 0.439924 +vt 0.630164 0.435690 +vt 0.636611 0.433910 +vt 0.646741 0.433856 +vt 0.640815 0.425196 +vt 0.633996 0.412865 +vt 0.628259 0.426016 +vt 0.642588 0.428445 +vt 0.616497 0.436564 +vt 0.616134 0.434169 +vt 0.623967 0.433402 +vt 0.624452 0.428881 +vt 0.617884 0.425582 +vt 0.608209 0.434740 +vt 0.604584 0.432750 +vt 0.611202 0.428271 +vt 0.621640 0.566405 +vt 0.615223 0.556758 +vt 0.628902 0.550673 +vt 0.615164 0.548579 +vt 0.622905 0.548135 +vt 0.615853 0.541594 +vt 0.620079 0.543842 +vt 0.607877 0.548023 +vt 0.599234 0.550149 +vt 0.603431 0.545554 +vt 0.603530 0.536215 +vt 0.614397 0.536261 +vt 0.600959 0.527925 +vt 0.588969 0.546740 +vt 0.582497 0.529672 +vt 0.573492 0.530161 +vt 0.593815 0.529425 +vt 0.631047 0.546359 +vt 0.639462 0.542713 +vt 0.632784 0.540954 +vt 0.637581 0.530087 +vt 0.630773 0.531057 +vt 0.624569 0.533729 +vt 0.615091 0.530793 +vt 0.609072 0.527592 +vt 0.620372 0.528095 +vt 0.613349 0.336602 +vt 0.622099 0.324322 +vt 0.626444 0.335916 +vt 0.638876 0.514363 +vt 0.643398 0.331146 +vt 0.651055 0.343476 +vt 0.636491 0.336951 +vt 0.637827 0.355568 +vt 0.618867 0.509300 +vt 0.626741 0.505724 +vt 0.620952 0.357169 +vt 0.615333 0.523091 +vt 0.608093 0.505002 +vt 0.595242 0.517485 +vt 0.595900 0.332434 +vt 0.605665 0.340954 +vt 0.598221 0.354701 +vt 0.585223 0.502605 +vt 0.608754 0.359028 +vt 0.626774 0.362301 +vt 0.598142 0.500913 +vt 0.602518 0.316887 +vt 0.591076 0.343436 +vt 0.584271 0.334537 +vt 0.586443 0.352192 +vt 0.550849 0.546316 +vt 0.563503 0.527048 +vt 0.551484 0.525369 +vt 0.542929 0.545624 +vt 0.590712 0.368537 +vt 0.573062 0.497213 +vt 0.572519 0.348332 +vt 0.576362 0.332361 +vt 0.568191 0.335431 +vt 0.565457 0.493679 +vt 0.553903 0.506848 +vt 0.554880 0.350086 +vt 0.559408 0.326338 +vt 0.550617 0.332524 +vt 0.564695 0.359301 +vt 0.536652 0.525598 +vt 0.544758 0.358105 +vt 0.582408 0.368005 +vt 0.570838 0.380115 +vt 0.557376 0.486873 +vt 0.545876 0.495716 +vt 0.555482 0.367853 +vt 0.535179 0.500023 +vt 0.536603 0.476839 +vt 0.527190 0.493007 +vt 0.533591 0.543439 +vt 0.520135 0.541011 +vt 0.543620 0.331973 +vt 0.530496 0.327509 +vt 0.535183 0.311564 +vt 0.520786 0.524493 +vt 0.507354 0.530119 +vt 0.498274 0.520862 +vt 0.508957 0.512110 +vt 0.496159 0.539916 +vt 0.476727 0.545822 +vt 0.484817 0.528965 +vt 0.472435 0.523857 +vt 0.535794 0.344728 +vt 0.526691 0.508536 +vt 0.519179 0.512847 +vt 0.518195 0.330034 +vt 0.523006 0.354643 +vt 0.512505 0.348710 +vt 0.511892 0.494315 +vt 0.506873 0.332744 +vt 0.500243 0.503048 +vt 0.531952 0.365289 +vt 0.519005 0.491281 +vt 0.513658 0.475207 +vt 0.504108 0.474332 +vt 0.514239 0.377987 +vt 0.505464 0.360443 +vt 0.500596 0.347017 +vt 0.496048 0.480504 +vt 0.490943 0.503791 +vt 0.481317 0.506132 +vt 0.486816 0.339021 +vt 0.476250 0.346791 +vt 0.475613 0.330336 +vt 0.472934 0.503985 +vt 0.489427 0.357286 +vt 0.484655 0.483204 +vt 0.477957 0.362909 +vt 0.473744 0.486662 +vt 0.648083 0.484556 +vt 0.654848 0.362145 +vt 0.636441 0.497138 +vt 0.626984 0.482783 +vt 0.644552 0.382063 +vt 0.635193 0.370752 +vt 0.658405 0.485037 +vt 0.661745 0.382315 +vt 0.634846 0.483253 +vt 0.629330 0.381960 +vt 0.649486 0.480667 +vt 0.661911 0.481709 +vt 0.644320 0.387209 +vt 0.660470 0.387198 +vt 0.633360 0.479386 +vt 0.619014 0.494028 +vt 0.618619 0.381676 +vt 0.604365 0.481413 +vt 0.617530 0.482783 +vt 0.615779 0.368652 +vt 0.601194 0.381463 +vt 0.610257 0.381440 +vt 0.622816 0.477961 +vt 0.618925 0.472441 +vt 0.625491 0.387104 +vt 0.632896 0.385938 +vt 0.636219 0.390298 +vt 0.610283 0.477482 +vt 0.602749 0.472142 +vt 0.610904 0.385145 +vt 0.616379 0.389379 +vt 0.606569 0.389159 +vt 0.627746 0.406238 +vt 0.604961 0.409726 +vt 0.662914 0.401978 +vt 0.652240 0.389070 +vt 0.670938 0.412250 +vt 0.616442 0.414816 +vt 0.612212 0.413442 +vt 0.597220 0.476280 +vt 0.592260 0.480005 +vt 0.585372 0.380987 +vt 0.581108 0.479392 +vt 0.585868 0.476694 +vt 0.588521 0.470214 +vt 0.593764 0.386249 +vt 0.578467 0.384577 +vt 0.576409 0.469951 +vt 0.565758 0.478307 +vt 0.569188 0.474956 +vt 0.562821 0.469258 +vt 0.598517 0.403273 +vt 0.599145 0.439517 +vt 0.584912 0.453379 +vt 0.584090 0.406653 +vt 0.581325 0.389032 +vt 0.572858 0.453277 +vt 0.568159 0.385774 +vt 0.575019 0.413663 +vt 0.566208 0.408893 +vt 0.561849 0.454617 +vt 0.557692 0.474384 +vt 0.556281 0.379666 +vt 0.547764 0.476925 +vt 0.556210 0.384318 +vt 0.553480 0.467911 +vt 0.544572 0.472543 +vt 0.543362 0.467343 +vt 0.545249 0.379098 +vt 0.545689 0.384630 +vt 0.536399 0.383441 +vt 0.532441 0.470222 +vt 0.532098 0.378238 +vt 0.517813 0.471452 +vt 0.525240 0.475646 +vt 0.532982 0.463221 +vt 0.522848 0.385491 +vt 0.526934 0.382333 +vt 0.522154 0.466337 +vt 0.556372 0.399443 +vt 0.551921 0.451802 +vt 0.544552 0.407236 +vt 0.545346 0.444373 +vt 0.548875 0.410976 +vt 0.520544 0.459101 +vt 0.532989 0.447436 +vt 0.522057 0.400243 +vt 0.532453 0.409245 +vt 0.603679 0.424679 +vt 0.591224 0.437945 +vt 0.592156 0.423768 +vt 0.578578 0.437756 +vt 0.575498 0.423859 +vt 0.583016 0.424185 +vt 0.611236 0.424251 +vt 0.596994 0.426681 +vt 0.593470 0.433508 +vt 0.593369 0.432261 +vt 0.582488 0.431350 +vt 0.581159 0.427063 +vt 0.576954 0.433196 +vt 0.564861 0.436593 +vt 0.566036 0.423679 +vt 0.552934 0.435699 +vt 0.565622 0.430609 +vt 0.558423 0.432048 +vt 0.555353 0.424768 +vt 0.552780 0.430171 +vt 0.554880 0.421254 +vt 0.541996 0.435393 +vt 0.543861 0.422130 +vt 0.546045 0.430838 +vt 0.547046 0.425702 +vt 0.544132 0.428867 +vt 0.533092 0.424598 +vt 0.531201 0.421386 +vt 0.522872 0.378086 +vt 0.510994 0.382942 +vt 0.511707 0.465162 +vt 0.499202 0.377204 +vt 0.503268 0.470629 +vt 0.488859 0.472912 +vt 0.495375 0.381813 +vt 0.510820 0.402414 +vt 0.500191 0.396593 +vt 0.483566 0.376340 +vt 0.471770 0.375786 +vt 0.466737 0.471702 +vt 0.458658 0.485495 +vt 0.472756 0.379635 +vt 0.524128 0.434717 +vt 0.538272 0.431851 +vt 0.534107 0.435023 +vt 0.537068 0.429357 +vt 0.529627 0.430406 +vt 0.527588 0.428599 +vt 0.523739 0.414471 +vt 0.521702 0.423663 +vt 0.515975 0.420577 +vt 0.517419 0.429706 +vt 0.512748 0.433907 +vt 0.518021 0.427698 +vt 0.499337 0.464729 +vt 0.487527 0.469347 +vt 0.499174 0.446903 +vt 0.486032 0.463261 +vt 0.479524 0.472156 +vt 0.480843 0.381275 +vt 0.472525 0.468333 +vt 0.486558 0.393142 +vt 0.475269 0.391791 +vt 0.477772 0.446992 +vt 0.489411 0.441483 +vt 0.471279 0.461579 +vt 0.462781 0.461822 +vt 0.463292 0.375410 +vt 0.462517 0.379057 +vt 0.465935 0.385318 +vt 0.505906 0.419813 +vt 0.497209 0.432664 +vt 0.503036 0.427401 +vt 0.505405 0.428921 +vt 0.496829 0.418273 +vt 0.491554 0.408402 +vt 0.490675 0.428024 +vt 0.509610 0.422986 +vt 0.496321 0.420822 +vt 0.484910 0.418553 +vt 0.491528 0.425980 +vt 0.481946 0.431687 +vt 0.482139 0.421060 +vt 0.480525 0.406628 +vt 0.467224 0.431098 +vt 0.470807 0.417154 +vt 0.461301 0.405931 +vt 0.455938 0.434091 +vt 0.481027 0.426062 +vt 0.473058 0.427161 +vt 0.470577 0.425436 +vt 0.464817 0.418693 +vt 0.469917 0.421282 +vt 0.456472 0.415165 +vt 0.455761 0.429145 +vt 0.461938 0.425660 +vt 0.461623 0.423344 +vt 0.457127 0.426862 +vt 0.453820 0.424570 +vt 0.670877 0.441711 +vt 0.675166 0.426964 +vt 0.675581 0.437064 +vt 0.671409 0.435223 +vt 0.660409 0.434909 +vt 0.664163 0.427095 +vt 0.656957 0.428789 +vt 0.634744 0.309078 +vt 0.600820 0.302580 +vt 0.511068 0.314806 +vt 0.496398 0.315070 +vt 0.484692 0.305734 +vt 0.157956 0.602358 +vt 0.143750 0.596593 +vt 0.150285 0.586519 +vt 0.169342 0.600322 +vt 0.180692 0.609389 +vt 0.213748 0.201963 +vt 0.192764 0.609048 +vt 0.178689 0.590651 +vt 0.202938 0.600949 +vt 0.189185 0.587995 +vt 0.156708 0.574618 +vt 0.166057 0.562516 +vt 0.154618 0.542880 +vt 0.177607 0.560797 +vt 0.182400 0.578928 +vt 0.199647 0.581060 +vt 0.187101 0.566826 +vt 0.197848 0.563673 +vt 0.207181 0.564025 +vt 0.192847 0.555020 +vt 0.202073 0.546731 +vt 0.214902 0.616102 +vt 0.226444 0.620998 +vt 0.227106 0.596225 +vt 0.215417 0.588695 +vt 0.208518 0.586530 +vt 0.236870 0.580635 +vt 0.246572 0.583649 +vt 0.215176 0.570250 +vt 0.226442 0.574061 +vt 0.212655 0.549142 +vt 0.225053 0.550713 +vt 0.233944 0.550521 +vt 0.255819 0.603800 +vt 0.265538 0.600121 +vt 0.255958 0.584883 +vt 0.279556 0.589192 +vt 0.293824 0.607222 +vt 0.315937 0.596777 +vt 0.304305 0.601027 +vt 0.305666 0.584621 +vt 0.288058 0.578709 +vt 0.296084 0.586815 +vt 0.297373 0.574418 +vt 0.314234 0.569113 +vt 0.256396 0.561945 +vt 0.244460 0.556116 +vt 0.263223 0.572876 +vt 0.274775 0.566881 +vt 0.264845 0.542940 +vt 0.274419 0.547062 +vt 0.305769 0.559828 +vt 0.293472 0.560916 +vt 0.282460 0.556875 +vt 0.294961 0.547146 +vt 0.164128 0.526620 +vt 0.173259 0.529009 +vt 0.160107 0.503215 +vt 0.189289 0.542890 +vt 0.181659 0.529605 +vt 0.198843 0.523470 +vt 0.212543 0.533633 +vt 0.210373 0.521373 +vt 0.217767 0.519111 +vt 0.172532 0.505448 +vt 0.185966 0.513751 +vt 0.182104 0.494409 +vt 0.181577 0.312724 +vt 0.176575 0.327715 +vt 0.171881 0.477059 +vt 0.191701 0.316918 +vt 0.181278 0.338312 +vt 0.203896 0.308351 +vt 0.196221 0.327751 +vt 0.200831 0.508581 +vt 0.208125 0.318316 +vt 0.216343 0.313009 +vt 0.213479 0.506800 +vt 0.205310 0.483367 +vt 0.213796 0.329749 +vt 0.224043 0.316916 +vt 0.226368 0.521597 +vt 0.228355 0.490963 +vt 0.234194 0.313829 +vt 0.231581 0.335431 +vt 0.240782 0.322207 +vt 0.221489 0.330167 +vt 0.216904 0.491688 +vt 0.222080 0.345782 +vt 0.241946 0.338518 +vt 0.255443 0.536711 +vt 0.244231 0.525108 +vt 0.235953 0.521853 +vt 0.259879 0.512621 +vt 0.253655 0.515776 +vt 0.271747 0.522692 +vt 0.282276 0.536619 +vt 0.291920 0.528520 +vt 0.281628 0.517068 +vt 0.293513 0.516294 +vt 0.236913 0.487844 +vt 0.248773 0.499391 +vt 0.249548 0.303770 +vt 0.250426 0.323695 +vt 0.245214 0.481461 +vt 0.261054 0.322301 +vt 0.252962 0.341628 +vt 0.268287 0.498634 +vt 0.271832 0.301789 +vt 0.272685 0.315636 +vt 0.272784 0.332963 +vt 0.282405 0.317032 +vt 0.289114 0.338922 +vt 0.291261 0.316616 +vt 0.276498 0.493854 +vt 0.299511 0.318973 +vt 0.298162 0.340557 +vt 0.260675 0.345724 +vt 0.257703 0.490764 +vt 0.289160 0.498617 +vt 0.279378 0.348422 +vt 0.173884 0.359083 +vt 0.182864 0.359389 +vt 0.191747 0.360282 +vt 0.186371 0.459081 +vt 0.192394 0.481108 +vt 0.201408 0.343186 +vt 0.173768 0.457765 +vt 0.168678 0.454498 +vt 0.181163 0.364652 +vt 0.182463 0.454837 +vt 0.196947 0.463124 +vt 0.172888 0.448462 +vt 0.175671 0.388694 +vt 0.194456 0.364787 +vt 0.188854 0.367925 +vt 0.191724 0.454957 +vt 0.189170 0.449322 +vt 0.182689 0.432011 +vt 0.201157 0.361189 +vt 0.203531 0.459593 +vt 0.213921 0.345996 +vt 0.218690 0.472350 +vt 0.234695 0.350524 +vt 0.229071 0.460235 +vt 0.244069 0.363477 +vt 0.214917 0.361893 +vt 0.213719 0.365579 +vt 0.223805 0.362530 +vt 0.215254 0.459388 +vt 0.231288 0.363237 +vt 0.216331 0.456322 +vt 0.228200 0.367772 +vt 0.228100 0.456928 +vt 0.243816 0.368529 +vt 0.240357 0.460656 +vt 0.186338 0.382849 +vt 0.198904 0.367854 +vt 0.197964 0.381617 +vt 0.206805 0.385306 +vt 0.185228 0.395637 +vt 0.176455 0.402593 +vt 0.179444 0.416246 +vt 0.192661 0.433540 +vt 0.197570 0.393252 +vt 0.188767 0.417114 +vt 0.194924 0.403466 +vt 0.209459 0.403744 +vt 0.204944 0.418910 +vt 0.204099 0.436027 +vt 0.205817 0.455458 +vt 0.198659 0.449884 +vt 0.210717 0.369240 +vt 0.212662 0.449761 +vt 0.220647 0.368987 +vt 0.217790 0.391751 +vt 0.224405 0.450518 +vt 0.236652 0.374501 +vt 0.235667 0.451139 +vt 0.229746 0.389081 +vt 0.221614 0.433642 +vt 0.230784 0.435744 +vt 0.213695 0.417839 +vt 0.224948 0.404089 +vt 0.221599 0.418381 +vt 0.235517 0.418958 +vt 0.242500 0.392638 +vt 0.237135 0.405258 +vt 0.242288 0.430583 +vt 0.249969 0.406344 +vt 0.257099 0.392715 +vt 0.240848 0.457342 +vt 0.254716 0.471671 +vt 0.266838 0.355589 +vt 0.276215 0.365242 +vt 0.266361 0.474793 +vt 0.286995 0.356171 +vt 0.274042 0.462297 +vt 0.287214 0.481604 +vt 0.259843 0.364594 +vt 0.263321 0.461338 +vt 0.254447 0.367956 +vt 0.252139 0.457649 +vt 0.253378 0.372604 +vt 0.262401 0.371070 +vt 0.255520 0.460974 +vt 0.244925 0.451087 +vt 0.272836 0.369742 +vt 0.267792 0.457720 +vt 0.262223 0.449485 +vt 0.273084 0.452223 +vt 0.253132 0.451936 +vt 0.254778 0.433128 +vt 0.267571 0.383417 +vt 0.271575 0.391745 +vt 0.283470 0.372857 +vt 0.266591 0.397497 +vt 0.268195 0.435705 +vt 0.248479 0.419796 +vt 0.259277 0.406608 +vt 0.259377 0.420344 +vt 0.268184 0.406881 +vt 0.180382 0.410421 +vt 0.184296 0.412528 +vt 0.184311 0.402587 +vt 0.184610 0.410552 +vt 0.193342 0.406746 +vt 0.195091 0.413103 +vt 0.202682 0.416312 +vt 0.192257 0.410875 +vt 0.203196 0.411453 +vt 0.209497 0.406785 +vt 0.207809 0.413560 +vt 0.216893 0.413831 +vt 0.225052 0.407006 +vt 0.213412 0.411777 +vt 0.221825 0.412429 +vt 0.228734 0.414656 +vt 0.231688 0.413082 +vt 0.241952 0.408230 +vt 0.239190 0.414885 +vt 0.243533 0.413294 +vt 0.259532 0.409489 +vt 0.247583 0.415082 +vt 0.254302 0.414205 +vt 0.258017 0.415689 +vt 0.264360 0.414352 +vt 0.266211 0.416140 +vt 0.165284 0.230296 +vt 0.176515 0.225936 +vt 0.187660 0.221212 +vt 0.199035 0.207623 +vt 0.208826 0.217090 +vt 0.199657 0.222634 +vt 0.210652 0.225943 +vt 0.201159 0.237964 +vt 0.220630 0.225879 +vt 0.168695 0.247974 +vt 0.183753 0.244552 +vt 0.177086 0.265932 +vt 0.190601 0.264100 +vt 0.215422 0.237579 +vt 0.210217 0.260413 +vt 0.222361 0.258985 +vt 0.229994 0.245339 +vt 0.202628 0.273554 +vt 0.235268 0.215899 +vt 0.259465 0.240672 +vt 0.271658 0.236960 +vt 0.277573 0.214960 +vt 0.239703 0.252823 +vt 0.251289 0.257126 +vt 0.235378 0.272961 +vt 0.283465 0.225685 +vt 0.288800 0.236817 +vt 0.304956 0.230658 +vt 0.292666 0.239948 +vt 0.319730 0.233239 +vt 0.332447 0.236786 +vt 0.309810 0.260732 +vt 0.322187 0.257913 +vt 0.270875 0.258918 +vt 0.284213 0.247344 +vt 0.256907 0.275526 +vt 0.285721 0.265829 +vt 0.275787 0.276345 +vt 0.296510 0.250600 +vt 0.298595 0.263789 +vt 0.287187 0.290476 +vt 0.184366 0.291226 +vt 0.195036 0.287070 +vt 0.171824 0.296231 +vt 0.213941 0.289816 +vt 0.226895 0.291693 +vt 0.242422 0.289507 +vt 0.267134 0.279829 +vt 0.258679 0.301696 +vt 0.301304 0.297810 +vt 0.314713 0.300514 +vt 0.465095 0.537469 +vt 0.444463 0.541621 +vt 0.453748 0.531614 +vt 0.446679 0.517918 +vt 0.437226 0.553971 +vt 0.430293 0.539295 +vt 0.421795 0.554809 +vt 0.413091 0.541617 +vt 0.402702 0.559651 +vt 0.440322 0.533732 +vt 0.459047 0.515232 +vt 0.464823 0.346227 +vt 0.467641 0.320893 +vt 0.456340 0.328609 +vt 0.459094 0.501824 +vt 0.444753 0.322673 +vt 0.456211 0.313013 +vt 0.448468 0.500274 +vt 0.450167 0.487017 +vt 0.452579 0.351396 +vt 0.446348 0.336510 +vt 0.434783 0.525266 +vt 0.437214 0.499448 +vt 0.435415 0.332958 +vt 0.443641 0.358336 +vt 0.443013 0.489737 +vt 0.396858 0.537624 +vt 0.406542 0.523761 +vt 0.417802 0.515200 +vt 0.398827 0.518974 +vt 0.409148 0.333900 +vt 0.420970 0.310325 +vt 0.423623 0.335211 +vt 0.406787 0.497466 +vt 0.428773 0.513708 +vt 0.434606 0.311962 +vt 0.428102 0.487196 +vt 0.385095 0.567106 +vt 0.373555 0.566455 +vt 0.359033 0.569368 +vt 0.363363 0.551195 +vt 0.325628 0.592380 +vt 0.342058 0.581678 +vt 0.344992 0.565116 +vt 0.332374 0.575794 +vt 0.321371 0.558726 +vt 0.334080 0.558937 +vt 0.354875 0.547554 +vt 0.372000 0.537973 +vt 0.377747 0.550981 +vt 0.360835 0.525461 +vt 0.313812 0.535622 +vt 0.304751 0.538994 +vt 0.326802 0.539436 +vt 0.337982 0.545361 +vt 0.346010 0.542030 +vt 0.335692 0.529165 +vt 0.386557 0.549322 +vt 0.379753 0.536554 +vt 0.388246 0.526115 +vt 0.380494 0.519073 +vt 0.390516 0.508531 +vt 0.368250 0.519335 +vt 0.450231 0.471492 +vt 0.451842 0.374871 +vt 0.441313 0.476169 +vt 0.432253 0.472108 +vt 0.444134 0.378524 +vt 0.435135 0.469075 +vt 0.443350 0.374493 +vt 0.431450 0.373575 +vt 0.428813 0.377118 +vt 0.426318 0.465225 +vt 0.443891 0.466668 +vt 0.398319 0.494429 +vt 0.396923 0.336703 +vt 0.400795 0.355522 +vt 0.389392 0.360018 +vt 0.434412 0.350749 +vt 0.424818 0.355263 +vt 0.415727 0.489095 +vt 0.411126 0.357731 +vt 0.418920 0.373528 +vt 0.419403 0.468915 +vt 0.405440 0.467781 +vt 0.402374 0.474067 +vt 0.388952 0.484527 +vt 0.430506 0.381141 +vt 0.428184 0.403208 +vt 0.440303 0.402771 +vt 0.406583 0.372697 +vt 0.416645 0.378945 +vt 0.414678 0.465289 +vt 0.417004 0.459142 +vt 0.426521 0.458854 +vt 0.407791 0.376930 +vt 0.406317 0.458453 +vt 0.422745 0.394625 +vt 0.417461 0.444875 +vt 0.388983 0.467130 +vt 0.400511 0.375918 +vt 0.392146 0.372110 +vt 0.383480 0.463291 +vt 0.400837 0.464281 +vt 0.390580 0.457275 +vt 0.410796 0.398831 +vt 0.417449 0.414075 +vt 0.407052 0.427398 +vt 0.398015 0.386595 +vt 0.403388 0.403207 +vt 0.381115 0.374418 +vt 0.390697 0.377528 +vt 0.395321 0.448498 +vt 0.388665 0.401268 +vt 0.383198 0.378911 +vt 0.378975 0.391788 +vt 0.346813 0.516970 +vt 0.335710 0.506844 +vt 0.365235 0.317876 +vt 0.353610 0.321923 +vt 0.361374 0.301665 +vt 0.336171 0.338792 +vt 0.344080 0.322444 +vt 0.360358 0.337394 +vt 0.373593 0.320373 +vt 0.371954 0.342659 +vt 0.356690 0.500415 +vt 0.346132 0.343221 +vt 0.347019 0.491602 +vt 0.301076 0.524636 +vt 0.322786 0.516036 +vt 0.305058 0.513521 +vt 0.302988 0.502250 +vt 0.315171 0.499186 +vt 0.307372 0.322126 +vt 0.309538 0.334509 +vt 0.316397 0.326379 +vt 0.327392 0.331719 +vt 0.314988 0.350591 +vt 0.307077 0.480134 +vt 0.297815 0.487437 +vt 0.302714 0.350517 +vt 0.318229 0.468765 +vt 0.324610 0.485476 +vt 0.336832 0.484547 +vt 0.349504 0.357708 +vt 0.360622 0.351872 +vt 0.348737 0.474731 +vt 0.338097 0.360921 +vt 0.329307 0.354921 +vt 0.330126 0.466812 +vt 0.319750 0.367954 +vt 0.341539 0.465154 +vt 0.345983 0.369117 +vt 0.382673 0.337785 +vt 0.381911 0.318440 +vt 0.389701 0.327315 +vt 0.380061 0.503168 +vt 0.369893 0.503016 +vt 0.378718 0.370975 +vt 0.379938 0.487951 +vt 0.364653 0.491603 +vt 0.360001 0.483312 +vt 0.374245 0.477082 +vt 0.380082 0.466577 +vt 0.368764 0.370562 +vt 0.371021 0.466795 +vt 0.359572 0.369922 +vt 0.361412 0.466023 +vt 0.362239 0.373197 +vt 0.369819 0.377181 +vt 0.356587 0.376331 +vt 0.371332 0.462713 +vt 0.370375 0.457061 +vt 0.359574 0.461642 +vt 0.351517 0.465999 +vt 0.350349 0.460925 +vt 0.358033 0.456353 +vt 0.381289 0.457273 +vt 0.380959 0.443931 +vt 0.457052 0.470688 +vt 0.453990 0.465905 +vt 0.452609 0.381033 +vt 0.453968 0.457499 +vt 0.442868 0.461043 +vt 0.435198 0.459968 +vt 0.451899 0.398486 +vt 0.441135 0.450837 +vt 0.448141 0.430241 +vt 0.428582 0.443297 +vt 0.450666 0.416404 +vt 0.435542 0.429115 +vt 0.447770 0.419546 +vt 0.442664 0.425212 +vt 0.444451 0.423669 +vt 0.432991 0.425070 +vt 0.433715 0.414663 +vt 0.440376 0.416413 +vt 0.418022 0.428051 +vt 0.406312 0.414477 +vt 0.375449 0.403458 +vt 0.383790 0.412804 +vt 0.397668 0.426923 +vt 0.394875 0.413537 +vt 0.408243 0.423334 +vt 0.395416 0.422918 +vt 0.388128 0.426132 +vt 0.376068 0.416054 +vt 0.388458 0.415741 +vt 0.372686 0.412499 +vt 0.405666 0.418289 +vt 0.401452 0.421392 +vt 0.383560 0.422184 +vt 0.378976 0.425874 +vt 0.388875 0.420741 +vt 0.375395 0.420000 +vt 0.293758 0.366388 +vt 0.293124 0.462708 +vt 0.307132 0.367072 +vt 0.308570 0.463332 +vt 0.303342 0.371731 +vt 0.315608 0.371649 +vt 0.301528 0.459755 +vt 0.281215 0.461842 +vt 0.289447 0.370015 +vt 0.288273 0.458539 +vt 0.293991 0.373434 +vt 0.293504 0.385588 +vt 0.287942 0.452302 +vt 0.316747 0.374386 +vt 0.302999 0.390556 +vt 0.304054 0.453381 +vt 0.318035 0.460194 +vt 0.297900 0.440973 +vt 0.330000 0.368357 +vt 0.326083 0.463395 +vt 0.330652 0.372854 +vt 0.346863 0.373080 +vt 0.340563 0.374788 +vt 0.339139 0.461280 +vt 0.337484 0.394603 +vt 0.347778 0.396240 +vt 0.328994 0.388250 +vt 0.327535 0.454345 +vt 0.345113 0.455334 +vt 0.339151 0.437910 +vt 0.318763 0.387839 +vt 0.313274 0.452012 +vt 0.321569 0.442109 +vt 0.310410 0.396970 +vt 0.314903 0.433331 +vt 0.328809 0.428202 +vt 0.323064 0.398775 +vt 0.277923 0.439952 +vt 0.282808 0.390373 +vt 0.286306 0.436207 +vt 0.291757 0.398075 +vt 0.277143 0.421508 +vt 0.281640 0.407344 +vt 0.271398 0.419876 +vt 0.280531 0.417057 +vt 0.279819 0.410396 +vt 0.284534 0.415456 +vt 0.274508 0.414930 +vt 0.298115 0.408342 +vt 0.289884 0.410073 +vt 0.290724 0.421945 +vt 0.301188 0.422230 +vt 0.294766 0.417973 +vt 0.305638 0.411706 +vt 0.295903 0.416141 +vt 0.338374 0.409975 +vt 0.328849 0.410500 +vt 0.313388 0.422364 +vt 0.323146 0.423239 +vt 0.314786 0.409698 +vt 0.337624 0.412619 +vt 0.322024 0.412875 +vt 0.328624 0.417443 +vt 0.311788 0.418692 +vt 0.308443 0.416899 +vt 0.323960 0.418908 +vt 0.358404 0.388827 +vt 0.368642 0.402637 +vt 0.358879 0.439730 +vt 0.367734 0.444736 +vt 0.349501 0.445910 +vt 0.362486 0.425577 +vt 0.357986 0.411604 +vt 0.351512 0.424735 +vt 0.347249 0.411230 +vt 0.373357 0.427404 +vt 0.370077 0.421222 +vt 0.361043 0.414980 +vt 0.359976 0.421070 +vt 0.350375 0.418259 +vt 0.350471 0.420124 +vt 0.362720 0.419533 +vt 0.337722 0.423872 +vt 0.336235 0.419661 +vt 0.342017 0.418352 +vt 0.431049 0.418446 +vt 0.435979 0.423272 +vt 0.426655 0.415293 +vt 0.425091 0.422736 +vt 0.420394 0.424008 +vt 0.419365 0.416995 +vt 0.417458 0.422083 +vt 0.408364 0.422487 +vt 0.455404 0.290500 +vt 0.444959 0.307183 +vt 0.473067 0.307589 +vt 0.443680 0.287028 +vt 0.441199 0.289756 +vt 0.431389 0.288898 +vt 0.410641 0.291995 +vt 0.392692 0.269317 +vt 0.402291 0.284926 +vt 0.379015 0.250348 +vt 0.372210 0.262409 +vt 0.361745 0.260638 +vt 0.383192 0.262347 +vt 0.349338 0.252186 +vt 0.337419 0.278760 +vt 0.330485 0.262931 +vt 0.369629 0.292767 +vt 0.382035 0.298539 +vt 0.351173 0.291484 +vt 0.327315 0.301791 +vt 0.340417 0.307983 +vt 0.394868 0.310025 +vt 0.542418 0.810381 +vt 0.558164 0.805910 +vt 0.546152 0.807647 +vt 0.044154 0.845962 +vt 0.571372 0.783776 +vt 0.950654 0.151126 +vt 0.951107 0.151485 +vt 0.587055 0.769961 +vt 0.597201 0.752941 +vt 0.016699 0.670909 +vt 0.019940 0.659196 +vt 0.613839 0.726373 +vt 0.617784 0.721132 +vt 0.624569 0.712675 +vt 0.631488 0.706357 +vt 0.644143 0.665049 +vt 0.012090 0.625385 +vt 0.010748 0.603678 +vt 0.009092 0.596664 +vt 0.662855 0.613694 +vt 0.111702 0.042288 +vt 0.975401 0.140322 +vt 0.112614 0.044245 +vt 0.939840 0.094124 +vt 0.127601 0.061112 +vt 0.935674 0.098192 +vt 0.936649 0.095220 +vt 0.017917 0.021524 +vt 0.887660 0.228365 +vt 0.864063 0.245006 +vt 0.859821 0.246970 +vt 0.918822 0.180387 +vt 0.957119 0.164654 +vt 0.950100 0.173104 +vt 0.196691 0.939942 +vt 0.944873 0.162950 +vt 0.956447 0.174124 +vt 0.957545 0.168446 +vt 0.959386 0.161362 +vt 0.958268 0.162711 +vt 0.068883 0.021812 +vt 0.195553 0.941208 +vt 0.940847 0.160983 +vt 0.191526 0.937691 +vt 0.967589 0.159081 +vt 0.973509 0.154289 +vt 0.976577 0.145231 +vt 0.113516 0.038823 +vt 0.975985 0.150944 +vt 0.114371 0.039694 +vt 0.937055 0.188574 +vt 0.942361 0.185119 +vt 0.036489 0.014822 +vt 0.052125 0.016842 +vt 0.047481 0.012472 +vt 0.927890 0.187214 +vt 0.919900 0.183527 +vt 0.923251 0.185264 +vt 0.919088 0.180722 +vt 0.932934 0.156677 +vt 0.100522 0.937691 +vt 0.921779 0.133032 +vt 0.121420 0.072114 +vt 0.022173 0.017509 +vt 0.020068 0.028851 +vt 0.882008 0.225426 +vt 0.600058 0.088177 +vt 0.875751 0.213172 +vt 0.874091 0.214818 +vt 0.587970 0.085201 +vt 0.873161 0.217732 +vt 0.870453 0.219749 +vt 0.900274 0.261313 +vt 0.855146 0.235357 +vt 0.883720 0.266839 +vt 0.573688 0.086636 +vt 0.850999 0.228042 +vt 0.849469 0.223849 +vt 0.570797 0.087658 +vt 0.838531 0.217467 +vt 0.841428 0.220281 +vt 0.895254 0.184753 +vt 0.891864 0.187196 +vt 0.886668 0.188490 +vt 0.834068 0.213083 +vt 0.559074 0.109588 +vt 0.621095 0.196707 +vt 0.619141 0.182972 +vt 0.098717 0.944114 +vt 0.082569 0.097892 +vt 0.173343 0.941475 +vt 0.167241 0.938000 +vt 0.925032 0.118899 +vt 0.109702 0.083725 +vt 0.103816 0.071079 +vt 0.169738 0.952396 +vt 0.138737 0.990889 +vt 0.139875 0.988411 +vt 0.170631 0.952177 +vt 0.138615 0.990715 +vt 0.615720 0.136349 +vt 0.053711 0.952261 +vt 0.057662 0.957075 +vt 0.191526 0.982984 +vt 0.010503 0.104514 +vt 0.191877 0.987474 +vt 0.614956 0.157324 +vt 0.614897 0.155857 +vt 0.193626 0.984931 +vt 0.613473 0.169015 +vt 0.641312 0.229997 +vt 0.649600 0.252661 +vt 0.630633 0.219367 +vt 0.662034 0.267971 +vt 0.938530 0.092637 +vt 0.873362 0.264762 +vt 0.052256 0.011655 +vt 0.055500 0.022932 +vt 0.050877 0.014706 +vt 0.051820 0.015703 +vt 0.049055 0.009239 +vt 0.931854 0.187471 +vt 0.930593 0.185870 +vt 0.051798 0.042360 +vt 0.914473 0.178981 +vt 0.906934 0.177579 +vt 0.899774 0.177383 +vt 0.116057 0.037882 +vt 0.974543 0.142852 +vt 0.978628 0.146420 +vt 0.978159 0.149838 +vt 0.922137 0.142024 +vt 0.896374 0.244858 +vt 0.871521 0.204506 +vt 0.591222 0.084019 +vt 0.855910 0.235804 +vt 0.855737 0.238388 +vt 0.881027 0.262698 +vt 0.606257 0.101339 +vt 0.884206 0.184550 +vt 0.898480 0.181850 +vt 0.034947 0.063399 +vt 0.035199 0.065391 +vt 0.034887 0.066013 +vt 0.021596 0.073281 +vt 0.057995 0.944413 +vt 0.860671 0.190249 +vt 0.554681 0.109514 +vt 0.829692 0.196145 +vt 0.098172 0.953528 +vt 0.081109 0.095831 +vt 0.095361 0.960882 +vt 0.083648 0.090233 +vt 0.919309 0.118989 +vt 0.137150 0.981824 +vt 0.916630 0.122109 +vt 0.136583 0.977293 +vt 0.158671 0.941145 +vt 0.912827 0.122614 +vt 0.100510 0.079411 +vt 0.106129 0.085737 +vt 0.169432 0.951897 +vt 0.106882 0.945109 +vt 0.619954 0.145055 +vt 0.623413 0.143662 +vt 0.015908 0.094059 +vt 0.068309 0.945950 +vt 0.622670 0.151106 +vt 0.009386 0.100900 +vt 0.072076 0.946894 +vt 0.077177 0.943016 +vt 0.014885 0.073093 +vt 0.867985 0.181343 +vt 0.864534 0.186654 +vt 0.877473 0.178221 +vt 0.065386 0.937691 +vt 0.872846 0.181328 +vt 0.543246 0.113933 +vt 0.909385 0.125810 +vt 0.096002 0.078538 +vt 0.906339 0.126963 +vt 0.111158 0.949017 +vt 0.084953 0.078151 +vt 0.086884 0.084670 +vt 0.908388 0.130252 +vt 0.186849 0.776431 +vt 0.192134 0.780456 +vt 0.214314 0.782389 +vt 0.047676 0.852530 +vt 0.063403 0.864575 +vt 0.472894 0.828395 +vt 0.092117 0.894757 +vt 0.400093 0.820842 +vt 0.425175 0.823624 +vt 0.432209 0.825231 +vt 0.253499 0.781659 +vt 0.281897 0.783467 +vt 0.296012 0.072646 +vt 0.420943 0.821953 +vt 0.414043 0.820230 +vt 0.387257 0.823419 +vt 0.373888 0.811091 +vt 0.145698 0.908723 +vt 0.345799 0.787528 +vt 0.370451 0.065974 +vt 0.366472 0.068250 +vt 0.365590 0.068368 +vt 0.362209 0.046667 +vt 0.755207 0.309002 +vt 0.761023 0.304334 +vt 0.751348 0.312901 +vt 0.362263 0.067589 +vt 0.360355 0.047759 +vt 0.360417 0.047871 +vt 0.076738 0.977487 +vt 0.076640 0.978033 +vt 0.296173 0.779955 +vt 0.325485 0.783035 +vt 0.308652 0.778449 +vt 0.324752 0.776723 +vt 0.117895 0.061644 +vt 0.116467 0.059973 +vt 0.112964 0.053201 +vt 0.122348 0.060243 +vt 0.124496 0.060609 +vt 0.126143 0.060821 +vt 0.141013 0.045521 +vt 0.125833 0.059548 +vt 0.940475 0.034368 +vt 0.939998 0.025892 +vt 0.140591 0.042547 +vt 0.939104 0.087003 +vt 0.128286 0.058270 +vt 0.936076 0.086626 +vt 0.934675 0.081924 +vt 0.933870 0.079141 +vt 0.935958 0.021328 +vt 0.923393 0.030234 +vt 0.194746 0.048637 +vt 0.910809 0.010256 +vt 0.892992 0.019415 +vt 0.894755 0.019291 +vt 0.035528 0.953151 +vt 0.034432 0.958095 +vt 0.029298 0.948940 +vt 0.024237 0.941780 +vt 0.266187 0.047528 +vt 0.272185 0.042469 +vt 0.016144 0.937691 +vt 0.265817 0.049693 +vt 0.267664 0.046586 +vt 0.271302 0.045885 +vt 0.264840 0.052645 +vt 0.103365 0.979065 +vt 0.268675 0.042658 +vt 0.009092 0.945377 +vt 0.098337 0.982629 +vt 0.852456 0.246122 +vt 0.868179 0.263997 +vt 0.430060 0.053220 +vt 0.433783 0.061787 +vt 0.436361 0.064304 +vt 0.440793 0.049304 +vt 0.449677 0.059456 +vt 0.481840 0.064603 +vt 0.265400 0.053128 +vt 0.257692 0.057234 +vt 0.245933 0.042282 +vt 0.241971 0.038363 +vt 0.236194 0.035419 +vt 0.249845 0.045165 +vt 0.231975 0.037902 +vt 0.289112 0.069882 +vt 0.194253 0.964801 +vt 0.299070 0.043880 +vt 0.191526 0.961745 +vt 0.286519 0.055278 +vt 0.289185 0.064474 +vt 0.290330 0.060121 +vt 0.406689 0.062929 +vt 0.406153 0.060796 +vt 0.408410 0.053295 +vt 0.791187 0.294421 +vt 0.789926 0.288918 +vt 0.419999 0.068100 +vt 0.423570 0.074585 +vt 0.779648 0.301061 +vt 0.786746 0.298526 +vt 0.438540 0.049161 +vt 0.383663 0.053245 +vt 0.381755 0.049479 +vt 0.442312 0.045433 +vt 0.378983 0.048296 +vt 0.774850 0.300073 +vt 0.378638 0.058237 +vt 0.774277 0.305810 +vt 0.437184 0.037131 +vt 0.775161 0.308703 +vt 0.357620 0.048868 +vt 0.076579 0.977856 +vt 0.353050 0.046871 +vt 0.410217 0.098265 +vt 0.404166 0.100163 +vt 0.164953 0.973935 +vt 0.014277 0.977533 +vt 0.009092 0.984219 +vt 0.751348 0.068493 +vt 0.349925 0.020510 +vt 0.903994 0.067334 +vt 0.185610 0.074469 +vt 0.187981 0.064246 +vt 0.904854 0.034221 +vt 0.901698 0.062566 +vt 0.899669 0.058366 +vt 0.875151 0.033396 +vt 0.884043 0.024336 +vt 0.881506 0.030884 +vt 0.865519 0.036146 +vt 0.095361 0.983335 +vt 0.256836 0.056915 +vt 0.780214 0.044667 +vt 0.132429 0.959109 +vt 0.296669 0.123014 +vt 0.138450 0.958729 +vt 0.799567 0.337876 +vt 0.939310 0.089600 +vt 0.150162 0.051917 +vt 0.926145 0.077129 +vt 0.918821 0.029894 +vt 0.910472 0.028462 +vt 0.904020 0.013439 +vt 0.906308 0.030312 +vt 0.188834 0.052044 +vt 0.903157 0.010616 +vt 0.197917 0.050318 +vt 0.204304 0.050016 +vt 0.208066 0.053705 +vt 0.096945 0.980689 +vt 0.287152 0.065506 +vt 0.158671 0.970579 +vt 0.308252 0.062500 +vt 0.309326 0.063836 +vt 0.316627 0.033834 +vt 0.163072 0.974325 +vt 0.314645 0.040910 +vt 0.441893 0.062980 +vt 0.438381 0.065909 +vt 0.426648 0.079463 +vt 0.772886 0.348379 +vt 0.015303 0.979527 +vt 0.353249 0.043846 +vt 0.011717 0.985191 +vt 0.353355 0.066059 +vt 0.757135 0.062767 +vt 0.351935 0.070815 +vt 0.754105 0.066156 +vt 0.450294 0.073815 +vt 0.771764 0.339113 +vt 0.773412 0.331734 +vt 0.397220 0.099702 +vt 0.917172 0.077355 +vt 0.905733 0.075605 +vt 0.216991 0.941995 +vt 0.901166 0.071111 +vt 0.162427 0.090987 +vt 0.054630 0.985458 +vt 0.053810 0.982470 +vt 0.899050 0.068896 +vt 0.164592 0.089384 +vt 0.899018 0.068115 +vt 0.058396 0.978421 +vt 0.211282 0.057168 +vt 0.217320 0.086552 +vt 0.224868 0.091434 +vt 0.837484 0.036429 +vt 0.287205 0.074512 +vt 0.822264 0.033122 +vt 0.816106 0.032511 +vt 0.225061 0.066684 +vt 0.813247 0.037132 +vt 0.807511 0.040641 +vt 0.800692 0.048936 +vt 0.780988 0.050619 +vt 0.134985 0.939029 +vt 0.140487 0.937691 +vt 0.305320 0.100651 +vt 0.302239 0.102106 +vt 0.309619 0.101723 +vt 0.855393 0.043849 +vt 0.845378 0.041849 +vt 0.848719 0.045882 +vt 0.130259 0.944024 +vt 0.129341 0.940383 +vt 0.797437 0.047824 +vt 0.303939 0.108715 +vt 0.132759 0.950064 +vt 0.132335 0.954896 +vt 0.304472 0.118354 +vt 0.761709 0.070848 +vt 0.800484 0.346318 +vt 0.539844 0.115214 +vt 0.536416 0.115275 +vt 0.765197 0.060741 +vt 0.895177 0.070167 +vt 0.830545 0.038899 +vt 0.824646 0.038963 +vt 0.303211 0.086829 +vt 0.307626 0.082421 +vt 0.321152 0.009092 +vt 0.781575 0.062256 +vt 0.782380 0.055613 +vt 0.227375 0.092494 +vt 0.228119 0.097402 +vt 0.787852 0.365735 +vt 0.758939 0.130267 +vt 0.769391 0.114191 +vt 0.764654 0.108547 +vt 0.381272 0.105241 +vt 0.330261 0.009171 +vt 0.368276 0.092547 +vt 0.371059 0.105657 +vt 0.379363 0.109347 +vt 0.375171 0.104622 +vt 0.762127 0.096762 +vt 0.770367 0.121116 +vt 0.483237 0.062842 +vt 0.034262 0.979283 +vt 0.033487 0.978066 +vt 0.033713 0.977533 +vt 0.484318 0.061434 +vt 0.489367 0.064370 +vt 0.487756 0.070610 +vt 0.452550 0.063367 +vt 0.454428 0.062659 +vt 0.490713 0.073315 +vt 0.496483 0.073312 +vt 0.453761 0.068259 +vt 0.481338 0.074457 +vt 0.477322 0.075356 +vt 0.809182 0.300375 +vt 0.426807 0.089969 +vt 0.810439 0.308982 +vt 0.761522 0.363799 +vt 0.761540 0.372322 +vt 0.807650 0.317079 +vt 0.764135 0.179800 +vt 0.769652 0.179473 +vt 0.762516 0.173580 +vt 0.762879 0.379300 +vt 0.453287 0.071231 +vt 0.453957 0.074696 +vt 0.452583 0.080072 +vt 0.450756 0.090219 +vt 0.447348 0.102375 +vt 0.770757 0.358189 +vt 0.762226 0.358043 +vt 0.781602 0.171758 +vt 0.772699 0.174725 +vt 0.455448 0.156993 +vt 0.452632 0.147949 +vt 0.755936 0.138916 +vt 0.441821 0.128944 +vt 0.758245 0.149213 +vt 0.776232 0.383820 +vt 0.441106 0.108876 +vt 0.811462 0.182216 +vt 0.807306 0.179356 +vt 0.433998 0.113034 +vt 0.800662 0.175554 +vt 0.796929 0.170490 +vt 0.792627 0.166130 +vt 0.788881 0.168461 +vt 0.461605 0.146626 +vt 0.452257 0.141775 +vt 0.454072 0.132251 +vt 0.011391 0.551811 +vt 0.010337 0.539310 +vt 0.666189 0.605180 +vt 0.015558 0.565536 +vt 0.012606 0.524509 +vt 0.015059 0.513812 +vt 0.041337 0.279968 +vt 0.016466 0.506486 +vt 0.697691 0.524741 +vt 0.039934 0.306747 +vt 0.706036 0.361884 +vt 0.711685 0.488393 +vt 0.712188 0.371128 +vt 0.028221 0.453387 +vt 0.711154 0.382070 +vt 0.718833 0.386052 +vt 0.031221 0.441845 +vt 0.718979 0.399998 +vt 0.726320 0.442128 +vt 0.042435 0.405134 +vt 0.043628 0.402838 +vt 0.724816 0.415184 +vt 0.729313 0.426047 +vt 0.046631 0.395560 +vt 0.038331 0.387148 +vt 0.038241 0.386640 +vt 0.722836 0.423384 +vt 0.673398 0.283294 +vt 0.684461 0.302452 +usemtl material_0 +f 1/1/41 2/2/2 3/3/1 +f 1/1/41 3/3/1 4/4/1136 +f 5/5/4 6/6/7 2/2/2 +f 7/7/58 5/5/4 8/8/42 +f 9/9/3 5/5/4 7/7/58 +f 9/9/3 6/6/7 5/5/4 +f 9/9/3 10/10/5 6/6/7 +f 11/11/6 6/6/7 12/12/8 +f 10/10/5 12/12/8 6/6/7 +f 13/13/9 14/14/10 15/15/11 +f 16/16/65 15/15/11 17/17/12 +f 15/15/11 14/14/10 17/17/12 +f 16/4096/65 17/4097/12 18/18/14 +f 18/18/14 17/4097/12 19/19/17 +f 19/19/17 17/4097/12 14/4095/10 +f 20/20/13 18/18/14 21/21/15 +f 18/18/14 19/19/17 21/21/15 +f 22/22/16 21/21/15 19/19/17 +f 23/23/18 21/21/15 22/22/16 +f 14/4095/10 24/24/19 25/25/20 +f 25/25/20 19/19/17 14/4095/10 +f 26/26/267 27/27/262 28/28/21 +f 25/25/20 22/22/16 19/19/17 +f 26/26/267 28/28/21 29/29/266 +f 25/25/20 24/24/19 30/30/22 +f 31/31/269 26/26/267 29/29/266 +f 32/32/23 31/31/269 33/33/24 +f 21/21/15 23/23/18 34/34/69 +f 34/34/69 23/23/18 35/35/25 +f 23/23/18 36/36/26 35/35/25 +f 36/36/26 22/22/16 37/37/29 +f 25/25/20 38/38/27 22/22/16 +f 22/22/16 38/38/27 37/37/29 +f 36/36/26 23/23/18 22/22/16 +f 39/39/28 36/36/26 37/37/29 +f 37/37/29 40/40/2407 39/39/28 +f 41/41/30 42/42/49 43/43/31 +f 44/44/55 45/45/32 46/46/33 +f 44/44/55 46/46/33 42/42/49 +f 42/42/49 41/41/30 44/44/55 +f 43/43/31 47/47/64 41/41/30 +f 48/48/38 49/49/34 50/50/50 +f 50/50/50 49/49/34 51/51/51 +f 49/49/34 52/52/39 51/51/51 +f 53/53/35 54/54/36 52/52/39 +f 54/54/36 53/53/35 55/55/37 +f 56/56/40 48/48/38 8/8/42 +f 52/52/39 56/56/40 1/1/41 +f 57/57/47 8/8/42 48/48/38 +f 8/8/42 1/1/41 56/56/40 +f 8/8/42 58/58/43 7/7/58 +f 58/58/43 8/8/42 57/57/47 +f 57/57/47 48/48/38 59/59/48 +f 48/48/38 46/46/33 59/59/48 +f 48/48/38 50/50/50 46/46/33 +f 56/56/40 49/49/34 48/48/38 +f 56/56/40 52/52/39 49/49/34 +f 60/60/293 61/61/44 62/62/45 +f 63/63/46 57/57/47 59/59/48 +f 58/58/43 57/57/47 63/63/46 +f 64/64/1135 52/52/39 1/1/41 +f 2/2/2 1/1/41 8/8/42 +f 5/5/4 2/2/2 8/8/42 +f 52/52/39 64/64/1135 53/53/35 +f 54/54/36 15/15/11 51/51/51 +f 42/42/49 46/46/33 50/50/50 +f 50/50/50 51/51/51 42/42/49 +f 52/52/39 54/54/36 51/51/51 +f 51/51/51 15/15/11 65/65/52 +f 51/51/51 65/65/52 42/42/49 +f 43/43/31 42/42/49 65/65/52 +f 43/43/31 65/65/52 16/16/65 +f 65/65/52 15/15/11 16/16/65 +f 13/13/9 15/15/11 54/54/36 +f 66/66/53 13/13/9 54/54/36 +f 66/66/53 54/54/36 55/55/37 +f 67/67/1143 66/66/53 55/55/37 +f 59/59/48 46/46/33 45/45/32 +f 59/59/48 68/68/54 63/63/46 +f 68/68/54 59/59/48 45/45/32 +f 63/63/46 68/68/54 69/69/63 +f 70/70/57 45/45/32 44/44/55 +f 68/68/54 45/45/32 70/70/57 +f 41/41/30 71/71/73 72/72/56 +f 44/44/55 41/41/30 72/72/56 +f 72/72/56 70/70/57 44/44/55 +f 73/73/80 72/72/56 71/71/73 +f 70/70/57 74/74/113 68/68/54 +f 68/68/54 74/74/113 69/69/63 +f 75/75/111 70/70/57 72/72/56 +f 73/73/80 75/75/111 72/72/56 +f 7/7/58 58/58/43 76/76/59 +f 9/9/3 7/7/58 76/76/59 +f 76/76/59 58/58/43 77/77/60 +f 58/58/43 63/63/46 69/69/63 +f 78/78/61 76/76/59 77/77/60 +f 78/78/61 79/79/62 76/76/59 +f 76/76/59 79/79/62 9/9/3 +f 79/79/62 10/10/5 9/9/3 +f 69/69/63 77/77/60 58/58/43 +f 78/78/61 77/77/60 69/69/63 +f 47/47/64 43/43/31 16/16/65 +f 80/80/67 47/4099/64 16/4096/65 +f 47/47/64 71/71/73 41/41/30 +f 47/4099/64 81/81/75 71/4102/73 +f 81/81/75 47/4099/64 80/80/67 +f 80/80/67 82/82/66 83/83/76 +f 81/81/75 80/80/67 83/83/76 +f 84/84/85 83/83/76 82/82/66 +f 84/84/85 82/82/66 85/85/70 +f 16/4096/65 18/18/14 80/80/67 +f 86/86/342 87/87/255 88/88/68 +f 20/20/13 80/80/67 18/18/14 +f 21/21/15 34/34/69 20/20/13 +f 20/20/13 34/34/69 85/85/70 +f 80/80/67 20/20/13 82/82/66 +f 82/82/66 20/20/13 85/85/70 +f 66/66/53 14/14/10 13/13/9 +f 24/4098/19 14/14/10 66/66/53 +f 89/89/81 34/34/69 35/35/25 +f 36/36/26 39/39/28 90/90/72 +f 91/91/71 90/90/72 39/39/28 +f 91/91/71 39/39/28 92/92/906 +f 90/90/72 35/35/25 36/36/26 +f 34/34/69 89/89/81 85/85/70 +f 93/93/83 89/89/81 35/35/25 +f 93/93/83 35/35/25 90/90/72 +f 94/94/911 93/93/83 90/90/72 +f 90/90/72 91/91/71 94/94/911 +f 71/4102/73 81/81/75 95/95/79 +f 96/96/74 95/95/79 81/81/75 +f 97/97/87 83/83/76 84/84/85 +f 81/81/75 83/83/76 96/96/74 +f 97/97/87 96/96/74 83/83/76 +f 98/98/145 95/95/79 99/99/77 +f 95/95/79 96/96/74 99/99/77 +f 100/100/78 99/99/77 96/96/74 +f 71/4102/73 95/95/79 73/4103/80 +f 96/96/74 97/97/87 100/100/78 +f 101/101/88 84/84/85 85/85/70 +f 101/101/88 85/85/70 89/89/81 +f 102/102/82 101/101/88 89/89/81 +f 102/102/82 89/89/81 93/93/83 +f 102/102/82 93/93/83 103/103/84 +f 84/84/85 104/104/86 97/97/87 +f 104/104/86 84/84/85 101/101/88 +f 104/104/86 101/101/88 102/102/82 +f 104/104/86 100/100/78 97/97/87 +f 105/105/89 93/93/83 94/94/911 +f 103/103/84 93/93/83 105/105/89 +f 106/106/90 12/12/8 10/10/5 +f 12/12/8 106/106/90 107/107/91 +f 106/106/90 108/108/92 107/107/91 +f 109/109/93 110/110/1302 108/108/92 +f 111/111/144 109/109/93 108/108/92 +f 112/112/217 109/109/93 111/111/144 +f 113/113/94 114/114/157 115/115/95 +f 113/113/94 116/116/98 117/117/97 +f 114/114/157 113/113/94 117/117/97 +f 118/118/140 119/119/156 117/117/97 +f 120/120/100 118/118/140 117/117/97 +f 118/118/140 120/120/100 121/121/96 +f 122/122/171 121/121/96 120/120/100 +f 123/123/101 117/117/97 116/116/98 +f 124/124/99 120/120/100 123/123/101 +f 120/120/100 117/117/97 123/123/101 +f 125/125/176 123/123/101 126/126/102 +f 116/116/98 113/113/94 127/127/152 +f 116/116/98 127/127/152 128/128/103 +f 126/126/102 116/116/98 128/128/103 +f 126/126/102 123/123/101 116/116/98 +f 128/128/103 127/127/152 129/129/160 +f 130/130/180 126/126/102 128/128/103 +f 130/130/180 128/128/103 129/129/160 +f 131/131/104 130/130/180 129/129/160 +f 132/132/105 78/78/61 69/69/63 +f 133/133/114 132/132/105 69/69/63 +f 132/132/105 134/134/106 78/78/61 +f 135/135/108 132/132/105 133/133/114 +f 132/132/105 135/135/108 134/134/106 +f 136/136/123 134/134/106 135/135/108 +f 137/137/107 135/135/108 138/138/109 +f 136/136/123 135/135/108 137/137/107 +f 139/139/115 70/70/57 140/140/110 +f 140/140/110 70/70/57 75/75/111 +f 140/140/110 75/75/111 141/141/112 +f 139/139/115 74/74/113 70/70/57 +f 133/133/114 69/69/63 74/74/113 +f 133/133/114 74/74/113 139/139/115 +f 142/142/118 133/133/114 139/139/115 +f 142/142/118 139/139/115 143/143/116 +f 139/139/115 144/144/117 143/143/116 +f 142/142/118 143/143/116 145/145/132 +f 144/144/117 139/139/115 140/140/110 +f 146/146/121 140/140/110 147/147/119 +f 147/147/119 140/140/110 141/141/112 +f 148/148/120 146/146/121 147/147/119 +f 145/145/132 143/143/116 146/146/121 +f 146/146/121 143/143/116 144/144/117 +f 144/144/117 140/140/110 146/146/121 +f 138/138/109 133/133/114 142/142/118 +f 135/135/108 133/133/114 138/138/109 +f 78/78/61 134/134/106 79/79/62 +f 79/79/62 134/134/106 149/149/122 +f 79/79/62 149/149/122 10/10/5 +f 106/106/90 10/10/5 149/149/122 +f 149/149/122 134/134/106 136/136/123 +f 150/150/136 136/136/123 137/137/107 +f 151/151/125 136/136/123 150/150/136 +f 149/149/122 136/136/123 152/152/127 +f 150/150/136 153/153/124 151/151/125 +f 151/151/125 154/154/126 152/152/127 +f 151/151/125 152/152/127 136/136/123 +f 152/152/127 155/155/130 156/156/128 +f 157/157/129 151/151/125 153/153/124 +f 157/157/129 154/154/126 151/151/125 +f 155/155/130 152/152/127 154/154/126 +f 158/158/131 138/138/109 142/142/118 +f 158/158/131 142/142/118 145/145/132 +f 159/159/133 158/158/131 145/145/132 +f 158/158/131 160/160/134 161/161/135 +f 158/158/131 159/159/133 160/160/134 +f 145/145/132 146/146/121 162/162/158 +f 146/146/121 148/148/120 162/162/158 +f 161/161/135 138/138/109 158/158/131 +f 161/161/135 137/137/107 138/138/109 +f 150/150/136 137/137/107 161/161/135 +f 150/150/136 161/161/135 160/160/134 +f 163/163/137 160/160/134 159/159/133 +f 153/153/124 160/160/134 163/163/137 +f 164/164/138 163/163/137 159/159/133 +f 163/163/137 164/164/138 153/153/124 +f 165/165/139 159/159/133 145/145/132 +f 165/165/139 162/162/158 118/4104/140 +f 162/162/158 165/165/139 145/145/132 +f 159/159/133 165/165/139 166/166/141 +f 166/166/141 164/164/138 159/159/133 +f 121/4105/96 165/165/139 118/4104/140 +f 167/167/163 165/165/139 121/4105/96 +f 166/166/141 165/165/139 167/167/163 +f 153/153/124 150/150/136 160/160/134 +f 156/156/128 106/106/90 149/149/122 +f 152/152/127 156/156/128 149/149/122 +f 111/111/144 108/108/92 106/106/90 +f 106/106/90 156/156/128 168/168/143 +f 169/169/142 168/168/143 155/155/130 +f 156/156/128 155/155/130 168/168/143 +f 106/106/90 168/168/143 111/111/144 +f 73/73/80 141/141/112 75/75/111 +f 98/98/145 141/4106/112 73/4103/80 +f 98/98/145 73/4103/80 95/95/79 +f 141/4106/112 98/98/145 170/170/146 +f 98/98/145 99/99/77 171/171/147 +f 147/4107/119 141/4106/112 170/170/146 +f 98/98/145 171/171/147 170/170/146 +f 170/170/146 148/4108/120 147/4107/119 +f 115/115/95 170/170/146 171/171/147 +f 172/172/148 171/171/147 99/99/77 +f 171/171/147 172/172/148 113/113/94 +f 173/173/149 99/99/77 100/100/78 +f 173/173/149 100/100/78 104/104/86 +f 173/173/149 172/172/148 99/99/77 +f 104/104/86 174/174/153 173/173/149 +f 174/174/153 104/104/86 175/175/150 +f 102/102/82 175/175/150 104/104/86 +f 175/175/150 102/102/82 103/103/84 +f 176/176/151 175/175/150 103/103/84 +f 127/127/152 173/173/149 174/174/153 +f 172/172/148 173/173/149 127/127/152 +f 175/175/150 177/177/154 174/174/153 +f 127/127/152 174/174/153 178/178/155 +f 177/177/154 178/178/155 174/174/153 +f 170/170/146 162/4109/158 148/4108/120 +f 119/119/156 170/170/146 114/114/157 +f 119/119/156 118/118/140 162/4109/158 +f 119/119/156 162/4109/158 170/170/146 +f 117/117/97 119/119/156 114/114/157 +f 114/114/157 170/170/146 115/115/95 +f 115/115/95 171/171/147 113/113/94 +f 113/113/94 172/172/148 127/127/152 +f 178/178/155 177/177/154 179/179/159 +f 180/180/161 178/178/155 179/179/159 +f 129/129/160 127/127/152 178/178/155 +f 129/129/160 178/178/155 180/180/161 +f 167/167/163 121/4105/96 181/181/162 +f 182/182/173 183/183/164 167/167/163 +f 183/183/164 184/184/165 167/167/163 +f 185/185/166 184/184/165 183/183/164 +f 186/186/167 185/185/166 183/183/164 +f 187/187/168 188/188/211 186/186/167 +f 187/187/168 186/186/167 189/189/169 +f 190/190/170 187/187/168 189/189/169 +f 191/191/2864 190/190/170 189/189/169 +f 192/192/2865 187/187/168 190/190/170 +f 181/4110/162 121/121/96 122/122/171 +f 124/124/99 122/122/171 120/120/100 +f 167/167/163 181/181/162 182/182/173 +f 122/122/171 193/193/175 194/194/178 +f 181/4110/162 122/122/171 194/194/178 +f 123/123/101 125/125/176 124/124/99 +f 124/124/99 125/125/176 193/193/175 +f 124/124/99 193/193/175 122/122/171 +f 195/195/172 182/182/173 181/181/162 +f 194/4111/178 195/195/172 181/181/162 +f 196/196/174 193/193/175 125/125/176 +f 193/193/175 197/197/177 194/194/178 +f 126/126/102 196/196/174 125/125/176 +f 126/126/102 198/198/179 196/196/174 +f 198/198/179 126/126/102 130/130/180 +f 198/198/179 199/199/181 196/196/174 +f 196/196/174 199/199/181 200/200/183 +f 199/199/181 198/198/179 201/201/199 +f 193/193/175 196/196/174 200/200/183 +f 201/201/199 198/198/179 130/130/180 +f 202/202/182 193/193/175 200/200/183 +f 203/203/194 202/202/182 200/200/183 +f 197/197/177 202/202/182 203/203/194 +f 204/204/185 197/197/177 203/203/194 +f 205/205/184 204/204/185 203/203/194 +f 206/206/186 194/4111/178 197/4112/177 +f 194/4111/178 206/206/186 195/195/172 +f 182/182/173 195/195/172 183/183/164 +f 186/186/167 183/183/164 195/195/172 +f 195/195/172 207/207/191 186/186/167 +f 207/207/191 195/195/172 206/206/186 +f 206/206/186 197/4112/177 208/208/187 +f 208/208/187 207/207/191 206/206/186 +f 197/197/177 193/193/175 202/202/182 +f 208/208/187 209/209/188 210/210/189 +f 211/211/2883 210/210/189 209/209/188 +f 211/211/2883 212/212/2881 210/210/189 +f 204/4113/185 208/208/187 197/4112/177 +f 208/208/187 204/4113/185 209/209/188 +f 205/205/184 203/203/194 213/213/190 +f 209/4114/188 204/204/185 205/205/184 +f 205/205/184 214/214/2887 209/4114/188 +f 189/189/169 186/186/167 207/207/191 +f 207/207/191 208/208/187 210/210/189 +f 215/215/192 189/189/169 207/207/191 +f 216/216/193 189/189/169 215/215/192 +f 189/189/169 216/216/193 191/191/2864 +f 210/210/189 212/212/2881 207/207/191 +f 207/207/191 212/212/2881 215/215/192 +f 200/200/183 199/199/181 217/217/196 +f 218/218/195 203/203/194 217/217/196 +f 203/203/194 200/200/183 217/217/196 +f 213/213/190 203/203/194 218/218/195 +f 218/218/195 217/217/196 219/219/197 +f 217/217/196 199/199/181 220/220/198 +f 217/217/196 220/220/198 219/219/197 +f 199/199/181 201/201/199 221/221/200 +f 221/221/200 222/222/201 199/199/181 +f 223/223/203 201/201/199 224/224/958 +f 223/223/203 221/221/200 201/201/199 +f 220/220/198 199/199/181 222/222/201 +f 222/222/201 223/223/203 225/225/202 +f 221/221/200 223/223/203 222/222/201 +f 225/225/202 223/223/203 226/226/204 +f 222/222/201 225/225/202 220/220/198 +f 227/227/205 219/219/197 220/220/198 +f 219/219/197 227/227/205 218/218/195 +f 213/213/190 218/218/195 227/227/205 +f 205/205/184 213/213/190 227/227/205 +f 228/228/2895 205/205/184 227/227/205 +f 229/229/2898 228/228/2895 227/227/205 +f 227/227/205 230/230/206 229/229/2898 +f 220/220/198 230/230/206 227/227/205 +f 220/220/198 225/225/202 230/230/206 +f 157/157/129 231/231/210 232/232/207 +f 232/232/207 155/155/130 154/154/126 +f 232/232/207 154/154/126 157/157/129 +f 233/233/214 232/232/207 231/231/210 +f 155/155/130 232/232/207 169/169/142 +f 234/234/226 232/232/207 233/233/214 +f 169/169/142 232/232/207 234/234/226 +f 235/235/208 169/169/142 234/234/226 +f 157/157/129 236/236/209 231/231/210 +f 157/157/129 153/153/124 236/236/209 +f 236/236/209 153/153/124 164/164/138 +f 236/236/209 164/164/138 166/166/141 +f 184/184/165 166/166/141 167/167/163 +f 237/237/213 236/236/209 188/188/211 +f 231/231/210 236/236/209 237/237/213 +f 238/238/212 237/237/213 188/188/211 +f 237/237/213 233/233/214 231/231/210 +f 238/238/212 233/233/214 237/237/213 +f 185/185/166 166/166/141 184/184/165 +f 236/236/209 166/166/141 185/185/166 +f 185/185/166 188/188/211 236/236/209 +f 186/186/167 188/188/211 185/185/166 +f 234/234/226 233/233/214 238/238/212 +f 235/235/208 168/168/143 169/169/142 +f 168/168/143 235/235/208 239/239/215 +f 239/239/215 111/111/144 168/168/143 +f 240/240/216 112/112/217 111/111/144 +f 112/112/217 240/240/216 241/241/218 +f 111/111/144 239/239/215 240/240/216 +f 242/242/219 239/239/215 235/235/208 +f 239/239/215 243/243/228 244/244/220 +f 243/243/228 239/239/215 242/242/219 +f 244/244/220 240/240/216 239/239/215 +f 244/244/220 241/241/218 240/240/216 +f 245/245/221 241/241/218 244/244/220 +f 244/244/220 246/246/222 245/245/221 +f 242/242/219 235/235/208 234/234/226 +f 234/234/226 247/247/2935 242/242/219 +f 242/242/219 247/247/2935 248/248/223 +f 248/248/223 249/249/224 242/242/219 +f 238/238/212 188/188/211 187/187/168 +f 238/238/212 250/250/225 234/234/226 +f 250/250/225 238/238/212 187/187/168 +f 234/234/226 250/250/225 247/247/2935 +f 187/187/168 192/192/2865 250/250/225 +f 251/251/227 250/250/225 192/192/2865 +f 251/251/227 247/247/2935 250/250/225 +f 252/252/229 243/243/228 253/253/232 +f 243/243/228 242/242/219 253/253/232 +f 243/243/228 252/252/229 244/244/220 +f 244/244/220 254/254/234 246/246/222 +f 254/254/234 244/244/220 252/252/229 +f 252/252/229 255/255/230 254/254/234 +f 249/249/224 253/253/232 242/242/219 +f 256/256/231 253/253/232 249/249/224 +f 256/256/231 255/255/230 253/253/232 +f 256/256/231 257/257/2941 255/255/230 +f 253/253/232 255/255/230 252/252/229 +f 258/258/233 254/254/234 255/255/230 +f 258/258/233 255/255/230 257/257/2941 +f 259/259/235 260/260/236 261/261/3293 +f 262/262/237 263/263/238 264/264/239 +f 265/265/378 264/264/239 263/263/238 +f 264/264/239 266/266/1436 267/267/242 +f 267/267/242 262/262/237 264/264/239 +f 267/267/242 268/268/240 262/262/241 +f 267/267/242 269/269/1435 270/270/243 +f 270/270/243 271/271/244 272/272/245 +f 273/273/251 274/274/246 275/275/247 +f 276/276/252 274/274/246 273/273/251 +f 277/277/248 278/278/249 279/279/250 +f 273/273/251 275/275/247 277/4120/248 +f 276/276/252 273/273/251 280/280/381 +f 276/276/252 280/280/381 281/281/706 +f 273/4119/251 277/277/248 279/279/250 +f 282/282/450 273/4119/251 279/279/250 +f 283/283/253 284/284/254 87/87/255 +f 285/285/256 87/87/255 284/284/254 +f 286/286/257 287/287/390 288/288/258 +f 288/288/259 289/289/260 286/4123/261 +f 27/27/262 287/287/390 290/290/263 +f 287/287/390 27/27/262 288/288/258 +f 288/288/258 27/27/262 26/26/267 +f 288/288/259 291/291/264 289/289/260 +f 291/291/264 288/288/259 26/26/267 +f 27/27/262 292/292/265 28/28/21 +f 29/29/266 28/28/21 292/292/265 +f 290/290/263 292/292/265 27/27/262 +f 291/291/264 26/26/267 293/293/268 +f 26/26/267 31/31/269 293/293/268 +f 31/31/269 32/32/23 294/294/270 +f 32/32/23 293/293/268 294/294/270 +f 293/293/268 31/31/269 294/294/270 +f 295/295/275 29/29/266 292/292/265 +f 292/292/265 296/296/401 295/295/275 +f 29/29/266 297/297/271 31/31/269 +f 298/298/1547 297/297/271 29/29/266 +f 31/31/269 297/297/271 33/33/24 +f 299/299/641 32/32/23 300/300/272 +f 301/301/639 33/33/24 297/4124/271 +f 302/302/273 29/29/266 295/295/275 +f 298/298/1547 29/29/266 302/302/273 +f 303/303/276 304/304/274 295/295/275 +f 305/305/406 303/303/276 295/295/275 +f 306/306/688 307/307/686 308/308/683 +f 308/308/683 307/307/686 309/309/684 +f 310/310/285 311/311/277 312/312/305 +f 313/313/280 310/310/285 312/312/305 +f 314/314/278 315/315/279 313/313/280 +f 314/314/278 313/313/280 316/316/281 +f 317/317/349 318/318/282 319/319/283 +f 320/320/295 60/60/293 321/321/284 +f 321/321/284 60/60/293 310/4127/285 +f 322/322/297 310/310/285 313/313/280 +f 323/323/298 322/322/297 313/313/280 +f 60/60/293 62/62/45 310/4127/285 +f 62/4101/286 311/311/277 310/310/285 +f 324/324/311 311/311/287 325/325/288 +f 311/311/287 62/4101/289 325/325/288 +f 62/4101/290 61/4100/291 325/325/292 +f 61/61/44 60/60/293 325/4134/288 +f 60/60/293 324/4133/311 325/4134/288 +f 324/4133/311 60/60/293 326/326/294 +f 326/326/294 60/60/293 320/320/295 +f 320/320/295 327/327/643 326/326/294 +f 318/4128/282 321/321/284 310/4127/285 +f 318/4128/282 328/328/296 321/321/284 +f 328/328/296 318/4128/282 329/329/326 +f 320/320/295 321/321/284 328/328/296 +f 322/4132/297 318/4128/282 310/4127/285 +f 318/4128/282 322/4132/297 319/4131/283 +f 323/323/298 319/4130/283 322/322/297 +f 323/323/298 330/330/299 319/4130/283 +f 331/331/300 317/317/349 319/319/283 +f 332/332/374 317/317/349 331/331/300 +f 313/313/280 333/333/642 323/323/298 +f 313/313/280 315/315/279 333/333/642 +f 311/311/277 334/334/312 312/312/305 +f 334/334/312 311/311/287 324/324/311 +f 335/335/301 334/334/312 324/324/311 +f 335/335/301 336/336/302 337/337/313 +f 336/4140/303 335/4139/310 338/338/304 +f 316/316/281 312/312/305 337/337/313 +f 337/337/313 339/339/309 316/316/281 +f 316/316/306 340/340/307 341/341/308 +f 340/340/699 316/316/281 339/339/309 +f 313/313/280 312/312/305 316/316/281 +f 342/342/322 335/4139/310 324/4133/311 +f 334/334/312 337/337/313 312/312/305 +f 337/337/313 334/334/312 335/335/301 +f 338/338/304 335/4139/310 342/342/322 +f 342/342/322 315/315/279 343/343/314 +f 343/343/314 315/315/279 314/314/278 +f 316/316/306 343/343/314 314/314/278 +f 336/336/302 344/344/315 337/337/313 +f 338/338/304 344/4143/318 336/4140/303 +f 339/339/316 337/337/313 344/344/315 +f 345/345/317 344/4143/318 338/338/304 +f 339/339/316 344/344/315 263/4116/238 +f 263/4115/238 344/4142/315 265/4117/378 +f 346/346/319 265/4117/378 344/4142/320 +f 346/346/321 344/4142/318 345/4144/317 +f 324/4133/311 326/326/294 342/342/322 +f 347/347/351 348/348/323 349/349/324 +f 347/347/351 349/349/324 350/350/353 +f 347/347/351 351/351/325 348/348/323 +f 349/349/324 348/348/323 329/4135/326 +f 329/4135/326 318/318/282 349/349/324 +f 352/352/327 328/328/296 329/329/326 +f 352/352/327 329/329/326 353/353/328 +f 354/354/329 329/4135/326 348/348/323 +f 353/353/328 329/329/326 354/4146/329 +f 355/355/649 352/352/327 353/353/328 +f 356/356/330 357/357/331 358/358/332 +f 358/358/332 359/359/334 356/356/330 +f 359/359/334 358/358/332 360/360/346 +f 361/361/333 362/362/341 359/359/334 +f 363/363/383 361/361/333 359/359/334 +f 364/364/667 365/365/335 366/366/336 +f 367/367/337 357/357/338 356/356/339 +f 356/356/339 364/364/667 367/367/337 +f 368/368/340 362/362/341 86/86/342 +f 364/364/667 356/356/339 365/365/335 +f 365/365/343 359/359/334 362/362/341 +f 365/365/343 356/356/330 359/359/334 +f 365/365/343 362/362/341 368/368/340 +f 368/368/344 366/366/336 365/365/335 +f 357/357/331 369/369/345 358/358/332 +f 347/347/351 358/358/332 351/351/325 +f 360/360/346 358/358/332 347/347/351 +f 363/363/383 359/359/334 360/360/346 +f 360/360/346 370/370/664 363/363/383 +f 369/4148/347 357/357/338 367/367/337 +f 371/371/348 367/367/337 364/364/667 +f 317/317/349 349/349/324 318/318/282 +f 317/317/349 350/350/353 349/349/324 +f 372/372/355 350/350/353 317/317/349 +f 373/373/350 347/347/351 350/350/353 +f 374/374/352 373/373/350 350/350/353 +f 374/374/352 350/350/353 372/372/355 +f 375/375/354 373/373/350 374/374/352 +f 332/332/374 372/372/355 317/317/349 +f 376/376/363 372/372/355 332/332/374 +f 375/375/354 377/377/358 373/373/350 +f 375/375/354 374/374/352 378/378/356 +f 379/379/359 377/377/358 375/375/354 +f 380/380/357 377/4150/358 379/4152/359 +f 375/375/354 378/378/356 379/379/359 +f 372/372/355 381/381/685 374/374/352 +f 381/381/685 378/378/356 374/374/352 +f 382/382/360 383/383/379 384/384/713 +f 385/385/371 308/308/683 386/386/361 +f 387/387/369 388/388/362 376/376/363 +f 388/388/362 385/385/371 386/386/361 +f 386/386/361 376/376/363 388/388/362 +f 306/306/688 308/308/683 385/385/371 +f 389/389/364 390/390/366 306/306/688 +f 389/389/364 306/306/688 385/385/371 +f 389/389/364 391/391/365 390/390/366 +f 389/389/364 385/385/371 392/392/367 +f 393/393/368 389/389/364 392/392/367 +f 394/394/691 388/388/362 387/387/369 +f 395/395/466 385/385/371 388/388/362 +f 396/396/370 385/385/371 395/395/466 +f 397/397/467 384/384/713 383/383/379 +f 392/392/367 385/385/371 396/396/370 +f 398/398/372 399/399/373 392/392/367 +f 392/392/367 396/396/370 398/398/372 +f 400/400/472 396/396/370 395/395/466 +f 399/399/373 398/398/372 401/401/471 +f 400/400/472 398/398/372 396/396/370 +f 332/332/374 402/402/375 403/403/376 +f 341/341/308 343/343/314 316/316/306 +f 404/404/377 265/4117/378 346/346/319 +f 405/405/806 383/383/379 382/382/360 +f 406/406/380 280/280/381 273/273/251 +f 386/386/361 308/308/683 372/372/355 +f 376/376/363 386/386/361 372/372/355 +f 403/403/376 376/376/363 332/332/374 +f 403/403/376 387/387/369 376/376/363 +f 407/407/382 387/387/369 403/403/376 +f 361/361/333 283/283/253 362/362/341 +f 361/361/333 363/363/383 408/408/384 +f 366/366/336 408/4158/384 363/4147/383 +f 408/408/384 284/284/254 361/361/333 +f 362/362/341 283/283/253 86/86/342 +f 86/86/342 88/88/68 368/368/340 +f 366/366/336 368/368/344 88/88/385 +f 366/366/336 88/88/385 409/409/386 +f 283/283/253 361/361/333 284/284/254 +f 87/87/255 86/86/342 283/283/253 +f 284/4122/254 408/4158/384 410/410/717 +f 285/285/387 88/88/68 87/87/255 +f 410/410/717 88/88/385 285/285/388 +f 410/4159/717 285/285/389 284/284/254 +f 411/411/719 287/287/390 286/286/391 +f 287/287/390 411/411/719 290/290/263 +f 411/411/719 412/412/720 290/290/263 +f 413/413/417 414/414/394 415/415/392 +f 416/416/393 414/414/394 417/417/395 +f 414/414/394 418/418/396 417/417/395 +f 414/414/394 419/419/399 418/418/396 +f 415/415/392 414/414/394 416/4161/393 +f 420/420/400 421/421/397 412/412/720 +f 422/422/723 412/412/720 423/423/398 +f 412/412/720 422/422/723 420/420/400 +f 419/419/399 424/424/408 422/4164/723 +f 422/422/723 424/4167/408 420/420/400 +f 290/290/263 421/421/397 292/292/265 +f 412/412/720 421/421/397 290/290/263 +f 425/425/402 296/296/401 292/292/265 +f 425/425/402 421/421/397 420/420/400 +f 426/426/409 427/427/403 425/425/402 +f 428/428/404 429/429/405 427/427/403 +f 427/427/403 305/305/406 296/296/401 +f 296/296/401 425/425/402 427/427/403 +f 429/4168/735 430/430/407 431/431/738 +f 420/420/400 426/426/409 425/425/402 +f 424/4167/408 426/426/409 420/420/400 +f 426/426/409 432/432/410 428/428/404 +f 424/4167/408 432/432/410 426/426/409 +f 430/4169/411 429/429/405 428/428/404 +f 433/433/412 428/428/404 432/432/410 +f 434/434/420 433/433/412 432/432/410 +f 435/435/413 433/4171/414 434/4172/420 +f 433/433/412 430/4169/411 428/428/404 +f 433/4171/414 431/431/738 430/430/407 +f 436/436/415 424/424/408 419/419/399 +f 414/414/394 413/413/417 419/419/399 +f 419/419/399 413/413/417 436/436/415 +f 436/436/415 437/437/421 424/424/408 +f 438/438/416 436/436/415 413/413/417 +f 438/438/416 413/413/417 439/439/436 +f 438/438/416 440/440/418 436/436/415 +f 440/440/418 437/437/421 436/436/415 +f 441/441/445 442/442/419 440/440/418 +f 424/424/408 437/437/421 432/4170/410 +f 432/4170/410 437/437/421 434/4173/420 +f 443/443/422 434/4173/420 437/437/421 +f 443/443/422 437/437/421 440/440/418 +f 444/444/423 434/4172/420 443/4175/422 +f 442/442/419 443/443/422 440/440/418 +f 443/4175/422 442/4174/419 444/444/423 +f 445/445/424 446/446/425 447/447/426 +f 446/446/425 445/445/424 448/448/750 +f 447/447/426 446/446/425 449/449/427 +f 449/449/427 446/446/425 450/450/428 +f 450/450/428 446/446/425 451/451/758 +f 452/452/429 451/451/758 446/446/425 +f 392/392/367 453/453/430 393/393/368 +f 453/453/430 392/392/367 454/454/434 +f 399/399/373 454/454/434 392/392/367 +f 455/455/431 456/456/432 454/454/434 +f 399/399/373 457/457/433 454/454/434 +f 457/457/433 455/455/431 454/454/434 +f 458/458/533 455/455/431 457/457/433 +f 459/459/435 439/439/436 460/460/437 +f 459/459/435 460/460/437 461/461/765 +f 459/459/435 462/462/441 439/439/436 +f 462/462/441 463/463/444 439/439/436 +f 464/464/439 459/459/435 465/465/438 +f 464/464/439 465/465/438 466/466/766 +f 466/466/766 467/467/547 464/464/439 +f 468/468/548 462/462/441 464/464/439 +f 469/469/550 462/462/441 468/468/548 +f 459/459/435 464/464/439 462/462/441 +f 470/470/440 463/463/444 462/462/441 +f 462/462/441 471/471/442 470/470/440 +f 471/471/442 462/462/441 469/469/550 +f 471/471/442 472/472/555 470/470/440 +f 439/439/436 413/413/417 473/473/772 +f 460/460/437 439/439/436 474/474/771 +f 438/438/416 439/439/436 475/475/443 +f 439/439/436 463/463/444 475/475/443 +f 475/475/443 441/441/445 438/438/416 +f 463/463/444 441/441/445 475/475/443 +f 441/441/445 440/440/418 438/438/416 +f 476/476/446 442/442/419 441/441/445 +f 470/470/440 441/441/445 463/463/444 +f 477/477/1004 441/441/445 470/470/440 +f 477/477/1004 478/478/449 441/441/445 +f 479/479/447 478/478/449 477/477/1004 +f 441/441/445 480/480/997 476/476/446 +f 476/4179/446 481/481/448 482/482/746 +f 478/478/449 480/480/997 441/441/445 +f 282/282/450 483/483/451 484/484/495 +f 483/483/451 282/282/450 485/485/1704 +f 486/486/452 483/483/451 487/487/453 +f 488/488/454 486/486/452 487/487/453 +f 489/489/570 490/490/456 491/491/455 +f 490/490/456 489/489/570 492/492/585 +f 490/490/456 493/493/587 494/494/572 +f 493/4181/587 495/495/591 496/496/457 +f 495/495/591 497/497/574 496/496/457 +f 405/405/806 498/498/469 383/383/379 +f 499/499/461 500/500/458 501/501/459 +f 502/502/460 503/503/480 499/499/461 +f 504/504/484 502/502/462 499/499/463 +f 504/504/484 499/499/463 501/501/479 +f 505/505/508 506/506/503 507/507/522 +f 506/506/503 508/508/515 509/509/464 +f 510/510/465 395/395/466 397/397/467 +f 397/397/467 383/383/379 510/510/465 +f 510/510/465 383/383/379 511/511/468 +f 511/511/468 383/383/379 498/498/469 +f 512/512/470 395/395/466 510/510/465 +f 513/513/781 512/512/470 510/510/465 +f 511/511/468 514/514/780 510/510/465 +f 400/400/472 395/395/466 512/512/470 +f 401/401/471 398/398/372 400/400/472 +f 515/515/474 400/400/472 512/512/470 +f 400/400/472 516/516/473 401/401/471 +f 516/516/473 400/400/472 515/515/474 +f 515/515/474 517/517/569 516/516/473 +f 518/518/476 517/517/569 515/515/474 +f 519/519/475 517/517/569 518/518/476 +f 520/520/477 521/521/485 512/512/470 +f 520/520/477 512/512/470 513/513/781 +f 503/503/480 500/500/458 499/499/461 +f 500/4184/784 522/522/478 501/501/479 +f 503/503/480 520/520/477 500/500/458 +f 523/523/514 520/520/477 503/503/480 +f 524/524/512 520/520/477 523/523/514 +f 525/525/481 521/521/485 524/524/512 +f 524/524/512 521/521/485 520/520/477 +f 526/526/482 501/501/479 522/522/478 +f 523/523/514 503/503/480 502/502/460 +f 504/504/484 501/501/479 526/526/482 +f 526/526/482 509/509/464 504/504/484 +f 508/508/483 504/504/484 509/509/464 +f 512/512/470 521/521/485 515/515/474 +f 521/521/485 518/518/476 515/515/474 +f 527/527/487 528/528/491 529/529/486 +f 529/529/486 530/530/498 527/527/487 +f 531/531/496 527/527/487 530/530/498 +f 532/532/489 527/4185/487 533/533/488 +f 527/527/487 531/531/496 533/4188/488 +f 532/532/489 534/534/490 528/4186/491 +f 534/534/490 535/535/787 528/4186/491 +f 532/532/489 528/4186/491 527/4185/487 +f 536/536/502 537/537/492 538/538/493 +f 539/539/494 537/537/492 536/536/502 +f 532/532/489 533/533/488 540/540/796 +f 282/282/450 406/4157/380 273/4119/251 +f 484/484/495 406/4157/380 282/282/450 +f 541/541/792 280/280/381 406/406/380 +f 484/484/495 531/531/496 406/4157/380 +f 531/531/496 484/484/495 542/542/497 +f 484/484/495 486/486/452 542/542/497 +f 531/531/496 530/530/498 406/4157/380 +f 483/483/451 486/486/452 484/484/495 +f 533/4188/488 531/531/496 543/543/499 +f 542/542/497 543/543/499 531/531/496 +f 542/542/497 544/544/500 543/543/499 +f 536/536/502 538/538/493 545/545/501 +f 536/536/502 546/546/801 539/539/494 +f 536/536/502 545/545/501 533/4188/488 +f 533/533/488 545/4193/501 540/540/796 +f 543/543/499 536/536/502 533/4188/488 +f 547/547/805 536/536/502 543/543/499 +f 507/507/522 506/506/503 548/548/504 +f 549/549/505 548/548/504 506/506/503 +f 550/550/506 547/547/805 543/543/499 +f 542/542/497 486/486/452 544/544/500 +f 508/508/515 506/506/503 505/505/508 +f 551/551/507 508/508/515 505/505/508 +f 552/552/521 551/551/507 505/505/508 +f 553/553/509 551/551/507 552/552/521 +f 554/554/510 551/551/507 553/553/509 +f 555/555/511 554/554/510 553/553/509 +f 519/519/475 518/518/476 521/521/485 +f 525/525/481 519/519/475 521/521/485 +f 524/524/512 556/556/513 525/525/481 +f 557/557/571 519/519/475 525/525/481 +f 556/556/513 524/524/512 523/523/514 +f 523/523/514 502/502/460 508/508/515 +f 508/508/483 502/502/462 504/504/484 +f 508/508/515 551/551/507 523/523/514 +f 523/523/514 551/551/507 558/558/516 +f 556/556/513 523/523/514 558/558/516 +f 559/559/519 556/556/513 558/558/516 +f 551/551/507 560/560/517 558/558/516 +f 554/554/510 560/560/517 551/551/507 +f 561/561/518 556/556/513 562/562/608 +f 561/561/518 525/525/481 556/556/513 +f 558/558/516 560/560/517 559/559/519 +f 559/559/519 560/560/517 555/555/511 +f 560/560/517 554/554/510 555/555/511 +f 562/562/608 556/556/513 559/559/519 +f 555/555/511 563/563/520 562/562/608 +f 562/562/608 559/559/519 555/555/511 +f 552/552/521 550/550/506 543/543/499 +f 543/543/499 544/544/500 552/552/521 +f 507/507/522 548/548/504 564/564/804 +f 507/507/522 550/550/506 552/552/521 +f 507/507/522 564/564/804 550/550/506 +f 552/552/521 505/505/508 507/507/522 +f 565/565/523 486/486/452 488/488/454 +f 566/566/616 544/544/500 486/486/452 +f 566/566/616 486/486/452 565/565/523 +f 567/567/524 565/565/523 568/568/1739 +f 569/569/525 544/544/500 566/566/616 +f 553/553/509 552/552/521 570/570/526 +f 552/552/521 569/569/525 570/570/526 +f 569/569/525 552/552/521 544/544/500 +f 571/571/618 565/565/523 567/567/524 +f 401/401/471 572/572/527 573/573/532 +f 517/517/569 572/572/527 401/401/471 +f 574/574/528 573/573/532 572/572/527 +f 574/574/528 572/572/527 575/575/816 +f 576/576/529 575/575/816 572/572/527 +f 577/577/530 575/575/816 576/576/529 +f 577/577/530 578/578/531 579/579/817 +f 577/577/530 580/580/559 578/578/531 +f 399/399/373 401/401/471 457/457/433 +f 457/457/433 401/401/471 573/573/532 +f 573/573/532 458/458/533 457/457/433 +f 581/581/544 582/582/534 583/583/535 +f 584/584/540 581/581/544 583/583/536 +f 583/583/537 585/585/538 584/584/540 +f 585/585/538 583/583/537 582/4195/539 +f 584/584/540 585/585/538 586/586/812 +f 516/516/473 517/517/569 401/401/471 +f 576/576/529 572/572/527 517/517/569 +f 587/587/542 576/576/529 517/517/569 +f 577/577/530 576/576/529 588/588/541 +f 588/588/541 580/580/559 577/577/530 +f 587/587/542 588/588/541 576/576/529 +f 584/584/540 589/589/543 590/590/545 +f 591/591/553 581/581/544 590/590/545 +f 582/582/534 581/581/544 467/467/547 +f 586/586/546 585/585/538 582/4195/539 +f 464/464/439 467/467/547 468/468/548 +f 590/590/545 581/581/544 584/584/540 +f 591/591/553 467/467/547 581/581/544 +f 467/467/547 591/591/553 468/468/548 +f 468/468/548 591/591/553 592/592/549 +f 468/468/548 592/592/549 469/469/550 +f 593/593/551 584/584/540 586/586/812 +f 589/589/543 584/584/540 593/593/551 +f 594/594/552 589/589/543 593/593/551 +f 591/591/553 595/595/556 592/592/549 +f 596/596/566 595/595/556 591/591/553 +f 595/595/556 471/471/442 469/469/550 +f 471/471/442 597/597/554 472/472/555 +f 471/471/442 595/595/556 597/597/554 +f 595/595/556 469/469/550 592/592/549 +f 598/598/557 597/597/554 595/595/556 +f 599/599/558 578/578/531 580/580/559 +f 600/600/819 578/578/531 599/599/558 +f 599/4200/560 589/4198/543 600/4203/561 +f 594/594/552 600/4202/562 589/589/543 +f 599/4201/560 590/590/545 589/589/543 +f 601/601/563 590/590/545 599/4201/558 +f 601/601/563 591/591/553 590/590/545 +f 591/591/553 601/601/563 596/596/566 +f 602/602/564 599/599/558 580/580/559 +f 588/588/541 602/602/564 580/580/559 +f 601/601/563 599/4201/558 602/4204/564 +f 603/603/565 596/596/566 601/601/563 +f 603/603/565 604/604/567 596/596/566 +f 596/596/566 604/604/567 595/595/556 +f 598/598/557 595/595/556 604/604/567 +f 605/605/568 517/517/569 519/519/475 +f 489/489/570 587/587/542 517/517/569 +f 489/489/570 517/517/569 605/605/568 +f 605/605/568 519/519/475 557/557/571 +f 491/491/455 587/587/542 489/489/570 +f 491/491/455 588/588/541 587/587/542 +f 491/491/455 494/494/572 588/588/541 +f 492/492/585 489/489/570 605/605/568 +f 494/494/572 602/602/564 588/588/541 +f 606/606/573 601/601/563 602/4204/564 +f 606/606/573 603/603/565 601/601/563 +f 602/4204/564 494/4182/572 606/606/573 +f 496/496/457 606/606/573 494/4182/572 +f 604/604/567 603/603/565 497/497/574 +f 606/606/573 496/496/457 603/603/565 +f 491/491/455 490/490/456 494/494/572 +f 496/496/457 494/4182/572 493/4181/587 +f 603/603/565 496/496/457 497/497/574 +f 607/607/610 608/608/575 609/609/594 +f 608/608/575 610/610/613 609/609/594 +f 611/611/596 612/612/593 613/613/576 +f 614/614/598 611/611/596 615/615/578 +f 616/616/577 614/614/598 615/615/578 +f 605/605/568 557/557/571 617/617/579 +f 618/618/581 605/605/568 617/617/579 +f 619/619/580 605/605/568 618/618/581 +f 605/605/568 619/619/580 492/492/585 +f 609/609/594 618/618/581 617/617/579 +f 618/618/581 609/609/594 620/620/595 +f 619/619/580 621/621/582 492/492/585 +f 622/622/583 619/619/580 618/618/581 +f 623/623/584 619/619/580 622/622/583 +f 490/490/456 492/492/585 624/624/586 +f 625/625/589 624/624/586 492/492/585 +f 624/624/586 493/493/587 490/490/456 +f 493/4181/587 624/4207/586 626/626/588 +f 621/621/582 625/625/589 492/492/585 +f 495/495/591 493/4181/587 626/626/588 +f 627/627/590 626/626/588 628/628/592 +f 627/627/590 495/495/591 626/626/588 +f 624/624/586 625/625/589 621/621/582 +f 623/623/584 621/621/582 619/619/580 +f 629/629/603 624/4207/586 621/4205/582 +f 624/4207/586 628/628/592 626/626/588 +f 629/629/603 628/628/592 624/4207/586 +f 627/627/590 628/628/592 630/630/1053 +f 610/610/613 612/612/593 609/609/594 +f 611/611/596 609/609/594 612/612/593 +f 620/620/595 609/609/594 611/611/596 +f 622/622/583 618/618/581 620/620/595 +f 631/631/599 622/622/583 620/620/595 +f 632/632/597 622/622/583 631/631/599 +f 611/611/596 614/614/598 620/620/595 +f 614/614/598 631/631/599 620/620/595 +f 633/633/600 631/631/599 614/614/598 +f 623/4206/584 629/629/603 621/4205/582 +f 634/634/601 630/630/1053 629/629/603 +f 628/628/592 629/629/603 630/630/1053 +f 632/632/597 623/623/584 622/622/583 +f 635/635/602 634/634/601 629/629/603 +f 636/636/604 635/635/602 629/629/603 +f 629/629/603 623/4206/584 636/636/604 +f 637/637/3276 636/636/604 623/4206/584 +f 563/563/520 555/555/511 553/553/509 +f 638/638/615 553/553/509 570/570/526 +f 570/570/526 639/639/605 638/638/615 +f 639/639/605 640/640/606 638/638/615 +f 641/641/607 561/561/518 562/562/608 +f 642/642/609 641/641/607 562/562/608 +f 563/563/520 642/642/609 562/562/608 +f 557/557/571 525/525/481 643/643/614 +f 643/643/614 617/617/579 557/557/571 +f 561/561/518 643/643/614 525/525/481 +f 641/641/607 644/644/611 643/643/614 +f 607/607/610 617/617/579 643/643/614 +f 643/643/614 561/561/518 641/641/607 +f 553/553/509 638/638/615 563/563/520 +f 641/641/607 642/642/609 644/644/611 +f 642/642/609 645/645/612 644/644/611 +f 643/643/614 644/644/611 610/610/613 +f 608/608/575 607/607/610 643/643/614 +f 608/608/575 643/643/614 610/610/613 +f 642/642/609 563/563/520 638/638/615 +f 645/645/612 642/642/609 638/638/615 +f 566/566/616 646/646/617 569/569/525 +f 647/647/620 570/570/526 569/569/525 +f 639/639/605 570/570/526 647/647/620 +f 569/569/525 646/646/617 647/647/620 +f 646/646/617 566/566/616 565/565/523 +f 565/565/523 571/571/618 646/646/617 +f 571/571/618 567/567/524 648/648/619 +f 649/649/622 646/646/617 571/571/618 +f 649/649/622 571/571/618 648/648/619 +f 648/648/619 650/650/1874 649/649/622 +f 651/651/621 647/647/620 646/646/617 +f 640/640/606 639/639/605 647/647/620 +f 647/647/620 652/652/625 640/640/606 +f 652/652/625 647/647/620 651/651/621 +f 651/651/621 646/646/617 649/649/622 +f 653/653/627 649/649/622 650/650/1874 +f 640/640/606 652/652/625 654/654/3286 +f 655/655/623 638/638/615 656/656/3288 +f 655/655/623 613/613/576 645/645/612 +f 645/645/612 638/638/615 655/655/623 +f 612/612/593 610/610/613 613/613/576 +f 613/613/576 644/644/611 645/645/612 +f 613/613/576 610/610/613 644/644/611 +f 655/655/623 656/656/3288 657/657/624 +f 615/615/578 613/613/576 655/655/623 +f 655/655/623 657/657/624 615/615/578 +f 615/615/578 611/611/596 613/613/576 +f 616/616/577 615/615/578 657/657/624 +f 638/638/615 640/640/606 656/656/3288 +f 652/652/625 651/651/621 658/658/626 +f 649/649/622 653/653/627 651/651/621 +f 659/659/629 651/651/621 653/653/627 +f 659/659/629 653/653/627 660/660/1370 +f 658/658/626 651/651/621 659/659/629 +f 654/654/3286 652/652/625 658/658/626 +f 661/661/630 658/658/626 659/659/629 +f 662/662/628 659/659/629 660/660/1370 +f 259/259/235 662/662/628 260/260/236 +f 661/661/630 659/659/629 259/259/235 +f 663/663/3292 661/661/630 259/259/235 +f 259/259/235 659/659/629 662/662/628 +f 617/617/579 607/607/610 609/609/594 +f 664/664/1462 404/404/377 268/268/631 +f 272/272/245 268/268/240 267/267/242 +f 272/272/245 664/664/1462 268/268/631 +f 272/272/245 267/267/242 270/270/243 +f 271/271/244 664/664/1462 272/272/245 +f 278/4121/1461 277/4120/632 281/281/706 +f 274/274/633 276/276/634 275/275/635 +f 276/276/252 281/281/706 665/665/636 +f 281/281/706 277/4120/632 665/665/636 +f 277/4120/637 275/275/635 665/665/638 +f 275/275/635 276/276/634 665/665/638 +f 295/295/275 296/296/401 305/305/406 +f 301/301/639 666/666/640 299/299/641 +f 333/333/642 326/326/294 327/327/643 +f 327/327/643 320/320/295 328/328/296 +f 327/327/643 328/328/296 667/667/672 +f 327/327/643 330/330/645 323/323/644 +f 333/333/642 327/327/643 323/323/298 +f 333/333/642 342/342/322 326/326/294 +f 342/342/322 333/333/642 315/315/279 +f 330/4136/645 331/4138/646 319/4129/647 +f 330/330/645 327/327/643 668/668/671 +f 668/668/671 331/4137/646 330/330/645 +f 342/342/322 343/343/314 338/338/304 +f 351/351/325 354/354/329 348/348/323 +f 669/669/648 354/4146/329 351/4145/325 +f 355/355/649 353/353/328 670/670/650 +f 353/353/328 671/671/678 670/670/650 +f 671/671/678 355/355/649 670/670/650 +f 669/669/651 353/353/328 354/4146/329 +f 671/671/678 353/353/328 669/669/651 +f 669/4212/652 351/351/653 672/672/654 +f 351/351/653 358/358/655 672/672/654 +f 358/358/332 369/369/345 672/672/656 +f 369/369/345 673/673/657 672/672/656 +f 673/4214/658 367/367/659 672/4213/660 +f 367/367/337 371/371/348 672/4213/661 +f 371/371/662 669/4211/652 672/4213/654 +f 674/674/663 370/370/664 347/347/351 +f 370/370/664 360/360/346 347/347/351 +f 669/4211/651 370/4149/666 674/4215/665 +f 370/4149/666 669/4211/651 371/371/348 +f 363/4147/383 370/4149/666 364/364/667 +f 370/4149/666 371/371/348 364/364/667 +f 364/364/667 366/366/336 363/4147/383 +f 367/367/337 673/4214/668 369/4148/347 +f 671/671/678 675/675/669 676/676/670 +f 352/352/327 667/667/672 328/328/296 +f 668/668/671 327/327/643 667/667/672 +f 671/671/678 667/667/672 355/355/649 +f 355/355/649 667/667/672 352/352/327 +f 676/676/670 667/667/672 671/671/678 +f 667/667/672 677/677/675 668/668/671 +f 668/668/671 677/677/675 678/678/673 +f 677/677/675 667/667/672 676/676/670 +f 679/679/674 677/677/675 676/676/670 +f 680/680/676 674/674/663 373/373/350 +f 674/674/663 347/347/351 373/373/350 +f 377/377/358 680/680/677 373/373/350 +f 671/671/678 669/669/651 680/4217/679 +f 680/4217/679 669/669/651 674/4216/665 +f 671/671/678 680/4217/679 377/4150/358 +f 675/675/669 671/671/678 380/380/357 +f 380/380/357 671/671/678 377/4150/358 +f 379/4152/359 675/675/669 380/380/357 +f 681/681/682 379/4152/680 381/4153/685 +f 379/4152/680 378/4151/681 381/4153/685 +f 379/4152/359 681/681/682 675/675/669 +f 372/372/355 308/308/683 381/381/685 +f 309/309/684 381/381/685 308/308/683 +f 681/681/682 682/682/710 675/675/669 +f 682/682/710 681/681/682 307/4126/686 +f 681/4218/682 381/381/685 307/307/686 +f 381/381/685 309/309/684 307/307/686 +f 683/683/687 307/307/686 306/306/688 +f 306/306/688 390/390/366 683/683/687 +f 391/391/365 684/684/689 390/390/366 +f 684/4220/689 685/685/833 683/4219/687 +f 684/684/689 683/683/687 390/390/366 +f 389/389/364 393/393/368 391/391/365 +f 686/686/690 391/391/365 393/393/368 +f 686/686/690 684/684/689 391/391/365 +f 395/395/466 388/388/362 394/394/691 +f 397/397/467 395/395/466 394/394/691 +f 331/331/300 402/402/375 332/332/374 +f 402/402/375 407/407/382 403/403/376 +f 402/4154/375 331/4137/646 668/668/671 +f 338/338/304 343/343/314 341/341/692 +f 346/346/693 345/4144/694 687/687/695 +f 345/345/696 688/688/698 687/4225/697 +f 688/688/698 340/4141/699 687/4224/697 +f 340/340/699 339/339/309 687/4223/697 +f 339/339/309 263/4116/700 687/4223/697 +f 263/263/238 262/262/237 687/4222/701 +f 262/262/241 346/346/693 687/687/695 +f 338/338/304 688/688/702 345/345/317 +f 341/341/308 340/340/307 689/689/703 +f 338/338/304 341/341/692 689/689/704 +f 268/268/240 346/346/693 262/262/241 +f 688/688/698 689/689/705 340/4141/699 +f 338/338/304 689/689/704 688/688/702 +f 268/268/631 404/404/377 346/346/319 +f 382/382/360 384/384/713 690/690/712 +f 405/405/806 382/382/360 690/690/712 +f 691/691/707 281/281/706 280/280/381 +f 281/281/706 691/691/707 692/692/708 +f 679/679/674 676/676/670 675/675/669 +f 402/4154/375 668/668/671 678/678/673 +f 678/678/673 677/677/675 693/693/709 +f 678/678/673 694/694/716 402/4154/375 +f 694/694/716 678/678/673 693/693/709 +f 682/682/710 307/4126/686 683/4219/687 +f 685/685/833 682/682/710 683/4219/687 +f 695/695/711 675/675/669 682/682/710 +f 679/679/674 675/675/669 695/695/711 +f 685/685/833 684/4220/689 686/4221/690 +f 394/394/691 387/387/369 407/407/382 +f 690/690/712 394/394/691 407/407/382 +f 690/690/712 407/407/382 402/402/375 +f 690/4226/712 402/4154/375 694/694/716 +f 384/384/713 397/397/467 394/394/691 +f 384/384/713 394/394/691 690/690/712 +f 696/696/714 690/4226/712 697/697/715 +f 697/697/715 690/4226/712 694/694/716 +f 698/698/831 690/4226/712 699/699/826 +f 699/699/826 690/4226/712 696/696/714 +f 405/4156/806 690/4226/712 698/698/831 +f 409/409/386 410/410/717 408/4158/384 +f 88/88/385 410/410/717 409/409/386 +f 366/366/336 409/409/386 408/4158/384 +f 411/4160/719 286/4123/261 289/289/260 +f 289/289/260 700/700/718 411/4160/719 +f 411/411/719 700/4227/718 412/412/720 +f 700/4227/718 423/423/398 412/412/720 +f 700/700/718 289/289/260 291/291/264 +f 32/32/23 291/291/264 293/293/268 +f 291/291/264 701/701/727 700/700/718 +f 701/701/727 291/291/264 32/32/23 +f 416/4162/393 417/4163/395 702/702/740 +f 416/4161/393 703/703/721 415/415/392 +f 703/4228/721 416/4162/393 702/702/740 +f 703/703/721 413/413/417 415/415/392 +f 423/4166/398 704/704/722 422/4165/723 +f 704/4229/722 418/418/396 422/4164/723 +f 704/704/724 423/4166/725 705/705/726 +f 292/292/265 421/421/397 425/425/402 +f 701/701/727 32/32/23 299/299/641 +f 701/701/727 299/299/641 706/706/739 +f 427/427/403 426/426/409 428/428/404 +f 707/707/728 305/305/406 427/427/403 +f 706/706/739 299/299/641 708/708/729 +f 708/708/729 299/299/641 666/666/640 +f 303/303/276 305/305/406 709/709/730 +f 708/708/729 666/666/640 709/4231/730 +f 303/303/276 709/709/730 666/4210/640 +f 708/708/729 709/4231/730 707/4230/731 +f 707/707/728 709/709/730 305/305/406 +f 708/708/729 707/4230/731 710/710/732 +f 707/707/728 427/427/403 710/4232/733 +f 427/427/734 429/429/735 710/4232/736 +f 429/4168/735 431/431/738 710/710/736 +f 431/431/738 708/708/729 710/710/736 +f 711/711/737 708/708/729 431/431/738 +f 700/700/718 701/701/727 423/4166/725 +f 423/4166/725 701/701/727 705/705/726 +f 705/705/726 701/701/727 712/712/743 +f 712/712/743 701/701/727 706/706/739 +f 712/712/743 706/706/739 711/711/737 +f 706/706/739 708/708/729 711/711/737 +f 431/431/738 435/435/413 711/711/737 +f 435/435/413 431/431/738 433/4171/414 +f 417/417/395 418/418/396 704/4229/722 +f 702/702/740 417/4163/395 704/704/724 +f 702/702/740 704/704/724 705/705/726 +f 419/419/399 422/4164/723 418/418/396 +f 473/473/772 413/413/417 703/703/721 +f 713/713/773 703/4228/721 702/702/740 +f 713/713/773 702/702/740 714/714/741 +f 702/702/740 705/705/726 714/714/741 +f 714/714/741 705/705/726 712/712/743 +f 711/711/737 715/715/838 712/712/743 +f 716/716/742 711/711/737 435/435/413 +f 715/715/838 711/711/737 716/716/742 +f 712/712/743 717/717/839 714/714/741 +f 718/718/744 435/435/413 434/4172/420 +f 716/716/742 435/435/413 718/718/744 +f 719/719/745 716/716/742 718/718/744 +f 434/4172/420 444/444/423 718/718/744 +f 719/719/745 718/718/744 444/444/423 +f 720/720/775 719/719/745 444/444/423 +f 720/720/775 444/444/423 442/4174/419 +f 720/720/775 442/4174/419 476/4179/446 +f 482/482/746 720/720/775 476/4179/446 +f 721/721/747 456/456/432 455/455/431 +f 453/453/430 722/722/748 393/393/368 +f 686/686/690 393/393/368 722/722/748 +f 686/4221/690 722/4235/748 723/723/757 +f 450/4176/428 722/4235/748 724/724/749 +f 722/722/748 453/453/430 724/4238/749 +f 453/453/430 454/454/434 724/4238/749 +f 454/454/434 448/448/750 724/4238/749 +f 448/448/751 445/445/752 724/4238/754 +f 445/445/752 447/447/753 724/4237/754 +f 447/447/753 449/449/755 724/4236/754 +f 449/449/755 450/450/756 724/4236/754 +f 448/448/750 454/454/434 446/446/425 +f 723/723/757 722/4235/748 450/4176/428 +f 723/723/757 450/4176/428 451/4177/758 +f 723/723/757 451/4177/758 725/725/759 +f 456/456/432 451/451/758 452/452/429 +f 446/446/425 454/454/434 452/452/429 +f 454/454/434 456/456/432 452/452/429 +f 726/726/760 451/4177/758 456/4178/432 +f 451/4177/758 726/726/760 725/725/759 +f 727/727/761 725/725/759 721/4234/747 +f 721/4234/747 725/725/759 726/726/760 +f 728/728/763 727/727/761 721/4234/747 +f 721/721/747 455/455/431 458/458/533 +f 729/729/762 721/721/747 458/458/533 +f 729/729/762 728/4239/763 721/721/747 +f 721/4234/747 726/726/760 456/4178/432 +f 465/465/764 459/459/435 461/461/765 +f 730/730/843 461/461/765 731/731/770 +f 466/466/766 465/465/764 461/461/765 +f 466/466/766 461/461/765 732/732/767 +f 466/466/766 582/582/534 467/467/547 +f 733/733/849 466/466/766 732/732/767 +f 582/582/534 466/466/766 733/733/849 +f 733/4240/849 734/734/768 582/4196/534 +f 439/439/436 473/473/772 735/735/769 +f 473/473/772 474/474/771 735/735/769 +f 474/474/771 439/439/436 735/735/769 +f 731/731/770 474/474/771 473/473/772 +f 473/473/772 703/703/721 713/4233/773 +f 731/731/770 473/473/772 713/4233/773 +f 731/731/770 713/4233/773 736/736/855 +f 731/731/770 460/460/437 474/474/771 +f 731/731/770 461/461/765 460/460/437 +f 737/737/774 720/720/775 482/482/746 +f 737/737/774 482/482/746 481/481/448 +f 738/738/776 737/737/774 481/481/448 +f 738/4242/776 739/739/777 740/740/778 +f 732/732/767 461/461/765 730/730/843 +f 498/498/469 741/741/779 511/511/468 +f 511/511/468 741/741/779 514/514/780 +f 514/514/780 513/513/781 510/510/465 +f 514/514/780 742/742/782 513/513/781 +f 742/742/782 514/514/780 741/741/779 +f 742/4246/782 741/4244/779 743/743/783 +f 500/500/458 520/520/477 742/742/782 +f 500/4184/784 742/4245/782 744/744/887 +f 744/744/887 522/522/478 500/4184/784 +f 513/513/781 742/742/782 520/520/477 +f 526/526/482 522/522/478 744/744/887 +f 744/744/887 509/509/464 526/526/482 +f 530/530/498 529/529/486 745/745/785 +f 535/4189/787 529/529/486 528/528/491 +f 746/746/786 535/535/787 534/534/490 +f 745/745/785 529/529/486 535/4189/787 +f 745/745/785 535/4189/787 747/747/788 +f 746/746/786 747/4252/788 535/535/787 +f 748/748/790 747/4251/788 746/4249/786 +f 746/746/786 534/534/490 532/532/789 +f 540/540/796 746/746/786 532/532/789 +f 746/4249/786 749/749/866 748/748/790 +f 539/539/793 538/538/799 537/537/791 +f 749/749/866 746/4249/786 540/4192/796 +f 530/4187/498 750/750/871 541/541/792 +f 530/4187/498 541/541/792 406/406/380 +f 750/750/871 530/4187/498 745/4248/785 +f 541/541/792 691/691/707 280/280/381 +f 541/541/792 750/750/871 691/691/707 +f 747/4250/788 750/750/871 745/4248/785 +f 539/4191/793 546/4194/794 751/751/795 +f 546/4194/801 540/4192/796 751/751/797 +f 540/540/796 545/4193/501 751/4256/797 +f 545/4193/798 538/4190/799 751/4256/795 +f 538/538/799 539/539/793 751/4255/795 +f 752/752/800 749/4254/866 536/536/502 +f 536/536/502 749/4254/866 546/546/801 +f 546/4194/801 749/749/866 540/4192/796 +f 749/4254/866 752/752/800 753/753/867 +f 564/564/804 753/753/867 752/752/800 +f 754/754/803 755/755/802 564/564/804 +f 506/506/503 509/509/464 549/549/505 +f 754/754/803 549/549/505 509/509/464 +f 754/754/803 564/564/804 549/549/505 +f 548/548/504 549/549/505 564/564/804 +f 536/536/502 547/547/805 752/752/800 +f 752/752/800 547/547/805 564/564/804 +f 755/755/802 753/753/867 564/564/804 +f 756/756/808 405/4156/806 757/757/830 +f 498/4183/469 405/4155/806 756/4257/808 +f 758/758/807 498/4183/469 756/4257/808 +f 741/4244/779 498/4183/469 758/758/807 +f 758/758/807 743/743/783 741/4244/779 +f 742/4245/782 743/4247/783 759/759/809 +f 744/744/887 742/4245/782 759/759/809 +f 509/509/464 744/744/887 754/754/803 +f 564/564/804 547/547/805 550/550/506 +f 458/458/533 573/573/532 760/760/810 +f 760/760/810 573/573/532 574/574/528 +f 760/760/810 729/729/762 458/458/533 +f 760/760/810 761/761/811 729/729/762 +f 760/760/810 574/574/528 761/761/811 +f 574/574/528 762/762/813 761/761/811 +f 763/763/818 734/734/768 764/764/814 +f 763/763/818 586/4197/812 734/734/768 +f 762/762/813 764/4260/814 765/765/815 +f 766/766/850 765/4261/815 764/764/814 +f 764/764/814 734/734/768 766/766/850 +f 762/762/813 574/574/528 575/575/816 +f 762/762/813 575/575/816 577/577/530 +f 762/762/813 577/577/530 579/579/817 +f 579/579/817 764/4260/814 762/762/813 +f 767/767/820 764/4260/814 579/579/817 +f 767/4262/820 763/4258/818 764/4259/814 +f 767/767/820 579/579/817 578/578/531 +f 600/600/819 767/767/820 578/578/531 +f 768/768/821 763/4258/818 767/4262/820 +f 734/734/768 586/4197/812 582/4196/534 +f 593/593/551 586/586/812 763/4258/818 +f 768/768/821 593/593/551 763/4258/818 +f 767/767/820 600/600/819 594/4199/822 +f 768/4263/821 767/767/820 594/4199/822 +f 768/768/821 594/594/552 593/593/551 +f 679/679/674 769/769/829 677/677/675 +f 769/769/829 693/693/709 677/677/675 +f 769/769/829 679/679/674 695/695/711 +f 682/682/710 685/685/833 695/695/711 +f 770/770/824 695/695/711 685/685/833 +f 769/769/829 695/695/711 771/771/823 +f 771/771/823 695/695/711 770/770/824 +f 772/772/832 694/694/716 693/693/709 +f 697/697/715 694/694/716 773/773/825 +f 694/694/716 698/698/831 773/773/825 +f 698/698/831 699/699/826 773/773/825 +f 699/699/826 697/697/827 773/773/825 +f 772/772/832 698/698/831 694/694/716 +f 697/697/827 699/699/826 696/696/828 +f 772/772/832 693/693/709 769/769/829 +f 769/769/829 774/774/834 772/772/832 +f 757/757/830 405/4156/806 698/698/831 +f 757/757/830 698/698/831 772/772/832 +f 757/757/830 772/772/832 775/775/879 +f 772/772/832 774/774/834 776/776/835 +f 776/776/835 775/775/879 772/772/832 +f 777/777/840 685/685/833 686/4221/690 +f 777/777/840 770/770/824 685/685/833 +f 774/774/834 769/769/829 771/771/823 +f 778/778/836 771/771/823 779/779/888 +f 779/779/888 771/771/823 770/770/824 +f 776/776/835 774/774/834 778/778/836 +f 778/778/836 774/774/834 771/771/823 +f 778/778/836 780/780/892 776/776/835 +f 781/781/837 779/779/888 770/770/824 +f 780/780/892 778/778/836 779/779/888 +f 715/715/838 717/717/839 712/712/743 +f 725/725/759 727/727/761 723/723/757 +f 782/782/847 728/4239/763 729/729/762 +f 761/761/811 782/782/847 729/729/762 +f 766/766/850 734/734/768 733/4240/849 +f 723/723/757 777/777/840 686/4221/690 +f 783/783/841 777/777/840 723/723/757 +f 770/770/824 777/777/840 783/783/841 +f 783/783/841 723/723/757 727/727/761 +f 783/783/841 781/781/837 770/770/824 +f 783/783/841 727/727/761 728/728/763 +f 784/784/842 783/783/841 728/728/763 +f 783/783/841 784/784/842 781/781/837 +f 732/732/767 730/730/843 785/785/845 +f 785/785/845 730/730/843 786/786/844 +f 785/4267/845 786/4268/844 787/787/862 +f 782/4264/847 788/788/846 784/4265/842 +f 782/782/847 784/4266/842 728/4239/763 +f 788/788/846 782/4264/847 765/4261/815 +f 789/789/889 784/784/842 788/4269/846 +f 788/4269/846 790/790/851 789/789/889 +f 791/791/848 733/733/849 732/732/767 +f 791/791/848 732/732/767 785/785/845 +f 766/766/850 788/788/846 765/4261/815 +f 788/788/846 766/766/850 791/4270/848 +f 733/4240/849 791/4270/848 766/766/850 +f 791/4271/848 790/790/851 788/4269/846 +f 790/790/851 792/792/852 793/793/853 +f 785/4267/845 792/792/852 791/4271/848 +f 794/794/854 792/792/852 787/787/862 +f 787/787/862 792/792/852 785/4267/845 +f 790/790/851 791/4271/848 792/792/852 +f 794/794/854 793/793/853 792/792/852 +f 736/4241/855 713/713/773 714/714/741 +f 736/736/855 786/786/844 731/731/770 +f 795/795/856 714/714/741 717/717/839 +f 715/715/838 796/796/859 717/717/839 +f 795/795/856 717/717/839 796/796/859 +f 715/715/838 716/716/742 796/796/859 +f 736/4241/855 714/714/741 795/795/856 +f 797/797/857 736/4241/855 795/795/856 +f 798/798/858 795/795/856 796/796/859 +f 796/796/859 799/799/860 798/798/858 +f 796/796/859 716/716/742 719/719/745 +f 737/737/774 719/719/745 720/720/775 +f 719/719/745 799/799/860 796/796/859 +f 799/799/860 719/719/745 737/737/774 +f 737/737/774 800/800/861 799/799/860 +f 737/737/774 738/738/776 740/4243/778 +f 800/800/861 737/737/774 740/4243/778 +f 730/730/843 731/731/770 786/786/844 +f 786/4268/844 736/4241/855 787/787/862 +f 787/787/862 736/4241/855 797/797/857 +f 798/798/858 797/797/857 795/795/856 +f 797/797/857 801/801/863 787/787/862 +f 801/801/863 797/797/857 798/798/858 +f 802/802/864 798/798/858 799/799/860 +f 801/801/863 798/798/858 802/802/864 +f 794/794/854 787/787/862 801/801/863 +f 799/799/860 800/800/861 802/802/864 +f 803/803/865 800/800/861 740/4243/778 +f 804/804/868 748/748/790 749/749/866 +f 753/753/867 804/4274/868 749/4254/866 +f 805/805/877 806/806/884 753/753/867 +f 753/753/867 806/806/884 804/4274/868 +f 807/807/869 691/691/707 750/750/871 +f 807/807/869 692/692/708 691/691/707 +f 747/4250/788 808/808/870 750/750/871 +f 748/4253/790 808/808/870 747/4250/788 +f 807/807/869 750/750/871 808/808/870 +f 809/809/2214 807/807/869 808/808/870 +f 810/810/872 748/4253/790 804/4273/868 +f 806/4275/884 811/811/873 810/810/872 +f 806/4275/884 810/810/872 804/4273/868 +f 808/808/870 748/4253/790 810/810/872 +f 810/810/872 812/812/874 808/808/870 +f 811/811/873 812/812/874 810/810/872 +f 812/812/874 809/809/2214 808/808/870 +f 813/813/875 812/812/874 811/811/873 +f 812/812/874 813/813/875 814/814/876 +f 755/755/802 805/805/877 753/753/867 +f 757/757/830 815/815/878 756/756/808 +f 815/815/878 757/757/830 775/775/879 +f 815/815/878 775/775/879 816/816/880 +f 816/816/880 775/775/879 776/776/835 +f 776/776/835 817/817/896 816/816/880 +f 756/4257/808 818/818/881 758/758/807 +f 818/818/881 743/743/783 758/758/807 +f 818/818/881 756/4257/808 815/4276/878 +f 818/4278/881 815/4277/878 819/819/882 +f 819/4279/882 815/815/878 820/820/883 +f 820/820/883 806/4275/884 819/4279/882 +f 816/816/880 820/820/883 815/815/878 +f 819/819/882 805/805/877 818/4278/881 +f 805/805/877 819/819/882 806/806/884 +f 817/817/896 776/776/835 780/780/892 +f 820/820/883 811/811/873 806/4275/884 +f 811/811/873 820/820/883 821/821/885 +f 821/821/885 820/820/883 816/816/880 +f 822/822/886 811/811/873 821/821/885 +f 818/4278/881 759/759/809 743/4247/783 +f 755/755/802 744/744/887 759/759/809 +f 759/759/809 818/4278/881 805/805/877 +f 759/759/809 805/805/877 755/755/802 +f 744/744/887 755/755/802 754/754/803 +f 782/782/847 761/761/811 765/765/815 +f 765/765/815 761/761/811 762/762/813 +f 823/823/900 779/779/888 781/781/837 +f 823/823/900 781/781/837 789/789/889 +f 781/781/837 784/784/842 789/789/889 +f 793/793/853 794/794/854 824/824/905 +f 824/824/905 794/794/854 825/825/890 +f 794/794/854 801/801/863 825/825/890 +f 801/801/863 826/826/891 825/825/890 +f 826/826/891 824/824/905 825/825/890 +f 802/802/864 826/826/891 801/801/863 +f 827/827/898 780/780/892 779/779/888 +f 816/816/880 828/828/894 821/821/885 +f 828/828/894 822/822/886 821/821/885 +f 811/811/873 822/822/886 813/813/875 +f 822/822/886 829/829/2315 813/813/875 +f 829/829/2315 814/814/876 813/813/875 +f 829/829/2315 822/822/886 830/830/893 +f 830/830/893 822/822/886 828/828/894 +f 780/780/892 831/831/895 817/817/896 +f 831/831/895 816/816/880 817/817/896 +f 831/831/895 780/780/892 827/827/898 +f 831/831/895 827/827/898 832/832/897 +f 828/828/894 816/816/880 831/831/895 +f 830/830/893 828/828/894 831/831/895 +f 832/832/897 833/833/904 830/830/893 +f 832/832/897 830/830/893 831/831/895 +f 823/823/900 834/834/902 779/779/888 +f 779/779/888 834/834/902 827/827/898 +f 789/789/889 835/835/899 823/823/900 +f 823/823/900 835/835/899 834/834/902 +f 793/793/853 835/835/899 790/790/851 +f 835/835/899 789/789/889 790/790/851 +f 832/832/897 827/827/898 836/836/901 +f 836/836/901 827/827/898 834/834/902 +f 836/836/901 834/834/902 837/837/903 +f 837/837/903 834/834/902 835/835/899 +f 836/836/901 833/833/904 832/832/897 +f 833/833/904 836/836/901 837/837/903 +f 793/793/853 837/837/903 835/835/899 +f 838/838/2336 837/837/903 793/793/853 +f 824/824/905 838/838/2336 793/793/853 +f 92/92/906 839/839/907 91/91/71 +f 839/839/907 94/94/911 91/91/71 +f 839/839/907 92/92/906 840/840/908 +f 840/840/908 92/92/906 841/841/2431 +f 842/842/909 840/840/908 841/841/2431 +f 103/103/84 843/843/910 844/844/919 +f 94/94/911 839/839/907 845/845/912 +f 845/845/912 839/839/907 840/840/908 +f 845/845/912 840/840/908 846/846/913 +f 842/842/909 846/846/913 840/840/908 +f 846/846/913 842/842/909 847/847/914 +f 845/845/912 848/848/915 94/94/911 +f 843/843/910 103/103/84 105/105/89 +f 94/94/911 843/843/910 105/105/89 +f 94/94/911 848/848/915 843/843/910 +f 848/848/915 849/849/917 850/850/916 +f 845/845/912 849/849/917 848/848/915 +f 845/845/912 846/846/913 849/849/917 +f 851/851/918 846/846/913 847/847/914 +f 849/849/917 846/846/913 851/851/918 +f 850/850/916 849/849/917 851/851/918 +f 852/852/929 850/850/916 851/851/918 +f 853/853/926 852/852/929 851/851/918 +f 180/180/161 131/131/104 129/129/160 +f 103/103/84 844/844/919 176/176/151 +f 844/844/919 854/854/924 855/855/922 +f 177/177/154 175/175/150 856/856/920 +f 856/856/920 175/175/150 176/176/151 +f 179/179/159 177/177/154 856/856/920 +f 844/844/919 855/855/922 176/176/151 +f 857/857/921 176/176/151 855/855/922 +f 857/857/921 856/856/920 176/176/151 +f 855/855/922 854/854/924 858/858/923 +f 843/843/910 848/848/915 854/854/924 +f 854/854/924 844/844/919 843/843/910 +f 854/854/924 848/848/915 850/850/916 +f 859/859/925 854/854/924 850/850/916 +f 859/859/925 850/850/916 860/860/930 +f 858/858/923 854/854/924 859/859/925 +f 853/853/926 861/861/927 852/852/929 +f 853/853/926 862/862/928 861/861/927 +f 852/852/929 860/860/930 850/850/916 +f 861/861/927 860/860/930 852/852/929 +f 858/858/923 859/859/925 863/863/931 +f 860/860/930 863/863/931 859/859/925 +f 863/863/931 860/860/930 864/864/941 +f 861/861/927 865/865/932 860/860/930 +f 866/866/933 867/867/943 861/861/927 +f 865/865/932 861/861/927 867/867/943 +f 857/857/921 179/179/159 856/856/920 +f 179/179/159 857/857/921 868/868/934 +f 855/855/922 858/858/923 869/869/935 +f 869/869/935 857/857/921 855/855/922 +f 868/868/934 180/180/161 179/179/159 +f 857/857/921 870/870/936 868/868/934 +f 871/871/970 870/870/936 857/857/921 +f 869/869/935 871/871/970 857/857/921 +f 872/872/938 869/869/935 858/858/923 +f 863/863/931 872/872/938 858/858/923 +f 863/863/931 873/873/937 872/872/938 +f 872/872/938 874/874/939 869/869/935 +f 871/871/970 869/869/935 874/874/939 +f 874/874/939 872/872/938 873/873/937 +f 875/875/940 874/874/939 873/873/937 +f 875/875/940 873/873/937 876/876/946 +f 865/865/932 864/864/941 860/860/930 +f 864/864/941 873/873/937 863/863/931 +f 877/877/942 864/864/941 865/865/932 +f 877/877/942 865/865/932 867/867/943 +f 877/877/942 867/867/943 878/878/944 +f 878/878/944 867/867/943 879/879/2483 +f 880/880/945 881/881/1042 882/882/1045 +f 876/876/946 873/873/937 864/864/941 +f 876/876/946 864/864/941 877/877/942 +f 878/878/944 883/883/947 877/877/942 +f 879/879/2483 884/884/948 878/878/944 +f 878/878/944 884/884/948 883/883/947 +f 885/885/949 130/130/180 131/131/104 +f 885/885/949 131/131/104 886/886/950 +f 131/131/104 180/180/161 886/886/950 +f 886/886/950 180/180/161 868/868/934 +f 886/886/950 868/868/934 887/887/955 +f 888/888/951 886/886/950 887/887/955 +f 201/201/199 889/889/956 224/224/958 +f 890/890/952 130/130/180 885/885/949 +f 889/889/956 130/130/180 890/890/952 +f 890/890/952 885/885/949 886/886/950 +f 201/201/199 130/130/180 889/889/956 +f 889/889/956 890/890/952 891/891/953 +f 888/888/951 887/887/955 892/892/954 +f 890/890/952 886/886/950 893/893/962 +f 893/893/962 886/886/950 888/888/951 +f 891/891/953 890/890/952 893/893/962 +f 893/893/962 888/888/951 892/892/954 +f 892/892/954 887/887/955 870/870/936 +f 894/894/967 892/892/954 870/870/936 +f 895/895/959 224/224/958 889/889/956 +f 896/896/957 889/889/956 891/891/953 +f 895/895/959 889/889/956 896/896/957 +f 896/896/957 891/891/953 897/897/961 +f 226/226/204 223/223/203 224/224/958 +f 895/895/959 226/226/204 224/224/958 +f 895/895/959 896/896/957 897/897/961 +f 898/898/964 226/226/204 895/895/959 +f 899/899/960 898/898/964 895/895/959 +f 899/899/960 895/895/959 897/897/961 +f 897/897/961 893/893/962 899/899/960 +f 893/893/962 900/900/963 899/899/960 +f 893/893/962 897/897/961 891/891/953 +f 898/898/964 225/225/202 226/226/204 +f 901/901/2874 225/225/202 898/898/964 +f 902/902/3345 898/898/964 899/899/960 +f 903/903/3359 902/902/3345 899/899/960 +f 899/899/960 900/900/963 904/904/968 +f 893/893/962 892/892/954 905/905/965 +f 892/892/954 894/894/967 905/905/965 +f 894/894/967 906/906/975 907/907/978 +f 908/908/966 894/894/967 907/907/978 +f 900/900/963 909/909/969 904/904/968 +f 905/905/965 909/909/969 900/900/963 +f 893/893/962 905/905/965 900/900/963 +f 908/908/966 905/905/965 894/894/967 +f 909/909/969 905/905/965 908/908/966 +f 870/870/936 887/887/955 868/868/934 +f 910/910/971 871/871/970 874/874/939 +f 875/875/940 910/910/971 874/874/939 +f 871/871/970 906/906/975 870/870/936 +f 910/910/971 906/906/975 871/871/970 +f 894/894/967 870/870/936 906/906/975 +f 911/911/976 906/906/975 910/910/971 +f 912/912/972 910/910/971 875/875/940 +f 912/912/972 875/875/940 913/913/973 +f 912/912/972 913/913/973 914/914/981 +f 875/875/940 876/876/946 913/913/973 +f 913/913/973 876/876/946 915/915/974 +f 876/876/946 877/877/942 915/915/974 +f 915/915/974 877/877/942 883/883/947 +f 906/906/975 911/911/976 916/916/977 +f 911/911/976 910/910/971 912/912/972 +f 917/917/987 911/911/976 912/912/972 +f 907/907/978 906/906/975 916/916/977 +f 883/883/947 918/918/980 915/915/974 +f 919/919/985 883/883/947 884/884/948 +f 920/920/979 919/919/985 884/884/948 +f 883/883/947 919/919/985 918/918/980 +f 914/914/981 913/913/973 915/915/974 +f 914/914/981 915/915/974 921/921/982 +f 915/915/974 918/918/980 921/921/982 +f 922/922/983 921/921/982 918/918/980 +f 923/923/984 922/922/983 918/918/980 +f 924/924/986 918/918/980 919/919/985 +f 918/918/980 924/924/986 923/923/984 +f 924/924/986 919/919/985 925/925/991 +f 917/917/987 916/916/977 911/911/976 +f 914/914/981 917/917/987 912/912/972 +f 921/921/982 926/926/988 914/914/981 +f 916/916/977 917/917/987 927/927/3415 +f 917/917/987 914/914/981 928/928/992 +f 928/928/992 927/927/3415 917/917/987 +f 928/928/992 914/914/981 926/926/988 +f 928/928/992 926/926/988 929/929/989 +f 922/922/983 926/926/988 921/921/982 +f 929/929/989 922/922/983 923/923/984 +f 923/923/984 924/924/986 930/930/990 +f 924/924/986 925/925/991 930/930/990 +f 929/929/989 923/923/984 930/930/990 +f 931/931/3425 929/929/989 930/930/990 +f 925/925/991 932/932/994 930/930/990 +f 932/932/994 925/925/991 933/933/996 +f 929/929/989 926/926/988 922/922/983 +f 928/928/992 929/929/989 934/934/993 +f 934/934/993 929/929/989 931/931/3425 +f 930/930/990 932/932/994 931/931/3425 +f 935/935/995 931/931/3425 932/932/994 +f 932/932/994 933/933/996 935/935/995 +f 480/480/997 481/4180/448 476/476/446 +f 936/936/1000 480/480/997 478/478/449 +f 936/936/1000 481/4180/448 480/480/997 +f 739/739/777 936/936/1000 937/937/998 +f 479/479/447 936/936/1000 478/478/449 +f 938/938/999 937/937/998 936/936/1000 +f 938/938/999 936/936/1000 479/479/447 +f 939/939/1001 940/940/1002 938/938/999 +f 470/470/440 941/941/1003 477/477/1004 +f 479/479/447 477/477/1004 941/941/1003 +f 942/942/1006 479/479/447 941/941/1003 +f 941/941/1003 470/470/440 472/472/555 +f 942/942/1006 943/943/1008 479/479/447 +f 944/944/1013 942/942/1006 941/941/1003 +f 945/945/1005 943/943/1008 942/942/1006 +f 946/946/1007 945/945/1005 942/942/1006 +f 479/479/447 943/943/1008 938/938/999 +f 938/938/999 943/943/1008 939/939/1001 +f 939/939/1001 943/943/1008 945/945/1005 +f 947/947/1018 948/948/2612 949/949/2792 +f 950/950/1020 951/951/2613 948/948/2612 +f 604/604/567 952/952/1009 598/598/557 +f 953/953/1010 597/597/554 598/598/557 +f 954/954/1011 597/597/554 955/955/1012 +f 955/955/1012 597/597/554 953/953/1010 +f 952/952/1009 953/953/1010 598/598/557 +f 597/597/554 941/941/1003 472/472/555 +f 941/941/1003 956/956/1014 944/944/1013 +f 956/956/1014 942/942/1006 944/944/1013 +f 941/941/1003 954/954/1011 956/956/1014 +f 597/597/554 954/954/1011 941/941/1003 +f 947/947/1018 942/942/1006 957/957/1017 +f 956/956/1014 957/957/1017 942/942/1006 +f 954/954/1011 957/957/1017 956/956/1014 +f 954/954/1011 958/958/1015 957/957/1017 +f 959/959/1016 957/957/1017 958/958/1015 +f 960/960/1026 959/959/1016 958/958/1015 +f 942/942/1006 947/947/1018 946/946/1007 +f 959/959/1016 947/947/1018 957/957/1017 +f 961/961/1024 947/947/1018 959/959/1016 +f 962/962/1019 950/950/1020 948/948/2612 +f 948/948/2612 947/947/1021 962/962/1019 +f 961/961/1024 962/962/1019 947/947/1021 +f 962/962/1019 963/963/1022 950/950/1020 +f 959/959/1016 964/964/1023 961/961/1024 +f 964/964/1023 962/962/1019 961/961/1024 +f 960/960/1026 964/964/1023 959/959/1016 +f 965/965/2642 963/963/1022 962/962/1019 +f 955/955/1012 958/958/1015 954/954/1011 +f 958/958/1015 966/966/1025 960/960/1026 +f 965/965/2642 962/962/1019 964/964/1023 +f 965/965/2642 964/964/1023 960/960/1026 +f 960/960/1026 967/967/1028 965/965/2642 +f 968/968/1027 965/965/2642 967/967/1028 +f 968/968/1027 967/967/1028 969/969/1031 +f 960/960/1026 966/966/1025 967/967/1028 +f 970/970/1029 967/967/1028 966/966/1025 +f 971/971/1030 970/970/1029 966/966/1025 +f 971/971/1030 967/967/1028 970/970/1029 +f 971/971/1030 969/969/1031 967/967/1028 +f 497/497/574 952/952/1009 604/604/567 +f 497/497/574 972/972/1049 952/952/1009 +f 973/973/1033 974/974/1035 953/953/1010 +f 974/974/1035 955/955/1012 953/953/1010 +f 974/974/1035 975/975/1032 955/955/1012 +f 497/497/574 495/495/591 972/972/1049 +f 973/973/1033 953/953/1010 952/952/1009 +f 976/976/1034 973/973/1033 952/952/1009 +f 974/974/1035 977/977/1036 975/975/1032 +f 978/978/1037 974/974/1035 973/973/1033 +f 977/977/1036 974/974/1035 978/978/1037 +f 979/979/1062 980/980/1044 977/977/1036 +f 980/980/1044 881/881/1042 977/977/1036 +f 975/975/1032 958/958/1015 955/955/1012 +f 958/958/1015 975/975/1032 966/966/1025 +f 981/981/1038 966/966/1025 975/975/1032 +f 981/981/1038 971/971/1030 966/966/1025 +f 982/982/1039 971/971/1030 981/981/1038 +f 982/982/1039 983/983/1046 971/971/1030 +f 984/984/1043 981/981/1038 975/975/1032 +f 984/984/1043 982/982/1039 981/981/1038 +f 984/984/1043 985/985/1040 982/982/1039 +f 985/985/1040 983/983/1046 982/982/1039 +f 971/971/1030 983/983/1046 969/969/1031 +f 986/986/1041 969/969/1031 983/983/1046 +f 975/975/1032 881/881/1042 984/984/1043 +f 881/881/1042 975/975/1032 977/977/1036 +f 985/985/1040 984/984/1043 881/881/1042 +f 880/880/945 985/985/1040 881/881/1042 +f 881/881/1042 980/980/1044 882/882/1045 +f 983/983/1046 985/985/1040 880/880/945 +f 987/987/1048 983/983/1046 880/880/945 +f 988/988/1047 983/983/1046 987/987/1048 +f 988/988/1047 986/986/1041 983/983/1046 +f 989/989/1051 495/495/591 627/627/590 +f 989/989/1051 972/972/1049 495/495/591 +f 990/990/1055 976/976/1034 972/972/1049 +f 991/991/1050 989/989/1051 627/627/590 +f 990/990/1055 972/972/1049 989/989/1051 +f 627/627/590 630/630/1053 991/991/1050 +f 990/990/1055 989/989/1051 991/991/1050 +f 992/992/1056 976/976/1034 990/990/1055 +f 630/630/1053 634/634/601 993/993/1052 +f 991/991/1050 630/630/1053 994/994/1054 +f 630/630/1053 993/993/1052 994/994/1054 +f 991/991/1050 994/994/1054 990/990/1055 +f 995/995/3675 990/990/1055 994/994/1054 +f 990/990/1055 995/995/3675 992/992/1056 +f 996/996/1060 992/992/1056 995/995/3675 +f 994/994/1054 997/997/1057 995/995/3675 +f 634/634/601 635/635/602 993/993/1052 +f 997/997/1057 994/994/1054 993/993/1052 +f 998/998/1058 995/995/3675 997/997/1057 +f 999/999/3677 996/996/1060 995/995/3675 +f 996/996/1060 999/999/3677 1000/1000/1064 +f 1001/1001/3678 999/999/3677 995/995/3675 +f 1000/1000/1064 1002/1002/1059 1003/1003/1077 +f 972/972/1049 976/976/1034 952/952/1009 +f 1004/1004/1061 973/973/1033 976/976/1034 +f 1004/1004/1061 976/976/1034 992/992/1056 +f 996/996/1060 1004/1004/1061 992/992/1056 +f 978/978/1037 973/973/1033 1004/1004/1061 +f 978/978/1037 979/979/1062 977/977/1036 +f 979/979/1062 1005/1005/1067 980/980/1044 +f 980/980/1044 1005/1005/1067 1006/1006/1063 +f 978/978/1037 1004/1004/1061 1000/1000/1064 +f 1000/1000/1064 1004/1004/1061 996/996/1060 +f 979/979/1062 978/978/1037 1007/1007/1065 +f 1007/1007/1065 1005/1005/1067 979/979/1062 +f 1008/1008/1066 1005/1005/1067 1007/1007/1065 +f 1007/1007/1065 1009/1009/1073 1008/1008/1066 +f 1010/1010/1075 1005/1005/1067 1008/1008/1066 +f 1006/1006/1063 882/882/1045 980/980/1044 +f 1006/1006/1063 880/880/945 882/882/1045 +f 880/880/945 1006/1006/1063 987/987/1048 +f 1011/1011/1068 987/987/1048 1006/1006/1063 +f 1011/1011/1068 1006/1006/1063 1005/1005/1067 +f 988/988/1047 987/987/1048 1011/1011/1068 +f 1011/1011/1068 1012/1012/1069 988/988/1047 +f 988/988/1047 1012/1012/1069 1013/1013/1070 +f 986/986/1041 1013/1013/1070 1014/1014/2665 +f 1013/1013/1070 986/986/1041 988/988/1047 +f 1013/1013/1070 1015/1015/1071 1014/1014/2665 +f 1016/1016/2714 1015/1015/1071 1013/1013/1070 +f 1005/1005/1067 1010/1010/1075 1011/1011/1068 +f 978/978/1037 1000/1000/1064 1003/1003/1077 +f 1003/1003/1077 1007/1007/1065 978/978/1037 +f 1007/1007/1065 1003/1003/1077 1009/1009/1073 +f 1010/1010/1075 1012/1012/1069 1011/1011/1068 +f 1012/1012/1069 1010/1010/1075 1017/1017/1078 +f 1018/1018/1080 1013/1013/1070 1012/1012/1069 +f 1018/1018/1080 1016/1016/2714 1013/1013/1070 +f 1008/1008/1066 1009/1009/1073 1019/1019/1072 +f 1019/1019/1072 1010/1010/1075 1008/1008/1066 +f 1020/1020/1076 1019/1019/1072 1009/1009/1073 +f 1021/1021/1074 1010/1010/1075 1019/1019/1072 +f 1020/1020/1076 1003/1003/1077 1002/1002/1059 +f 1003/1003/1077 1020/1020/1076 1009/1009/1073 +f 1022/1022/3680 1021/1021/1074 1019/1019/1072 +f 1018/1018/1080 1012/1012/1069 1017/1017/1078 +f 1017/1017/1078 1023/1023/1079 1018/1018/1080 +f 1017/1017/1078 1010/1010/1075 1021/1021/1074 +f 1023/1023/1079 1017/1017/1078 1021/1021/1074 +f 1024/1024/1081 1018/1018/1080 1023/1023/1079 +f 1025/1025/2715 1018/1018/1080 1024/1024/1081 +f 1026/1026/3682 1023/1023/1079 1021/1021/1074 +f 1022/1022/3680 1026/1026/3682 1021/1021/1074 +f 1026/1026/3682 1027/1027/1082 1023/1023/1079 +f 1027/1027/1082 1024/1024/1081 1023/1023/1079 +f 1024/1024/1081 1027/1027/1082 1028/1028/2721 +f 739/739/777 481/4180/448 936/936/1000 +f 739/739/777 738/4242/776 481/4180/448 +f 940/940/1002 937/937/998 938/938/999 +f 939/939/1001 937/937/998 940/940/1002 +f 740/740/778 739/739/777 1029/1029/1086 +f 1029/1029/1086 739/739/777 937/937/998 +f 939/939/1001 1029/1029/1086 937/937/998 +f 939/939/1001 1030/1030/1083 1029/1029/1086 +f 1030/1030/1083 939/939/1001 945/945/1005 +f 945/945/1005 1031/1031/1085 1030/1030/1083 +f 946/946/1007 1032/1032/1084 1031/1031/1085 +f 946/946/1007 1031/1031/1085 945/945/1005 +f 1033/1033/2823 1034/1034/1087 1031/1031/1085 +f 1031/1031/1085 1032/1032/1084 1033/1033/2823 +f 1032/1032/1084 947/947/1018 949/949/2792 +f 1035/1035/2788 1032/1032/1084 949/949/2792 +f 947/947/1018 1032/1032/1084 946/946/1007 +f 740/740/778 1029/1029/1086 803/4272/865 +f 1034/1034/1087 803/4272/865 1029/1029/1086 +f 1029/1029/1086 1030/1030/1083 1034/1034/1087 +f 1030/1030/1083 1031/1031/1085 1034/1034/1087 +f 2/2/2 6/6/7 3/3/1 +f 1036/1036/1088 1037/1037/1092 11/11/6 +f 1036/1036/1088 11/11/6 1038/1038/1089 +f 1038/1038/1089 11/11/6 1039/1039/1090 +f 1038/1038/1089 1039/1039/1090 1040/1040/1091 +f 6/6/7 11/11/6 1037/1037/1092 +f 1037/1037/1092 3/3/1 6/6/7 +f 4/4/1136 3/3/1 1037/1037/1092 +f 1037/1037/1092 1041/1041/1095 4/4/1136 +f 1036/1036/1088 1041/1041/1095 1037/1037/1092 +f 1042/1042/1093 1036/1036/1088 1038/1038/1089 +f 1043/1043/1102 1042/1042/1093 1038/1038/1089 +f 1042/1042/1093 1041/1041/1095 1036/1036/1088 +f 1042/1042/1093 1044/1044/1094 1041/1041/1095 +f 1041/1041/1095 1045/1045/1140 4/4/1136 +f 1044/1044/1094 1046/1046/1151 1041/1041/1095 +f 1045/1045/1140 1041/1041/1095 1046/1046/1151 +f 1047/1047/1096 1039/1039/1090 11/11/6 +f 1040/1040/1091 1039/1039/1090 1047/1047/1096 +f 107/107/91 11/11/6 12/12/8 +f 107/107/91 1047/1047/1096 11/11/6 +f 1048/1048/1099 1038/1038/1089 1040/1040/1091 +f 1048/1048/1099 1043/1043/1102 1038/1038/1089 +f 1048/1048/1099 1040/1040/1091 1049/1049/1097 +f 1049/1049/1097 1050/1050/1098 1048/1048/1099 +f 1044/1044/1094 1051/1051/1100 1046/1046/1151 +f 1044/1044/1094 1052/1052/1109 1051/1051/1100 +f 1053/1053/1101 1042/1042/1093 1043/1043/1102 +f 1048/1048/1099 1050/1050/1098 1043/1043/1102 +f 1054/1054/1103 1055/1055/1105 1053/1053/1101 +f 1056/1056/1104 1053/1053/1101 1043/1043/1102 +f 1050/1050/1098 1056/1056/1104 1043/1043/1102 +f 1054/1054/1103 1053/1053/1101 1056/1056/1104 +f 1044/1044/1094 1042/1042/1093 1057/1057/1106 +f 1057/1057/1106 1042/1042/1093 1053/1053/1101 +f 1044/1044/1094 1057/1057/1106 1052/1052/1109 +f 1055/1055/1105 1057/1057/1106 1053/1053/1101 +f 1057/1057/1106 1055/1055/1105 1058/1058/1110 +f 1055/1055/1105 1054/1054/1103 1059/1059/1107 +f 1058/1058/1110 1055/1055/1105 1059/1059/1107 +f 1060/1060/1114 1051/1051/1100 1052/1052/1109 +f 1061/1061/1108 1052/1052/1109 1057/1057/1106 +f 1061/1061/1108 1057/1057/1106 1058/1058/1110 +f 1062/1062/1312 1061/1061/1108 1058/1058/1110 +f 1062/1062/1312 1063/1063/1111 1061/1061/1108 +f 1061/1061/1108 1063/1063/1111 1052/1052/1109 +f 1062/4280/1312 1064/1064/1116 1063/4281/1111 +f 1063/4281/1111 1064/1064/1116 1065/1065/1112 +f 1066/1066/1113 1052/1052/1109 1063/1063/1111 +f 1066/4282/1113 1063/4281/1111 1065/1065/1112 +f 1060/1060/1114 1052/1052/1109 1066/1066/1113 +f 1066/1066/1113 1067/1067/1115 1060/1060/1114 +f 1068/1068/1317 1065/1065/1112 1064/1064/1116 +f 1069/1069/1314 1068/1068/1317 1064/1064/1116 +f 1065/1065/1112 1070/1070/1118 1066/4282/1113 +f 1065/1065/1112 1068/1068/1317 1071/1071/1316 +f 1065/1065/1112 1071/1071/1316 1072/1072/1117 +f 1072/1072/1117 1070/1070/1118 1065/1065/1112 +f 1072/1072/1117 1071/1071/1316 1073/1073/1119 +f 1074/1074/1125 30/30/22 1075/1075/1164 +f 30/30/22 38/38/27 25/25/20 +f 33/33/24 300/300/272 32/32/23 +f 30/30/22 1076/1076/1120 38/38/27 +f 1076/1076/1120 1077/1077/1122 38/38/27 +f 1078/1078/1121 37/37/29 38/38/27 +f 40/40/2407 37/37/29 1078/1078/1121 +f 1077/1077/1122 1078/1078/1121 38/38/27 +f 1078/1078/1121 1077/1077/1122 1079/1079/2409 +f 1079/1079/2409 40/40/2407 1078/1078/1121 +f 1079/1079/2409 1080/1080/1123 40/40/2407 +f 1076/1076/1120 30/30/22 1074/1074/1125 +f 1081/1081/1124 1077/1077/1122 1076/1076/1120 +f 1076/1076/1120 1074/1074/1125 1082/1082/1181 +f 1076/1076/1120 1082/1082/1181 1083/1083/2419 +f 1081/1081/1124 1079/1079/2409 1077/1077/1122 +f 1083/1083/2419 1081/1081/1124 1076/1076/1120 +f 1074/1074/1125 1084/1084/1178 1082/1082/1181 +f 1085/1085/1128 1086/1086/1126 1087/1087/1127 +f 1085/1085/1128 1087/1087/1127 1088/1088/1129 +f 1085/1085/1128 1088/1088/1129 1089/1089/1131 +f 1090/1090/1130 1089/1089/1131 1088/1088/1129 +f 1091/1091/1132 1090/1090/1130 1092/1092/1185 +f 1093/1093/1133 1083/1083/2419 1094/1094/1134 +f 64/64/1135 1/1/41 4/4/1136 +f 4/4/1136 1045/1045/1140 64/64/1135 +f 1095/1095/1137 53/53/35 64/64/1135 +f 64/64/1135 1096/1096/1141 1095/1095/1137 +f 1095/1095/1137 1096/1096/1141 1097/1097/1138 +f 1095/1095/1137 1097/1097/1138 1098/1098/1139 +f 1045/1045/1140 1096/1096/1141 64/64/1135 +f 1045/1045/1140 1099/1099/1153 1096/1096/1141 +f 1100/1100/1150 1097/1097/1138 1096/1096/1141 +f 1096/1096/1141 1099/1099/1153 1100/1100/1150 +f 55/55/37 53/53/35 1101/1101/1142 +f 55/55/37 1101/1101/1142 67/67/1143 +f 1101/1101/1142 1102/1102/1146 67/67/1143 +f 67/67/1143 1103/1103/1162 1104/1104/1144 +f 1105/1105/1145 67/67/1143 1102/1102/1146 +f 67/67/1143 1105/1105/1145 1103/1103/1162 +f 1095/1095/1137 1101/1101/1142 53/53/35 +f 1098/1098/1139 1101/1101/1142 1095/1095/1137 +f 1101/1101/1142 1098/1098/1139 1102/1102/1146 +f 1106/1106/1147 1105/1105/1145 1102/1102/1146 +f 1105/1105/1145 1106/1106/1147 1103/1103/1162 +f 1107/1107/1155 1102/1102/1146 1098/1098/1139 +f 1098/1098/1139 1097/1097/1138 1107/1107/1155 +f 1108/1108/1148 1102/1102/1146 1107/1107/1155 +f 1102/1102/1146 1108/1108/1148 1106/1106/1147 +f 1108/1108/1148 1107/1107/1155 1109/1109/1172 +f 1110/1110/1158 1109/1109/1172 1107/1107/1155 +f 1111/1111/1149 1100/1100/1150 1099/1099/1153 +f 1107/1107/1155 1097/1097/1138 1100/1100/1150 +f 1046/1046/1151 1099/1099/1153 1045/1045/1140 +f 1046/1046/1151 1112/1112/1152 1099/1099/1153 +f 1112/1112/1152 1111/1111/1149 1099/1099/1153 +f 1111/1111/1149 1112/1112/1152 1113/1113/1159 +f 1114/1114/1154 1112/1112/1152 1046/1046/1151 +f 1113/1113/1159 1112/1112/1152 1114/1114/1154 +f 1111/1111/1149 1113/1113/1159 1100/1100/1150 +f 1107/1107/1155 1100/1100/1150 1113/1113/1159 +f 1107/1107/1155 1113/1113/1159 1110/1110/1158 +f 1115/1115/1156 1113/1113/1159 1114/1114/1154 +f 1046/1046/1151 1051/1051/1100 1114/1114/1154 +f 1114/1114/1154 1051/1051/1100 1116/1116/1189 +f 1115/1115/1156 1114/1114/1154 1116/1116/1189 +f 1117/1117/1160 1115/1115/1156 1116/1116/1189 +f 1118/1118/1157 1110/1110/1158 1117/1117/1160 +f 1110/1110/1158 1113/1113/1159 1117/1117/1160 +f 1117/1117/1160 1113/1113/1159 1115/1115/1156 +f 1109/1109/1172 1110/1110/1158 1118/1118/1157 +f 66/66/53 1104/1104/1144 24/4098/19 +f 66/66/53 67/67/1143 1104/1104/1144 +f 1119/1119/1161 30/30/22 24/24/19 +f 1119/4283/1161 24/4098/19 1104/1104/1144 +f 1120/1120/1165 1119/4283/1161 1104/1104/1144 +f 1104/1104/1144 1103/1103/1162 1121/1121/1163 +f 1106/1106/1147 1121/1121/1163 1103/1103/1162 +f 1120/1120/1165 1104/1104/1144 1121/1121/1163 +f 1075/1075/1164 30/30/22 1119/1119/1161 +f 1122/1122/1166 1075/1075/1164 1119/1119/1161 +f 1119/4283/1161 1120/1120/1165 1122/4284/1166 +f 1121/1121/1163 1106/1106/1147 1120/1120/1165 +f 1120/1120/1165 1106/1106/1147 1123/1123/1167 +f 1122/1122/1166 1074/1074/1125 1075/1075/1164 +f 1122/1122/1166 1123/4285/1167 1074/1074/1125 +f 1123/1123/1167 1122/4284/1166 1120/1120/1165 +f 1106/1106/1147 1108/1108/1148 1124/1124/1168 +f 1123/1123/1167 1106/1106/1147 1124/1124/1168 +f 92/92/906 39/39/28 40/40/2407 +f 1125/1125/1180 1126/1126/1177 1123/4285/1167 +f 1127/1127/1169 1125/1125/1180 1123/4285/1167 +f 1123/1123/1167 1128/1128/1170 1127/4286/1169 +f 1108/1108/1148 1109/1109/1172 1124/1124/1168 +f 1123/1123/1167 1124/1124/1168 1128/1128/1170 +f 1109/1109/1172 1128/1128/1170 1124/1124/1168 +f 1129/1129/1171 1128/1128/1170 1109/1109/1172 +f 1128/1128/1170 1129/1129/1171 1130/1130/1173 +f 1131/1131/1174 1132/1132/1176 1133/1133/1175 +f 1127/4286/1169 1128/1128/1170 1132/1132/1176 +f 1133/1133/1175 1132/1132/1176 1128/1128/1170 +f 1074/1074/1125 1126/1126/1177 1084/1084/1178 +f 1126/1126/1177 1074/1074/1125 1123/4285/1167 +f 1125/1125/1180 1084/1084/1178 1126/1126/1177 +f 1134/1134/1179 1135/1135/1182 1125/1125/1180 +f 1082/1082/1181 1084/1084/1178 1135/1135/1182 +f 1082/1082/1181 1135/1135/1182 1094/1094/1134 +f 1084/1084/1178 1125/1125/1180 1135/1135/1182 +f 1125/1125/1180 1127/1127/1169 1134/1134/1179 +f 1136/1136/1183 1135/1135/1182 1134/1134/1179 +f 1134/1134/1179 1127/1127/1169 1136/1136/1183 +f 1132/4289/1176 1131/4288/1174 1137/1137/1184 +f 1132/4289/1176 1137/1137/1184 1136/1136/1183 +f 1094/1094/1134 1083/1083/2419 1082/1082/1181 +f 1091/1091/1132 1092/1092/1185 1138/1138/1186 +f 1138/1138/1186 1092/1092/1185 1139/1139/1187 +f 1127/1127/1169 1132/4289/1176 1136/1136/1183 +f 1140/1140/1188 1116/1116/1189 1051/1051/1100 +f 1117/1117/1160 1116/1116/1189 1140/1140/1188 +f 1060/1060/1114 1140/1140/1188 1051/1051/1100 +f 1141/1141/1190 1117/1117/1160 1140/1140/1188 +f 1141/1141/1190 1142/1142/1191 1117/1117/1160 +f 1140/1140/1188 1060/1060/1114 1141/1141/1190 +f 1143/1143/1192 1118/1118/1157 1117/1117/1160 +f 1117/1117/1160 1142/1142/1191 1143/1143/1192 +f 1141/1141/1190 1060/1060/1114 1144/1144/1196 +f 1145/1145/1193 1142/1142/1191 1141/1141/1190 +f 1145/1145/1193 1141/1141/1190 1144/1144/1196 +f 1145/1145/1193 1146/1146/1194 1143/1143/1192 +f 1145/1145/1193 1143/1143/1192 1142/1142/1191 +f 1118/1118/1157 1129/1129/1171 1109/1109/1172 +f 1146/1146/1194 1147/1147/1203 1143/1143/1192 +f 1143/1143/1192 1147/1147/1203 1148/1148/1206 +f 1143/1143/1192 1148/1148/1206 1118/1118/1157 +f 1149/1149/1195 1129/1129/1171 1118/1118/1157 +f 1118/1118/1157 1148/1148/1206 1149/1149/1195 +f 1148/1148/1206 1150/1150/1205 1149/1149/1195 +f 1151/1151/1198 1144/1144/1196 1067/1067/1115 +f 1146/1146/1194 1145/1145/1193 1144/1144/1196 +f 1151/1151/1198 1146/1146/1194 1144/1144/1196 +f 1152/1152/1197 1151/1151/1198 1153/1153/1200 +f 1060/1060/1114 1067/1067/1115 1144/1144/1196 +f 1067/1067/1115 1066/1066/1113 1153/1153/1200 +f 1070/1070/1118 1154/1154/1199 1066/4282/1113 +f 1072/1072/1117 1154/1154/1199 1070/1070/1118 +f 1154/1154/1199 1153/4290/1200 1066/4282/1113 +f 1072/1072/1117 1073/1073/1119 1154/1154/1199 +f 1073/1073/1119 1155/1155/1201 1154/1154/1199 +f 1155/1155/1201 1156/1156/1267 1154/1154/1199 +f 1153/1153/1200 1151/1151/1198 1067/1067/1115 +f 1153/4290/1200 1154/1154/1199 1157/1157/1266 +f 1156/1156/1267 1157/1157/1266 1154/1154/1199 +f 1158/1158/1202 1159/1159/1208 1160/1160/1204 +f 1158/1158/1202 1147/1147/1203 1146/1146/1194 +f 1147/1147/1203 1158/1158/1202 1148/1148/1206 +f 1158/1158/1202 1146/1146/1194 1151/1151/1198 +f 1159/1159/1208 1151/1151/1198 1152/1152/1197 +f 1159/1159/1208 1158/1158/1202 1151/1151/1198 +f 1160/1160/1204 1150/1150/1205 1148/1148/1206 +f 1158/1158/1202 1160/1160/1204 1148/1148/1206 +f 1160/1160/1204 1161/1161/1207 1150/1150/1205 +f 1160/1160/1204 1159/1159/1208 1161/1161/1207 +f 1162/1162/1269 1152/1152/1197 1153/1153/1200 +f 1152/1152/1197 1162/1162/1269 1163/1163/1209 +f 1159/1159/1208 1152/1152/1197 1163/1163/1209 +f 1164/1164/1591 1165/1165/1210 1166/1166/1592 +f 1131/1131/1174 1133/1133/1175 1167/1167/1211 +f 1128/1128/1212 1168/1168/1213 1133/1133/1175 +f 1133/1133/1175 1168/1168/1213 1167/1167/1211 +f 1128/1128/1170 1130/1130/1173 1168/1168/1213 +f 1129/1129/1171 1169/1169/1214 1130/1130/1173 +f 1129/1129/1171 1149/1149/1195 1169/1169/1214 +f 1170/1170/1223 1169/1169/1214 1149/1149/1195 +f 1169/4295/1214 1171/1171/1220 1130/4287/1173 +f 1170/1170/1223 1172/1172/1227 1169/1169/1214 +f 1171/1171/1220 1169/4295/1214 1172/4296/1227 +f 1135/1135/1182 1136/1136/1183 1094/1094/1134 +f 1094/1094/1134 1173/1173/1215 1174/1174/1218 +f 1131/4288/1174 1175/1175/1216 1137/1137/1184 +f 1137/1137/1184 1175/1175/1216 1136/1136/1183 +f 1176/1176/1217 1173/1173/1215 1175/1175/1216 +f 1167/4293/1211 1176/1176/1217 1131/4288/1174 +f 1131/4288/1174 1176/1176/1217 1175/1175/1216 +f 1168/4294/1213 1173/1173/1215 1176/1176/1217 +f 1175/1175/1216 1094/1094/1134 1136/1136/1183 +f 1094/1094/1134 1175/1175/1216 1173/1173/1215 +f 1168/4294/1213 1177/1177/1219 1173/1173/1215 +f 1174/1174/1218 1173/1173/1215 1177/1177/1219 +f 1174/1174/1218 1093/1093/1133 1094/1094/1134 +f 1093/1093/1133 1174/1174/1218 1178/1178/1236 +f 1177/1177/1219 1179/1179/1221 1174/1174/1218 +f 1179/1179/1221 1178/1178/1236 1174/1174/1218 +f 1177/1177/1219 1171/1171/1220 1179/1179/1221 +f 1180/1180/1222 1178/1178/1236 1181/1181/1238 +f 1167/4293/1211 1168/4294/1213 1176/1176/1217 +f 1130/4287/1173 1177/1177/1219 1168/4294/1213 +f 1171/1171/1220 1177/1177/1219 1130/4287/1173 +f 1170/1170/1223 1182/1182/1224 1172/1172/1227 +f 1170/1170/1223 1149/1149/1195 1182/1182/1224 +f 1182/1182/1224 1161/1161/1207 1183/1183/1225 +f 1184/1184/1226 1179/1179/1221 1171/1171/1220 +f 1184/1184/1226 1171/1171/1220 1172/4296/1227 +f 1184/4297/1226 1172/1172/1227 1182/1182/1224 +f 1182/1182/1224 1183/1183/1225 1184/4297/1226 +f 1184/1184/1226 1185/1185/1237 1179/1179/1221 +f 1183/1183/1225 1186/1186/1281 1184/4297/1226 +f 1186/4298/1281 1185/1185/1237 1184/1184/1226 +f 1187/1187/1642 1188/1188/1228 1189/1189/1233 +f 1189/1189/1229 1188/1188/1230 1190/1190/1254 +f 1189/1189/1229 1190/1190/1254 1191/1191/1231 +f 1192/1192/1232 1189/4300/1233 1191/4301/1234 +f 1191/1191/1231 1190/1190/1254 1192/4302/1235 +f 1193/1193/1644 1190/1190/1254 1188/1188/1230 +f 1178/1178/1236 1179/1179/1221 1185/1185/1237 +f 1180/1180/1222 1181/1181/1238 1194/1194/1239 +f 1181/1181/1238 1178/1178/1236 1185/1185/1237 +f 1181/1181/1238 1195/1195/1244 1194/1194/1239 +f 1196/1196/1240 1197/1197/1625 1198/1198/1241 +f 1199/1199/2033 1196/4303/1240 1198/4304/1241 +f 1200/1200/2040 1201/1201/1612 1196/1196/1240 +f 1202/1202/1242 1196/1196/1240 1201/1201/1612 +f 1197/1197/1625 1196/1196/1240 1202/1202/1242 +f 1203/1203/1247 1195/1195/1244 1204/1204/1243 +f 1203/1203/1247 1205/1205/1246 1195/1195/1244 +f 1206/1206/1245 1205/1205/1246 1203/1203/1247 +f 1207/1207/1248 1203/1203/1247 1204/1204/1243 +f 1208/1208/1249 1198/1198/1241 1209/1209/1634 +f 1209/1209/1634 1198/1198/1241 1197/1197/1625 +f 1185/1185/1237 1186/4298/1281 1210/1210/1250 +f 1211/1211/1253 1185/1185/1237 1210/1210/1250 +f 1212/1212/1284 1211/1211/1253 1210/1210/1250 +f 1213/1213/1251 1211/1211/1253 1212/1212/1284 +f 1213/1213/1251 1214/1214/1292 1215/1215/1252 +f 1181/1181/1238 1185/1185/1237 1211/1211/1253 +f 1181/1181/1238 1211/1211/1253 1195/1195/1244 +f 1204/1204/1243 1195/1195/1244 1211/1211/1253 +f 1204/1204/1243 1211/1211/1253 1213/1213/1251 +f 1216/1216/1263 1204/1204/1243 1215/1215/1252 +f 1213/1213/1251 1215/1215/1252 1204/1204/1243 +f 1150/1150/1205 1182/1182/1224 1149/1149/1195 +f 1150/1150/1205 1161/1161/1207 1182/1182/1224 +f 1183/1183/1225 1161/1161/1207 1159/1159/1208 +f 1163/1163/1209 1183/1183/1225 1159/1159/1208 +f 1186/1186/1281 1183/1183/1225 1163/1163/1209 +f 1217/1217/1648 1190/1190/1254 1218/1218/1255 +f 1218/1218/1255 1190/1190/1254 1219/1219/1256 +f 1220/1220/1257 1219/1219/1256 1190/1190/1254 +f 1220/1220/1257 1190/1190/1254 1221/1221/1258 +f 1221/1221/1258 1190/1190/1254 1222/1222/1654 +f 1223/1223/1259 1215/1215/1252 1214/1214/1292 +f 1216/1216/1263 1215/1215/1252 1223/1223/1259 +f 1224/1224/1264 1207/1207/1248 1204/1204/1243 +f 1224/1224/1264 1204/1204/1243 1216/1216/1263 +f 1223/1223/1259 1225/1225/1294 1226/1226/1260 +f 1225/1225/1294 1227/1227/1261 1226/1226/1260 +f 1225/1225/1294 1228/1228/1262 1227/1227/1261 +f 1216/1216/1263 1229/1229/2469 1224/1224/1264 +f 1226/1226/1260 1229/1229/2469 1216/1216/1263 +f 1216/1216/1263 1223/1223/1259 1226/1226/1260 +f 1230/1230/1265 1157/1157/1266 1156/1156/1267 +f 1231/1231/1278 1230/1230/1265 1156/1156/1267 +f 1231/1231/1278 1155/1155/1201 1232/1232/1268 +f 1155/1155/1201 1231/1231/1278 1156/1156/1267 +f 1231/1231/1278 1232/1232/1268 1233/1233/1334 +f 1157/1157/1266 1234/1234/1273 1162/4291/1269 +f 1235/1235/1270 1163/1163/1209 1162/1162/1269 +f 1162/1162/1269 1236/1236/1272 1235/1235/1270 +f 1234/1234/1273 1236/4311/1272 1162/4291/1269 +f 1237/1237/1271 1236/4311/1272 1234/1234/1273 +f 1238/1238/1275 1235/1235/1270 1236/1236/1272 +f 1239/1239/1274 1238/1238/1275 1236/1236/1272 +f 1239/4313/1274 1236/4311/1272 1240/1240/1276 +f 1241/1241/1280 1239/4313/1274 1240/1240/1276 +f 1153/4290/1200 1157/1157/1266 1162/4291/1269 +f 1230/1230/1265 1234/1234/1273 1157/1157/1266 +f 1242/1242/1277 1230/1230/1265 1231/1231/1278 +f 1230/1230/1265 1242/1242/1277 1237/1237/1271 +f 1237/1237/1271 1234/1234/1273 1230/1230/1265 +f 1233/1233/1334 1242/1242/1277 1231/1231/1278 +f 1237/1237/1271 1242/1242/1277 1243/1243/1425 +f 1240/1240/1276 1236/4311/1272 1237/1237/1271 +f 1244/1244/1279 1241/1241/1280 1240/1240/1276 +f 1243/1243/1425 1240/1240/1276 1237/1237/1271 +f 1245/1245/1426 1240/1240/1276 1243/1243/1425 +f 1245/1245/1426 1244/1244/1279 1240/1240/1276 +f 1186/4298/1281 1238/4312/1275 1246/1246/1283 +f 1186/4298/1281 1246/1246/1283 1210/1210/1250 +f 1247/1247/1288 1248/1248/1282 1246/1246/1283 +f 1210/1210/1250 1246/1246/1283 1212/1212/1284 +f 1213/1213/1251 1212/1212/1284 1248/1248/1282 +f 1248/1248/1282 1212/1212/1284 1246/1246/1283 +f 1248/1248/1282 1214/1214/1292 1213/1213/1251 +f 1249/1249/1685 1250/1250/1285 1251/1251/1286 +f 1163/1163/1209 1235/1235/1270 1186/1186/1281 +f 1252/1252/1289 1238/1238/1275 1239/1239/1274 +f 1241/1241/1280 1252/4314/1289 1239/4313/1274 +f 1238/1238/1275 1186/1186/1281 1235/1235/1270 +f 1247/1247/1288 1246/1246/1283 1238/4312/1275 +f 1253/1253/1287 1248/1248/1282 1247/1247/1288 +f 1214/1214/1292 1248/1248/1282 1253/1253/1287 +f 1254/1254/1293 1214/1214/1292 1253/1253/1287 +f 1238/4312/1275 1252/4314/1289 1247/1247/1288 +f 1247/1247/1288 1252/4314/1289 1253/1253/1287 +f 1255/1255/1290 1254/1254/1293 1253/1253/1287 +f 1253/1253/1287 1252/4314/1289 1255/1255/1290 +f 1256/1256/1291 1252/4314/1289 1241/1241/1280 +f 1244/1244/1279 1257/1257/1430 1241/1241/1280 +f 1256/1256/1291 1241/1241/1280 1257/1257/1430 +f 1256/1256/1291 1255/1255/1290 1252/4314/1289 +f 1223/1223/1259 1214/1214/1292 1225/1225/1294 +f 1254/1254/1293 1225/1225/1294 1214/1214/1292 +f 1225/1225/1294 1254/1254/1293 1255/1255/1290 +f 1228/1228/1262 1225/1225/1294 1255/1255/1290 +f 1047/1047/1096 1258/1258/1295 1040/1040/1091 +f 107/107/91 1258/1258/1295 1047/1047/1096 +f 1259/1259/1297 1050/1050/1098 1049/1049/1097 +f 1258/1258/1295 1049/1049/1097 1040/1040/1091 +f 108/108/92 110/110/1302 1258/1258/1295 +f 107/107/91 108/108/92 1258/1258/1295 +f 1258/1258/1295 110/110/1302 1260/1260/1296 +f 1259/1259/1297 1261/1261/1299 1050/1050/1098 +f 1260/1260/1296 1049/1049/1097 1258/1258/1295 +f 1259/1259/1297 1049/1049/1097 1260/1260/1296 +f 1259/1259/1297 1262/1262/1298 1261/1261/1299 +f 1050/1050/1098 1261/1261/1299 1056/1056/1104 +f 1056/1056/1104 1261/1261/1299 1054/1054/1103 +f 1263/1263/1309 1054/1054/1103 1261/1261/1299 +f 1263/1263/1309 1261/1261/1299 1264/1264/1307 +f 1059/1059/1107 1054/1054/1103 1263/1263/1309 +f 1265/1265/1300 1059/1059/1107 1263/1263/1309 +f 1266/1266/1301 1059/1059/1107 1265/1265/1300 +f 110/110/1302 1267/1267/1303 1260/1260/1296 +f 110/110/1302 109/109/93 1267/1267/1303 +f 1259/1259/1297 1260/1260/1296 1262/1262/1298 +f 1268/1268/1304 1262/1262/1298 1260/1260/1296 +f 1267/1267/1303 1268/1268/1304 1260/1260/1296 +f 241/241/218 109/109/93 112/112/217 +f 1269/1269/1305 109/109/93 241/241/218 +f 1267/1267/1303 109/109/93 1269/1269/1305 +f 1269/1269/1305 1270/1270/1306 1267/1267/1303 +f 1270/1270/1306 1268/1268/1304 1267/1267/1303 +f 1261/1261/1299 1262/1262/1298 1264/1264/1307 +f 1268/1268/1304 1264/1264/1307 1262/1262/1298 +f 1264/1264/1307 1271/1271/1311 1263/1263/1309 +f 1272/1272/1319 1273/1273/1308 1265/1265/1300 +f 1274/1274/1310 1265/1265/1300 1263/1263/1309 +f 1274/1274/1310 1263/1263/1309 1271/1271/1311 +f 1274/1274/1310 1272/1272/1319 1265/1265/1300 +f 1264/1264/1307 1268/1268/1304 1275/1275/1325 +f 1264/1264/1307 1275/1275/1325 1271/1271/1311 +f 1058/1058/1110 1059/1059/1107 1266/1266/1301 +f 1062/4280/1312 1058/1058/1110 1266/1266/1301 +f 1276/1276/1313 1062/4280/1312 1266/1266/1301 +f 1276/1276/1313 1064/1064/1116 1062/4280/1312 +f 1069/1069/1314 1064/1064/1116 1276/1276/1313 +f 1276/1276/1313 1277/1277/1315 1069/1069/1314 +f 1266/1266/1301 1273/1273/1308 1276/1276/1313 +f 1273/1273/1308 1277/1277/1315 1276/1276/1313 +f 1273/1273/1308 1266/1266/1301 1265/1265/1300 +f 1278/1278/1322 1069/1069/1314 1277/1277/1315 +f 1277/1277/1315 1279/1279/1320 1278/1278/1322 +f 1280/1280/1330 1278/1278/1322 1281/1281/1335 +f 1071/1071/1316 1068/1068/1317 1282/1282/1318 +f 1069/1069/1314 1282/1282/1318 1068/1068/1317 +f 1280/1280/1330 1069/1069/1314 1278/1278/1322 +f 1282/1282/1318 1069/1069/1314 1280/1280/1330 +f 1283/1283/1321 1277/1277/1315 1273/1273/1308 +f 1273/1273/1308 1272/1272/1319 1283/1283/1321 +f 1283/1283/1321 1272/1272/1319 1284/1284/1327 +f 1279/1279/1320 1277/1277/1315 1283/1283/1321 +f 1278/1278/1322 1279/1279/1320 1285/1285/1323 +f 1286/1286/1383 1283/1283/1321 1284/1284/1327 +f 1283/1283/1321 1286/1286/1383 1287/1287/1337 +f 1268/1268/1304 1270/1270/1306 1275/1275/1325 +f 1288/1288/1368 1270/1270/1306 1269/1269/1305 +f 1275/1275/1325 1270/1270/1306 1288/1288/1368 +f 1289/1289/1366 1288/1288/1368 1269/1269/1305 +f 1288/1288/1368 1290/1290/1324 1275/1275/1325 +f 1271/1271/1311 1275/1275/1325 1291/1291/1326 +f 1271/1271/1311 1291/1291/1326 1274/1274/1310 +f 1292/1292/1378 1274/1274/1310 1291/1291/1326 +f 1290/1290/1324 1291/1291/1326 1275/1275/1325 +f 1292/1292/1378 1272/1272/1319 1274/1274/1310 +f 1293/1293/1328 1284/1284/1327 1272/1272/1319 +f 1293/1293/1328 1272/1272/1319 1292/1292/1378 +f 1294/1294/1329 1291/1291/1326 1290/1290/1324 +f 1282/1282/1318 1073/1073/1119 1071/1071/1316 +f 1295/1295/1332 1155/1155/1201 1073/1073/1119 +f 1296/1296/1331 1295/1295/1332 1073/1073/1119 +f 1232/1232/1268 1155/1155/1201 1295/1295/1332 +f 1282/1282/1318 1280/1280/1330 1296/1296/1331 +f 1296/1296/1331 1073/1073/1119 1282/1282/1318 +f 1281/1281/1335 1296/1296/1331 1280/1280/1330 +f 1297/1297/1339 1295/1295/1332 1296/1296/1331 +f 1298/1298/1340 1233/1233/1334 1232/1232/1268 +f 1232/1232/1268 1295/1295/1332 1297/1297/1339 +f 1299/1299/1341 1232/1232/1268 1297/1297/1339 +f 1300/1300/1333 1233/1233/1334 1298/1298/1340 +f 1301/1301/1427 1300/1300/1333 1298/1298/1340 +f 1281/1281/1335 1278/1278/1322 1285/1285/1323 +f 1287/1287/1337 1285/1285/1323 1279/1279/1320 +f 1287/1287/1337 1279/1279/1320 1283/1283/1321 +f 1302/1302/1386 1281/1281/1335 1285/1285/1323 +f 1303/1303/1336 1285/1285/1323 1287/1287/1337 +f 1302/1302/1386 1285/1285/1323 1303/1303/1336 +f 1281/1281/1335 1304/1304/1338 1296/1296/1331 +f 1304/1304/1338 1297/1297/1339 1296/1296/1331 +f 1304/1304/1338 1305/1305/1347 1297/1297/1339 +f 1298/1298/1340 1232/1232/1268 1299/1299/1341 +f 1305/1305/1347 1299/1299/1341 1297/1297/1339 +f 1302/1302/1386 1304/1304/1338 1281/1281/1335 +f 1302/1302/1386 1306/1306/1342 1304/1304/1338 +f 1306/1306/1342 1305/1305/1347 1304/1304/1338 +f 1298/1298/1340 1307/1307/1346 1301/1301/1427 +f 1299/1299/1341 1308/1308/1343 1298/1298/1340 +f 1308/1308/1343 1307/1307/1346 1298/1298/1340 +f 1309/1309/1345 1308/1308/1343 1299/1299/1341 +f 1310/1310/1344 1309/1309/1345 1299/1299/1341 +f 1308/1308/1343 1309/1309/1345 1307/1307/1346 +f 1299/1299/1341 1305/1305/1347 1310/1310/1344 +f 1311/1311/1348 1307/1307/1346 1312/1312/1349 +f 1312/1312/1349 1313/1313/1353 1311/1311/1348 +f 1314/1314/1392 1307/1307/1346 1309/1309/1345 +f 1228/1228/1262 1315/1315/1352 1227/1227/1261 +f 1229/1229/2469 1226/1226/1260 1227/1227/1261 +f 1316/1316/1350 1229/1229/2469 1227/1227/1261 +f 1316/1316/1350 1227/1227/1261 1317/1317/1361 +f 1227/1227/1261 1315/1315/1352 1317/1317/1361 +f 1318/1318/1351 1315/1315/1352 1228/1228/1262 +f 1315/1315/1352 1319/1319/1362 1317/1317/1361 +f 1319/1319/1362 1315/1315/1352 1318/1318/1351 +f 1311/1311/1348 1313/1313/1353 1320/1320/1354 +f 1320/1320/1354 1321/1321/1406 1322/1322/1358 +f 1321/1321/1406 1320/1320/1354 1313/1313/1353 +f 1323/1323/1355 1324/1324/1356 1325/1325/1357 +f 1325/1325/1357 1322/1322/1358 1323/1323/1355 +f 1322/1322/1358 1321/1321/1406 1326/1326/1359 +f 1326/1326/1359 1323/1323/1355 1322/1322/1358 +f 1318/1318/1351 1327/1327/1360 1319/1319/1362 +f 1328/1328/2514 1317/1317/1361 1319/1319/1362 +f 1329/1329/1363 1327/1327/1360 1324/1324/1356 +f 1330/1330/1365 1328/1328/2514 1319/1319/1362 +f 1329/1329/1363 1319/1319/1362 1327/1327/1360 +f 1329/1329/1363 1330/1330/1365 1319/1319/1362 +f 1331/1331/1364 1330/1330/1365 1329/1329/1363 +f 1331/1331/1364 1332/1332/2543 1330/1330/1365 +f 245/245/221 1269/1269/1305 241/241/218 +f 1289/1289/1366 1269/1269/1305 245/245/221 +f 246/246/222 1289/1289/1366 245/245/221 +f 1289/1289/1366 246/246/222 1333/1333/1367 +f 1289/1289/1366 1333/1333/1367 1288/1288/1368 +f 1290/1290/1324 1288/1288/1368 1333/1333/1367 +f 1290/1290/1324 1334/1334/1373 1294/1294/1329 +f 1292/1292/1378 1291/1291/1326 1294/1294/1329 +f 1335/1335/1379 1336/1336/1384 1293/1293/1328 +f 1293/1293/1328 1292/1292/1378 1335/1335/1379 +f 1333/1333/1367 246/246/222 254/254/234 +f 1337/1337/1369 660/660/1370 1338/1338/1371 +f 1337/1337/1369 1338/1338/1371 1339/1339/1883 +f 1340/1340/1372 1333/1333/1367 254/254/234 +f 1340/1340/1372 1334/1334/1373 1333/1333/1367 +f 1334/1334/1373 1290/1290/1324 1333/1333/1367 +f 1294/1294/1329 1334/1334/1373 1341/1341/1374 +f 1340/1340/1372 254/254/234 258/258/233 +f 1337/1337/1369 261/261/3293 662/662/628 +f 260/260/236 662/662/628 261/261/3293 +f 1342/1342/1375 1334/1334/1373 1340/1340/1372 +f 1343/1343/1376 1334/1334/1373 1342/1342/1375 +f 1343/1343/1376 1341/1341/1374 1334/1334/1373 +f 1294/1294/1329 1344/1344/1377 1292/1292/1378 +f 1294/1294/1329 1341/1341/1374 1344/1344/1377 +f 1344/1344/1377 1335/1335/1379 1292/1292/1378 +f 1345/1345/1380 1346/1346/1385 1335/1335/1379 +f 1345/1345/1380 1335/1335/1379 1344/1344/1377 +f 1345/1345/1380 1347/1347/1381 1348/1348/1382 +f 1347/1347/1381 1345/1345/1380 1344/1344/1377 +f 1349/1349/3692 1348/1348/1382 1347/1347/1381 +f 1349/1349/3692 1350/1350/1397 1348/1348/1382 +f 1293/1293/1328 1286/1286/1383 1284/1284/1327 +f 1286/1286/1383 1303/1303/1336 1287/1287/1337 +f 1336/1336/1384 1286/1286/1383 1293/1293/1328 +f 1336/1336/1384 1303/1303/1336 1286/1286/1383 +f 1346/1346/1385 1303/1303/1336 1336/1336/1384 +f 1346/1346/1385 1351/1351/1388 1303/1303/1336 +f 1302/1302/1386 1303/1303/1336 1352/1352/1390 +f 1351/1351/1388 1352/1352/1390 1303/1303/1336 +f 1346/1346/1385 1336/1336/1384 1335/1335/1379 +f 1346/1346/1385 1353/1353/1387 1351/1351/1388 +f 1354/1354/1395 1351/1351/1388 1353/1353/1387 +f 1352/1352/1390 1351/1351/1388 1354/1354/1395 +f 1354/1354/1395 1355/1355/1389 1352/1352/1390 +f 1352/1352/1390 1306/1306/1342 1302/1302/1386 +f 1355/1355/1389 1306/1306/1342 1352/1352/1390 +f 1310/1310/1344 1305/1305/1347 1356/1356/1399 +f 1306/1306/1342 1356/1356/1399 1305/1305/1347 +f 1357/1357/1391 1309/1309/1345 1310/1310/1344 +f 1357/1357/1391 1314/1314/1392 1309/1309/1345 +f 1314/1314/1392 1312/1312/1349 1307/1307/1346 +f 1358/1358/1416 1314/1314/1392 1359/1359/1401 +f 1314/1314/1392 1357/1357/1391 1359/1359/1401 +f 1355/1355/1389 1356/1356/1399 1306/1306/1342 +f 1360/1360/1404 1310/1310/1344 1356/1356/1399 +f 1310/1310/1344 1360/1360/1404 1361/1361/1393 +f 1361/1361/1393 1357/1357/1391 1310/1310/1344 +f 1361/1361/1393 1359/1359/1401 1357/1357/1391 +f 1348/1348/1382 1346/1346/1385 1345/1345/1380 +f 1353/1353/1387 1346/1346/1385 1348/1348/1382 +f 1350/1350/1397 1353/1353/1387 1348/1348/1382 +f 1362/1362/1394 1353/1353/1387 1350/1350/1397 +f 1353/1353/1387 1362/1362/1394 1354/1354/1395 +f 1349/1349/3692 1363/1363/1396 1350/1350/1397 +f 1362/1362/1394 1350/1350/1397 1363/1363/1396 +f 1364/1364/3709 1354/1354/1395 1362/1362/1394 +f 1364/1364/3709 1355/1355/1389 1354/1354/1395 +f 1365/1365/1398 1355/1355/1389 1364/1364/3709 +f 1355/1355/1389 1365/1365/1398 1356/1356/1399 +f 1360/1360/1404 1366/1366/1400 1361/1361/1393 +f 1366/1366/1400 1359/1359/1401 1361/1361/1393 +f 1360/1360/1404 1356/1356/1399 1365/1365/1398 +f 1365/1365/1398 1367/1367/3713 1360/1360/1404 +f 1366/1366/1400 1360/1360/1404 1368/1368/1402 +f 1369/1369/1403 1360/1360/1404 1367/1367/3713 +f 1368/1368/1402 1360/1360/1404 1369/1369/1403 +f 1314/1314/1392 1313/1313/1353 1312/1312/1349 +f 1370/1370/1405 1313/1313/1353 1314/1314/1392 +f 1313/1313/1353 1370/1370/1405 1321/1321/1406 +f 1370/1370/1405 1371/1371/1407 1321/1321/1406 +f 1326/1326/1359 1321/1321/1406 1371/1371/1407 +f 1372/1372/1409 1323/1323/1355 1326/1326/1359 +f 1314/1314/1392 1358/1358/1416 1370/1370/1405 +f 1373/1373/1408 1370/1370/1405 1358/1358/1416 +f 1370/1370/1405 1373/1373/1408 1371/1371/1407 +f 1326/1326/1359 1371/1371/1407 1372/1372/1409 +f 1374/1374/1410 1372/1372/1409 1371/1371/1407 +f 1372/1372/1409 1374/1374/1410 1375/1375/1420 +f 1376/1376/1411 1324/1324/1356 1323/1323/1355 +f 1376/1376/1411 1329/1329/1363 1324/1324/1356 +f 1372/1372/1409 1377/1377/1413 1323/1323/1355 +f 1377/1377/1413 1376/1376/1411 1323/1323/1355 +f 1329/1329/1363 1376/1376/1411 1378/1378/1412 +f 1378/1378/1412 1331/1331/1364 1329/1329/1363 +f 1376/1376/1411 1377/1377/1413 1379/1379/1414 +f 1375/1375/1420 1377/1377/1413 1372/1372/1409 +f 1379/1379/1414 1378/1378/1412 1376/1376/1411 +f 1380/1380/2548 1378/1378/1412 1379/1379/1414 +f 1381/1381/1415 1359/1359/1401 1366/1366/1400 +f 1358/1358/1416 1359/1359/1401 1381/1381/1415 +f 1373/1373/1408 1358/1358/1416 1381/1381/1415 +f 1374/1374/1410 1371/1371/1407 1373/1373/1408 +f 1382/1382/1422 1375/1375/1420 1374/1374/1410 +f 1382/1382/1422 1374/1374/1410 1373/1373/1408 +f 1366/1366/1400 1383/1383/1417 1381/1381/1415 +f 1368/1368/1402 1383/1383/1417 1366/1366/1400 +f 1384/1384/1419 1381/1381/1415 1383/1383/1417 +f 1384/1384/1419 1373/1373/1408 1381/1381/1415 +f 1385/1385/1418 1384/1384/1419 1383/1383/1417 +f 1373/1373/1408 1384/1384/1419 1382/1382/1422 +f 1382/1382/1422 1384/1384/1419 1385/1385/1418 +f 1375/1375/1420 1386/1386/1423 1377/1377/1413 +f 1386/1386/1423 1379/1379/1414 1377/1377/1413 +f 1386/1386/1423 1375/1375/1420 1387/1387/1421 +f 1388/1388/3725 1380/1380/2548 1379/1379/1414 +f 1387/1387/1421 1375/1375/1420 1382/1382/1422 +f 1388/1388/3725 1379/1379/1414 1386/1386/1423 +f 1233/1233/1334 1300/1300/1333 1242/1242/1277 +f 1242/1242/1277 1300/1300/1333 1243/1243/1425 +f 1389/1389/1424 1243/1243/1425 1300/1300/1333 +f 1245/1245/1426 1243/1243/1425 1389/1389/1424 +f 1390/1390/1428 1245/1245/1426 1389/1389/1424 +f 1301/1301/1427 1389/1389/1424 1300/1300/1333 +f 1390/1390/1428 1389/1389/1424 1301/1301/1427 +f 1301/1301/1427 1307/1307/1346 1390/1390/1428 +f 1311/1311/1348 1390/1390/1428 1307/1307/1346 +f 1390/1390/1428 1311/1311/1348 1320/1320/1354 +f 1391/1391/1431 1257/1257/1430 1244/1244/1279 +f 1244/1244/1279 1245/1245/1426 1391/1391/1431 +f 1392/1392/1429 1256/1256/1291 1257/1257/1430 +f 1392/1392/1429 1257/1257/1430 1391/1391/1431 +f 1255/1255/1290 1256/1256/1291 1393/1393/1433 +f 1256/1256/1291 1392/1392/1429 1393/1393/1433 +f 1390/1390/1428 1391/1391/1431 1245/1245/1426 +f 1394/1394/1432 1392/1392/1429 1325/1325/1357 +f 1392/1392/1429 1394/1394/1432 1318/1318/1351 +f 1325/1325/1357 1392/1392/1429 1391/1391/1431 +f 1255/1255/1290 1393/1393/1433 1228/1228/1262 +f 1318/1318/1351 1393/1393/1433 1392/1392/1429 +f 1393/1393/1433 1318/1318/1351 1228/1228/1262 +f 1327/1327/1360 1318/1318/1351 1394/1394/1432 +f 1390/1390/1428 1320/1320/1354 1391/1391/1431 +f 1322/1322/1358 1325/1325/1357 1391/1391/1431 +f 1391/1391/1431 1320/1320/1354 1322/1322/1358 +f 1325/1325/1357 1324/1324/1356 1394/1394/1432 +f 1324/1324/1356 1327/1327/1360 1394/1394/1432 +f 266/266/1436 1395/1395/1434 269/269/1435 +f 1395/1395/1434 266/266/1436 1396/1396/1437 +f 1395/1395/1438 1396/1396/1437 1397/1397/1439 +f 266/266/1436 264/264/239 1398/1398/1440 +f 264/264/239 265/265/378 1398/1398/1440 +f 1398/1398/1440 265/265/378 1399/1399/1442 +f 1399/4317/1442 265/4117/378 404/404/377 +f 1398/1398/1440 1396/1396/1437 266/266/1436 +f 1396/1396/1437 1398/1398/1440 1397/1397/1439 +f 1397/1397/1439 1398/1398/1440 1399/1399/1442 +f 1400/1400/1957 1397/4316/1441 1399/4317/1442 +f 1400/1400/1957 1399/4317/1442 1401/1401/1443 +f 1402/1402/1444 269/269/1435 1395/1395/1434 +f 1403/1403/1465 1404/1404/1445 1405/1405/1446 +f 1405/1405/1446 1404/1404/1445 1406/1406/1447 +f 266/266/1436 269/269/1435 267/267/242 +f 1403/1403/1465 270/270/243 269/269/1435 +f 1403/1403/1465 269/269/1435 1402/1402/1444 +f 1403/1403/1465 1402/1402/1444 1404/1404/1445 +f 1405/1405/1448 1406/1406/1449 1407/1407/1958 +f 1408/1408/1450 1409/1409/1451 1410/1410/1452 +f 1411/1411/1471 1408/1408/1450 1410/4323/1453 +f 1412/1412/1474 1410/1410/1454 1413/1413/1455 +f 1413/1413/1455 1410/1410/1454 1409/1409/1456 +f 1411/4324/1457 1410/1410/1454 1412/1412/1474 +f 1414/1414/1475 1409/1409/1451 1408/1408/1450 +f 1414/1414/1475 1413/1413/1458 1409/1409/1451 +f 1405/1405/1459 1415/1415/1460 1403/1403/1465 +f 279/279/250 270/270/243 1403/1403/1465 +f 271/271/244 270/270/243 279/279/250 +f 278/4121/1461 664/4209/1462 271/4118/244 +f 664/4209/1462 278/4121/1461 281/281/706 +f 1416/1416/1463 1417/1417/1464 1403/1403/1465 +f 278/278/249 271/271/244 279/279/250 +f 1403/1403/1465 1418/1418/1466 279/279/250 +f 1418/1418/1466 1403/1403/1465 1417/1417/1464 +f 1419/1419/1467 279/279/250 1418/1418/1466 +f 1419/1419/1467 1418/1418/1466 1420/1420/1468 +f 282/282/450 279/279/250 1419/1419/1467 +f 1419/1419/1467 1420/1420/1468 282/282/450 +f 1420/1420/1468 1421/1421/1970 1422/1422/1469 +f 1422/1422/1469 1423/1423/1470 1420/1420/1468 +f 1408/1408/1450 1411/1411/1471 1424/1424/1472 +f 1425/1425/1473 1411/4324/1457 1412/1412/1474 +f 1424/4331/1472 1411/4324/1471 1425/1425/1473 +f 1414/1414/1475 1426/1426/1476 1413/1413/1458 +f 1425/1425/1473 1412/1412/1474 1427/1427/1478 +f 1428/1428/1477 1425/1425/1473 1427/1427/1478 +f 1428/1428/1477 1424/4331/1472 1425/1425/1473 +f 1429/1429/1975 1424/4331/1472 1428/1428/1477 +f 1413/1413/1455 1430/1430/1479 1412/1412/1474 +f 1430/1430/1479 1413/1413/1455 1426/1426/1480 +f 1427/1427/1478 1412/1412/1474 1430/1430/1479 +f 1427/1427/1478 1431/1431/1976 1428/1428/1477 +f 1426/1426/1480 1432/1432/1481 1430/1430/1479 +f 1427/1427/1478 1430/1430/1479 1432/1432/1481 +f 1426/1426/1476 1414/1414/1475 1433/1433/1486 +f 1432/1432/1481 1426/1426/1480 1434/1434/1482 +f 1434/1434/1483 1426/1426/1476 1433/1433/1486 +f 1435/1435/1484 1427/1427/1478 1432/1432/1481 +f 1431/1431/1976 1427/1427/1478 1435/1435/1484 +f 1434/1434/1482 1435/1435/1484 1432/1432/1481 +f 1436/1436/1485 1434/1434/1483 1433/1433/1486 +f 1435/1435/1484 1434/1434/1482 1437/1437/1487 +f 1436/1436/1485 1437/1437/1487 1434/1434/1482 +f 1435/1435/1484 1438/1438/1488 1431/1431/1976 +f 1439/1439/1714 1440/1440/1983 1438/4333/1488 +f 1438/1438/1488 1435/1435/1484 1437/1437/1487 +f 1441/1441/1489 1442/1442/1491 1443/1443/1490 +f 1438/4333/1488 1442/1442/1491 1439/1439/1714 +f 1441/1441/1489 1444/1444/1719 1442/1442/1491 +f 1444/1444/1719 1441/1441/1489 1445/1445/1718 +f 1445/1445/1718 1441/1441/1489 1446/1446/1492 +f 1447/1447/1493 1448/1448/1494 1449/1449/1495 +f 1449/1449/1495 1450/1450/1496 1447/1447/1493 +f 1451/1451/1499 1452/1452/1497 1449/1449/1498 +f 1449/1449/1498 1452/1452/1497 1453/1453/1507 +f 1453/1453/1507 1452/1452/1497 1454/1454/1508 +f 1455/1455/2005 1452/1452/1497 1451/1451/1499 +f 1455/1455/1500 1456/1456/1501 1454/1454/1502 +f 1455/1455/2005 1454/1454/1503 1452/1452/1497 +f 1457/1457/1504 1450/1450/1496 1449/1449/1495 +f 1457/1457/1504 1449/1449/1495 1453/1453/1507 +f 1458/1458/2004 1450/1450/1505 1457/1457/1506 +f 1459/1459/1510 1453/1453/1507 1454/1454/1508 +f 1459/1459/1510 1454/1454/1508 1456/1456/1501 +f 1453/1453/1507 1459/1459/1510 1460/1460/1513 +f 1461/1461/1509 1459/1459/1510 1462/1462/1511 +f 1462/1462/1511 1459/1459/1510 1456/1456/1501 +f 1455/1455/1500 1462/1462/1511 1456/1456/1501 +f 1460/1460/1513 1459/1459/1510 1461/1461/1509 +f 1457/1457/1504 1453/1453/1507 1460/1460/1513 +f 1463/1463/1512 1457/1457/1504 1460/1460/1513 +f 1464/1464/1514 1463/1463/1512 1460/1460/1513 +f 1462/1462/1511 1465/1465/1515 1461/1461/1509 +f 1465/1465/1515 1466/1466/1516 1461/1461/1509 +f 1460/1460/1513 1461/1461/1509 1466/1466/1516 +f 1460/1460/1513 1466/1466/1516 1467/1467/1525 +f 1466/1466/1516 1468/1468/1522 1467/1467/1525 +f 1464/1464/1514 1460/1460/1513 1467/1467/1525 +f 1469/1469/1517 1464/1464/1514 1467/1467/1525 +f 1464/1464/1518 1469/1469/1527 1470/1470/1519 +f 1471/1471/1520 1465/1465/1515 1462/1462/1511 +f 1465/1465/1515 1471/1471/1520 1472/1472/1521 +f 1466/1466/1516 1465/1465/1515 1468/1468/1522 +f 1468/1468/1522 1465/1465/1515 1472/1472/1523 +f 1473/1473/1524 1467/1467/1525 1468/1468/1522 +f 1474/1474/1526 1470/1470/1519 1469/1469/1527 +f 1473/1473/1524 1469/1469/1517 1467/1467/1525 +f 1473/1473/1542 1474/1474/1526 1469/1469/1527 +f 1475/1475/1528 1471/4342/1520 1474/4346/1526 +f 1475/4347/1528 1476/1476/1537 1477/1477/1529 +f 1476/1476/1537 1472/4344/1530 1477/1477/1529 +f 1472/1472/1521 1471/1471/1520 1477/4350/1531 +f 1471/4342/1520 1475/1475/1528 1477/4349/1529 +f 1472/4344/1530 1476/1476/1537 1478/1478/1532 +f 1472/4344/1523 1478/1478/1533 1468/4341/1522 +f 1479/1479/1534 1468/4341/1522 1478/1478/1533 +f 1479/1479/1535 1478/1478/1532 1476/1476/1537 +f 1480/1480/1536 1479/1479/1535 1476/1476/1537 +f 1479/1479/1535 1480/1480/1536 1481/1481/1538 +f 1468/4341/1522 1479/1479/1534 1482/1482/1539 +f 1481/1481/1540 1482/1482/1539 1479/1479/1534 +f 1475/1475/1541 1473/4345/1542 1483/1483/1543 +f 1483/1483/1544 1473/4345/1524 1468/4341/1522 +f 1475/1475/1541 1483/1483/1543 1484/1484/1545 +f 1483/1483/1544 1468/4341/1522 1482/1482/1539 +f 1483/1483/1544 1482/1482/1539 1484/1484/1546 +f 301/301/639 297/4124/271 298/4125/1547 +f 301/301/639 300/300/272 33/33/24 +f 301/301/639 299/299/641 300/300/272 +f 304/304/274 302/302/273 295/295/275 +f 298/298/1547 302/302/1548 1485/1485/1549 +f 666/666/640 301/301/639 298/4125/1547 +f 666/666/640 298/4125/1547 1485/4352/1549 +f 302/302/1548 304/304/1550 1485/1485/1549 +f 1485/4353/1551 304/304/274 303/303/276 +f 666/4210/640 1485/4353/1551 303/303/276 +f 1486/1486/1556 1487/1487/1558 1488/1488/1553 +f 1488/1488/1553 1487/1487/1558 1489/1489/1561 +f 1486/1486/1552 1488/1488/1553 1490/1490/1554 +f 1488/1488/1553 1491/1491/1555 1490/4355/1554 +f 1492/1492/2007 1486/1486/1552 1490/4354/1554 +f 1486/1486/1556 1493/1493/1557 1487/1487/1558 +f 1492/1492/1559 1493/1493/1557 1486/1486/1556 +f 1491/1491/1555 1488/1488/1553 1489/1489/1561 +f 1491/1491/1555 1494/1494/1564 1490/4355/1554 +f 1495/1495/1566 1487/1487/1558 1493/1493/1557 +f 1491/1491/1555 1489/1489/1561 1496/1496/1562 +f 1496/1496/1560 1494/1494/1564 1491/1491/1555 +f 1489/1489/1561 1487/1487/1558 1495/1495/1566 +f 1496/1496/1562 1489/1489/1561 1495/1495/1566 +f 1497/1497/1563 1493/1493/1557 1494/4357/1564 +f 1498/1498/2561 1497/1497/1563 1494/4357/1564 +f 1496/1496/1562 1495/1495/1566 1499/1499/1565 +f 1499/1499/1565 1495/1495/1566 1500/1500/2413 +f 1499/1499/1565 1500/1500/2413 1086/1086/1126 +f 1498/4358/1567 1496/1496/1560 1499/1499/1568 +f 1498/4358/1567 1499/1499/1568 1501/1501/1569 +f 1501/1501/1569 1499/1499/1568 1086/1086/1126 +f 1085/1085/1128 1501/1501/1569 1086/1086/1126 +f 1085/1085/1128 1089/1089/1131 1502/1502/1570 +f 1089/1089/1131 1090/1090/1130 1502/1502/1570 +f 1091/1091/1132 1502/1502/1570 1090/1090/1130 +f 1503/1503/1571 1504/1504/1575 1502/1502/1570 +f 1503/1503/1571 1502/1502/1570 1091/1091/1572 +f 1091/1091/1572 1138/1138/1573 1503/1503/1571 +f 1505/1505/1574 1504/1504/1575 1503/1503/1571 +f 1138/1138/1573 1505/1505/1574 1503/1503/1571 +f 1506/1506/1576 1139/1139/1187 1092/1092/1185 +f 1505/1505/1574 1138/1138/1573 1139/1139/1577 +f 1506/4359/1578 1505/1505/1574 1139/1139/1577 +f 1507/1507/2009 1508/1508/1580 1481/1481/1538 +f 1482/1482/1539 1481/1481/1540 1509/1509/1587 +f 1509/1509/1587 1481/1481/1540 1508/1508/1579 +f 1507/1507/2009 1510/1510/2012 1508/1508/1580 +f 1509/1509/1587 1484/1484/1546 1482/1482/1539 +f 1484/1484/1546 1509/1509/1587 1511/1511/1774 +f 1512/1512/1585 1513/1513/1583 1514/1514/2017 +f 1515/1515/1581 1512/1512/1585 1514/1514/2017 +f 1516/1516/1582 1513/1513/1583 1512/1512/1585 +f 1517/1517/1584 1512/1512/1585 1518/1518/1586 +f 1512/1512/1585 1515/1515/1581 1518/1518/1586 +f 1517/1517/1584 1509/4360/1587 1516/1516/1588 +f 1517/1517/1584 1516/1516/1588 1512/1512/1585 +f 1518/1518/1586 1519/1519/1778 1517/1517/1584 +f 1520/1520/1590 1515/4364/1581 1514/4363/2017 +f 1521/1521/1589 1515/4364/1581 1520/1520/1590 +f 1515/1515/1581 1522/1522/1596 1518/1518/1586 +f 1522/4366/1596 1515/4364/1581 1521/1521/1589 +f 1164/1164/1591 1166/1166/1592 1523/1523/1593 +f 1523/4367/1593 1524/1524/2022 1164/4292/1591 +f 1525/1525/2024 1164/4292/1591 1524/1524/2022 +f 1526/1526/1600 1523/1523/1593 1527/1527/1595 +f 1528/1528/1594 1527/1527/1595 1523/1523/1593 +f 1522/4366/1596 1521/1521/1589 1529/1529/1597 +f 1519/1519/1778 1518/1518/1586 1530/1530/1598 +f 1522/1522/1596 1530/1530/1598 1518/1518/1586 +f 1531/1531/2021 1523/4368/1593 1526/4370/1600 +f 1532/1532/1679 1533/1533/1599 1526/1526/1600 +f 1533/1533/1599 1531/4373/2021 1526/1526/1600 +f 1532/1532/2067 1534/1534/1601 1533/1533/1599 +f 1525/4369/2024 1165/1165/1602 1164/1164/1591 +f 1528/1528/1594 1523/1523/1593 1166/1166/1592 +f 1528/1528/1594 1166/1166/1592 1165/1165/1210 +f 1535/1535/2026 1165/1165/1602 1525/4369/2024 +f 1536/1536/1607 1537/1537/1615 1538/1538/1614 +f 1539/1539/1603 1537/1537/1615 1536/1536/1607 +f 1540/1540/1604 1539/1539/1605 1536/4374/1607 +f 1541/1541/1616 1537/1537/1615 1539/1539/1606 +f 1536/4375/1607 1542/1542/1608 1540/1540/1604 +f 1193/1193/1609 1188/1188/1228 1187/1187/1642 +f 1187/4299/1642 1189/4300/1233 1192/1192/1232 +f 1543/1543/1610 1544/1544/1611 1190/1190/1254 +f 1193/1193/1644 1543/1543/1610 1190/1190/1254 +f 1545/1545/1613 1546/1546/1617 1201/1201/1612 +f 1545/1545/1613 1201/1201/1612 1200/1200/2040 +f 1202/1202/1242 1201/1201/1612 1546/1546/1617 +f 1545/1545/1613 1536/1536/1607 1538/1538/1614 +f 1546/1546/1617 1545/1545/1613 1538/1538/1614 +f 1547/1547/2036 1536/1536/1607 1545/1545/1613 +f 1546/1546/1617 1538/1538/1614 1537/1537/1615 +f 1537/1537/1615 1541/1541/1616 1546/1546/1617 +f 1542/1542/1618 1541/1541/1616 1540/1540/1619 +f 1541/1541/1616 1548/1548/1620 1546/1546/1617 +f 1546/1546/1617 1549/1549/1629 1202/1202/1242 +f 1550/1550/1621 1549/1549/1629 1548/1548/1620 +f 1548/1548/1620 1551/1551/1622 1550/1550/1621 +f 1548/1548/1620 1541/1541/1616 1542/1542/1618 +f 1551/4378/1622 1552/1552/1623 1550/4377/1621 +f 1553/1553/1624 1197/1197/1625 1202/1202/1242 +f 1553/1553/1624 1202/1202/1242 1554/1554/1628 +f 1555/1555/1626 1554/1554/1628 1556/1556/1627 +f 1555/1555/1626 1553/1553/1624 1554/1554/1628 +f 1548/1548/1620 1549/1549/1629 1546/1546/1617 +f 1554/1554/1628 1202/1202/1242 1549/1549/1629 +f 1556/1556/1627 1554/1554/1628 1549/1549/1629 +f 1552/1552/1623 1557/1557/1662 1550/4377/1621 +f 1558/1558/1630 1550/4377/1621 1557/1557/1662 +f 1558/1558/1630 1556/4382/1627 1550/4377/1621 +f 1559/1559/1647 1555/4381/1626 1558/1558/1630 +f 1556/4382/1627 1558/1558/1630 1555/4381/1626 +f 1560/1560/1632 1199/1199/2033 1198/4304/1241 +f 1561/1561/1631 1560/4383/1632 1198/1198/1241 +f 1208/1208/1249 1561/1561/1631 1198/1198/1241 +f 1208/1208/1249 1560/4383/1632 1562/1562/1633 +f 1560/4383/1632 1561/1561/1631 1562/1562/1633 +f 1561/1561/1631 1208/1208/1249 1562/1562/1633 +f 1563/1563/1640 1209/1209/1634 1197/1197/1625 +f 1560/4383/1632 1208/1208/1249 1209/1209/1634 +f 1564/1564/1635 1565/1565/1636 1566/1566/1637 +f 1560/1560/1632 1565/1565/1636 1564/1564/1635 +f 1565/4386/1639 1560/4383/1632 1209/1209/1634 +f 1565/4385/1636 1567/1567/1638 1566/4387/1637 +f 1565/4385/1639 1563/4384/1640 1567/1567/1638 +f 1568/1568/1643 1567/1567/1638 1563/4384/1640 +f 1187/1187/1641 1566/4387/1637 1567/1567/1638 +f 1569/1569/2044 1566/4387/1637 1187/1187/1642 +f 1193/1193/1644 1187/1187/1641 1567/1567/1638 +f 1567/1567/1638 1568/1568/1643 1193/1193/1644 +f 1543/1543/1610 1193/1193/1644 1568/1568/1643 +f 1570/1570/1645 1543/1543/1610 1568/1568/1643 +f 1570/1570/1645 1568/1568/1643 1571/1571/1663 +f 1209/1209/1634 1563/1563/1640 1565/4386/1639 +f 1572/1572/2046 1571/1571/1663 1563/4384/1640 +f 1571/1571/1663 1568/1568/1643 1563/4384/1640 +f 1573/1573/1646 1572/4391/2046 1563/1563/1640 +f 1563/1563/1640 1197/1197/1625 1553/1553/1624 +f 1563/1563/1640 1553/1553/1624 1555/1555/1626 +f 1555/4381/1626 1559/1559/1647 1573/4392/1646 +f 1190/1190/1254 1217/1217/1648 1192/4302/1649 +f 1574/1574/1655 1192/1192/1649 1217/4306/1648 +f 1219/1219/1650 1220/1220/1651 1218/1218/1657 +f 1220/1220/1651 1221/1221/1652 1575/1575/1658 +f 1221/1221/1258 1222/1222/1654 1575/1575/1653 +f 1222/1222/1654 1574/4393/1655 1575/1575/1653 +f 1574/4393/1655 1217/4307/1648 1575/1575/1653 +f 1217/4307/1656 1218/4308/1657 1575/1575/1658 +f 1218/4309/1657 1220/4310/1651 1575/4394/1658 +f 1576/1576/1661 1574/1574/1659 1577/1577/1660 +f 1576/1576/1661 1192/1192/1232 1574/1574/1659 +f 1544/1544/1611 1222/1222/1654 1190/1190/1254 +f 1576/1576/1661 1187/4299/1642 1192/1192/1232 +f 1578/1578/2636 1558/1558/1630 1557/1557/1662 +f 1558/1558/1630 1578/1578/2636 1579/1579/1668 +f 1579/1579/1668 1559/1559/1647 1558/1558/1630 +f 1580/1580/2638 1579/1579/1668 1578/1578/2636 +f 1581/1581/1667 1543/1543/1610 1570/1570/1645 +f 1582/1582/1665 1581/1581/1667 1570/1570/1645 +f 1582/1582/1665 1570/1570/1645 1571/1571/1663 +f 1582/1582/1665 1571/1571/1663 1583/1583/1664 +f 1582/1582/1665 1584/1584/1666 1581/1581/1667 +f 1559/1559/1647 1579/1579/1668 1585/1585/2059 +f 1579/1579/1668 1586/1586/1669 1585/1585/2059 +f 1586/1586/1669 1587/1587/2062 1585/1585/2059 +f 1588/1588/1670 1586/1586/1669 1579/1579/1668 +f 1589/1589/1671 1579/1579/1668 1580/1580/2638 +f 1589/1589/1671 1588/1588/1670 1579/1579/1668 +f 1588/1588/1670 1590/1590/1672 1591/1591/2063 +f 1590/1590/1672 1592/1592/2061 1591/1591/2063 +f 1589/4396/1671 1593/1593/1834 1590/4397/1672 +f 1590/1590/1672 1588/1588/1670 1589/1589/1671 +f 1591/1591/2063 1586/1586/1669 1588/1588/1670 +f 1535/1535/2026 1594/1594/1673 1595/1595/1675 +f 1594/1594/1673 1596/1596/1676 1595/1595/1675 +f 1597/1597/1674 1595/1595/1675 1598/1598/1687 +f 1598/1598/1687 1596/1596/1676 1599/1599/1686 +f 1594/1594/1673 1600/1600/1683 1596/1596/1676 +f 1596/1596/1676 1600/1600/1683 1599/1599/1677 +f 1596/1596/1676 1598/1598/1687 1595/1595/1675 +f 1165/1165/1210 1535/1535/2026 1528/1528/1594 +f 1595/1595/1675 1527/1527/1595 1528/1528/1594 +f 1595/1595/1675 1528/1528/1594 1535/1535/2026 +f 1601/1601/1678 1527/1527/1595 1597/1597/1674 +f 1602/1602/1681 1601/1601/1678 1597/1597/1674 +f 1532/1532/1679 1526/1526/1600 1527/1527/1595 +f 1532/1532/1679 1527/1527/1595 1601/1601/1678 +f 1601/1601/1678 1603/1603/1680 1532/1532/1679 +f 1604/1604/2069 1603/1603/1680 1602/1602/1681 +f 1602/1602/1681 1603/1603/1680 1601/1601/1678 +f 1527/1527/1595 1595/1595/1675 1597/1597/1674 +f 1602/1602/1681 1597/1597/1674 1605/1605/1682 +f 1597/1597/1674 1598/1598/1687 1605/1605/1682 +f 1606/1606/2070 1602/1602/1681 1605/1605/1682 +f 1607/1607/1698 1606/1606/2070 1605/1605/1682 +f 1607/1607/1698 1605/1605/1682 1608/1608/1699 +f 1250/1250/1285 1609/1609/1684 1251/1251/1286 +f 1251/1251/1286 1610/1610/1690 1249/1249/1685 +f 1609/1609/1684 1577/4395/1660 1251/1251/1286 +f 1249/1249/1685 1610/1610/1690 1611/1611/1694 +f 1611/1611/1694 1610/1610/1690 1612/1612/1691 +f 1600/1600/1683 1250/1250/1285 1599/1599/1677 +f 1250/1250/1285 1600/1600/1683 1609/1609/1684 +f 1249/1249/1685 1599/1599/1686 1250/1250/1285 +f 1598/1598/1687 1599/1599/1686 1249/1249/1685 +f 1249/1249/1685 1611/1611/1694 1598/1598/1687 +f 1605/1605/1682 1598/1598/1687 1613/1613/1688 +f 1611/1611/1694 1613/1613/1688 1598/1598/1687 +f 1574/4393/1655 1614/1614/1689 1251/1251/1286 +f 1614/1614/1689 1222/1222/1654 1544/1544/1611 +f 1222/1222/1654 1614/1614/1689 1574/4393/1655 +f 1251/1251/1286 1577/4395/1660 1574/4393/1659 +f 1610/1610/1690 1251/1251/1286 1614/1614/1689 +f 1610/1610/1690 1614/1614/1689 1544/1544/1611 +f 1612/1612/1691 1610/1610/1690 1615/1615/1692 +f 1615/1615/1692 1610/1610/1690 1616/1616/1693 +f 1544/1544/1611 1543/1543/1610 1581/1581/1667 +f 1544/1544/1611 1581/1581/1667 1610/1610/1690 +f 1584/1584/1666 1617/1617/2072 1616/1616/1693 +f 1581/1581/1667 1584/1584/1666 1616/1616/1693 +f 1616/1616/1693 1610/1610/1690 1581/1581/1667 +f 1611/1611/1694 1618/1618/1695 1613/1613/1688 +f 1605/1605/1682 1613/1613/1688 1608/1608/1699 +f 1619/1619/1696 1613/1613/1688 1618/1618/1695 +f 1608/1608/1699 1613/1613/1688 1619/1619/1696 +f 1618/1618/1695 1620/1620/1701 1619/1619/1696 +f 1621/1621/1697 1607/1607/1698 1608/1608/1699 +f 1621/1621/1697 1608/1608/1699 1619/1619/1696 +f 1622/1622/1700 1619/1619/1696 1620/1620/1701 +f 1619/1619/1696 1622/1622/1700 1621/1621/1697 +f 1618/1618/1695 1623/1623/2071 1624/1624/2055 +f 1620/1620/1701 1618/1618/1695 1624/1624/2055 +f 1620/1620/1701 1625/1625/1702 1622/1622/1700 +f 1626/1626/1954 1620/1620/1701 1627/1627/1703 +f 1620/1620/1701 1626/1626/1954 1625/1625/1702 +f 485/485/1704 282/282/450 1420/1420/1468 +f 485/485/1704 1420/1420/1468 1628/1628/1705 +f 1628/1628/1705 1420/1420/1468 1423/1423/1470 +f 1629/1629/1708 1628/1628/1705 1423/1423/1470 +f 1630/1630/1706 1631/1631/2077 1423/1423/1470 +f 1632/1632/1709 485/485/1704 1628/1628/1705 +f 483/483/451 485/485/1704 1632/1632/1709 +f 1631/1631/2077 1633/1633/1707 1629/1629/1708 +f 1629/1629/1708 1633/1633/1707 1632/1632/1709 +f 1632/1632/1709 1628/1628/1705 1629/1629/1708 +f 487/487/453 483/483/451 1632/1632/1709 +f 1634/1634/1738 487/487/453 1632/1632/1709 +f 1632/1632/1709 1633/1633/1707 1634/1634/1738 +f 1635/1635/1710 1634/1634/1738 1633/1633/1707 +f 1636/1636/2084 1634/1634/1738 1635/1635/1710 +f 1637/1637/1711 1638/1638/1725 1639/1639/1741 +f 1638/1638/1725 1640/1640/1712 1639/1639/1741 +f 1641/1641/1720 1642/1642/1713 1643/1643/1717 +f 1644/1644/1728 1641/4404/1720 1643/4405/1717 +f 1439/1439/1714 1645/1645/1988 1440/1440/1983 +f 1439/1439/1714 1643/4405/1717 1645/1645/1988 +f 1643/4405/1717 1439/1439/1714 1646/1646/1715 +f 1646/1646/1715 1647/1647/1716 1643/4405/1717 +f 1646/1646/1715 1439/1439/1714 1442/1442/1491 +f 1646/1646/1715 1442/1442/1491 1444/1444/1719 +f 1648/1648/1753 1444/1444/1719 1445/1445/1718 +f 1647/1647/1716 1646/1646/1715 1444/1444/1719 +f 1647/1647/1716 1444/1444/1719 1649/1649/1731 +f 1644/1644/1728 1643/4405/1717 1647/1647/1716 +f 1647/1647/1716 1649/1649/1731 1650/1650/1727 +f 1651/1651/1726 1641/4404/1720 1644/1644/1728 +f 1652/1652/1724 1641/4404/1720 1651/1651/1726 +f 1638/1638/1725 1637/1637/1721 1653/1653/1722 +f 1653/1653/1722 1654/1654/1723 1638/1638/1725 +f 1638/1638/1725 1654/1654/1723 1652/1652/1724 +f 1638/1638/1725 1652/1652/1724 1651/1651/1726 +f 1638/1638/1725 1651/1651/1726 1655/1655/1729 +f 1647/1647/1716 1650/1650/1727 1644/1644/1728 +f 1655/1655/1729 1651/1651/1726 1644/1644/1728 +f 1655/1655/1729 1644/1644/1728 1650/1650/1727 +f 1655/1655/1729 1650/1650/1727 1656/1656/1730 +f 1656/1656/1730 1650/1650/1727 1649/1649/1731 +f 1656/1656/1730 1649/1649/1731 1657/1657/1732 +f 1656/1656/1730 1657/1657/1732 1658/1658/1733 +f 1655/1655/1729 1656/1656/1730 1659/1659/1734 +f 1660/1660/1735 1659/1659/1734 1656/1656/1730 +f 1661/1661/1736 1659/1659/1734 1660/1660/1735 +f 488/488/454 487/487/453 1634/1634/1738 +f 1636/1636/2084 1662/1662/1737 1634/1634/1738 +f 488/488/454 1634/1634/1738 1662/1662/1737 +f 565/565/523 488/488/454 568/568/1739 +f 1663/1663/1742 568/568/1739 1662/1662/1737 +f 1664/1664/1740 1639/1639/1741 1640/1640/1712 +f 1662/1662/1737 1665/1665/2101 1663/1663/1742 +f 1663/1663/1742 1665/1665/2101 1666/1666/1745 +f 1667/1667/2102 1664/1664/1740 1640/1640/1712 +f 1668/1668/1743 1667/1667/2102 1640/1640/1712 +f 1669/1669/1744 1667/1667/2102 1668/1668/1743 +f 1669/1669/1744 1666/1666/1745 1667/1667/2102 +f 567/567/524 568/568/1739 1663/1663/1742 +f 567/567/524 1663/1663/1742 1670/1670/1748 +f 1671/1671/1873 567/567/524 1670/1670/1748 +f 1666/1666/1745 1670/1670/1748 1663/1663/1742 +f 1672/1672/1746 1666/1666/1745 1669/1669/1744 +f 1670/1670/1748 1666/1666/1745 1672/1672/1746 +f 1673/1673/1764 1669/1669/1744 1668/1668/1743 +f 1674/1674/1747 1669/1669/1744 1673/1673/1764 +f 1670/1670/1748 1672/1672/1746 1674/1674/1747 +f 1669/1669/1744 1674/1674/1747 1672/1672/1746 +f 1640/1640/1712 1638/1638/1725 1675/1675/1749 +f 1675/1675/1749 1638/1638/1725 1655/1655/1729 +f 1655/1655/1729 1676/1676/1750 1675/1675/1749 +f 1675/1675/1749 1676/1676/1750 1677/1677/1751 +f 1668/1668/1743 1640/1640/1712 1675/1675/1749 +f 1673/1673/1764 1668/1668/1743 1675/1675/1749 +f 1673/1673/1764 1675/1675/1749 1677/1677/1751 +f 1659/1659/1734 1676/1676/1750 1655/1655/1729 +f 1659/1659/1734 1678/1678/1752 1676/1676/1750 +f 1678/1678/1752 1659/1659/1734 1679/1679/1758 +f 1680/1680/1766 1673/1673/1764 1677/1677/1751 +f 1677/1677/1751 1676/1676/1750 1678/1678/1752 +f 1678/1678/1752 1681/1681/1761 1677/1677/1751 +f 1680/1680/1766 1677/1677/1751 1681/1681/1761 +f 1682/1682/1768 1680/1680/1766 1681/1681/1761 +f 1649/1649/1731 1444/1444/1719 1648/1648/1753 +f 1648/1648/1753 1657/1657/1732 1649/1649/1731 +f 1648/1648/1753 1683/1683/2105 1657/1657/1732 +f 1684/1684/1754 1658/1658/1733 1657/1657/1732 +f 1658/1658/1733 1660/1660/1735 1656/1656/1730 +f 1661/1661/1736 1679/1679/1758 1659/1659/1734 +f 1661/1661/1736 1685/1685/2106 1686/1686/1755 +f 1679/1679/1758 1661/1661/1736 1686/1686/1755 +f 1687/1687/1759 1679/1679/1758 1686/1686/1755 +f 1686/1686/1755 1688/1688/1756 1687/1687/1759 +f 1689/1689/1757 1678/1678/1752 1679/1679/1758 +f 1687/1687/1759 1689/1689/1757 1679/1679/1758 +f 1689/1689/1757 1687/1687/1759 1690/1690/1760 +f 1689/1689/1757 1690/1690/1760 1691/1691/1762 +f 1689/1689/1757 1681/1681/1761 1678/1678/1752 +f 1681/1681/1761 1689/1689/1757 1691/1691/1762 +f 1692/1692/1763 1670/1670/1748 1674/1674/1747 +f 1674/1674/1747 1673/1673/1764 1693/1693/1765 +f 1673/1673/1764 1680/1680/1766 1693/1693/1765 +f 1693/1693/1765 1680/1680/1766 1694/1694/1767 +f 1682/1682/1768 1681/1681/1761 1695/1695/1800 +f 1695/1695/1800 1681/1681/1761 1696/1696/1798 +f 1697/1697/1771 1698/1698/2116 1699/1699/1769 +f 1699/1699/1769 1700/1700/1770 1697/1697/1771 +f 1701/1701/1772 1484/1484/1545 1511/1511/1774 +f 1702/1702/1775 1703/1703/1773 1511/4361/1774 +f 1702/1702/1775 1511/4361/1774 1517/1517/1584 +f 1511/4361/1774 1509/4360/1587 1517/1517/1584 +f 1704/1704/1779 1702/1702/1775 1517/1517/1584 +f 1705/1705/1776 1703/1703/1773 1702/1702/1775 +f 1705/1705/1776 1702/1702/1775 1706/1706/1783 +f 1707/1707/1777 1702/1702/1775 1704/1704/1779 +f 1708/1708/1781 1707/1707/1777 1704/1704/1779 +f 1706/1706/1783 1702/1702/1775 1707/1707/1777 +f 1517/1517/1584 1519/1519/1778 1704/1704/1779 +f 1709/1709/1780 1704/1704/1779 1519/1519/1778 +f 1708/1708/1781 1704/1704/1779 1709/1709/1780 +f 1710/1710/2127 1708/1708/1781 1709/1709/1780 +f 1711/1711/1785 1708/1708/1781 1710/1710/2127 +f 1712/1712/2111 1703/1703/1773 1705/1705/1776 +f 1699/1699/1769 1712/1712/2111 1705/1705/1776 +f 1707/1707/1777 1713/1713/1782 1706/1706/1783 +f 1713/1713/1782 1707/1707/1777 1708/1708/1781 +f 1700/1700/1770 1699/1699/1769 1705/1705/1776 +f 1705/1705/1776 1706/1706/1783 1700/1700/1770 +f 1706/1706/1783 1713/1713/1782 1700/1700/1770 +f 1714/1714/1784 1713/1713/1782 1708/1708/1781 +f 1715/1715/1805 1713/1713/1782 1714/1714/1784 +f 1714/1714/1784 1708/1708/1781 1711/1711/1785 +f 1714/1714/1784 1711/1711/1785 1716/1716/1786 +f 1714/1714/1784 1716/1716/1786 1717/1717/1788 +f 1718/1718/1787 1714/1714/1784 1717/1717/1788 +f 1719/1719/1808 1718/1718/1787 1717/1717/1788 +f 1719/1719/1808 1717/1717/1788 1720/1720/1789 +f 1721/1721/1790 1722/1722/1952 1723/1723/1791 +f 1724/1724/1827 1721/1721/1790 1723/1723/1791 +f 1725/1725/1792 1721/1721/1790 1724/1724/1827 +f 1726/1726/2164 1725/1725/1792 1724/1724/1827 +f 1727/1727/2148 1697/1697/1771 1728/1728/1795 +f 1700/1700/1770 1728/1728/1795 1697/1697/1771 +f 1729/1729/1793 1730/1730/1794 1727/1727/2148 +f 1729/1729/1793 1727/1727/2148 1728/1728/1795 +f 1729/1729/1793 1728/1728/1795 1731/1731/1796 +f 1732/1732/1797 1731/1731/1796 1728/1728/1795 +f 1691/1691/1762 1690/1690/1760 1733/1733/2149 +f 1734/1734/1799 1691/1691/1762 1733/1733/2149 +f 1681/1681/1761 1691/1691/1762 1734/1734/1799 +f 1696/1696/1798 1681/1681/1761 1734/1734/1799 +f 1696/1696/1798 1734/1734/1799 1695/1695/1800 +f 1695/1695/1800 1734/1734/1799 1735/1735/1801 +f 1736/1736/1898 1735/1735/1801 1737/1737/1896 +f 1737/1737/1896 1735/1735/1801 1738/1738/1802 +f 1739/1739/1901 1737/1737/1896 1738/1738/1802 +f 1730/1730/1794 1729/1729/1793 1740/1740/2154 +f 1740/1740/2154 1729/1729/1793 1741/1741/1902 +f 1741/1741/1902 1729/1729/1793 1731/1731/1796 +f 1742/1742/2153 1740/1740/2154 1741/1741/1902 +f 1742/1742/2153 1739/1739/1901 1738/1738/1802 +f 1743/1743/1803 1741/1741/1902 1731/1731/1796 +f 1744/1744/1806 1743/1743/1803 1731/1731/1796 +f 1745/1745/1804 1743/1743/1803 1744/1744/1806 +f 1728/1728/1795 1700/1700/1770 1732/1732/1797 +f 1732/1732/1797 1700/1700/1770 1715/1715/1805 +f 1700/1700/1770 1713/1713/1782 1715/1715/1805 +f 1715/1715/1805 1714/1714/1784 1718/1718/1787 +f 1744/1744/1806 1731/1731/1796 1732/1732/1797 +f 1744/1744/1806 1732/1732/1797 1715/1715/1805 +f 1744/1744/1806 1715/1715/1805 1718/1718/1787 +f 1718/1718/1787 1746/1746/1813 1747/1747/1807 +f 1718/1718/1787 1747/1747/1807 1744/1744/1806 +f 1744/1744/1806 1747/1747/1807 1745/1745/1804 +f 1719/1719/1808 1720/1720/1789 1748/1748/1809 +f 1749/1749/1810 1719/1719/1808 1748/1748/1809 +f 1719/1719/1808 1749/1749/1810 1746/1746/1813 +f 1746/1746/1813 1718/1718/1787 1719/1719/1808 +f 1749/1749/1810 1750/1750/1811 1751/1751/1812 +f 1751/1751/1812 1746/1746/1813 1749/1749/1810 +f 1747/1747/1807 1746/1746/1813 1752/1752/1814 +f 1751/1751/1812 1753/1753/1815 1746/1746/1813 +f 1753/1753/1815 1752/1752/1814 1746/1746/1813 +f 1753/1753/1815 1751/1751/1812 1754/1754/1816 +f 1752/1752/1814 1753/1753/1815 1755/1755/1819 +f 1756/1756/1907 1752/1752/1814 1755/1755/1819 +f 1757/1757/1817 1758/1758/1818 1759/1759/2169 +f 1760/1760/1924 1757/1757/1823 1759/1759/2169 +f 1755/1755/1819 1754/1754/1816 1761/1761/1820 +f 1762/1762/1824 1761/1761/1820 1758/4417/1818 +f 1759/1759/2169 1763/1763/1821 1760/1760/1924 +f 1764/1764/1845 1760/1760/1924 1763/1763/1821 +f 1753/1753/1815 1754/1754/1816 1755/1755/1819 +f 1755/1755/1819 1762/1762/1824 1765/1765/1822 +f 1755/1755/1819 1761/1761/1820 1762/1762/1824 +f 1762/1762/1824 1758/4417/1818 1757/1757/1823 +f 1762/1762/1824 1757/1757/1823 1766/1766/1909 +f 1765/1765/1822 1762/1762/1824 1766/1766/1909 +f 1767/1767/1825 1755/1755/1819 1765/1765/1822 +f 1760/1760/1924 1766/1766/1909 1757/1757/1823 +f 1768/1768/1955 1769/1769/2171 1770/1770/1826 +f 1724/1724/1827 1723/1723/1791 1771/1771/1828 +f 1772/1772/1831 1768/1768/1955 1770/1770/1826 +f 1770/1770/1826 1773/1773/1829 1774/1774/1830 +f 1775/1775/1842 1772/1772/1831 1770/1770/1826 +f 1775/1775/1842 1770/1770/1826 1774/1774/1830 +f 1772/1772/1831 1776/1776/1832 1771/1771/1828 +f 1776/1776/1832 1772/1772/1831 1775/1775/1842 +f 1777/1777/1833 1590/4397/1672 1593/1593/1834 +f 1778/1778/1837 1777/1777/1833 1593/1593/1834 +f 1779/1779/1838 1777/1777/1833 1778/1778/1837 +f 1780/1780/1835 1781/1781/1836 1778/1778/1837 +f 1781/1781/1836 1779/1779/1838 1778/1778/1837 +f 1782/1782/1840 1779/1779/1838 1781/1781/1836 +f 1780/1780/1835 1783/1783/1839 1781/1781/1836 +f 1781/1781/1836 1783/1783/1839 1782/1782/1840 +f 1784/1784/1847 1785/1785/2173 1786/1786/2690 +f 1774/1774/1830 1773/1773/1829 1787/1787/2176 +f 1788/1788/1841 1774/1774/1830 1787/1787/2176 +f 1788/1788/1841 1775/1775/1842 1774/1774/1830 +f 1789/1789/1843 1775/1775/1842 1788/1788/1841 +f 1790/1790/1844 1724/1724/1827 1771/1771/1828 +f 1790/1790/1844 1771/1771/1828 1776/1776/1832 +f 1791/1791/2165 1726/1726/2164 1763/1763/1821 +f 1724/1724/1827 1763/1763/1821 1726/1726/2164 +f 1763/1763/1821 1724/1724/1827 1790/1790/1844 +f 1776/1776/1832 1775/1775/1842 1792/1792/1851 +f 1790/1790/1844 1776/1776/1832 1792/1792/1851 +f 1793/1793/2168 1791/1791/2165 1763/1763/1821 +f 1794/1794/1931 1763/1763/1821 1790/1790/1844 +f 1794/1794/1931 1764/1764/1845 1763/1763/1821 +f 1795/1795/1929 1764/1764/1845 1794/1794/1931 +f 1796/1796/1863 1790/1790/1844 1792/1792/1851 +f 1797/1797/1846 1784/1784/1847 1798/1798/1848 +f 1799/1799/1849 1800/1800/2306 1801/1801/2183 +f 1789/1789/1843 1802/1802/1850 1775/1775/1842 +f 1789/1789/1843 1788/1788/1841 1800/1800/2306 +f 1799/1799/1849 1802/1802/1850 1789/1789/1843 +f 1800/1800/2306 1799/1799/1849 1789/1789/1843 +f 1775/1775/1842 1802/1802/1850 1792/1792/1851 +f 1799/1799/1849 1803/1803/1852 1802/1802/1850 +f 1792/1792/1851 1802/1802/1850 1803/1803/1852 +f 1797/1797/1846 1804/1804/2180 1784/1784/1847 +f 1805/1805/1857 1806/1806/1854 1797/1797/1846 +f 1805/1805/1857 1797/1797/1846 1798/1798/1848 +f 1807/1807/1853 1799/1799/1849 1808/1808/2184 +f 1809/1809/2182 1806/1806/1854 1810/1810/1855 +f 1810/1810/1855 1806/1806/1854 1805/1805/1857 +f 1811/1811/1856 1805/1805/1857 1798/1798/1848 +f 1809/1809/1858 1812/1812/1859 1813/1813/1860 +f 1812/1812/1861 1809/1809/2182 1810/1810/1855 +f 1811/1811/1856 1810/1810/1855 1805/1805/1857 +f 1814/1814/1862 1792/1792/1851 1803/1803/1852 +f 1796/1796/1863 1792/1792/1851 1815/1815/1864 +f 1815/1815/1864 1792/1792/1851 1814/1814/1862 +f 1808/1808/2184 1813/1813/1860 1807/1807/1853 +f 1814/1814/1862 1799/1799/1849 1807/1807/1853 +f 1799/1799/1849 1814/1814/1862 1803/1803/1852 +f 1816/1816/1867 1812/1812/1861 1810/1810/1855 +f 1811/1811/1856 1816/1816/1867 1810/1810/1855 +f 1812/1812/1859 1807/1807/1853 1813/1813/1860 +f 1811/1811/1856 1817/1817/1868 1816/1816/1867 +f 1818/1818/1865 1807/1807/1853 1812/1812/1859 +f 1818/1818/1866 1812/1812/1861 1816/1816/1867 +f 1816/1816/1867 1817/1817/1868 1818/1818/1866 +f 1811/1811/1856 1819/1819/1870 1817/1817/1868 +f 1807/1807/1853 1820/1820/1869 1814/1814/1862 +f 1818/1818/1866 1817/1817/1868 1821/1821/1933 +f 1807/1807/1853 1818/1818/1865 1821/1821/1933 +f 1817/1817/1868 1819/1819/1870 1821/1821/1933 +f 567/567/524 1671/1671/1873 648/648/619 +f 1670/1670/1748 1822/1822/1871 1671/1671/1873 +f 1822/1822/1871 1670/1670/1748 1692/1692/1763 +f 1823/1823/1872 648/648/619 1671/1671/1873 +f 650/650/1874 648/648/619 1823/1823/1872 +f 1824/1824/1875 1822/1822/1871 1825/1825/1876 +f 1825/1825/1876 1822/1822/1871 1692/1692/1763 +f 1825/1825/1876 1692/1692/1763 1674/1674/1747 +f 1674/1674/1747 1693/1693/1765 1825/1825/1876 +f 1671/1671/1873 1822/1822/1871 1823/1823/1872 +f 1822/1822/1871 1826/1826/1877 1823/1823/1872 +f 1826/1826/1877 1822/1822/1871 1824/1824/1875 +f 660/660/1370 650/650/1874 1823/1823/1872 +f 1825/1825/1876 1693/1693/1765 1827/1827/1879 +f 1824/1824/1875 1825/1825/1876 1828/1828/1878 +f 1825/1825/1876 1827/1827/1879 1828/1828/1878 +f 1680/1680/1766 1682/1682/1768 1694/1694/1767 +f 1829/1829/1882 1682/1682/1768 1695/1695/1800 +f 1827/1827/1879 1693/1693/1765 1830/1830/1880 +f 1830/1830/1880 1693/1693/1765 1694/1694/1767 +f 1831/1831/1881 1694/1694/1767 1682/1682/1768 +f 1830/1830/1880 1694/1694/1767 1831/1831/1881 +f 1829/1829/1882 1695/1695/1800 1736/1736/1898 +f 1829/1829/1882 1831/1831/1881 1682/1682/1768 +f 1832/1832/1890 1829/1829/1882 1833/1833/1897 +f 1834/1834/1887 1829/1829/1882 1832/1832/1890 +f 653/653/627 650/650/1874 660/660/1370 +f 1826/1826/1877 660/660/1370 1823/1823/1872 +f 1826/1826/1877 1338/1338/1371 660/660/1370 +f 1338/1338/1371 1826/1826/1877 1824/1824/1875 +f 1339/1339/1883 1824/1824/1875 1828/1828/1878 +f 1339/1339/1883 1338/1338/1371 1824/1824/1875 +f 662/662/628 660/660/1370 1337/1337/1369 +f 1830/1830/1880 1835/1835/1886 1827/1827/1879 +f 1836/1836/1884 1339/1339/1883 1828/1828/1878 +f 261/261/3293 1337/1337/1369 1339/1339/1883 +f 261/261/3293 1339/1339/1883 1836/1836/1884 +f 1827/1827/1879 1835/1835/1886 1828/1828/1878 +f 1836/1836/1884 1828/1828/1878 1835/1835/1886 +f 1835/1835/1886 1837/1837/1885 1836/1836/1884 +f 1837/1837/1885 1835/1835/1886 1838/1838/1891 +f 1834/1834/1887 1831/1831/1881 1829/1829/1882 +f 1834/1834/1887 1839/1839/1888 1831/1831/1881 +f 1839/1839/1888 1834/1834/1887 1840/1840/1889 +f 1840/1840/1889 1834/1834/1887 1832/1832/1890 +f 1830/1830/1880 1838/1838/1891 1835/1835/1886 +f 1830/1830/1880 1841/1841/1892 1838/1838/1891 +f 1831/1831/1881 1841/1841/1892 1830/1830/1880 +f 1841/1841/1892 1831/1831/1881 1839/1839/1888 +f 1842/1842/3952 1839/1839/1888 1840/1840/1889 +f 1840/1840/1889 1843/1843/1893 1842/1842/3952 +f 1843/1843/1893 1840/1840/1889 1844/1844/1894 +f 1695/1695/1800 1735/1735/1801 1736/1736/1898 +f 1845/1845/1895 1736/1736/1898 1737/1737/1896 +f 1737/1737/1896 1739/1739/1901 1846/1846/1899 +f 1846/1846/1899 1845/1845/1895 1737/1737/1896 +f 1833/1833/1897 1736/1736/1898 1845/1845/1895 +f 1846/1846/1899 1739/1739/1901 1847/1847/1900 +f 1847/1847/1900 1739/1739/1901 1741/1741/1902 +f 1847/1847/1900 1741/1741/1902 1743/1743/1803 +f 1847/1847/1900 1743/1743/1803 1848/1848/1903 +f 1833/1833/1897 1829/1829/1882 1736/1736/1898 +f 1846/1846/1899 1849/1849/1917 1833/1833/1897 +f 1833/1833/1897 1845/1845/1895 1846/1846/1899 +f 1832/1832/1890 1833/1833/1897 1849/1849/1917 +f 1847/1847/1900 1849/1849/1917 1846/1846/1899 +f 1849/1849/1917 1850/1850/1904 1851/1851/1918 +f 1849/1849/1917 1847/1847/1900 1850/1850/1904 +f 1850/1850/1904 1847/1847/1900 1852/1852/1905 +f 1852/1852/1905 1847/1847/1900 1848/1848/1903 +f 1743/1743/1803 1745/1745/1804 1848/1848/1903 +f 1747/1747/1807 1853/1853/1906 1745/1745/1804 +f 1747/1747/1807 1752/1752/1814 1853/1853/1906 +f 1853/1853/1906 1752/1752/1814 1756/1756/1907 +f 1854/1854/1908 1853/1853/1906 1756/1756/1907 +f 1855/1855/1911 1854/1854/1908 1756/1756/1907 +f 1756/1756/1907 1755/1755/1819 1767/1767/1825 +f 1756/1756/1907 1767/1767/1825 1855/1855/1911 +f 1767/1767/1825 1765/1765/1822 1766/1766/1909 +f 1856/1856/1910 1767/1767/1825 1766/1766/1909 +f 1767/1767/1825 1856/1856/1910 1855/1855/1911 +f 1857/1857/1925 1856/1856/1910 1766/1766/1909 +f 1858/1858/1923 1745/1745/1804 1853/1853/1906 +f 1858/1858/1923 1853/1853/1906 1859/1859/1913 +f 1854/1854/1908 1859/1859/1913 1853/1853/1906 +f 1848/1848/1903 1745/1745/1804 1858/1858/1923 +f 1860/1860/1915 1854/1854/1908 1856/1856/1910 +f 1854/1854/1908 1861/1861/1912 1859/1859/1913 +f 1861/1861/1912 1854/1854/1908 1860/1860/1915 +f 1862/1862/1914 1861/1861/1912 1860/1860/1915 +f 1854/1854/1908 1855/1855/1911 1856/1856/1910 +f 1856/1856/1910 1857/1857/1925 1860/1860/1915 +f 1863/1863/1916 1832/1832/1890 1849/1849/1917 +f 1863/1863/1916 1849/1849/1917 1851/1851/1918 +f 1864/1864/1919 1850/1850/1904 1852/1852/1905 +f 1840/1840/1889 1832/1832/1890 1863/1863/1916 +f 1851/1851/1918 1840/1840/1889 1863/1863/1916 +f 1844/1844/1894 1840/1840/1889 1850/1850/1904 +f 1840/1840/1889 1851/1851/1918 1850/1850/1904 +f 1865/1865/3966 1864/1864/1919 1852/1852/1905 +f 1864/1864/1919 1844/1844/1894 1850/1850/1904 +f 1844/1844/1894 1866/1866/3951 1843/1843/1893 +f 1844/1844/1894 1864/1864/1919 1865/1865/3966 +f 1865/1865/3966 1852/1852/1905 1867/1867/1921 +f 1848/1848/1903 1867/1867/1921 1852/1852/1905 +f 1868/1868/1920 1867/1867/1921 1848/1848/1903 +f 1865/1865/3966 1867/1867/1921 1869/1869/3971 +f 1869/1869/3971 1867/1867/1921 1870/1870/1922 +f 1867/1867/1921 1868/1868/1920 1870/1870/1922 +f 1868/1868/1920 1848/1848/1903 1858/1858/1923 +f 1871/1871/3970 1858/1858/1923 1859/1859/1913 +f 1871/1871/3970 1859/1859/1913 1861/1861/1912 +f 1871/1871/3970 1868/1868/1920 1858/1858/1923 +f 1868/1868/1920 1871/1871/3970 1872/1872/3967 +f 1871/1871/3970 1861/1861/1912 1873/1873/3976 +f 1857/1857/1925 1766/1766/1909 1760/1760/1924 +f 1760/1760/1924 1764/1764/1845 1795/1795/1929 +f 1795/1795/1929 1857/1857/1925 1760/1760/1924 +f 1795/1795/1929 1794/1794/1931 1874/1874/1926 +f 1794/1794/1931 1790/1790/1844 1796/1796/1863 +f 1875/1875/1927 1862/1862/1914 1860/1860/1915 +f 1876/1876/1928 1857/1857/1925 1795/1795/1929 +f 1876/1876/1928 1860/1860/1915 1857/1857/1925 +f 1877/1877/1930 1795/1795/1929 1874/1874/1926 +f 1877/1877/1930 1876/1876/1928 1795/1795/1929 +f 1875/1875/1927 1860/1860/1915 1876/1876/1928 +f 1874/1874/1926 1794/1794/1931 1878/1878/1932 +f 1879/1879/1940 1876/1876/1928 1877/1877/1930 +f 1880/1880/1934 1796/1796/1863 1815/1815/1864 +f 1794/1794/1931 1796/1796/1863 1880/1880/1934 +f 1880/1880/1934 1878/1878/1932 1794/1794/1931 +f 1815/1815/1864 1814/1814/1862 1820/1820/1869 +f 1881/1881/1937 1820/1820/1869 1807/1807/1853 +f 1821/1821/1933 1881/1881/1937 1807/1807/1853 +f 1881/1881/1937 1821/1821/1933 1882/1882/2745 +f 1820/1820/1869 1881/1881/1937 1815/1815/1864 +f 1883/1883/1935 1880/1880/1934 1815/1815/1864 +f 1884/1884/1945 1880/1880/1934 1883/1883/1935 +f 1885/1885/1936 1874/1874/1926 1878/1878/1932 +f 1878/1878/1932 1880/1880/1934 1884/1884/1945 +f 1883/1883/1935 1815/1815/1864 1881/1881/1937 +f 1883/1883/1935 1881/1881/1937 1886/1886/1944 +f 1861/1861/1912 1862/1862/1914 1875/1875/1927 +f 1875/1875/1927 1887/1887/1938 1861/1861/1912 +f 1887/1887/1938 1875/1875/1927 1888/1888/1939 +f 1888/1888/1939 1875/1875/1927 1879/1879/1940 +f 1876/1876/1928 1879/1879/1940 1875/1875/1927 +f 1874/1874/1926 1879/1879/1940 1877/1877/1930 +f 1885/1885/1936 1879/1879/1940 1874/1874/1926 +f 1888/1888/1939 1879/1879/1940 1885/1885/1936 +f 1889/1889/1941 1888/1888/1939 1885/1885/1936 +f 1873/1873/3976 1861/1861/1912 1887/1887/1938 +f 1890/1890/3977 1887/1887/1938 1891/1891/1942 +f 1891/1891/1942 1887/1887/1938 1888/1888/1939 +f 1891/1891/1942 1888/1888/1939 1889/1889/1941 +f 1892/1892/1943 1883/1883/1935 1886/1886/1944 +f 1893/1893/1947 1885/1885/1936 1878/1878/1932 +f 1885/1885/1936 1893/1893/1947 1889/1889/1941 +f 1893/1893/1947 1878/1878/1932 1884/1884/1945 +f 1883/1883/1935 1892/1892/1943 1884/1884/1945 +f 1894/1894/1949 1884/1884/1945 1892/1892/1943 +f 1895/1895/1946 1889/1889/1941 1893/1893/1947 +f 1886/1886/1944 1896/1896/1948 1892/1892/1943 +f 1894/1894/1949 1892/1892/1943 1897/1897/4366 +f 1884/1884/1945 1894/1894/1949 1893/1893/1947 +f 1898/1898/2131 1606/1606/2070 1607/1607/1698 +f 1899/1899/1950 1898/1898/2131 1607/1607/1698 +f 1899/1899/1950 1607/1607/1698 1900/1900/1951 +f 1900/1900/1951 1722/1722/1952 1899/1899/1950 +f 1722/1722/1952 1900/1900/1951 1723/1723/1791 +f 1622/1622/1700 1901/1901/1953 1621/1621/1697 +f 1900/1900/1951 1607/1607/1698 1621/1621/1697 +f 1900/1900/1951 1621/1621/1697 1723/1723/1791 +f 1621/1621/1697 1901/1901/1953 1723/1723/1791 +f 1901/1901/1953 1622/1622/1700 1625/1625/1702 +f 1768/1768/1955 1901/1901/1953 1625/1625/1702 +f 1626/1626/1954 1768/1768/1955 1625/1625/1702 +f 1901/1901/1953 1768/1768/1955 1772/1772/1831 +f 1723/1723/1791 1901/1901/1953 1771/1771/1828 +f 1771/1771/1828 1901/1901/1953 1772/1772/1831 +f 1401/1401/1443 1399/4317/1442 404/404/377 +f 1395/4315/1434 1902/1902/1956 1402/4318/1444 +f 404/404/377 664/664/1462 1401/1401/1443 +f 1401/1401/1443 664/664/1462 1903/1903/1959 +f 1902/1902/1956 1400/1400/1957 1903/1903/1959 +f 1401/1401/1443 1903/1903/1959 1400/1400/1957 +f 1407/4322/1958 1902/1902/1956 1903/1903/1959 +f 1406/4320/1960 1404/4319/1961 1407/4322/1962 +f 1404/4319/1445 1402/4318/1444 1407/4322/1963 +f 1402/4318/1444 1902/1902/1964 1407/4322/1963 +f 1902/1902/1956 1395/4315/1434 1397/4316/1441 +f 1902/1902/1956 1397/4316/1441 1400/1400/1957 +f 1904/1904/1965 1903/4420/1959 664/4209/1462 +f 281/281/706 1904/1904/1965 664/4209/1462 +f 1903/1903/1959 1416/4327/1966 1407/4322/1958 +f 1403/1403/1465 1415/1415/1460 1416/1416/1463 +f 1415/1415/1967 1407/4321/1958 1416/1416/1966 +f 1903/4420/1959 1904/1904/1965 1416/4326/1966 +f 1904/1904/1965 1417/4328/1969 1416/4326/1966 +f 1904/1904/1965 1905/1905/1968 1417/4328/1969 +f 1417/1417/1464 1421/1421/1970 1418/1418/1466 +f 1421/1421/1970 1420/1420/1468 1418/1418/1466 +f 1405/1405/1448 1407/1407/1958 1415/4325/1967 +f 1421/4329/1971 1906/1906/1972 1422/4330/1469 +f 1417/4328/1969 1905/1905/1968 1421/4329/1971 +f 1906/1906/1972 1421/4329/1971 1905/1905/1968 +f 1630/1630/1706 1423/1423/1470 1422/1422/1469 +f 1630/1630/1706 1422/1422/1469 1906/4421/1972 +f 1906/4421/1972 1907/1907/2076 1630/1630/1706 +f 1908/1908/1973 1906/1906/1972 1909/1909/1974 +f 1907/4422/2076 1906/1906/1972 1908/1908/1973 +f 1424/1424/1472 1429/4332/1975 1408/1408/1450 +f 1408/1408/1450 1429/4332/1975 1414/1414/1475 +f 1910/1910/1977 1429/1429/1975 1428/1428/1477 +f 1428/1428/1477 1431/1431/1976 1910/1910/1977 +f 1414/1414/1475 1429/4332/1975 1433/1433/1486 +f 1433/1433/1486 1429/4332/1975 1910/4423/1977 +f 1911/1911/1978 1433/1433/1486 1910/4423/1977 +f 1431/1431/1976 1912/1912/1979 1910/1910/1977 +f 1910/4423/1977 1912/4424/1980 1911/1911/1978 +f 1436/1436/1485 1433/1433/1486 1911/1911/1978 +f 1911/1911/1978 1913/1913/1981 1436/1436/1485 +f 1913/1913/1981 1437/1437/1487 1436/1436/1485 +f 1914/1914/1982 1912/1912/1979 1431/1431/1976 +f 1914/1914/1982 1431/1431/1976 1440/4334/1983 +f 1440/4334/1983 1431/1431/1976 1438/1438/1488 +f 1915/1915/1984 1911/1911/1985 1914/4426/1982 +f 1914/4426/1986 1911/1911/1978 1912/4424/1980 +f 1916/1916/2092 1911/1911/1978 1915/1915/1987 +f 1645/1645/1988 1914/4427/1982 1440/1440/1983 +f 1915/1915/1984 1914/4426/1982 1645/4406/1988 +f 1437/1437/1487 1913/4425/1981 1438/1438/1488 +f 1916/1916/2092 1913/1913/1981 1911/1911/1978 +f 1913/1913/1981 1916/1916/2092 1917/1917/1990 +f 1916/1916/2092 1918/1918/1989 1917/1917/1990 +f 1918/4430/1989 1443/1443/1991 1917/4429/1990 +f 1443/1443/1490 1442/1442/1491 1917/4429/1992 +f 1442/1442/1491 1438/4333/1488 1917/4429/1993 +f 1438/1438/1488 1913/4425/1981 1917/4428/1993 +f 1918/4430/1989 1441/1441/1994 1443/1443/1991 +f 1919/1919/1995 1915/1915/1984 1645/4406/1988 +f 1446/1446/1996 1441/1441/1994 1918/4430/1989 +f 1445/4335/1997 1446/4336/1998 1918/1918/1999 +f 1920/1920/2000 1445/4335/1718 1918/1918/2001 +f 1449/1449/1498 1448/1448/2002 1451/4338/1499 +f 1451/4337/1499 1448/1448/2003 1458/1458/2004 +f 1448/1448/1494 1447/1447/1493 1458/1458/2004 +f 1447/1447/1493 1450/1450/1505 1458/1458/2004 +f 1451/4337/1499 1458/1458/2004 1455/4339/2005 +f 1457/1457/1506 1455/4339/2005 1458/1458/2004 +f 1455/4339/1500 1470/1470/1519 1462/4340/1511 +f 1457/1457/1506 1463/1463/2006 1455/4339/2005 +f 1464/1464/1518 1455/4339/2005 1463/1463/2006 +f 1470/1470/1519 1455/4339/2005 1464/1464/1518 +f 1470/1470/1519 1474/1474/1526 1462/4340/1511 +f 1462/4340/1511 1474/1474/1526 1471/4343/1520 +f 1474/4346/1526 1473/4345/1542 1475/1475/1541 +f 1921/1921/2010 1476/1476/1537 1475/4347/1528 +f 1921/4432/2010 1475/4348/1541 1484/4351/1545 +f 1490/4355/1554 1494/1494/1564 1492/4356/2007 +f 1494/4357/1564 1493/1493/1557 1492/1492/2007 +f 1496/1496/1560 1498/4358/1567 1494/1494/1564 +f 281/281/706 692/692/708 1904/1904/1965 +f 1909/1909/1974 1905/1905/1968 1904/1904/1965 +f 1502/1502/1570 1922/1922/2008 1085/1085/1128 +f 1476/1476/1537 1507/1507/2009 1480/1480/1536 +f 1921/1921/2010 1507/1507/2009 1476/1476/1537 +f 1923/1923/2014 1507/1507/2009 1921/1921/2010 +f 1481/1481/1538 1480/1480/1536 1507/1507/2009 +f 1507/1507/2009 1923/1923/2014 1510/1510/2012 +f 1509/1509/1587 1508/1508/1579 1516/4365/1588 +f 1508/1508/1580 1510/1510/2012 1516/4365/2011 +f 1510/1510/2012 1513/4362/1583 1516/4365/1582 +f 1924/1924/2016 1513/4362/1583 1510/1510/2012 +f 1925/1925/2013 1510/1510/2012 1923/1923/2014 +f 1924/1924/2016 1510/1510/2012 1925/1925/2013 +f 1926/1926/2123 1924/1924/2016 1925/1925/2013 +f 1927/1927/2015 1924/1924/2016 1926/1926/2123 +f 1924/1924/2016 1514/4363/2017 1513/4362/1583 +f 1924/1924/2016 1520/1520/1590 1514/4363/2017 +f 1924/1924/2016 1927/1927/2015 1520/1520/1590 +f 1927/1927/2015 1521/1521/1589 1520/1520/1590 +f 1927/1927/2015 1529/1529/1597 1521/1521/1589 +f 1530/1530/2018 1522/1522/1596 1529/4371/1597 +f 1928/1928/2122 1529/1529/1597 1927/1927/2015 +f 1929/1929/2019 1529/4371/1597 1928/4433/2122 +f 1529/4371/1597 1930/1930/2125 1530/1530/2020 +f 1929/1929/2019 1930/1930/2125 1529/4371/1597 +f 1523/4367/1593 1531/4372/2021 1524/1524/2022 +f 1931/1931/2025 1524/1524/2022 1531/4372/2021 +f 1932/1932/2023 1525/1525/2024 1931/1931/2025 +f 1931/1931/2025 1525/1525/2024 1524/1524/2022 +f 1932/1932/2023 1534/1534/1601 1525/1525/2024 +f 1534/1534/1601 1932/1932/2023 1533/1533/1599 +f 1931/1931/2025 1531/4373/2021 1533/1533/1599 +f 1932/1932/2023 1931/1931/2025 1533/1533/1599 +f 1525/4369/2024 1933/1933/2064 1535/1535/2026 +f 1934/1934/2066 1933/1933/2064 1525/4369/2024 +f 1935/1935/2027 1525/1525/2024 1534/1534/1601 +f 1525/1525/2024 1935/1935/2027 1934/4436/2066 +f 1532/1532/2067 1935/1935/2027 1534/1534/1601 +f 1936/1936/2032 1937/1937/2068 1938/1938/2030 +f 1939/1939/2245 1940/1940/2028 1941/1941/2029 +f 1939/4437/2245 1938/1938/2030 1940/4439/2028 +f 1938/1938/2030 1942/1942/2031 1936/1936/2032 +f 1939/4437/2245 1942/1942/2031 1938/1938/2030 +f 1547/4376/2036 1542/1542/1608 1536/4375/1607 +f 1943/1943/2034 1199/1199/2033 1564/1564/1635 +f 1564/1564/1635 1199/1199/2033 1560/1560/1632 +f 1944/1944/2041 1199/1199/2033 1943/1943/2034 +f 1945/1945/2045 1943/1943/2034 1564/1564/1635 +f 1200/1200/2040 1946/1946/2035 1545/1545/1613 +f 1545/1545/1613 1946/1946/2035 1547/1547/2036 +f 1551/1551/2037 1542/1542/1608 1547/4376/2036 +f 1548/1548/1620 1542/1542/1618 1551/1551/1622 +f 1947/1947/2039 1547/1547/2036 1946/1946/2035 +f 1947/1947/2039 1551/4379/2037 1547/1547/2036 +f 1946/1946/2035 1948/1948/2038 1947/1947/2039 +f 1947/1947/2039 1552/4380/2043 1551/4379/2037 +f 1199/1199/2033 1200/4305/2040 1196/4303/1240 +f 1948/1948/2038 1946/1946/2035 1200/1200/2040 +f 1200/1200/2040 1944/4441/2041 1948/1948/2038 +f 1949/1949/2042 1947/1947/2039 1948/1948/2038 +f 1947/1947/2039 1949/1949/2042 1552/4380/2043 +f 1950/1950/2625 1557/1557/1662 1552/1552/1623 +f 1949/1949/2042 1950/4442/2625 1552/4380/2043 +f 1944/1944/2041 1200/4305/2040 1199/1199/2033 +f 1549/1549/1629 1550/1550/1621 1556/1556/1627 +f 1569/4388/2044 1564/1564/1635 1566/1566/1637 +f 1945/1945/2045 1564/1564/1635 1572/4390/2046 +f 1569/4388/2044 1572/4390/2046 1564/1564/1635 +f 1569/4389/2044 1187/4299/1642 1583/1583/1664 +f 1572/1572/2046 1569/4389/2044 1571/1571/1663 +f 1555/1555/1626 1573/1573/1646 1563/1563/1640 +f 1951/1951/2626 1950/4442/2625 1948/1948/2038 +f 1952/1952/2048 1951/1951/2626 1948/1948/2038 +f 1953/1953/2047 1951/1951/2626 1952/1952/2048 +f 1954/1954/2193 1953/1953/2047 1952/1952/2048 +f 1955/1955/2197 1609/1609/1684 1937/1937/2068 +f 1956/1956/2049 1609/1609/1684 1955/1955/2197 +f 1956/1956/2049 1577/4395/1660 1609/1609/1684 +f 1957/1957/2053 1956/1956/2049 1955/1955/2197 +f 1577/1577/1660 1958/1958/2050 1576/1576/1661 +f 1576/1576/1661 1958/1958/2050 1617/1617/2072 +f 1576/1576/1661 1583/1583/1664 1187/4299/1642 +f 1584/1584/1666 1576/1576/1661 1617/1617/2072 +f 1584/1584/1666 1583/1583/1664 1576/1576/1661 +f 1583/1583/1664 1584/1584/1666 1582/1582/1665 +f 1958/4445/2050 1577/4395/1660 1956/1956/2049 +f 1959/1959/2051 1958/4445/2050 1956/1956/2049 +f 1957/1957/2053 1959/1959/2051 1956/1956/2049 +f 1960/1960/2052 1959/1959/2051 1957/1957/2053 +f 1959/1959/2051 1960/1960/2052 1961/1961/2054 +f 1627/4402/1703 1961/1961/2054 1962/1962/2285 +f 1962/1962/2285 1961/1961/2054 1960/1960/2052 +f 1961/4449/2054 1627/1627/1703 1624/1624/2055 +f 1963/1963/2056 1943/1943/2034 1945/1945/2045 +f 1964/1964/2060 1963/1963/2056 1945/1945/2045 +f 1965/1965/2057 1948/1948/2038 1944/4441/2041 +f 1944/4441/2041 1966/1966/2199 1965/1965/2057 +f 1950/4442/2625 1949/1949/2042 1948/1948/2038 +f 1963/4451/2056 1944/4441/2041 1943/4440/2034 +f 1945/1945/2045 1573/4392/2058 1585/1585/2059 +f 1573/4392/1646 1945/1945/2045 1572/4390/2046 +f 1585/1585/2059 1964/1964/2060 1945/1945/2045 +f 1569/4389/2044 1583/1583/1664 1571/1571/1663 +f 1573/4392/1646 1559/1559/1647 1585/1585/2059 +f 1587/1587/2062 1964/1964/2060 1585/1585/2059 +f 1967/1967/2200 1964/1964/2060 1587/1587/2062 +f 1967/1967/2200 1587/1587/2062 1592/1592/2061 +f 1592/1592/2061 1587/1587/2062 1591/1591/2063 +f 1968/1968/2203 1967/1967/2200 1592/1592/2061 +f 1591/1591/2063 1587/1587/2062 1586/1586/1669 +f 1933/1933/2064 1938/1938/2030 1535/1535/2026 +f 1940/4439/2028 1938/1938/2030 1933/1933/2064 +f 1933/1933/2064 1934/1934/2066 1940/4439/2028 +f 1603/1603/2065 1934/4436/2066 1532/1532/2067 +f 1934/4436/2066 1935/1935/2027 1532/1532/2067 +f 1604/4398/2069 1940/4438/2028 1934/4434/2066 +f 1604/1604/2069 1934/4435/2066 1603/1603/2065 +f 1535/1535/2026 1938/1938/2030 1594/1594/1673 +f 1594/1594/1673 1938/1938/2030 1600/1600/1683 +f 1600/1600/1683 1938/1938/2030 1937/1937/2068 +f 1941/1941/2029 1940/1940/2028 1604/1604/2069 +f 1604/1604/2069 1606/1606/2070 1941/1941/2029 +f 1606/1606/2070 1604/1604/2069 1602/1602/1681 +f 1600/1600/1683 1937/1937/2068 1609/1609/1684 +f 1623/1623/2071 1611/1611/1694 1612/1612/1691 +f 1611/1611/1694 1623/1623/2071 1618/1618/1695 +f 1615/1615/1692 1617/1617/2072 1958/1958/2073 +f 1617/1617/2072 1615/1615/1692 1616/1616/1693 +f 1959/4446/2051 1623/4400/2071 1958/4444/2074 +f 1958/4444/2074 1623/4400/2071 1615/4399/2075 +f 1615/1615/1692 1623/1623/2071 1612/1612/1691 +f 1623/1623/2071 1959/4447/2051 1961/4449/2054 +f 1624/1624/2055 1623/1623/2071 1961/4449/2054 +f 1624/1624/2055 1627/1627/1703 1620/1620/1701 +f 1423/1423/1470 1631/1631/2077 1629/1629/1708 +f 1630/1630/1706 1907/1907/2076 1631/1631/2077 +f 1907/1907/2076 1969/1969/2079 1631/1631/2077 +f 1631/1631/2077 1970/1970/2078 1633/1633/1707 +f 1970/1970/2078 1631/1631/2077 1969/1969/2079 +f 1969/1969/2079 1971/1971/2082 1970/1970/2078 +f 1971/4456/2082 1969/4455/2079 1972/1972/2080 +f 1970/1970/2078 1635/1635/1710 1633/1633/1707 +f 1973/1973/2081 1970/1970/2078 1971/1971/2082 +f 1973/1973/2081 1635/1635/1710 1970/1970/2078 +f 1974/1974/2083 1635/1635/1710 1973/1973/2081 +f 1975/1975/2217 1974/1974/2083 1973/1973/2081 +f 1976/1976/2085 1975/4457/2217 1977/1977/2086 +f 1636/1636/2084 1635/1635/1710 1974/1974/2083 +f 1974/1974/2083 1975/1975/2217 1976/4459/2085 +f 1978/1978/2088 1976/4460/2085 1977/4461/2086 +f 1976/4459/2085 1978/4463/2088 1979/1979/2087 +f 1978/4463/2088 1980/1980/2207 1637/1637/1721 +f 1653/4407/1722 1637/4403/1721 1980/4464/2207 +f 1978/4463/2088 1637/1637/1721 1639/1639/1741 +f 1979/1979/2087 1978/4463/2088 1639/1639/1741 +f 1642/1642/1713 1919/1919/1995 1643/1643/1717 +f 1981/1981/2089 1642/1642/1713 1641/1641/1720 +f 1915/1915/1987 1919/1919/2090 1916/1916/2092 +f 1919/1919/1995 1645/4406/1988 1643/1643/1717 +f 1642/1642/1713 1982/1982/2091 1919/1919/2090 +f 1919/1919/2090 1982/1982/2091 1916/1916/2092 +f 1983/1983/2093 1918/1918/1989 1916/1916/2092 +f 1984/1984/2094 1983/1983/2093 1916/1916/2092 +f 1983/1983/2093 1984/1984/2094 1985/1985/2096 +f 1986/1986/2095 1985/1985/2096 1984/1984/2094 +f 1981/1981/2089 1987/1987/2097 1642/1642/1713 +f 1642/1642/1713 1987/1987/2097 1982/1982/2091 +f 1987/1987/2097 1916/1916/2092 1982/1982/2091 +f 1984/1984/2094 1916/1916/2092 1987/1987/2097 +f 1988/1988/2098 1986/1986/2095 1989/1989/2099 +f 1989/1989/2099 1986/1986/2095 1984/1984/2094 +f 1988/1988/2098 1684/4411/1754 1986/1986/2095 +f 1654/4408/1723 1990/1990/2226 1991/1991/2100 +f 1654/4408/1723 1991/1991/2100 1641/1641/1720 +f 1991/1991/2100 1981/1981/2089 1641/1641/1720 +f 1654/1654/1723 1641/4404/1720 1652/1652/1724 +f 1989/1989/2099 1992/1992/2107 1988/1988/2098 +f 488/488/454 1662/1662/1737 568/568/1739 +f 1662/1662/1737 1636/1636/2084 1974/1974/2083 +f 1993/1993/2103 1974/1974/2083 1976/4459/2085 +f 1993/1993/2103 1976/4459/2085 1979/1979/2087 +f 1665/1665/2101 1662/1662/1737 1974/1974/2083 +f 1974/1974/2083 1993/1993/2103 1665/1665/2101 +f 1979/1979/2087 1667/1667/2102 1993/1993/2103 +f 1979/1979/2087 1639/1639/1741 1664/1664/1740 +f 1667/1667/2102 1979/1979/2087 1664/1664/1740 +f 1665/1665/2101 1993/1993/2103 1666/1666/1745 +f 1666/1666/1745 1993/1993/2103 1667/1667/2102 +f 1985/1985/2096 1920/1920/2104 1918/1918/1989 +f 1918/1918/1989 1983/1983/2093 1985/1985/2096 +f 1445/1445/1718 1920/4431/2000 1648/1648/1753 +f 1648/1648/1753 1920/4431/2000 1985/4466/2096 +f 1985/4466/2096 1683/1683/2105 1648/1648/1753 +f 1683/4410/2105 1985/1985/2096 1986/1986/2095 +f 1684/1684/1754 1657/1657/1732 1683/1683/2105 +f 1684/4411/1754 1683/4410/2105 1986/1986/2095 +f 1658/4409/1733 1684/4411/1754 1988/1988/2098 +f 1658/4409/1733 1988/1988/2098 1992/1992/2107 +f 1660/1660/1735 1658/1658/1733 1661/1661/1736 +f 1661/1661/1736 1658/1658/1733 1685/1685/2106 +f 1658/4409/1733 1992/1992/2107 1685/4412/2106 +f 1685/4412/2106 1992/1992/2107 1994/1994/2108 +f 1995/1995/2109 1685/4412/2106 1994/1994/2108 +f 1685/1685/2106 1995/4467/2109 1686/1686/1755 +f 1996/1996/2113 1997/1997/2120 1998/1998/2110 +f 1995/1995/2109 1994/1994/2108 1999/1999/2260 +f 1999/1999/2260 1994/1994/2108 2000/2000/2229 +f 1698/1698/2116 1998/1998/2110 1712/1712/2111 +f 1698/1698/2116 1712/1712/2111 1699/1699/1769 +f 2001/2001/2114 1996/1996/2113 1998/1998/2110 +f 2002/2002/2112 2003/2003/2241 1996/1996/2113 +f 2002/2002/2112 1996/1996/2113 2001/2001/2114 +f 2004/2004/2115 2001/2001/2114 1698/1698/2116 +f 2004/2004/2115 2002/2002/2112 2001/2001/2114 +f 2001/2001/2114 1998/1998/2110 1698/1698/2116 +f 1697/1697/1771 2004/2004/2115 1698/1698/2116 +f 1484/4351/1545 1701/4413/1772 1921/4432/2010 +f 2005/2005/2119 1923/1923/2014 1701/4414/2117 +f 1701/4414/1772 1923/1923/2014 1921/1921/2010 +f 1701/4414/1772 1511/4361/1774 2005/2005/2118 +f 1923/1923/2014 2005/2005/2119 1997/1997/2120 +f 1997/1997/2120 1925/1925/2013 1923/1923/2014 +f 1703/1703/1773 1997/1997/2120 2005/2005/2119 +f 1511/4361/1774 1703/1703/1773 2005/2005/2118 +f 1998/1998/2110 1997/1997/2120 1703/1703/1773 +f 1712/1712/2111 1998/1998/2110 1703/1703/1773 +f 2003/2003/2241 1925/1925/2013 1997/1997/2120 +f 1926/1926/2123 1928/1928/2122 1927/1927/2015 +f 1926/1926/2123 2006/2006/2121 1928/1928/2122 +f 1926/1926/2123 1925/1925/2013 2007/2007/2243 +f 2007/2007/2243 2006/2006/2121 1926/1926/2123 +f 2006/4470/2121 2008/2008/2124 2009/2009/2128 +f 1530/1530/1598 1930/1930/2125 1519/1519/1778 +f 1709/1709/1780 1519/1519/1778 1930/1930/2125 +f 1929/1929/2019 2010/2010/2126 1930/1930/2125 +f 1930/1930/2125 2010/2010/2126 1709/1709/1780 +f 2010/2010/2126 1929/1929/2019 1928/4433/2122 +f 2010/2010/2126 2009/2009/2128 1709/1709/1780 +f 2009/2009/2128 1710/1710/2127 1709/1709/1780 +f 2009/2009/2128 1928/4433/2122 2006/4470/2121 +f 2010/2010/2126 1928/4433/2122 2009/2009/2128 +f 2009/2009/2128 2008/2008/2124 1716/1716/1786 +f 1716/1716/1786 2008/2008/2124 2011/2011/2129 +f 1717/1717/1788 1716/1716/1786 2011/2011/2129 +f 1711/1711/1785 1710/1710/2127 1716/1716/1786 +f 1710/1710/2127 2009/2009/2128 1716/1716/1786 +f 2012/2012/2130 1939/1939/2245 1941/1941/2029 +f 2012/2012/2130 1941/1941/2029 1898/1898/2131 +f 2013/2013/2132 1939/1939/2245 2012/2012/2130 +f 1899/1899/1950 2012/2012/2130 1898/1898/2131 +f 1722/1722/1952 2013/2013/2132 2012/2012/2130 +f 1722/1722/1952 2012/2012/2130 1899/1899/1950 +f 1717/1717/1788 2011/2011/2129 2014/2014/2133 +f 2014/2014/2133 1720/1720/1789 1717/1717/1788 +f 1720/1720/1789 2014/2014/2133 2015/2015/2155 +f 2016/2016/2134 2015/2015/2155 2014/2014/2133 +f 2017/2017/2135 2018/2018/2136 2013/2013/2132 +f 1722/1722/1952 2017/2017/2135 2013/2013/2132 +f 1721/1721/1790 2017/2017/2135 1722/1722/1952 +f 2019/2019/2138 2020/2020/2256 2021/2021/2137 +f 2019/2019/2138 2021/2021/2137 2022/2022/2139 +f 2023/2023/2158 2019/4478/2138 2022/4479/2139 +f 2020/2020/2256 2017/4477/2135 2021/2021/2137 +f 2024/2024/2140 2022/2022/2141 2021/2021/2137 +f 2021/2021/2137 2017/4477/2135 1721/4415/1790 +f 2024/2024/2140 2021/2021/2137 1721/4415/1790 +f 1725/1725/1792 2024/4482/2140 1721/1721/1790 +f 1999/4468/2260 1686/1686/1755 1995/4467/2109 +f 1999/4468/2260 2025/2025/2144 1688/1688/1756 +f 2025/2025/2144 1999/4468/2260 2026/2026/2142 +f 1686/1686/1755 1999/4468/2260 1688/1688/1756 +f 2025/2025/2144 1690/1690/1760 1688/1688/1756 +f 2026/2026/2142 2027/2027/2143 2025/2025/2144 +f 2025/2025/2144 1733/1733/2149 1690/1690/1760 +f 1690/1690/1760 1687/1687/1759 1688/1688/1756 +f 2028/2028/2150 2027/2027/2143 2029/2029/2145 +f 2030/2030/2152 2029/2029/2145 2031/2031/2146 +f 2032/2032/2147 2004/2004/2115 1727/1727/2148 +f 2033/2033/2263 2032/2032/2147 1727/1727/2148 +f 2033/2033/2263 2034/2034/2262 2032/2032/2147 +f 1727/1727/2148 2004/2004/2115 1697/1697/1771 +f 1730/1730/1794 2033/2033/2263 1727/1727/2148 +f 2031/2031/2146 2033/2033/2263 1730/1730/1794 +f 2035/2035/2151 2025/2025/2144 2027/2027/2143 +f 1733/1733/2149 2035/2035/2151 1734/1734/1799 +f 2035/2035/2151 1733/1733/2149 2025/2025/2144 +f 2027/2027/2143 2028/2028/2150 2035/2035/2151 +f 2028/2028/2150 2029/2029/2145 2030/2030/2152 +f 1742/1742/2153 2030/2030/2152 2031/2031/2146 +f 2035/2035/2151 2028/2028/2150 2030/2030/2152 +f 1734/1734/1799 2035/2035/2151 1735/1735/1801 +f 2030/2030/2152 1735/1735/1801 2035/2035/2151 +f 1742/1742/2153 1735/1735/1801 2030/2030/2152 +f 1735/1735/1801 1742/1742/2153 1738/1738/1802 +f 1740/1740/2154 2031/2031/2146 1730/1730/1794 +f 1742/1742/2153 2031/2031/2146 1740/1740/2154 +f 1739/1739/1901 1742/1742/2153 1741/1741/1902 +f 2015/2015/2155 1748/1748/1809 1720/1720/1789 +f 2036/2036/2268 1748/1748/1809 2015/2015/2155 +f 2036/2036/2268 1750/1750/1811 1748/1748/1809 +f 1749/1749/1810 1748/1748/1809 1750/1750/1811 +f 2036/2036/2268 1751/1751/1812 1750/1750/1811 +f 1751/1751/1812 2036/2036/2268 2037/2037/2156 +f 1754/1754/1816 1751/1751/1812 2037/2037/2156 +f 2038/2038/2269 2036/2036/2268 2039/2039/2257 +f 2040/2040/2157 2019/4478/2138 2023/2023/2158 +f 2040/2040/2157 2023/2023/2158 2041/2041/2159 +f 2041/4489/2159 2023/4481/2158 2042/2042/2160 +f 2038/2038/2269 2037/2037/2156 2036/2036/2268 +f 2037/2037/2156 2038/2038/2269 2043/2043/2161 +f 2022/4480/2162 2042/2042/2160 2023/4481/2158 +f 2022/4480/2163 2024/4482/2140 2042/2042/2160 +f 2042/2042/2160 2024/4482/2140 1725/1725/1792 +f 1726/1726/2164 2041/4489/2159 2042/2042/2160 +f 1726/1726/2164 2042/2042/2160 1725/1725/1792 +f 1791/1791/2165 2041/4489/2159 1726/1726/2164 +f 2037/2037/2156 2044/2044/2166 1754/1754/1816 +f 2043/2043/2161 2044/2044/2166 2037/2037/2156 +f 2043/4490/2161 2040/2040/2157 2045/2045/2167 +f 2045/2045/2167 2040/2040/2157 2041/2041/2159 +f 2045/4492/2167 2041/4489/2159 1791/1791/2165 +f 2044/4491/2166 2043/4490/2161 2045/2045/2167 +f 1759/4418/2169 2044/4491/2166 2045/2045/2167 +f 2045/4492/2167 1793/1793/2168 1759/1759/2169 +f 1793/1793/2168 2045/4492/2167 1791/1791/2165 +f 1761/1761/1820 1754/1754/1816 2044/2044/2166 +f 1761/1761/1820 2044/2044/2166 1758/4417/1818 +f 2044/4491/2166 1759/4418/2169 1758/4416/1818 +f 1793/1793/2168 1763/1763/1821 1759/1759/2169 +f 2046/2046/2284 2047/2047/2170 1627/1627/1703 +f 1769/1769/2171 1627/1627/1703 2047/2047/2170 +f 1768/1768/1955 1626/1626/1954 1769/1769/2171 +f 1626/1626/1954 1627/1627/1703 1769/1769/2171 +f 2047/2047/2170 2048/2048/2290 1773/1773/1829 +f 1773/1773/1829 1769/1769/2171 2047/2047/2170 +f 1769/1769/2171 1773/1773/1829 1770/1770/1826 +f 2049/2049/2172 1968/4454/2203 1779/1779/1838 +f 1777/4419/1833 1968/1968/2203 1592/1592/2061 +f 1777/4419/1833 1592/1592/2061 1590/1590/1672 +f 1779/1779/1838 1968/4454/2203 1777/1777/1833 +f 1782/1782/1840 2050/2050/2292 1779/1779/1838 +f 1785/1785/2173 2050/2050/2292 1782/1782/1840 +f 1785/1785/2173 1782/1782/1840 1783/1783/1839 +f 2051/2051/2297 2050/2050/2292 1785/1785/2173 +f 2052/2052/2174 2051/2051/2297 1785/1785/2173 +f 2048/2048/2290 2053/2053/2300 1787/1787/2176 +f 2053/2053/2300 2054/2054/2175 1787/1787/2176 +f 1773/1773/1829 2048/2048/2290 1787/1787/2176 +f 1800/1800/2306 1787/1787/2176 2054/2054/2175 +f 1800/1800/2306 1788/1788/1841 1787/1787/2176 +f 2055/2055/2178 2056/2056/2303 2057/2057/2177 +f 2055/2055/2178 2057/2057/2177 2058/2058/2179 +f 2058/2058/2179 2057/2057/2177 2052/2052/2174 +f 2052/2052/2174 1804/1804/2180 1797/1797/1846 +f 1804/1804/2180 2052/2052/2174 1785/1785/2173 +f 1784/1784/1847 1804/1804/2180 2059/2059/2181 +f 1804/1804/2180 1785/1785/2173 2059/2059/2181 +f 1785/1785/2173 1784/1784/1847 2059/2059/2181 +f 1809/1809/2182 2052/2052/2174 1797/1797/1846 +f 2052/2052/2174 1809/1809/2182 2058/2058/2179 +f 1801/1801/2183 1800/1800/2306 2060/2060/2304 +f 2055/2055/2178 1808/1808/2184 2060/2060/2304 +f 2060/2060/2304 1808/1808/2184 1801/1801/2183 +f 1809/1809/2182 1797/1797/1846 1806/1806/1854 +f 2058/2058/2179 1808/1808/2184 2055/2055/2178 +f 1801/1801/2183 1808/1808/2184 1799/1799/1849 +f 2058/2058/2179 1809/1809/2182 1808/1808/2184 +f 1809/1809/1858 1813/1813/1860 1808/1808/2184 +f 1606/1606/2070 1898/1898/2131 1941/1941/2029 +f 1906/1906/1972 1905/1905/1968 1909/1909/1974 +f 1909/1909/1974 1904/1904/1965 692/692/708 +f 2061/2061/2185 802/802/864 800/800/861 +f 2061/2061/2185 800/800/861 803/803/865 +f 803/803/865 2062/2062/2188 2061/2061/2185 +f 826/826/891 802/802/864 2061/2061/2185 +f 826/826/891 2061/2061/2185 2063/2063/2187 +f 2061/2061/2185 2064/2064/2186 2063/2063/2187 +f 2062/2062/2188 2064/2064/2186 2061/2061/2185 +f 2062/2062/2188 2065/2065/2824 2064/2064/2186 +f 2066/2066/2189 2064/2064/2186 2065/2065/2824 +f 2067/2067/2190 2064/2064/2186 2066/2066/2189 +f 2068/2068/2196 1936/1936/2032 1942/1942/2031 +f 1939/4437/2245 2069/2069/2191 1942/1942/2031 +f 2070/2070/2192 1942/1942/2031 2069/2069/2191 +f 1942/1942/2031 2070/2070/2192 2068/2068/2196 +f 1948/1948/2038 1965/1965/2057 1952/1952/2048 +f 1954/1954/2193 1952/1952/2048 1965/1965/2057 +f 2071/2071/2195 1954/4443/2193 1965/4452/2057 +f 2071/2071/2195 1965/4452/2057 2072/2072/2194 +f 2073/2073/2275 1954/4443/2193 2071/2071/2195 +f 2068/2068/2196 1955/1955/2197 1936/1936/2032 +f 2068/2068/2196 2074/2074/2198 1955/1955/2197 +f 1936/1936/2032 1955/1955/2197 1937/1937/2068 +f 2074/2074/2198 1957/1957/2053 1955/1955/2197 +f 2074/2074/2198 1960/1960/2052 1957/1957/2053 +f 2075/2075/2280 2074/2074/2198 2068/2068/2196 +f 1960/1960/2052 2074/2074/2198 2075/2075/2280 +f 1966/1966/2199 1944/4441/2041 1963/4451/2056 +f 2076/2076/2202 1965/4452/2057 1966/4453/2199 +f 2076/2076/2202 1966/4453/2199 1963/1963/2056 +f 2072/2072/2194 1965/4452/2057 2076/2076/2202 +f 1963/1963/2056 1967/1967/2200 2076/2076/2202 +f 1963/1963/2056 1964/1964/2060 1967/1967/2200 +f 2077/2077/2201 2072/2072/2194 2076/2076/2202 +f 2076/2076/2202 2078/2078/2204 2077/2077/2201 +f 2078/2078/2204 2076/2076/2202 1967/1967/2200 +f 1968/1968/2203 2078/2078/2204 1967/1967/2200 +f 1907/4422/2076 1908/1908/1973 1969/4455/2079 +f 1908/1908/1973 1972/1972/2080 1969/4455/2079 +f 1971/1971/2082 1975/1975/2217 1973/1973/2081 +f 2079/2079/2205 1980/4465/2207 1977/4461/2086 +f 1980/4465/2207 1978/1978/2088 1977/4461/2086 +f 1987/1987/2097 1989/1989/2099 1984/1984/2094 +f 1981/1981/2089 1991/1991/2100 2080/2080/2206 +f 1990/1990/2226 2080/2080/2206 1991/1991/2100 +f 1653/4407/1722 1980/4464/2207 1654/4408/1723 +f 1980/4464/2207 2079/4498/2205 1654/4408/1723 +f 2079/4498/2205 1990/1990/2226 1654/4408/1723 +f 2080/2080/2206 2081/2081/2208 1987/1987/2097 +f 1981/1981/2089 2080/2080/2206 1987/1987/2097 +f 1987/1987/2097 2081/2081/2208 1989/1989/2099 +f 2082/2082/2209 1992/1992/2107 1989/1989/2099 +f 2082/2082/2209 1994/1994/2108 1992/1992/2107 +f 1909/1909/1974 692/692/708 2083/2083/2210 +f 692/692/708 807/807/869 2084/2084/2211 +f 2083/2083/2210 692/692/708 2084/2084/2211 +f 1908/1908/1973 1909/1909/1974 2083/2083/2210 +f 2084/2084/2211 2085/2085/2213 2083/2083/2210 +f 2086/2086/2212 2083/2083/2210 2085/2085/2213 +f 1908/1908/1973 2083/2083/2210 2086/2086/2212 +f 807/807/869 809/809/2214 2084/2084/2211 +f 809/809/2214 2085/2085/2213 2084/2084/2211 +f 2087/2087/2215 2085/2085/2213 809/809/2214 +f 812/812/874 814/814/876 809/809/2214 +f 2087/2087/2215 809/809/2214 814/814/876 +f 2088/2088/2218 1971/4456/2082 1972/1972/2080 +f 2088/2088/2218 1972/1972/2080 2089/2089/2216 +f 2089/2089/2216 1972/1972/2080 1908/1908/1973 +f 2089/2089/2216 1908/1908/1973 2086/2086/2212 +f 1975/4458/2217 1971/4456/2082 2088/2088/2218 +f 1975/4458/2217 2088/2088/2218 2090/2090/2222 +f 2089/2089/2216 2091/2091/2219 2088/2088/2218 +f 2088/2088/2218 2091/2091/2219 2090/2090/2222 +f 2086/2086/2212 2092/2092/2220 2089/2089/2216 +f 2092/2092/2220 2091/2091/2219 2089/2089/2216 +f 2091/2091/2219 2092/2092/2220 2093/2093/2221 +f 2090/2090/2222 1977/4462/2086 1975/4458/2217 +f 2090/2090/2222 2094/2094/2223 2079/4498/2205 +f 2090/2090/2222 2079/4498/2205 1977/4462/2086 +f 2094/2094/2223 2090/2090/2222 2091/2091/2219 +f 2094/2094/2223 2095/2095/2224 2079/4498/2205 +f 2091/2091/2219 2093/2093/2221 2094/2094/2223 +f 2094/2094/2223 2096/2096/2314 2095/2095/2224 +f 2096/2096/2314 2094/2094/2223 2093/2093/2221 +f 2097/2097/2225 2080/2080/2206 1990/1990/2226 +f 2081/2081/2208 2080/2080/2206 2097/2097/2225 +f 1990/1990/2226 2079/4498/2205 2095/2095/2224 +f 1990/1990/2226 2095/2095/2224 2097/2097/2225 +f 2097/2097/2225 2095/2095/2224 2098/2098/2321 +f 2097/2097/2225 2098/2098/2321 2099/2099/2322 +f 2099/2099/2322 2081/2081/2208 2097/2097/2225 +f 1989/1989/2099 2081/2081/2208 2100/2100/2227 +f 2100/2100/2227 2082/2082/2209 1989/1989/2099 +f 1994/1994/2108 2082/2082/2209 2100/2100/2227 +f 2101/2101/2228 2100/2100/2227 2081/2081/2208 +f 2099/2099/2322 2102/2102/2324 2081/2081/2208 +f 2081/2081/2208 2102/2102/2324 2101/2101/2228 +f 2101/2101/2228 2102/2102/2324 2103/2103/2331 +f 1994/1994/2108 2100/2100/2227 2000/2000/2229 +f 2000/2000/2229 2100/2100/2227 2101/2101/2228 +f 2000/2000/2229 2101/2101/2228 2104/2104/2230 +f 2101/2101/2228 2103/2103/2331 2104/2104/2230 +f 1997/1997/2120 1996/1996/2113 2003/2003/2241 +f 2032/2032/2147 2002/2002/2112 2004/2004/2115 +f 2003/2003/2241 2105/2105/2232 2106/2106/2233 +f 2003/2003/2241 2002/2002/2112 2105/2105/2232 +f 2107/2107/2231 2106/4500/2233 2105/4499/2232 +f 2108/2108/2242 2106/4500/2233 2107/2107/2231 +f 2109/2109/2234 2110/2110/2235 2032/4484/2147 +f 2109/2109/2234 2111/2111/2236 2110/2110/2235 +f 2110/2110/2235 2111/2111/2236 2112/2112/2237 +f 2002/4469/2112 2032/4484/2147 2110/2110/2235 +f 2112/2112/2237 2111/2111/2236 2113/2113/2238 +f 2110/2110/2235 2105/4499/2232 2002/4469/2112 +f 2105/4499/2232 2110/2110/2235 2112/2112/2237 +f 2105/4499/2232 2112/2112/2237 2107/2107/2231 +f 2107/2107/2231 2112/2112/2237 2113/2113/2238 +f 2113/2113/2238 2114/2114/2239 2107/2107/2231 +f 2108/2108/2242 2107/2107/2231 2114/2114/2239 +f 2115/2115/2240 2108/2108/2242 2114/2114/2239 +f 1925/1925/2013 2003/2003/2241 2007/2007/2243 +f 2008/4473/2124 2006/2006/2121 2007/2007/2243 +f 2007/2007/2243 2003/2003/2241 2106/2106/2233 +f 2106/4500/2233 2108/2108/2242 2007/4471/2243 +f 2007/4471/2243 2108/2108/2242 2008/4472/2124 +f 2008/4472/2124 2108/2108/2242 2011/4474/2129 +f 2116/2116/2246 2070/2070/2192 2117/2117/2244 +f 2117/2117/2244 2070/2070/2192 2069/2069/2191 +f 2117/2117/2244 2069/2069/2191 1939/4437/2245 +f 2013/2013/2132 2117/4502/2244 1939/1939/2245 +f 2116/4501/2246 2117/4502/2244 2013/2013/2132 +f 2118/2118/2281 2116/4501/2246 2119/2119/2247 +f 2119/2119/2247 2116/4501/2246 2018/2018/2136 +f 2116/4501/2246 2013/2013/2132 2018/2018/2136 +f 2120/2120/2248 2108/2108/2242 2115/2115/2240 +f 2120/2120/2248 2011/4474/2129 2108/2108/2242 +f 2121/2121/2249 2122/2122/2250 2120/2120/2248 +f 2121/2121/2249 2120/2120/2248 2115/2115/2240 +f 2011/4474/2129 2120/2120/2248 2014/4475/2133 +f 2014/4475/2133 2120/2120/2248 2122/2122/2250 +f 2122/2122/2250 2016/4476/2134 2014/4475/2133 +f 2123/2123/2251 2118/4504/2281 2124/2124/2253 +f 2125/2125/2255 2126/2126/2252 2124/2124/2253 +f 2124/2124/2253 2126/2126/2252 2123/2123/2251 +f 2122/2122/2250 2121/2121/2249 2127/2127/2254 +f 2127/2127/2254 2121/2121/2249 2128/2128/2372 +f 2016/4476/2134 2122/2122/2250 2129/2129/2258 +f 2129/2129/2258 2122/2122/2250 2127/2127/2254 +f 2125/2125/2255 2129/2129/2258 2127/2127/2254 +f 2039/4488/2257 2016/4476/2134 2129/2129/2258 +f 2020/2020/2256 2039/4488/2257 2129/2129/2258 +f 2129/2129/2258 2125/2125/2255 2020/2020/2256 +f 2126/2126/2252 2125/2125/2255 2127/2127/2254 +f 2124/2124/2253 2020/2020/2256 2125/2125/2255 +f 2124/2124/2253 2118/4504/2281 2119/4505/2247 +f 2017/2017/2135 2119/2119/2247 2018/2018/2136 +f 2020/2020/2256 2124/2124/2253 2119/4505/2247 +f 2020/2020/2256 2119/4505/2247 2017/4477/2135 +f 2039/4488/2257 2020/2020/2256 2019/2019/2138 +f 2104/2104/2230 2130/2130/2259 2000/2000/2229 +f 2000/2000/2229 2130/2130/2259 1999/1999/2260 +f 2130/2130/2259 2104/2104/2230 2131/2131/2265 +f 2026/4483/2142 1999/1999/2260 2130/2130/2259 +f 2130/2130/2259 2131/2131/2265 2132/2132/2266 +f 2130/2130/2259 2133/2133/2261 2026/4483/2142 +f 2132/2132/2266 2133/2133/2261 2130/2130/2259 +f 2134/2134/2264 2133/4507/2261 2132/4506/2266 +f 2134/2134/2264 2132/4506/2266 2034/2034/2262 +f 2033/2033/2263 2134/2134/2264 2034/2034/2262 +f 2026/2026/2142 2133/4507/2261 2027/2027/2143 +f 2027/2027/2143 2133/4507/2261 2029/2029/2145 +f 2029/2029/2145 2133/4507/2261 2134/2134/2264 +f 2029/2029/2145 2134/2134/2264 2033/2033/2263 +f 2033/2033/2263 2031/2031/2146 2029/2029/2145 +f 2131/2131/2265 2104/2104/2230 2135/2135/2364 +f 2132/2132/2266 2131/2131/2265 2136/2136/2267 +f 2136/2136/2267 2131/2131/2265 2135/2135/2364 +f 2132/2132/2266 2136/2136/2267 2109/2109/2234 +f 2132/2132/2266 2109/2109/2234 2034/4485/2262 +f 2136/2136/2267 2111/2111/2236 2109/2109/2234 +f 2137/2137/2365 2111/2111/2236 2136/2136/2267 +f 2032/4484/2147 2034/4485/2262 2109/2109/2234 +f 2015/2015/2155 2016/2016/2134 2036/2036/2268 +f 2036/2036/2268 2016/2016/2134 2039/2039/2257 +f 2038/4486/2269 2039/4487/2257 2040/2040/2157 +f 2039/4487/2257 2019/4478/2138 2040/2040/2157 +f 2038/4486/2269 2040/2040/2157 2043/4490/2161 +f 2138/2138/2385 2139/2139/2270 2140/2140/2387 +f 2139/2139/2270 2138/2138/2385 2141/2141/2852 +f 2141/2141/2852 2142/2142/2271 2139/2139/2270 +f 2071/2071/2195 2143/2143/2272 2144/2144/2273 +f 2144/2144/2273 2145/2145/2274 2073/2073/2275 +f 2144/2144/2273 2073/2073/2275 2071/2071/2195 +f 2139/4508/2270 2144/2144/2273 2143/2143/2272 +f 2144/2144/2273 2139/4508/2270 2145/2145/2274 +f 2145/4509/2274 2139/2139/2270 2142/2142/2271 +f 2143/2143/2272 2072/2072/2194 2146/2146/2278 +f 2146/2146/2278 2072/2072/2194 2077/2077/2201 +f 2077/2077/2201 2147/2147/2276 2146/2146/2278 +f 2143/2143/2272 2071/2071/2195 2072/2072/2194 +f 2148/2148/2277 2143/2143/2272 2146/2146/2278 +f 2148/2148/2277 2146/2146/2278 2149/2149/2295 +f 2149/2149/2295 2146/2146/2278 2147/2147/2276 +f 2150/2150/2282 2151/2151/2392 2152/2152/2279 +f 2070/2070/2192 2075/2075/2280 2068/2068/2196 +f 2150/4513/2282 2075/2075/2280 2070/2070/2192 +f 2153/2153/2283 1960/4448/2052 2075/4497/2280 +f 2152/2152/2279 2153/2153/2283 2075/4497/2280 +f 2116/2116/2246 2118/4503/2281 2070/2070/2192 +f 2070/2070/2192 2118/4503/2281 2150/4513/2282 +f 2075/4497/2280 2150/2150/2282 2152/2152/2279 +f 2046/4493/2284 1960/4448/2052 2153/2153/2283 +f 2152/2152/2279 2046/4493/2284 2153/2153/2283 +f 1960/4448/2052 2046/4493/2284 1962/4450/2285 +f 1962/4450/2285 2046/4493/2284 1627/4401/1703 +f 2154/2154/2286 2046/4493/2284 2152/2152/2279 +f 2048/2048/2290 2046/2046/2284 2154/4514/2286 +f 2046/2046/2284 2048/2048/2290 2047/2047/2170 +f 2155/2155/2287 2118/4504/2281 2123/2123/2251 +f 2152/2152/2279 2151/2151/2392 2156/2156/2288 +f 2156/2156/2288 2154/2154/2286 2152/2152/2279 +f 2154/2154/2286 2156/2156/2288 2157/2157/2289 +f 2158/2158/2299 2159/2159/2298 2157/2157/2289 +f 2157/2157/2289 2159/2159/2298 2154/2154/2286 +f 2154/4514/2286 2159/4515/2298 2048/2048/2290 +f 2147/2147/2276 2077/2077/2201 2078/2078/2204 +f 2049/4494/2172 2078/2078/2204 1968/1968/2203 +f 2149/2149/2295 2147/2147/2276 2049/4494/2172 +f 2049/4494/2172 2147/2147/2276 2078/2078/2204 +f 2049/2049/2172 2160/2160/2291 2149/4512/2295 +f 1779/1779/1838 2050/2050/2292 2049/2049/2172 +f 2050/2050/2292 2160/2160/2291 2049/2049/2172 +f 2161/2161/2294 2162/2162/2293 2163/2163/2296 +f 2162/2162/2293 2161/2161/2294 2149/4511/2295 +f 2164/2164/2302 2165/2165/2394 2163/4517/2296 +f 2164/2164/2302 2163/4517/2296 2162/4516/2293 +f 2164/2164/2302 2162/4516/2293 2051/2051/2297 +f 2165/4518/2394 2159/2159/2298 2158/2158/2299 +f 2054/2054/2175 2053/2053/2300 2159/4515/2298 +f 2159/4515/2298 2165/2165/2394 2054/2054/2175 +f 2054/2054/2175 2165/2165/2394 2166/2166/2305 +f 2167/2167/2301 2165/2165/2394 2164/2164/2302 +f 2167/2167/2301 2164/2164/2302 2056/2056/2303 +f 2056/2056/2303 2164/2164/2302 2051/2051/2297 +f 2165/2165/2394 2167/2167/2301 2166/2166/2305 +f 2060/2060/2304 2166/2166/2305 2167/2167/2301 +f 2060/2060/2304 2167/2167/2301 2056/2056/2303 +f 2050/2050/2292 2162/4516/2293 2160/2160/2291 +f 2160/2160/2291 2162/4516/2293 2149/4512/2295 +f 2051/2051/2297 2162/4516/2293 2050/2050/2292 +f 2057/2057/2177 2056/2056/2303 2051/2051/2297 +f 2057/2057/2177 2051/2051/2297 2052/2052/2174 +f 2048/2048/2290 2159/4515/2298 2053/2053/2300 +f 2054/2054/2175 2166/2166/2305 1800/1800/2306 +f 2166/2166/2305 2060/2060/2304 1800/1800/2306 +f 2056/2056/2303 2055/2055/2178 2060/2060/2304 +f 824/824/905 826/826/891 2168/2168/2341 +f 2063/2063/2187 2168/2168/2341 826/826/891 +f 2063/2063/2187 2169/2169/2307 2168/2168/2341 +f 2064/2064/2186 2169/2169/2307 2063/2063/2187 +f 2064/2064/2186 2067/2067/2190 2169/2169/2307 +f 2066/2066/2189 2170/2170/2308 2067/2067/2190 +f 2087/2087/2215 2086/2086/2212 2085/2085/2213 +f 2087/2087/2215 2171/2171/2310 2086/2086/2212 +f 2086/2086/2212 2171/2171/2310 2092/2092/2220 +f 2171/2171/2310 2087/2087/2215 2172/2172/2309 +f 2087/2087/2215 814/814/876 2172/2172/2309 +f 2171/2171/2310 2173/2173/2312 2092/2092/2220 +f 2173/2173/2312 2093/2093/2221 2092/2092/2220 +f 2173/2173/2312 2171/2171/2310 2174/2174/2311 +f 2174/2174/2311 2171/2171/2310 2172/2172/2309 +f 2173/2173/2312 2175/2175/2313 2093/2093/2221 +f 2175/2175/2313 2096/2096/2314 2093/2093/2221 +f 2174/2174/2311 2175/2175/2313 2173/2173/2312 +f 830/830/893 2176/2176/2316 829/829/2315 +f 2176/2176/2316 830/830/893 2177/2177/2333 +f 2177/2177/2333 830/830/893 833/833/904 +f 2178/2178/2317 2176/2176/2316 2177/2177/2333 +f 2172/2172/2309 814/814/876 2179/2179/2318 +f 2179/2179/2318 814/814/876 829/829/2315 +f 2179/2179/2318 829/829/2315 2180/2180/2319 +f 2180/2180/2319 829/829/2315 2176/2176/2316 +f 2178/2178/2317 2180/2180/2319 2176/2176/2316 +f 2174/2174/2311 2172/2172/2309 2181/2181/2326 +f 2181/2181/2326 2172/2172/2309 2179/2179/2318 +f 2181/2181/2326 2179/2179/2318 2182/2182/2396 +f 2182/2182/2396 2179/2179/2318 2180/2180/2319 +f 2175/2175/2313 2174/2174/2311 2181/2181/2326 +f 2095/2095/2224 2096/2096/2314 2098/2098/2321 +f 2096/2096/2314 2183/2183/2320 2098/2098/2321 +f 2098/2098/2321 2183/2183/2320 2099/2099/2322 +f 2183/2183/2320 2102/2102/2324 2099/2099/2322 +f 2183/2183/2320 2096/2096/2314 2175/2175/2313 +f 2102/2102/2324 2183/2183/2320 2175/2175/2313 +f 2175/2175/2313 2184/2184/2323 2102/2102/2324 +f 2184/2184/2323 2103/2103/2331 2102/2102/2324 +f 2184/2184/2323 2175/2175/2313 2185/2185/2325 +f 2181/2181/2326 2182/2182/2396 2186/2186/2329 +f 2186/2186/2329 2182/2182/2396 2187/2187/2327 +f 2185/2185/2325 2175/2175/2313 2181/2181/2326 +f 2188/2188/2328 2185/2185/2325 2181/2181/2326 +f 2187/2187/2327 2188/2188/2328 2186/2186/2329 +f 2186/2186/2329 2188/2188/2328 2181/2181/2326 +f 2184/2184/2323 2185/2185/2325 2188/2188/2328 +f 2135/2135/2364 2184/2184/2323 2188/2188/2328 +f 2135/2135/2364 2188/2188/2328 2189/2189/2330 +f 2189/2189/2330 2188/2188/2328 2190/2190/2370 +f 2190/2190/2370 2188/2188/2328 2187/2187/2327 +f 2184/2184/2323 2135/2135/2364 2103/2103/2331 +f 2135/2135/2364 2104/2104/2230 2103/2103/2331 +f 833/833/904 837/837/903 2191/2191/2335 +f 2191/2191/2335 2177/2177/2333 833/833/904 +f 2178/2178/2317 2177/2177/2333 2192/2192/2332 +f 2192/2192/2332 2177/2177/2333 2193/2193/2334 +f 2193/2193/2334 2177/2177/2333 2191/2191/2335 +f 2191/2191/2335 837/837/903 838/838/2336 +f 2194/2194/2342 838/838/2336 824/824/905 +f 2191/2191/2335 838/838/2336 2193/2193/2334 +f 2193/2193/2334 838/838/2336 2195/2195/2337 +f 2195/2195/2337 838/838/2336 2196/2196/2345 +f 2196/2196/2345 838/838/2336 2194/2194/2342 +f 2197/2197/2397 2178/2178/2317 2192/2192/2332 +f 2198/2198/2340 2192/2192/2332 2193/2193/2334 +f 2197/2197/2397 2192/2192/2332 2199/2199/2338 +f 2199/2199/2338 2192/2192/2332 2200/2200/2339 +f 2200/2200/2339 2192/2192/2332 2198/2198/2340 +f 2168/2168/2341 2194/2194/2342 824/824/905 +f 2168/2168/2341 2201/2201/2343 2194/2194/2342 +f 2194/2194/2342 2201/2201/2343 2196/2196/2345 +f 2201/2201/2343 2168/2168/2341 2169/2169/2307 +f 2202/2202/2344 2196/2196/2345 2203/2203/2346 +f 2203/2203/2346 2196/2196/2345 2201/2201/2343 +f 2203/2203/2346 2201/2201/2343 2169/2169/2307 +f 2204/2204/2404 2202/2202/2344 2205/2205/2347 +f 2205/2205/2347 2202/2202/2344 2203/2203/2346 +f 2205/2205/2347 2203/2203/2346 2206/2206/2348 +f 2067/2067/2190 2203/2203/2346 2169/2169/2307 +f 2067/2067/2190 2206/2206/2348 2203/2203/2346 +f 2199/2199/2338 2200/2200/2339 2207/2207/2349 +f 2207/2207/2349 2200/2200/2339 2208/2208/2399 +f 2204/2204/2404 2207/2207/2349 2208/2208/2399 +f 2199/2199/2338 2207/2207/2349 2209/2209/2401 +f 2209/2209/2401 2207/2207/2349 2210/2210/2350 +f 2210/2210/2350 2207/2207/2349 2204/2204/2404 +f 2211/2211/2352 2209/2209/2401 2210/2210/2350 +f 2212/2212/2351 2209/2209/2401 2211/2211/2352 +f 2213/2213/2353 2206/2206/2348 2214/2214/2354 +f 2214/2214/2354 2206/2206/2348 2067/2067/2190 +f 2170/2170/2308 2214/2214/2354 2067/2067/2190 +f 2215/2215/2356 2213/2213/2353 2214/2214/2354 +f 2214/2214/2354 2216/2216/2359 2215/2215/2356 +f 2216/2216/2359 2214/2214/2354 2170/2170/2308 +f 2211/2211/2352 2210/2210/2350 2217/2217/2355 +f 2217/2217/2355 2210/2210/2350 2218/2218/2358 +f 2215/2215/2356 2219/2219/2357 2218/2218/2358 +f 2218/2218/2358 2219/2219/2357 2217/2217/2355 +f 2211/2211/2352 2217/2217/2355 2219/2219/2357 +f 2219/2219/2357 2220/2220/2362 2211/2211/2352 +f 2216/2216/2359 2221/2221/2361 2219/2219/2357 +f 2219/2219/2357 2215/2215/2356 2216/2216/2359 +f 2216/2216/2359 2222/2222/2360 2221/2221/2361 +f 2220/2220/2362 2219/2219/2357 2223/2223/2363 +f 2223/2223/2363 2219/2219/2357 2221/2221/2361 +f 2223/2223/2363 2221/2221/2361 2222/2222/2360 +f 2222/2222/2360 2224/2224/2386 2223/2223/2363 +f 2135/2135/2364 2189/2189/2330 2137/2137/2365 +f 2137/2137/2365 2189/2189/2330 2225/2225/2366 +f 2225/2225/2366 2189/2189/2330 2190/2190/2370 +f 2137/2137/2365 2226/2226/2367 2111/2111/2236 +f 2226/2226/2367 2137/2137/2365 2225/2225/2366 +f 2225/2225/2366 2227/2227/2368 2226/2226/2367 +f 2228/2228/2369 2229/2229/2373 2190/2190/2370 +f 2190/2190/2370 2229/2229/2373 2225/2225/2366 +f 2227/2227/2368 2225/2225/2366 2229/2229/2373 +f 2111/2111/2236 2226/2226/2367 2113/2113/2238 +f 2226/2226/2367 2114/2114/2239 2113/2113/2238 +f 2114/2114/2239 2226/2226/2367 2227/2227/2368 +f 2227/2227/2368 2230/2230/2371 2114/2114/2239 +f 2114/2114/2239 2230/2230/2371 2115/2115/2240 +f 2230/2230/2371 2121/2121/2249 2115/2115/2240 +f 2230/2230/2371 2227/2227/2368 2128/2128/2372 +f 2128/2128/2372 2227/2227/2368 2229/2229/2373 +f 2128/2128/2372 2229/2229/2373 2231/2231/2375 +f 2230/2230/2371 2128/2128/2372 2121/2121/2249 +f 2231/2231/2375 2232/2232/2378 2128/2128/2372 +f 2127/2127/2254 2128/2128/2372 2126/2126/2252 +f 2128/2128/2372 2232/2232/2378 2126/2126/2252 +f 2232/2232/2378 2123/2123/2251 2126/2126/2252 +f 2135/2135/2364 2137/2137/2365 2136/2136/2267 +f 2229/2229/2373 2228/2228/2369 2233/2233/2403 +f 2229/2229/2373 2233/2233/2403 2234/2234/2374 +f 2234/2234/2374 2233/2233/2403 2235/2235/2402 +f 2231/2231/2375 2234/2234/2374 2236/2236/2379 +f 2236/2236/2379 2234/2234/2374 2235/2235/2402 +f 2231/2231/2375 2229/2229/2373 2234/2234/2374 +f 2237/2237/2376 2231/2231/2375 2236/2236/2379 +f 2232/2232/2378 2231/2231/2375 2237/2237/2376 +f 2237/2237/2376 2238/2238/2377 2232/2232/2378 +f 2237/2237/2376 2236/2236/2379 2239/2239/2381 +f 2239/2239/2381 2236/2236/2379 2240/2240/2380 +f 2239/2239/2381 2240/2240/2380 2241/2241/2391 +f 2241/2241/2391 2240/2240/2380 2242/2242/2384 +f 2238/2238/2377 2237/2237/2376 2239/2239/2381 +f 2239/2239/2381 2243/2243/2393 2238/2238/2377 +f 2243/2243/2393 2239/2239/2381 2244/2244/2382 +f 2244/2244/2382 2239/2239/2381 2241/2241/2391 +f 2212/2212/2351 2211/2211/2352 2245/2245/2383 +f 2245/2245/2383 2211/2211/2352 2220/2220/2362 +f 2212/2212/2351 2245/2245/2383 2242/2242/2384 +f 2242/2242/2384 2245/2245/2383 2246/2246/2389 +f 2245/2245/2383 2220/2220/2362 2138/2138/2385 +f 2138/2138/2385 2220/2220/2362 2223/2223/2363 +f 2223/2223/2363 2224/2224/2386 2138/2138/2385 +f 2224/2224/2386 2141/2141/2852 2138/2138/2385 +f 2246/2246/2389 2245/2245/2383 2140/2140/2387 +f 2245/2245/2383 2138/2138/2385 2140/2140/2387 +f 2139/2139/2270 2246/2246/2389 2140/2140/2387 +f 2242/2242/2384 2246/2246/2389 2247/2247/2388 +f 2247/2247/2388 2246/2246/2389 2148/4510/2277 +f 2149/4511/2295 2247/2247/2388 2148/4510/2277 +f 2143/2143/2272 2148/2148/2277 2248/2248/2390 +f 2148/4510/2277 2246/2246/2389 2248/4519/2390 +f 2246/2246/2389 2139/2139/2270 2248/4519/2390 +f 2139/4508/2270 2143/2143/2272 2248/2248/2390 +f 2242/2242/2384 2247/2247/2388 2241/2241/2391 +f 2244/2244/2382 2241/2241/2391 2163/2163/2296 +f 2163/2163/2296 2241/2241/2391 2247/2247/2388 +f 2163/2163/2296 2247/2247/2388 2161/2161/2294 +f 2247/2247/2388 2149/4511/2295 2161/2161/2294 +f 2118/4504/2281 2151/2151/2392 2150/2150/2282 +f 2123/2123/2251 2232/2232/2378 2155/2155/2287 +f 2155/2155/2287 2232/2232/2378 2238/2238/2377 +f 2238/2238/2377 2151/2151/2392 2155/2155/2287 +f 2155/2155/2287 2151/2151/2392 2118/4504/2281 +f 2151/2151/2392 2238/2238/2377 2156/2156/2288 +f 2238/2238/2377 2243/2243/2393 2156/2156/2288 +f 2156/2156/2288 2243/2243/2393 2157/2157/2289 +f 2243/2243/2393 2244/2244/2382 2157/2157/2289 +f 2244/2244/2382 2158/2158/2299 2157/2157/2289 +f 2158/2158/2299 2244/2244/2382 2249/2249/2395 +f 2244/2244/2382 2163/2163/2296 2249/2249/2395 +f 2163/2163/2296 2165/4518/2394 2249/2249/2395 +f 2165/4518/2394 2158/2158/2299 2249/2249/2395 +f 2182/2182/2396 2180/2180/2319 2197/2197/2397 +f 2180/2180/2319 2178/2178/2317 2197/2197/2397 +f 2182/2182/2396 2197/2197/2397 2187/2187/2327 +f 2197/2197/2397 2199/2199/2338 2187/2187/2327 +f 2190/2190/2370 2187/2187/2327 2250/2250/2398 +f 2187/2187/2327 2199/2199/2338 2250/2250/2398 +f 2199/2199/2338 2228/2228/2369 2250/2250/2398 +f 2228/2228/2369 2190/2190/2370 2250/2250/2398 +f 2208/2208/2399 2200/2200/2339 2251/2251/2400 +f 2200/2200/2339 2198/2198/2340 2251/2251/2400 +f 2198/2198/2340 2193/2193/2334 2251/2251/2400 +f 2193/2193/2334 2195/2195/2337 2251/2251/2400 +f 2195/2195/2337 2196/2196/2345 2251/2251/2400 +f 2196/2196/2345 2202/2202/2344 2251/2251/2400 +f 2202/2202/2344 2204/2204/2404 2251/2251/2400 +f 2204/2204/2404 2208/2208/2399 2251/2251/2400 +f 2209/2209/2401 2235/2235/2402 2199/2199/2338 +f 2235/2235/2402 2233/2233/2403 2199/2199/2338 +f 2233/2233/2403 2228/2228/2369 2199/2199/2338 +f 2212/2212/2351 2235/2235/2402 2209/2209/2401 +f 2218/2218/2358 2210/2210/2350 2252/2252/2405 +f 2210/2210/2350 2204/2204/2404 2252/2252/2405 +f 2204/2204/2404 2205/2205/2347 2252/2252/2405 +f 2205/2205/2347 2206/2206/2348 2252/2252/2405 +f 2206/2206/2348 2213/2213/2353 2252/2252/2405 +f 2213/2213/2353 2215/2215/2356 2252/2252/2405 +f 2215/2215/2356 2218/2218/2358 2252/2252/2405 +f 2242/2242/2384 2240/2240/2380 2212/2212/2351 +f 2240/2240/2380 2236/2236/2379 2212/2212/2351 +f 2236/2236/2379 2235/2235/2402 2212/2212/2351 +f 2253/2253/2406 40/40/2407 1080/1080/1123 +f 2254/2254/2408 1080/1080/1123 1079/1079/2409 +f 1080/1080/1123 2254/2254/2408 2255/2255/2410 +f 1079/1079/2409 1081/1081/1124 2254/2254/2408 +f 2256/2256/2412 2254/2254/2408 1081/1081/1124 +f 2257/2257/2418 2255/2255/2410 2254/2254/2408 +f 2257/2257/2418 2258/2258/2411 2255/2255/2410 +f 2257/2257/2418 2254/2254/2408 2256/2256/2412 +f 1081/1081/1124 1083/1083/2419 2256/2256/2412 +f 1500/1500/2413 2259/2259/2414 1087/1087/1127 +f 2257/2257/2418 2256/2256/2412 2260/2260/2415 +f 2261/2261/2416 1088/1088/1129 1087/1087/1127 +f 2259/2259/2414 2261/2261/2416 1087/1087/1127 +f 2259/2259/2414 2262/2262/2417 2261/2261/2416 +f 2263/2263/2427 2261/2261/2416 2262/2262/2417 +f 2260/2260/2415 2264/2264/2421 2257/2257/2418 +f 2260/2260/2415 2256/2256/2412 1083/1083/2419 +f 1088/1088/1129 1092/1092/1185 1090/1090/1130 +f 1088/1088/1129 2261/2261/2416 2263/2263/2427 +f 1092/1092/1185 1088/1088/1129 2263/2263/2427 +f 1092/1092/1185 2263/2263/2427 2265/2265/2565 +f 2260/2260/2415 2266/2266/2420 2264/2264/2421 +f 2267/2267/2422 2260/2260/2415 1083/1083/2419 +f 2268/2268/2423 2265/2265/2565 2263/2263/2427 +f 2268/2268/2423 2263/2263/2427 2269/2269/2424 +f 2269/2269/2424 2263/2263/2427 2270/2270/2425 +f 2270/2270/2425 2263/2263/2427 2271/2271/2426 +f 2271/2271/2426 2263/2263/2427 2272/2272/2428 +f 2267/2267/2422 2266/2266/2420 2260/2260/2415 +f 2264/2264/2421 2266/2266/2420 2273/2273/2438 +f 1083/1083/2419 1093/1093/1133 2267/2267/2422 +f 2267/2267/2422 2274/2274/2430 2266/2266/2420 +f 2275/2275/2429 2267/2267/2422 1093/1093/1133 +f 2267/2267/2422 2275/2275/2429 2274/2274/2430 +f 2273/2273/2438 2266/2266/2420 2274/2274/2430 +f 92/92/906 40/40/2407 2253/2253/2406 +f 2253/2253/2406 1080/1080/1123 2255/2255/2410 +f 2253/2253/2406 2255/2255/2410 2276/2276/2433 +f 2276/2276/2433 2255/2255/2410 2258/2258/2411 +f 92/92/906 2253/2253/2406 841/841/2431 +f 841/841/2431 2253/2253/2406 2276/2276/2433 +f 842/842/909 841/841/2431 2277/2277/2432 +f 2277/2277/2432 841/841/2431 2276/2276/2433 +f 2276/2276/2433 2258/2258/2411 2278/2278/2435 +f 2276/2276/2433 2279/2279/2434 2277/2277/2432 +f 2279/2279/2434 2276/2276/2433 2278/2278/2435 +f 2258/2258/2411 2257/2257/2418 2280/2280/2436 +f 2280/2280/2436 2257/2257/2418 2264/2264/2421 +f 2281/2281/2437 2280/2280/2436 2264/2264/2421 +f 2280/2280/2436 2278/2278/2435 2258/2258/2411 +f 2264/2264/2421 2273/2273/2438 2281/2281/2437 +f 2280/2280/2436 2282/2282/2445 2278/2278/2435 +f 2282/2282/2445 2280/2280/2436 2281/2281/2437 +f 2281/2281/2437 2273/2273/2438 2283/2283/2442 +f 2273/2273/2438 2284/2284/2439 2283/2283/2442 +f 2285/2285/2440 2281/2281/2437 2283/2283/2442 +f 2286/2286/2441 2283/2283/2442 2284/2284/2439 +f 2286/2286/2441 2284/2284/2439 2287/2287/2443 +f 847/847/914 842/842/909 2277/2277/2432 +f 2277/2277/2432 2288/2288/2444 847/847/914 +f 2277/2277/2432 2289/2289/2446 2288/2288/2444 +f 2278/2278/2435 2282/2282/2445 2289/2289/2446 +f 2289/2289/2446 2279/2279/2434 2278/2278/2435 +f 2289/2289/2446 2277/2277/2432 2279/2279/2434 +f 2289/2289/2446 2282/2282/2445 2290/2290/2447 +f 853/853/926 851/851/918 847/847/914 +f 853/853/926 847/847/914 2288/2288/2444 +f 2285/2285/2440 2290/2290/2447 2282/2282/2445 +f 2291/2291/2471 2288/2288/2444 2289/2289/2446 +f 862/862/928 853/853/926 2288/2288/2444 +f 2291/2291/2471 2289/2289/2446 2290/2290/2447 +f 2281/2281/2437 2285/2285/2440 2282/2282/2445 +f 2286/2286/2441 2287/2287/2443 2292/2292/2459 +f 2283/2283/2442 2286/2286/2441 2293/2293/2448 +f 2292/2292/2459 2293/2293/2448 2286/2286/2441 +f 2294/2294/2450 2285/2285/2440 2283/2283/2442 +f 2294/2294/2450 2283/2283/2442 2293/2293/2448 +f 2295/2295/2473 2285/2285/2440 2294/2294/2450 +f 2285/2285/2440 2295/2295/2473 2290/2290/2447 +f 2296/2296/2449 2295/2295/2473 2294/2294/2450 +f 2297/2297/2452 2296/2296/2449 2294/2294/2450 +f 2294/2294/2450 2293/2293/2448 2297/2297/2452 +f 2293/2293/2448 2292/2292/2459 2298/2298/2451 +f 2297/2297/2452 2293/2293/2448 2298/2298/2451 +f 2284/2284/2439 2273/2273/2438 2299/2299/2453 +f 1180/1180/1222 1093/1093/1133 1178/1178/1236 +f 2273/2273/2438 2274/2274/2430 2299/2299/2453 +f 2300/2300/2457 2299/2299/2453 2274/2274/2430 +f 2301/2301/2454 2284/2284/2439 2299/2299/2453 +f 1093/1093/1133 1180/1180/1222 2275/2275/2429 +f 2274/2274/2430 2275/2275/2429 2302/2302/2455 +f 2274/2274/2430 2302/2302/2455 2300/2300/2457 +f 1194/1194/1239 2275/2275/2429 1180/1180/1222 +f 2275/2275/2429 1194/1194/1239 2302/2302/2455 +f 1205/1205/1246 2302/2302/2455 1194/1194/1239 +f 2303/2303/2456 2299/2299/2453 2300/2300/2457 +f 2304/2304/2461 2303/2303/2456 2300/2300/2457 +f 2300/2300/2457 2302/2302/2455 1205/1205/1246 +f 2305/2305/2458 2300/2300/2457 1205/1205/1246 +f 2303/2303/2456 2301/2301/2454 2299/2299/2453 +f 2287/2287/2443 2284/2284/2439 2301/2301/2454 +f 2303/2303/2456 2287/2287/2443 2301/2301/2454 +f 2287/2287/2443 2303/2303/2456 2306/2306/2463 +f 2304/2304/2461 2306/2306/2463 2303/2303/2456 +f 2304/2304/2461 2300/2300/2457 2305/2305/2458 +f 2305/2305/2458 2307/2307/2465 2304/2304/2461 +f 1205/1205/1246 1194/1194/1239 1195/1195/1244 +f 1205/1205/1246 1206/1206/1245 2305/2305/2458 +f 1207/1207/1248 1206/1206/1245 1203/1203/1247 +f 2292/2292/2459 2287/2287/2443 2306/2306/2463 +f 2308/2308/2460 2306/2306/2463 2304/2304/2461 +f 2308/2308/2460 2304/2304/2461 2307/2307/2465 +f 2307/2307/2465 1206/1206/1245 2309/2309/2462 +f 2292/2292/2459 2306/2306/2463 2310/2310/2464 +f 2310/2310/2464 2306/2306/2463 2308/2308/2460 +f 2311/2311/2493 2310/2310/2464 2308/2308/2460 +f 2308/2308/2460 2307/2307/2465 2312/2312/2466 +f 2312/2312/2466 2307/2307/2465 2309/2309/2462 +f 2312/2312/2466 2309/2309/2462 2313/2313/2492 +f 2292/2292/2459 2310/2310/2464 2298/2298/2451 +f 2298/2298/2451 2310/2310/2464 2314/2314/2494 +f 2305/2305/2458 1206/1206/1245 2307/2307/2465 +f 2315/2315/2467 1206/1206/1245 1207/1207/1248 +f 1224/1224/1264 2315/2315/2467 1207/1207/1248 +f 1206/1206/1245 2315/2315/2467 2309/2309/2462 +f 1224/1224/1264 2316/2316/2468 2315/2315/2467 +f 2315/2315/2467 2313/2313/2492 2309/2309/2462 +f 2316/2316/2468 1224/1224/1264 1229/1229/2469 +f 862/862/928 2288/2288/2444 2291/2291/2471 +f 862/862/928 2291/2291/2471 2317/2317/2470 +f 866/866/933 862/862/928 2317/2317/2470 +f 2317/2317/2470 2291/2291/2471 2318/2318/2472 +f 2291/2291/2471 2290/2290/2447 2318/2318/2472 +f 2295/2295/2473 2319/2319/2474 2318/2318/2472 +f 861/861/927 862/862/928 866/866/933 +f 2317/2317/2470 2320/2320/2475 866/866/933 +f 2320/2320/2475 867/867/943 866/866/933 +f 2320/2320/2475 2317/2317/2470 2318/2318/2472 +f 2290/2290/2447 2295/2295/2473 2318/2318/2472 +f 2319/2319/2474 2295/2295/2473 2296/2296/2449 +f 2321/2321/2479 2319/2319/2474 2296/2296/2449 +f 2298/2298/2451 2322/2322/2477 2297/2297/2452 +f 2322/2322/2477 2298/2298/2451 2314/2314/2494 +f 2323/2323/2476 2322/2322/2477 2314/2314/2494 +f 2321/2321/2479 2296/2296/2449 2297/2297/2452 +f 2324/2324/2478 2321/2321/2479 2325/2325/2480 +f 2325/2325/2480 2297/2297/2452 2322/2322/2477 +f 2323/2323/2476 2325/2325/2480 2322/2322/2477 +f 2326/2326/2481 2325/2325/2480 2323/2323/2476 +f 2321/2321/2479 2297/2297/2452 2325/2325/2480 +f 2327/2327/2482 2325/2325/2480 2326/2326/2481 +f 2320/2320/2475 2318/2318/2472 2328/2328/2488 +f 2328/2328/2488 2318/2318/2472 2319/2319/2474 +f 879/879/2483 867/867/943 2320/2320/2475 +f 879/879/2483 2320/2320/2475 2328/2328/2488 +f 2329/2329/2484 2328/2328/2488 2319/2319/2474 +f 2321/2321/2479 2329/2329/2484 2319/2319/2474 +f 2330/2330/2485 2321/2321/2479 2324/2324/2478 +f 2330/2330/2485 2324/2324/2478 2327/2327/2482 +f 2329/2329/2484 2321/2321/2479 2330/2330/2485 +f 2331/2331/2523 2330/2330/2485 2327/2327/2482 +f 2324/2324/2478 2325/2325/2480 2327/2327/2482 +f 2332/2332/2486 2327/2327/2482 2326/2326/2481 +f 2329/2329/2484 2330/2330/2485 2333/2333/2487 +f 2333/2333/2487 2330/2330/2485 2331/2331/2523 +f 2332/2332/2486 2331/2331/2523 2327/2327/2482 +f 2332/2332/2486 2326/2326/2481 2334/2334/2506 +f 2332/2332/2486 2335/2335/2525 2331/2331/2523 +f 2335/2335/2525 2332/2332/2486 2336/2336/2505 +f 2328/2328/2488 884/884/948 879/879/2483 +f 2337/2337/2520 920/920/979 2328/2328/2488 +f 2328/2328/2488 2329/2329/2484 2337/2337/2520 +f 2338/2338/2489 2337/2337/2520 2329/2329/2484 +f 2308/2308/2460 2312/2312/2466 2311/2311/2493 +f 2339/2339/2490 2312/2312/2466 2313/2313/2492 +f 2340/2340/2491 2339/2339/2490 2313/2313/2492 +f 2341/2341/2498 2340/2340/2491 2313/2313/2492 +f 2342/2342/2510 2340/2340/2491 2341/2341/2498 +f 2314/2314/2494 2310/2310/2464 2311/2311/2493 +f 2343/2343/2495 2323/2323/2476 2314/2314/2494 +f 2343/2343/2495 2314/2314/2494 2311/2311/2493 +f 2343/2343/2495 2311/2311/2493 2312/2312/2466 +f 2344/2344/2503 2323/2323/2476 2343/2343/2495 +f 2344/2344/2503 2326/2326/2481 2323/2323/2476 +f 2343/2343/2495 2312/2312/2466 2339/2339/2490 +f 2339/2339/2490 2344/2344/2503 2343/2343/2495 +f 2345/2345/2496 2344/2344/2503 2339/2339/2490 +f 2345/2345/2496 2339/2339/2490 2340/2340/2491 +f 2346/2346/2500 2315/2315/2467 2316/2316/2468 +f 2347/2347/2497 2315/2315/2467 2346/2346/2500 +f 2347/2347/2497 2341/2341/2498 2315/2315/2467 +f 2315/2315/2467 2341/2341/2498 2313/2313/2492 +f 2346/2346/2500 2316/2316/2468 1229/1229/2469 +f 2348/2348/2499 2346/2346/2500 1229/1229/2469 +f 2346/2346/2500 2348/2348/2499 1316/1316/1350 +f 1316/1316/1350 2348/2348/2499 1229/1229/2469 +f 2347/2347/2497 2346/2346/2500 2349/2349/2513 +f 2350/2350/2501 2341/2341/2498 2347/2347/2497 +f 1316/1316/1350 2349/2349/2513 2346/2346/2500 +f 1317/1317/1361 2349/2349/2513 1316/1316/1350 +f 2351/2351/2502 2326/2326/2481 2344/2344/2503 +f 2345/2345/2496 2351/2351/2502 2344/2344/2503 +f 2352/2352/2507 2351/2351/2502 2345/2345/2496 +f 2352/2352/2507 2345/2345/2496 2353/2353/2504 +f 2334/2334/2506 2326/2326/2481 2351/2351/2502 +f 2353/2353/2504 2345/2345/2496 2340/2340/2491 +f 2353/2353/2504 2340/2340/2491 2342/2342/2510 +f 2334/2334/2506 2351/2351/2502 2352/2352/2507 +f 2336/2336/2505 2332/2332/2486 2334/2334/2506 +f 2336/2336/2505 2334/2334/2506 2352/2352/2507 +f 2354/2354/2508 2353/2353/2504 2342/2342/2510 +f 2354/2354/2508 2352/2352/2507 2353/2353/2504 +f 2355/2355/2509 2356/2356/2516 2342/2342/2510 +f 2349/2349/2513 2350/2350/2501 2347/2347/2497 +f 2341/2341/2498 2350/2350/2501 2342/2342/2510 +f 2350/2350/2501 2349/2349/2513 2357/2357/2511 +f 2358/2358/2512 2349/2349/2513 1317/1317/1361 +f 2358/2358/2512 1317/1317/1361 1328/1328/2514 +f 2358/2358/2512 2357/2357/2511 2349/2349/2513 +f 2359/2359/2515 2357/2357/2511 2358/2358/2512 +f 2359/2359/2515 2358/2358/2512 1332/1332/2543 +f 2342/2342/2510 2350/2350/2501 2355/2355/2509 +f 2355/2355/2509 2350/2350/2501 2357/2357/2511 +f 2356/2356/2516 2355/2355/2509 2360/2360/2517 +f 2360/2360/2517 2355/2355/2509 2357/2357/2511 +f 1330/1330/1365 1332/1332/2543 1328/1328/2514 +f 1332/1332/2543 2358/2358/2512 1328/1328/2514 +f 920/920/979 884/884/948 2328/2328/2488 +f 2338/2338/2489 2329/2329/2484 2333/2333/2487 +f 925/925/991 919/919/985 920/920/979 +f 920/920/979 2361/2361/2518 925/925/991 +f 2361/2361/2518 920/920/979 2337/2337/2520 +f 2362/2362/2519 2361/2361/2518 2337/2337/2520 +f 2337/2337/2520 2338/2338/2489 2362/2362/2519 +f 2338/2338/2489 2363/2363/2521 2362/2362/2519 +f 2363/2363/2521 2338/2338/2489 2364/2364/2522 +f 2338/2338/2489 2333/2333/2487 2364/2364/2522 +f 2365/2365/2524 2364/2364/2522 2333/2333/2487 +f 2331/2331/2523 2365/2365/2524 2333/2333/2487 +f 2335/2335/2525 2365/2365/2524 2331/2331/2523 +f 2366/2366/2528 2365/2365/2524 2335/2335/2525 +f 2367/2367/2526 2364/2364/2522 2365/2365/2524 +f 2363/2363/2521 2364/2364/2522 2367/2367/2526 +f 2367/2367/2526 2365/2365/2524 2366/2366/2528 +f 2366/2366/2528 2335/2335/2525 2368/2368/2537 +f 2369/2369/2527 2366/2366/2528 2368/2368/2537 +f 925/925/991 2361/2361/2518 933/933/996 +f 2361/2361/2518 2370/2370/2529 933/933/996 +f 2370/2370/2529 2361/2361/2518 2362/2362/2519 +f 2362/2362/2519 2363/2363/2521 2371/2371/2530 +f 2370/2370/2529 2362/2362/2519 2371/2371/2530 +f 933/933/996 2370/2370/2529 2372/2372/4012 +f 2372/2372/4012 2370/2370/2529 2373/2373/2531 +f 2373/2373/2531 2370/2370/2529 2371/2371/2530 +f 2372/2372/4012 2373/2373/2531 2374/2374/4010 +f 2371/2371/2530 2363/2363/2521 2367/2367/2526 +f 2367/2367/2526 2375/2375/2532 2371/2371/2530 +f 2376/2376/2533 2375/2375/2532 2367/2367/2526 +f 2376/2376/2533 2367/2367/2526 2366/2366/2528 +f 2376/2376/2533 2366/2366/2528 2369/2369/2527 +f 2377/2377/2534 2376/2376/2533 2369/2369/2527 +f 2373/2373/2531 2371/2371/2530 2375/2375/2532 +f 2378/2378/4011 2373/2373/2531 2375/2375/2532 +f 2375/2375/2532 2376/2376/2533 2379/2379/2535 +f 2380/2380/4018 2377/2377/2534 2381/2381/4067 +f 2377/2377/2534 2382/2382/4017 2376/2376/2533 +f 2379/2379/2535 2376/2376/2533 2382/2382/4017 +f 2382/2382/4017 2377/2377/2534 2380/2380/4018 +f 2368/2368/2537 2335/2335/2525 2336/2336/2505 +f 2383/2383/2536 2336/2336/2505 2352/2352/2507 +f 2383/2383/2536 2352/2352/2507 2354/2354/2508 +f 2336/2336/2505 2383/2383/2536 2368/2368/2537 +f 2342/2342/2510 2356/2356/2516 2354/2354/2508 +f 2354/2354/2508 2384/2384/2538 2383/2383/2536 +f 2383/2383/2536 2385/2385/2539 2368/2368/2537 +f 2385/2385/2539 2383/2383/2536 2384/2384/2538 +f 2386/2386/2540 2354/2354/2508 2356/2356/2516 +f 2387/2387/2541 2356/2356/2516 2360/2360/2517 +f 2386/2386/2540 2356/2356/2516 2387/2387/2541 +f 2388/2388/2551 2387/2387/2541 2389/2389/2542 +f 2386/2386/2540 2384/2384/2538 2354/2354/2508 +f 2390/2390/2546 2359/2359/2515 1332/1332/2543 +f 2391/2391/2544 2360/2360/2517 2357/2357/2511 +f 2391/2391/2544 2357/2357/2511 2359/2359/2515 +f 2389/2389/2542 2360/2360/2517 2391/2391/2544 +f 2390/2390/2546 2391/2391/2544 2359/2359/2515 +f 1331/1331/1364 2392/2392/2545 1332/1332/2543 +f 2393/2393/2547 2394/2394/2557 1332/1332/2543 +f 1332/1332/2543 2394/2394/2557 2390/2390/2546 +f 2395/2395/2558 2389/2389/2542 2391/2391/2544 +f 2390/2390/2546 2395/2395/2558 2391/2391/2544 +f 2392/2392/2545 1331/1331/1364 1378/1378/1412 +f 2392/2392/2545 1378/1378/1412 1380/1380/2548 +f 2393/2393/2547 2392/2392/2545 1380/1380/2548 +f 2392/2392/2545 2393/2393/2547 1332/1332/2543 +f 2387/2387/2541 2360/2360/2517 2389/2389/2542 +f 2384/2384/2538 2396/2396/2549 2381/2381/4067 +f 2397/2397/2550 2386/2386/2540 2387/2387/2541 +f 2397/2397/2550 2387/2387/2541 2388/2388/2551 +f 2398/2398/2553 2397/2397/2550 2388/2388/2551 +f 2384/2384/2538 2386/2386/2540 2396/2396/2549 +f 2386/2386/2540 2397/2397/2550 2396/2396/2549 +f 2399/2399/4069 2381/2381/4067 2396/2396/2549 +f 2396/2396/2549 2400/2400/2552 2399/2399/4069 +f 2400/2400/2552 2396/2396/2549 2397/2397/2550 +f 2400/2400/2552 2397/2397/2550 2398/2398/2553 +f 2401/2401/2554 2400/2400/2552 2398/2398/2553 +f 2401/2401/2554 2398/2398/2553 2402/2402/2555 +f 2403/2403/2556 2389/2389/2542 2395/2395/2558 +f 2390/2390/2546 2394/2394/2557 2395/2395/2558 +f 2394/2394/2557 2403/2403/2556 2395/2395/2558 +f 1380/1380/2548 2404/2404/2559 2393/2393/2547 +f 2404/2404/2559 2405/2405/2560 2393/2393/2547 +f 2405/2405/2560 2404/2404/2559 2406/2406/4052 +f 2394/2394/2557 2393/2393/2547 2405/2405/2560 +f 2394/2394/2557 2407/2407/4049 2403/2403/2556 +f 2407/2407/4049 2394/2394/2557 2405/2405/2560 +f 2404/2404/2559 1380/1380/2548 1388/1388/3725 +f 2403/2403/2556 2388/2388/2551 2389/2389/2542 +f 2402/2402/2555 2398/2398/2553 2403/2403/2556 +f 2398/2398/2553 2388/2388/2551 2403/2403/2556 +f 2385/2385/2539 2369/2369/2527 2368/2368/2537 +f 2381/2381/4067 2385/2385/2539 2384/2384/2538 +f 2369/2369/2527 2385/2385/2539 2377/2377/2534 +f 2385/2385/2539 2381/2381/4067 2377/2377/2534 +f 2408/2408/2562 1493/1493/1557 1497/1497/1563 +f 2408/2408/2562 1495/1495/1566 1493/1493/1557 +f 1500/1500/2413 1495/1495/1566 2408/2408/2562 +f 1498/1498/2561 2408/2408/2562 1497/1497/1563 +f 2409/2409/2564 2408/2408/2562 1498/1498/2561 +f 2410/2410/2563 2409/2409/2564 1498/1498/2561 +f 2409/2409/2564 2259/2259/2414 2408/2408/2562 +f 1500/1500/2413 1087/1087/1127 1086/1086/1126 +f 2259/2259/2414 1500/1500/2413 2408/2408/2562 +f 2411/2411/2580 2259/2259/2414 2409/2409/2564 +f 2412/2412/2582 2262/2262/2417 2259/2259/2414 +f 2262/2262/2417 2272/2272/2428 2263/2263/2427 +f 2271/2271/2426 2272/2272/2428 2270/2270/2425 +f 2272/4525/2428 2265/4520/2565 2270/4524/2425 +f 2265/4521/2565 2268/4522/2423 2270/4523/2425 +f 2268/2268/2566 2269/2269/2567 2270/2270/2568 +f 2413/2413/2756 2414/2414/2570 2415/2415/2569 +f 2414/2414/2570 2416/2416/2571 2417/2417/2572 +f 2418/2418/2573 2419/2419/2585 2414/2414/2570 +f 2420/2420/2574 2418/2418/2573 2414/2414/2570 +f 2421/2421/2575 2417/2417/2759 2416/2416/2576 +f 2420/2420/2574 2414/2414/2570 2417/2417/2572 +f 2420/2420/2574 2422/2422/2577 2423/2423/2579 +f 2424/2424/2578 2420/2420/2574 2423/2423/2579 +f 2420/2420/2574 2424/2424/2578 2418/2418/2573 +f 2425/2425/2610 2418/2418/2573 2424/2424/2578 +f 2425/2425/2610 2424/2424/2578 2423/2423/2579 +f 2426/2426/2584 2259/2259/2414 2411/2411/2580 +f 2426/2426/2584 2411/2411/2580 2427/2427/2581 +f 2412/2412/2582 2259/2259/2414 2426/2426/2584 +f 2262/2262/2417 2412/2412/2582 2428/2428/2583 +f 2428/2428/2583 2412/2412/2582 2426/2426/2584 +f 2429/2429/2587 2428/4532/2583 2426/4529/2584 +f 2415/2415/2569 2427/4530/2581 2413/2413/2756 +f 2427/4530/2581 2415/2415/2569 2426/4529/2584 +f 2415/2415/2569 2429/2429/2587 2426/4529/2584 +f 2414/2414/2570 2419/2419/2585 2415/2415/2569 +f 2419/2419/2585 2429/2429/2587 2415/2415/2569 +f 2430/2430/2586 2431/2431/2598 2429/2429/2587 +f 2428/2428/2583 2272/2272/2428 2262/2262/2417 +f 2432/2432/2772 2272/2272/2428 2428/2428/2583 +f 1506/1506/1576 1092/1092/1185 2265/2265/2588 +f 1506/4359/1576 2265/4520/2588 2433/2433/2589 +f 1505/1505/1574 1506/4359/2590 2434/2434/2591 +f 2433/2433/2592 2265/4520/2565 2272/4525/2428 +f 2434/2434/2593 2272/4526/2428 2435/2435/2771 +f 1506/4359/2590 2433/2433/2594 2434/2434/2591 +f 2272/4526/2428 2434/2434/2593 2433/2433/2595 +f 2432/4533/2772 2435/2435/2771 2272/4526/2428 +f 2432/4533/2772 2428/4532/2583 2429/2429/2587 +f 2431/2431/2598 2432/4533/2772 2429/2429/2587 +f 2436/2436/2597 2437/2437/2596 2438/2438/2776 +f 2437/2437/2596 2436/2436/2597 2431/2431/2598 +f 2429/2429/2587 2419/2419/2585 2430/2430/2586 +f 2418/2418/2573 2430/2430/2586 2419/2419/2585 +f 2439/2439/2601 2430/2430/2586 2418/2418/2573 +f 2439/2439/2601 2440/2440/2600 2430/2430/2586 +f 2441/2441/2617 2418/2418/2573 2425/2425/2610 +f 2418/2418/2573 2441/2441/2617 2439/2439/2601 +f 2442/2442/2599 2440/2440/2600 2439/2439/2601 +f 2439/2439/2601 2441/2441/2617 2442/2442/2599 +f 2443/2443/2602 2440/2440/2600 2442/2442/2599 +f 2440/2440/2600 2444/2444/2603 2430/2430/2586 +f 2445/2445/2604 2444/2444/2603 2440/2440/2600 +f 2443/2443/2602 2445/2445/2604 2440/2440/2600 +f 2446/2446/2778 2444/2444/2603 2445/2445/2604 +f 2447/2447/2605 2448/2448/2608 2449/2449/2781 +f 2450/2450/2611 2451/2451/2606 2452/2452/2607 +f 2423/2423/2579 2449/2449/2781 2448/2448/2608 +f 2448/2448/2608 2425/2425/2610 2423/2423/2579 +f 2453/2453/2620 2441/2441/2617 2425/2425/2610 +f 2448/2448/2608 2451/2451/2606 2450/2450/2611 +f 2454/2454/2609 2425/2425/2610 2448/2448/2608 +f 2454/2454/2609 2448/2448/2608 2450/2450/2611 +f 2425/2425/2610 2454/2454/2609 2453/2453/2620 +f 2455/2455/2789 2450/2450/2611 2452/2452/2607 +f 2450/2450/2611 2455/2455/2789 2456/2456/2640 +f 948/948/2612 951/951/2613 2457/2457/2614 +f 951/951/2613 950/950/1020 2455/2455/2789 +f 2456/2456/2640 2455/2455/2789 950/950/1020 +f 2456/2456/2640 2454/2454/2609 2450/2450/2611 +f 2458/2458/2615 2454/2454/2609 2456/2456/2640 +f 2459/2459/2616 2453/2453/2620 2454/2454/2609 +f 2459/2459/2616 2454/2454/2609 2458/2458/2615 +f 2442/2442/2599 2441/2441/2617 2443/2443/2602 +f 2460/2460/2619 2443/2443/2602 2441/2441/2617 +f 2461/2461/2618 2460/2460/2619 2441/2441/2617 +f 2453/2453/2620 2461/2461/2618 2441/2441/2617 +f 2462/2462/2621 2461/2461/2618 2463/2463/2623 +f 2445/2445/2604 2443/2443/2602 2460/2460/2619 +f 2464/2464/2793 2445/2445/2604 2460/2460/2619 +f 2460/2460/2619 2461/2461/2618 2462/2462/2621 +f 2462/2462/2621 2464/2464/2793 2460/2460/2619 +f 2453/2453/2620 2459/2459/2616 2461/2461/2618 +f 2463/2463/2623 2461/2461/2618 2459/2459/2616 +f 2465/2465/2799 2462/2462/2621 2463/2463/2623 +f 2466/2466/2622 2465/2465/2799 2463/2463/2623 +f 2463/2463/2623 2459/2459/2616 2467/2467/2624 +f 2466/2466/2622 2463/2463/2623 2467/2467/2624 +f 1541/1541/1616 1539/1539/1606 1540/1540/1619 +f 2468/2468/2627 1950/4442/2625 1951/1951/2626 +f 2469/2469/2637 1950/1950/2625 2468/4534/2627 +f 2468/4534/2627 2470/2470/2628 2469/2469/2637 +f 2471/2471/2629 2472/2472/2802 2473/2473/2630 +f 2474/2474/2632 2475/2475/2631 2476/2476/2634 +f 2474/2474/2632 2477/2477/2639 2471/2471/2629 +f 2478/2478/2633 2476/2476/2634 2479/2479/2814 +f 2480/2480/2635 1950/1950/2625 2469/2469/2637 +f 1578/1578/2636 2480/2480/2635 2469/2469/2637 +f 1580/1580/2638 2469/2469/2637 2470/2470/2628 +f 1580/1580/2638 2470/2470/2628 2472/4536/2802 +f 1580/1580/2638 1578/1578/2636 2469/2469/2637 +f 2471/2471/2629 2477/2477/2639 2481/2481/2806 +f 1589/1589/1671 1580/1580/2638 2481/4539/2806 +f 2477/2477/2639 1589/4396/1671 2481/2481/2806 +f 1593/1593/1834 1589/4396/1671 2477/2477/2639 +f 963/963/1022 2456/2456/2640 950/950/1020 +f 2456/2456/2640 2482/2482/2641 2458/2458/2615 +f 2483/2483/2645 963/963/1022 965/965/2642 +f 2484/2484/2643 2483/2483/2645 965/965/2642 +f 2483/2483/2645 2456/2456/2640 963/963/1022 +f 2483/2483/2645 2482/2482/2641 2456/2456/2640 +f 2485/2485/2644 2458/2458/2615 2482/2482/2641 +f 2485/2485/2644 2459/2459/2616 2458/2458/2615 +f 2459/2459/2616 2485/2485/2644 2467/2467/2624 +f 2482/2482/2641 2486/2486/2647 2485/2485/2644 +f 968/968/1027 2484/2484/2643 965/965/2642 +f 2483/2483/2645 2484/2484/2643 968/968/1027 +f 2483/2483/2645 2487/2487/2646 2482/2482/2641 +f 2482/2482/2641 2487/2487/2646 2486/2486/2647 +f 2487/2487/2646 968/968/1027 969/969/1031 +f 2483/2483/2645 968/968/1027 2487/2487/2646 +f 2486/2486/2647 2487/2487/2646 2488/2488/2666 +f 2486/2486/2647 2489/2489/2648 2485/2485/2644 +f 2489/2489/2648 2486/2486/2647 2490/2490/2649 +f 2491/2491/2650 2467/2467/2624 2485/2485/2644 +f 2492/2492/2651 2466/2466/2622 2467/2467/2624 +f 2467/2467/2624 2491/2491/2650 2492/2492/2651 +f 2492/2492/2651 2493/2493/2808 2466/2466/2622 +f 2494/2494/2652 2492/2492/2651 2491/2491/2650 +f 2494/2494/2652 2491/2491/2650 2495/2495/2653 +f 2495/2495/2653 2491/2491/2650 2496/2496/2654 +f 2497/2497/2655 2495/2495/2653 2496/2496/2654 +f 2496/2496/2654 2485/2485/2644 2489/2489/2648 +f 2496/2496/2654 2491/2491/2650 2485/2485/2644 +f 2489/2489/2648 2498/2498/2659 2496/2496/2654 +f 2489/2489/2648 2499/2499/2656 2498/2498/2659 +f 2500/2500/2657 2501/2501/2658 2502/2502/2660 +f 2498/2498/2659 2502/2502/2660 2497/2497/2655 +f 2502/2502/2660 2498/2498/2659 2503/2503/2662 +f 2502/2502/2660 2503/2503/2662 2504/2504/2664 +f 2504/2504/2664 2505/2505/2661 2500/2500/2657 +f 2504/2504/2664 2500/2500/2657 2502/2502/2660 +f 2503/2503/2662 2506/2506/2663 2504/2504/2664 +f 2507/2507/2683 2504/2504/2664 2506/2506/2663 +f 986/986/1041 2487/2487/2646 969/969/1031 +f 1014/1014/2665 2487/2487/2646 986/986/1041 +f 2487/2487/2646 1014/1014/2665 2488/2488/2666 +f 2488/2488/2666 2490/2490/2649 2486/2486/2647 +f 2489/2489/2648 2490/2490/2649 2499/2499/2656 +f 2508/2508/2667 2490/2490/2649 2488/2488/2666 +f 2488/2488/2666 1015/1015/1071 2508/2508/2667 +f 1014/1014/2665 1015/1015/1071 2488/2488/2666 +f 2509/2509/2668 2490/2490/2649 2508/2508/2667 +f 2510/2510/2671 2490/2490/2649 2509/2509/2668 +f 2511/2511/2705 2510/2510/2671 2509/2509/2668 +f 2499/2499/2656 2503/2503/2662 2498/2498/2659 +f 2510/2510/2671 2499/2499/2656 2490/2490/2649 +f 2499/2499/2656 2512/2512/2669 2513/2513/2670 +f 2499/2499/2656 2506/2506/2663 2503/2503/2662 +f 2506/2506/2663 2499/2499/2656 2513/2513/2670 +f 2514/2514/2673 2506/2506/2663 2513/2513/2670 +f 2510/2510/2671 2512/2512/2669 2499/2499/2656 +f 2512/2512/2669 2510/2510/2671 2515/2515/2672 +f 2515/2515/2672 2510/2510/2671 2516/2516/2706 +f 2515/2515/2672 2513/2513/2670 2512/2512/2669 +f 2513/2513/2670 2515/2515/2672 2517/2517/2698 +f 2517/2517/2698 2514/2514/2673 2513/2513/2670 +f 2518/2518/2708 2517/2517/2698 2515/2515/2672 +f 2518/2518/2708 2519/2519/2712 2517/2517/2698 +f 2478/2478/2633 2474/2474/2632 2476/2476/2634 +f 2520/2520/2674 2521/2521/2675 2479/2479/2814 +f 2478/2478/2633 2479/2479/2814 2521/2521/2675 +f 2522/2522/2676 2521/2521/2675 2523/2523/2677 +f 2523/2523/2677 2524/2524/2678 2522/2522/2676 +f 2525/2525/2679 2522/2522/2676 2524/2524/2678 +f 2526/2526/2682 2478/2478/2633 2521/2521/2675 +f 2521/2521/2675 2522/2522/2676 2526/2526/2682 +f 2525/2525/2679 2524/2524/2678 2527/2527/2687 +f 2526/2526/2682 2522/2522/2676 2525/2525/2679 +f 2528/2528/2680 2525/2525/2679 2527/2527/2687 +f 2529/2529/2692 2530/2530/2694 2525/2525/2679 +f 2529/2529/2692 2525/2525/2679 2528/2528/2680 +f 2530/2530/2694 2531/2531/2681 2526/2526/2682 +f 2530/2530/2694 2526/2526/2682 2525/2525/2679 +f 2507/2507/2683 2532/2532/2816 2504/2504/2664 +f 2533/2533/2684 2532/2532/2816 2507/2507/2683 +f 2533/2533/2684 2534/2534/2685 2532/2532/2816 +f 2534/2534/2685 2535/2535/2686 2527/2527/2687 +f 2528/2528/2680 2527/2527/2687 2535/2535/2686 +f 2535/2535/2686 2534/2534/2685 2533/2533/2684 +f 2478/2478/2633 2477/2477/2639 2474/2474/2632 +f 2536/2536/2688 2477/2477/2639 2478/2478/2633 +f 2536/2536/2688 1593/1593/1834 2477/2477/2639 +f 1593/1593/1834 2536/2536/2688 1778/1778/1837 +f 2536/2536/2688 2478/2478/2633 2526/2526/2682 +f 1780/1780/1835 1778/1778/1837 2536/2536/2688 +f 2537/2537/2689 2536/2536/2688 2526/2526/2682 +f 2536/2536/2688 2537/2537/2689 1780/1780/1835 +f 2531/2531/2681 2538/2538/2704 2537/2537/2689 +f 1780/1780/1835 2537/2537/2689 1783/1783/1839 +f 1786/1786/2690 1783/1783/1839 2537/2537/2689 +f 2538/2538/2704 1786/1786/2690 2537/2537/2689 +f 2537/2537/2689 2526/2526/2682 2531/2531/2681 +f 2539/2539/2691 2530/2530/2694 2529/2529/2692 +f 2540/2540/2693 2530/2530/2694 2539/2539/2691 +f 2539/2539/2691 2541/2541/2697 2540/2540/2693 +f 2540/2540/2693 2541/2541/2697 2542/2542/2696 +f 2543/2543/2695 2542/2542/2696 2541/2541/2697 +f 2506/2506/2663 2533/2533/2684 2507/2507/2683 +f 2514/2514/2673 2533/2533/2684 2506/2506/2663 +f 2529/2529/2692 2528/2528/2680 2535/2535/2686 +f 2517/2517/2698 2533/2533/2684 2514/2514/2673 +f 2533/2533/2684 2529/2529/2692 2535/2535/2686 +f 2544/2544/2701 2529/2529/2692 2533/2533/2684 +f 2544/2544/2701 2539/2539/2691 2529/2529/2692 +f 2544/2544/2701 2533/2533/2684 2517/2517/2698 +f 2517/2517/2698 2545/2545/2699 2544/2544/2701 +f 2546/2546/2700 2539/2539/2691 2544/2544/2701 +f 2541/2541/2697 2539/2539/2691 2546/2546/2700 +f 1786/1786/2690 1798/1798/1848 1784/1784/1847 +f 2547/2547/2702 1798/1798/1848 2538/2538/2704 +f 2548/2548/2703 1811/1811/1856 1798/1798/1848 +f 1798/1798/1848 2547/2547/2702 2548/2548/2703 +f 2548/2548/2703 2547/2547/2702 2538/2538/2704 +f 2540/2540/2693 2531/2531/2681 2530/2530/2694 +f 2531/2531/2681 2540/2540/2693 2538/2538/2704 +f 2542/2542/2696 2538/2538/2704 2540/2540/2693 +f 2542/2542/2696 2548/2548/2703 2538/2538/2704 +f 1819/1819/1870 1811/1811/1856 2548/2548/2703 +f 2510/2510/2671 2511/2511/2705 2516/2516/2706 +f 2549/2549/2707 2515/2515/2672 2516/2516/2706 +f 2550/2550/2710 2515/2515/2672 2549/2549/2707 +f 2518/2518/2708 2515/2515/2672 2550/2550/2710 +f 2551/2551/2709 2517/2517/2698 2519/2519/2712 +f 2519/2519/2712 2518/2518/2708 2550/2550/2710 +f 2552/2552/2711 2551/2551/2709 2519/2519/2712 +f 2552/2552/2711 2519/2519/2712 2550/2550/2710 +f 2552/2552/2711 2550/2550/2710 2553/2553/2718 +f 2554/2554/2713 2551/2551/2709 2552/2552/2711 +f 2555/2555/2740 2554/2554/2713 2552/2552/2711 +f 2553/2553/2718 2556/2556/2728 2552/2552/2711 +f 2557/2557/2730 2552/2552/2711 2556/2556/2728 +f 1015/1015/1071 1016/1016/2714 2508/2508/2667 +f 1025/1025/2715 2508/2508/2667 1016/1016/2714 +f 2511/2511/2705 2509/2509/2668 2508/2508/2667 +f 2511/2511/2705 2508/2508/2667 1025/1025/2715 +f 2516/2516/2706 2511/2511/2705 2558/2558/2716 +f 1016/1016/2714 1018/1018/1080 1025/1025/2715 +f 2511/2511/2705 1025/1025/2715 2559/2559/2720 +f 2558/2558/2716 2511/2511/2705 2559/2559/2720 +f 2558/2558/2716 2559/2559/2720 2560/2560/2725 +f 2560/2560/2725 2561/2561/2723 2558/2558/2716 +f 2562/2562/2717 2549/2549/2707 2516/2516/2706 +f 2562/2562/2717 2516/2516/2706 2558/2558/2716 +f 2562/2562/2717 2558/2558/2716 2561/2561/2723 +f 2553/2553/2718 2549/2549/2707 2562/2562/2717 +f 2563/2563/2719 2553/2553/2718 2562/2562/2717 +f 2562/2562/2717 2564/2564/2729 2563/2563/2719 +f 2553/2553/2718 2550/2550/2710 2549/2549/2707 +f 2553/2553/2718 2563/2563/2719 2556/2556/2728 +f 2559/2559/2720 1025/1025/2715 1028/1028/2721 +f 1025/1025/2715 1024/1024/1081 1028/1028/2721 +f 2565/2565/2722 2559/2559/2720 1028/1028/2721 +f 2561/2561/2723 2560/2560/2725 2566/2566/2724 +f 2566/2566/2724 2560/2560/2725 2567/2567/2726 +f 2560/2560/2725 2559/2559/2720 2567/2567/2726 +f 2567/2567/2726 2559/2559/2720 2565/2565/2722 +f 2568/2568/4353 2565/2565/2722 1028/1028/2721 +f 2568/2568/4353 2569/2569/4350 2565/2565/2722 +f 2565/2565/2722 2570/2570/2732 2567/2567/2726 +f 2569/2569/4350 2570/2570/2732 2565/2565/2722 +f 2561/2561/2723 2566/2566/2724 2571/2571/2727 +f 2571/2571/2727 2562/2562/2717 2561/2561/2723 +f 2571/2571/2727 2564/2564/2729 2562/2562/2717 +f 2571/2571/2727 2566/2566/2724 2564/2564/2729 +f 2572/2572/2731 2564/2564/2729 2573/2573/4349 +f 2573/2573/4349 2564/2564/2729 2566/2566/2724 +f 2557/2557/2730 2556/2556/2728 2564/2564/2729 +f 2564/2564/2729 2556/2556/2728 2563/2563/2719 +f 2574/2574/2734 2557/2557/2730 2564/2564/2729 +f 2555/2555/2740 2557/2557/2730 2574/2574/2734 +f 2573/2573/4349 2575/2575/4356 2572/2572/2731 +f 2570/2570/2732 2566/2566/2724 2567/2567/2726 +f 2570/2570/2732 2573/2573/4349 2566/2566/2724 +f 2572/2572/2731 2574/2574/2734 2564/2564/2729 +f 2576/2576/2733 2555/2555/2740 2574/2574/2734 +f 2574/2574/2734 2572/2572/2731 2575/2575/4356 +f 2576/2576/2733 2574/2574/2734 2577/2577/2735 +f 2578/2578/2736 2579/2579/2737 2543/2543/2695 +f 2578/2578/2736 2543/2543/2695 2580/2580/2738 +f 2554/2554/2713 2544/2544/2701 2545/2545/2699 +f 2546/2546/2700 2544/2544/2701 2554/2554/2713 +f 2551/2551/2709 2545/2545/2699 2517/2517/2698 +f 2554/2554/2713 2545/2545/2699 2551/2551/2709 +f 2546/2546/2700 2554/2554/2713 2555/2555/2740 +f 2541/2541/2697 2546/2546/2700 2581/2581/2741 +f 2541/2541/2697 2580/2580/2738 2543/2543/2695 +f 2555/2555/2740 2552/2552/2711 2557/2557/2730 +f 2582/2582/2739 2546/2546/2700 2555/2555/2740 +f 2581/2581/2741 2580/2580/2738 2541/2541/2697 +f 2581/2581/2741 2546/2546/2700 2582/2582/2739 +f 2583/2583/2744 1819/1819/1870 2584/2584/2742 +f 2584/2584/2742 1819/1819/1870 2548/2548/2703 +f 2585/2585/2751 2583/2583/2744 2584/2584/2742 +f 2586/2586/2743 2583/2583/2744 2585/2585/2751 +f 2543/2543/2695 2548/2548/2703 2542/2542/2696 +f 2584/2584/2742 2548/2548/2703 2543/2543/2695 +f 2543/2543/2695 2579/2579/2737 2584/2584/2742 +f 1819/1819/1870 1882/1882/2745 1821/1821/1933 +f 2583/2583/2744 1882/1882/2745 1819/1819/1870 +f 2583/2583/2744 2586/2586/2743 1882/1882/2745 +f 1882/1882/2745 2586/2586/2743 1881/1881/1937 +f 1886/1886/1944 1881/1881/1937 2586/2586/2743 +f 2585/2585/2751 2584/2584/2742 2587/2587/2752 +f 2584/2584/2742 2579/2579/2737 2578/2578/2736 +f 2587/2587/2752 2584/2584/2742 2578/2578/2736 +f 2555/2555/2740 2576/2576/2733 2582/2582/2739 +f 2581/2581/2741 2588/2588/2746 2580/2580/2738 +f 2589/2589/2747 2578/2578/2736 2580/2580/2738 +f 2580/2580/2738 2588/2588/2746 2589/2589/2747 +f 2581/2581/2741 2582/2582/2739 2588/2588/2746 +f 2590/2590/4363 2589/2589/2747 2588/2588/2746 +f 2590/2590/4363 2591/2591/2748 2589/2589/2747 +f 1886/1886/1944 2586/2586/2743 1896/1896/1948 +f 1896/1896/1948 2586/2586/2743 2585/2585/2751 +f 1896/1896/1948 2585/2585/2751 2592/2592/2749 +f 2593/2593/2750 2585/2585/2751 2587/2587/2752 +f 2578/2578/2736 2589/2589/2747 2587/2587/2752 +f 2591/2591/2748 2587/2587/2752 2589/2589/2747 +f 2593/2593/2750 2587/2587/2752 2591/2591/2748 +f 2592/2592/2749 2585/2585/2751 2593/2593/2750 +f 2594/2594/2753 1896/1896/1948 2592/2592/2749 +f 2593/2593/2750 2595/2595/2754 2592/2592/2749 +f 2595/2595/2754 2594/2594/2753 2592/2592/2749 +f 2593/2593/2750 2591/2591/2748 2595/2595/2754 +f 2596/2596/4380 2582/2582/2739 2576/2576/2733 +f 2410/4528/2755 1498/4358/1567 1501/1501/1569 +f 2427/4530/2581 2597/2597/2765 2413/2413/2756 +f 2597/2597/2765 2598/2598/2758 2413/2413/2756 +f 2598/2598/2758 2599/2599/2757 2413/2413/2756 +f 2599/2599/2757 2598/2598/2758 2600/2600/2761 +f 2599/2599/2757 2416/2416/2576 2413/2413/2756 +f 2413/2413/2756 2416/2416/2571 2414/2414/2570 +f 2421/2421/2575 2416/2416/2576 2599/2599/2757 +f 2421/2421/2575 2599/2599/2757 2600/2600/2761 +f 2421/2421/2575 2601/2601/2760 2417/2417/2759 +f 2422/2422/2577 2420/2420/2574 2601/2601/2760 +f 2602/2602/2763 2422/2422/2577 2601/2601/2760 +f 2421/2421/2575 2603/2603/2762 2601/2601/2760 +f 2417/2417/2759 2601/2601/2760 2420/2420/2574 +f 2603/2603/2762 2421/2421/2575 2600/2600/2761 +f 2600/2600/2761 2604/2604/2831 2603/2603/2762 +f 2603/2603/2762 2602/2602/2763 2601/2601/2760 +f 2605/2605/2764 2410/4528/2755 1501/1501/1569 +f 2409/4527/2564 2410/4528/2563 2605/2605/2764 +f 2427/2427/2581 2411/2411/2580 2409/2409/2564 +f 2605/2605/2764 1501/1501/1569 1085/1085/1128 +f 2605/2605/2764 2427/4531/2581 2409/4527/2564 +f 2597/4544/2765 2427/4531/2581 2605/2605/2764 +f 2606/2606/2766 2605/2605/2764 1085/1085/1128 +f 2606/2606/2766 1085/1085/1128 1922/1922/2008 +f 1922/1922/2008 1502/1502/1570 1504/1504/1575 +f 2607/2607/2775 1922/1922/2008 1504/1504/1575 +f 2598/4545/2758 2605/2605/2764 2606/2606/2766 +f 2598/4545/2758 2597/4544/2765 2605/2605/2764 +f 2600/4546/2761 2598/4545/2758 2608/2608/2767 +f 2608/2608/2767 2598/4545/2758 2606/2606/2766 +f 2608/2608/2767 2606/2606/2766 2609/2609/2768 +f 2606/2606/2766 1922/1922/2008 2609/2609/2768 +f 2607/2607/2775 2609/2609/2768 1922/1922/2008 +f 2610/2610/2817 2609/2609/2768 2607/2607/2775 +f 2610/2610/2817 2607/2607/2775 2438/2438/2776 +f 1504/1504/1575 1505/1505/1574 2607/2607/2775 +f 2607/2607/2775 1505/1505/1574 2611/2611/2769 +f 2611/2611/2770 2435/2435/2771 2432/4533/2772 +f 2434/2434/2591 2611/2611/2769 1505/1505/1574 +f 2435/2435/2771 2611/2611/2770 2434/2434/2593 +f 2611/2611/2769 2612/2612/2773 2607/2607/2775 +f 2436/2436/2597 2612/2612/2773 2432/4533/2772 +f 2436/2436/2597 2432/4533/2772 2431/2431/2598 +f 2432/4533/2772 2612/2612/2774 2611/2611/2770 +f 2607/2607/2775 2612/2612/2773 2436/2436/2597 +f 2438/2438/2776 2607/2607/2775 2436/2436/2597 +f 2604/4547/2831 2600/4546/2761 2608/2608/2767 +f 2437/2437/2596 2431/2431/2598 2430/2430/2586 +f 2444/2444/2603 2438/2438/2776 2437/2437/2596 +f 2444/2444/2603 2437/2437/2596 2430/2430/2586 +f 2438/2438/2776 2613/2613/2777 2610/2610/2817 +f 2613/2613/2777 2438/2438/2776 2444/2444/2603 +f 2614/2614/2779 2610/2610/2817 2613/2613/2777 +f 2613/2613/2777 2446/2446/2778 2614/2614/2779 +f 2444/2444/2603 2446/2446/2778 2613/2613/2777 +f 2452/2452/2784 2615/2615/2780 2616/2616/2786 +f 2447/2447/2605 2449/2449/2781 2615/2615/2780 +f 2448/2448/2608 2447/2447/2605 2617/2617/2783 +f 2447/2447/2605 2615/2615/2782 2617/2617/2783 +f 2615/2615/2782 2451/2451/2606 2617/2617/2783 +f 2451/2451/2606 2448/2448/2608 2617/2617/2783 +f 2615/2615/2782 2452/2452/2607 2451/2451/2606 +f 2452/2452/2784 2616/2616/2786 2618/2618/2790 +f 2449/2449/2781 2422/2422/2577 2602/2602/2763 +f 2619/2619/2819 2449/2449/2781 2602/2602/2763 +f 2604/2604/2831 2620/2620/2785 2603/2603/2762 +f 2616/2616/2786 2615/2615/2780 2619/2619/2819 +f 2422/2422/2577 2449/2449/2781 2423/2423/2579 +f 2619/2619/2819 2615/2615/2780 2449/2449/2781 +f 2616/2616/2786 2621/2621/2821 2618/2618/2790 +f 2622/2622/2787 1033/1033/2823 1032/1032/1084 +f 2623/2623/2825 2622/2622/2787 1035/1035/2788 +f 1032/1032/1084 1035/1035/2788 2622/2622/2787 +f 2618/2618/2790 2455/2455/2789 2452/2452/2784 +f 2455/2455/2789 2618/2618/2790 2624/2624/2791 +f 951/951/2613 2455/2455/2789 2624/2624/2791 +f 2624/2624/2791 2623/2623/2825 951/951/2613 +f 2457/2457/2614 2623/2623/2825 1035/1035/2788 +f 2457/2457/2614 951/951/2613 2623/2623/2825 +f 949/949/2792 2457/2457/2614 1035/1035/2788 +f 948/948/2612 2457/2457/2614 949/949/2792 +f 2625/2625/2836 2614/2614/2779 2446/2446/2778 +f 2446/2446/2778 2464/2464/2793 2625/2625/2836 +f 2464/2464/2793 2446/2446/2778 2445/2445/2604 +f 2464/2464/2793 2626/2626/2797 2625/2625/2836 +f 2626/2626/2797 2464/2464/2793 2462/2462/2621 +f 2462/2462/2621 2627/2627/2794 2626/2626/2797 +f 2628/2628/2844 2629/2629/2837 2630/2630/2798 +f 2465/2465/2799 2631/2631/2795 2632/2632/2796 +f 2631/2631/2795 2465/2465/2799 2466/2466/2622 +f 2493/2493/2808 2632/2632/2796 2631/2631/2795 +f 2630/2630/2798 2629/2629/2837 2626/2626/2797 +f 2626/2626/2797 2627/2627/2794 2630/2630/2798 +f 2627/2627/2794 2462/2462/2621 2465/2465/2799 +f 2630/2630/2798 2627/2627/2794 2465/2465/2799 +f 2493/2493/2808 2631/2631/2795 2466/2466/2622 +f 1950/1950/2625 2480/2480/2635 1557/1557/1662 +f 2633/2633/2800 2468/2468/2627 1953/1953/2047 +f 1953/1953/2047 2468/2468/2627 1951/1951/2626 +f 2468/2468/2627 2633/2633/2800 2470/4535/2628 +f 1953/1953/2047 2634/2634/2801 2633/2633/2800 +f 2470/4535/2628 2633/2633/2800 2472/2472/2802 +f 2633/2633/2800 2634/2634/2801 2472/2472/2802 +f 2634/2634/2801 2635/2635/2804 2472/2472/2802 +f 2472/2472/2802 2635/2635/2804 2473/2473/2630 +f 2636/2636/2803 2635/2635/2804 2634/2634/2801 +f 2635/2635/2804 2636/2636/2803 2637/2637/2805 +f 2637/2637/2805 2473/2473/2630 2635/2635/2804 +f 2471/2471/2629 2473/2473/2630 2637/2637/2805 +f 2637/2637/2805 2475/2475/2631 2471/2471/2629 +f 2479/4538/2814 2475/4537/2631 2638/2638/2813 +f 2637/4550/2805 2636/4549/2803 2638/2638/2813 +f 2475/4537/2631 2637/4550/2805 2638/2638/2813 +f 2471/2471/2629 2475/2475/2631 2474/2474/2632 +f 2475/2475/2631 2479/2479/2814 2476/2476/2634 +f 2480/2480/2635 1578/1578/2636 1557/1557/1662 +f 2481/4539/2806 1580/1580/2638 2472/4536/2802 +f 2472/2472/2802 2471/2471/2629 2481/2481/2806 +f 2639/2639/2807 2640/2640/2845 2493/2493/2808 +f 2641/2641/2810 2640/2640/2845 2639/2639/2807 +f 2642/2642/2812 2643/2643/2809 2644/2644/2811 +f 2505/2505/2661 2643/4554/2809 2642/4553/2812 +f 2492/2492/2651 2494/2494/2652 2493/2493/2808 +f 2495/2495/2653 2493/2493/2808 2494/2494/2652 +f 2639/2639/2807 2493/2493/2808 2495/2495/2653 +f 2639/2639/2807 2501/2501/2658 2641/2641/2810 +f 2497/2497/2655 2639/2639/2807 2495/2495/2653 +f 2501/2501/2658 2639/2639/2807 2497/2497/2655 +f 2644/2644/2811 2641/4552/2810 2501/4541/2658 +f 2501/4541/2658 2642/2642/2812 2644/2644/2811 +f 2501/4541/2658 2500/4540/2657 2642/2642/2812 +f 2496/2496/2654 2498/2498/2659 2497/2497/2655 +f 2502/2502/2660 2501/2501/2658 2497/2497/2655 +f 2505/4542/2661 2642/2642/2812 2500/4540/2657 +f 2505/2505/2661 2504/2504/2664 2532/2532/2816 +f 2638/2638/2813 2645/2645/2855 2479/4538/2814 +f 2520/4543/2674 2479/4538/2814 2645/2645/2855 +f 2646/2646/2815 2520/4543/2674 2645/2645/2855 +f 2646/4556/2815 2523/2523/2677 2520/2520/2674 +f 2523/2523/2677 2521/2521/2675 2520/2520/2674 +f 2532/2532/2816 2643/4554/2809 2505/2505/2661 +f 2647/2647/2859 2643/4554/2809 2532/2532/2816 +f 2647/2647/2859 2534/2534/2685 2648/2648/2858 +f 2649/2649/2853 2524/2524/2678 2523/2523/2677 +f 2648/2648/2858 2534/2534/2685 2524/2524/2678 +f 2527/2527/2687 2524/2524/2678 2534/2534/2685 +f 2534/2534/2685 2647/2647/2859 2532/2532/2816 +f 1785/1785/2173 1783/1783/1839 1786/1786/2690 +f 2538/2538/2704 1798/1798/1848 1786/1786/2690 +f 2609/2609/2768 2650/2650/2832 2608/2608/2767 +f 2650/2650/2832 2609/2609/2768 2610/2610/2817 +f 2619/2619/2819 2602/2602/2763 2603/2603/2762 +f 2651/2651/2818 2619/2619/2819 2603/2603/2762 +f 2651/2651/2818 2603/2603/2762 2620/2620/2785 +f 2619/2619/2819 2652/2652/2828 2616/2616/2786 +f 2652/2652/2828 2619/2619/2819 2653/2653/2820 +f 2654/2654/2829 2653/2653/2820 2651/2651/2818 +f 2654/2654/2829 2651/2651/2818 2620/2620/2785 +f 2653/2653/2820 2619/2619/2819 2651/2651/2818 +f 2062/4495/2188 803/4272/865 1034/1034/1087 +f 2655/2655/2826 2621/2621/2821 2656/2656/2822 +f 2624/2624/2791 2621/2621/2821 2655/2655/2826 +f 2618/2618/2790 2621/2621/2821 2624/2624/2791 +f 1034/1034/1087 1033/1033/2823 2062/4495/2188 +f 2065/4496/2824 2062/4495/2188 1033/1033/2823 +f 2065/4496/2824 1033/1033/2823 2623/2623/2825 +f 2623/2623/2825 1033/1033/2823 2622/2622/2787 +f 2655/2655/2826 2065/4496/2824 2623/2623/2825 +f 2656/4560/2822 2066/2066/2189 2065/2065/2824 +f 2656/2656/2822 2065/4496/2824 2655/2655/2826 +f 2655/2655/2826 2623/2623/2825 2624/2624/2791 +f 2657/2657/2827 2652/2652/2828 2653/2653/2820 +f 2652/2652/2828 2656/2656/2822 2621/2621/2821 +f 2656/2656/2822 2652/2652/2828 2657/2657/2827 +f 2621/2621/2821 2616/2616/2786 2652/2652/2828 +f 2657/2657/2827 2653/2653/2820 2654/2654/2829 +f 2658/2658/2860 2654/4559/2829 2620/4548/2785 +f 2657/4562/2827 2654/4559/2829 2658/2658/2860 +f 2066/2066/2189 2656/4560/2822 2657/4561/2827 +f 2608/2608/2767 2659/2659/2830 2604/4547/2831 +f 2650/2650/2832 2659/2659/2830 2608/2608/2767 +f 2660/2660/2833 2659/2659/2830 2650/2650/2832 +f 2659/2659/2830 2620/4548/2785 2604/4547/2831 +f 2660/2660/2833 2650/2650/2832 2610/2610/2817 +f 2610/2610/2817 2614/2614/2779 2660/2660/2833 +f 2661/2661/2834 2620/4548/2785 2659/2659/2830 +f 2661/2661/2834 2659/2659/2830 2660/2660/2833 +f 2662/2662/2835 2660/2660/2833 2614/2614/2779 +f 2625/2625/2836 2662/2662/2835 2614/2614/2779 +f 2661/2661/2834 2660/2660/2833 2662/2662/2835 +f 2663/2663/2838 2662/2662/2835 2625/2625/2836 +f 2626/2626/2797 2629/2629/2837 2625/2625/2836 +f 2629/2629/2837 2663/2663/2838 2625/2625/2836 +f 2658/2658/2860 2620/4548/2785 2661/2661/2834 +f 2664/2664/2839 2658/2658/2860 2661/2661/2834 +f 2665/2665/2840 2661/2661/2834 2662/2662/2835 +f 2665/2665/2840 2662/2662/2835 2663/2663/2838 +f 2664/2664/2839 2661/2661/2834 2665/2665/2840 +f 2666/2666/2861 2664/2664/2839 2667/2667/2841 +f 2667/2667/2841 2664/2664/2839 2665/2665/2840 +f 2668/2668/2842 2666/2666/2861 2667/2667/2841 +f 2668/2668/2842 2667/2667/2841 2669/2669/2843 +f 2669/2669/2843 2667/2667/2841 2665/2665/2840 +f 2665/2665/2840 2663/2663/2838 2628/2628/2844 +f 2663/2663/2838 2629/2629/2837 2628/2628/2844 +f 2630/2630/2798 2465/2465/2799 2628/2628/2844 +f 2465/2465/2799 2632/2632/2796 2628/2628/2844 +f 2669/2669/2843 2665/2665/2840 2628/2628/2844 +f 2628/2628/2844 2632/2632/2796 2669/2669/2843 +f 1953/1953/2047 1954/1954/2193 2634/2634/2801 +f 1954/1954/2193 2636/2636/2803 2634/2634/2801 +f 2145/2145/2274 2636/4549/2803 2073/2073/2275 +f 2636/4549/2803 2145/2145/2274 2638/2638/2813 +f 1954/4443/2193 2073/2073/2275 2636/4549/2803 +f 2640/2640/2845 2669/2669/2843 2632/2632/2796 +f 2640/2640/2845 2632/2632/2796 2493/2493/2808 +f 2670/2670/2850 2671/2671/2846 2640/4551/2845 +f 2672/2672/2847 2222/2222/2360 2673/2673/2849 +f 2674/2674/2848 2222/2222/2360 2672/2672/2847 +f 2672/2672/2847 2675/2675/2857 2674/2674/2848 +f 2641/4552/2810 2670/2670/2850 2640/4551/2845 +f 2641/4552/2810 2644/2644/2811 2673/2673/2849 +f 2641/4552/2810 2673/2673/2849 2670/2670/2850 +f 2673/2673/2849 2675/2675/2857 2672/2672/2847 +f 2643/2643/2809 2673/2673/2849 2644/2644/2811 +f 2675/4568/2857 2673/4567/2849 2643/4554/2809 +f 2674/2674/2848 2676/2676/2856 2677/2677/2854 +f 2675/2675/2857 2676/2676/2856 2674/2674/2848 +f 2142/2142/2271 2141/2141/2852 2678/2678/2851 +f 2678/2678/2851 2141/2141/2852 2677/2677/2854 +f 2678/2678/2851 2645/4555/2855 2142/2142/2271 +f 2649/4557/2853 2678/2678/2851 2677/2677/2854 +f 2649/4557/2853 2645/4555/2855 2678/2678/2851 +f 2645/2645/2855 2649/4558/2853 2646/2646/2815 +f 2677/2677/2854 2676/2676/2856 2649/4557/2853 +f 2649/2649/2853 2523/2523/2677 2646/4556/2815 +f 2145/2145/2274 2645/2645/2855 2638/2638/2813 +f 2145/4509/2274 2142/2142/2271 2645/4555/2855 +f 2676/4569/2856 2675/4568/2857 2648/2648/2858 +f 2647/2647/2859 2675/4568/2857 2643/4554/2809 +f 2675/4568/2857 2647/2647/2859 2648/2648/2858 +f 2676/4569/2856 2648/2648/2858 2649/2649/2853 +f 2524/2524/2678 2649/2649/2853 2648/2648/2858 +f 2658/4563/2860 2170/2170/2308 2657/4561/2827 +f 2170/2170/2308 2066/2066/2189 2657/4561/2827 +f 2170/2170/2308 2658/4563/2860 2666/4564/2861 +f 2658/2658/2860 2664/2664/2839 2666/2666/2861 +f 2668/4565/2842 2170/2170/2308 2666/4564/2861 +f 2668/4565/2842 2671/2671/2846 2216/2216/2359 +f 2668/4565/2842 2216/2216/2359 2170/2170/2308 +f 2640/4551/2845 2671/2671/2846 2669/4566/2843 +f 2671/2671/2846 2668/4565/2842 2669/4566/2843 +f 2222/2222/2360 2216/2216/2359 2671/2671/2846 +f 2673/2673/2849 2222/2222/2360 2670/2670/2850 +f 2222/2222/2360 2671/2671/2846 2670/2670/2850 +f 2674/2674/2848 2224/2224/2386 2222/2222/2360 +f 2141/2141/2852 2224/2224/2386 2677/2677/2854 +f 2224/2224/2386 2674/2674/2848 2677/2677/2854 +f 2679/2679/3041 2680/2680/3028 2681/2681/3313 +f 2682/2682/2863 190/190/170 191/191/2864 +f 2683/2683/2862 2682/2682/2863 191/191/2864 +f 2684/2684/2866 2682/2682/2863 2683/2683/2862 +f 2682/2682/2863 192/192/2865 190/190/170 +f 2685/2685/2936 192/192/2865 2682/2682/2863 +f 2686/2686/2868 2685/2685/2936 2684/2684/2866 +f 2685/2685/2936 2682/2682/2863 2684/2684/2866 +f 2686/2686/2868 2684/2684/2866 2687/2687/2869 +f 2688/2688/2867 2686/2686/2868 2687/2687/2869 +f 2685/2685/2936 2686/2686/2868 2689/2689/2870 +f 2690/2690/2871 2686/2686/2868 2688/2688/2867 +f 2689/2689/2870 2686/2686/2868 2690/2690/2871 +f 2690/2690/2871 2688/2688/2867 2691/2691/2872 +f 2690/2690/2871 2691/2691/2872 2692/2692/2931 +f 2692/2692/2931 2693/2693/2967 2690/2690/2871 +f 2693/2693/2967 2694/2694/2949 2690/2690/2871 +f 230/230/206 2695/2695/2873 2696/2696/2876 +f 2695/2695/2873 230/230/206 901/901/2874 +f 2697/2697/2875 2696/2696/2876 2698/2698/2900 +f 2699/2699/2877 2700/2700/2878 2701/2701/2902 +f 2700/2700/2878 2699/2699/2877 2698/2698/2900 +f 2700/2700/2878 2698/2698/2900 2696/2696/2876 +f 2695/2695/2873 2702/2702/2880 2696/2696/2876 +f 2703/2703/2879 2696/2696/2876 2702/2702/2880 +f 2704/2704/2882 216/216/193 212/212/2881 +f 2704/2704/2882 212/212/2881 211/211/2883 +f 2705/2705/2884 216/216/193 2704/2704/2882 +f 2705/2705/2884 2704/2704/2882 2706/2706/2892 +f 211/211/2883 209/209/188 2707/2707/2885 +f 211/211/2883 2707/2707/2885 2704/2704/2882 +f 214/214/2887 2707/4572/2885 209/4114/188 +f 2708/2708/2886 2707/4572/2885 214/214/2887 +f 2709/2709/2888 214/214/2887 2710/2710/2896 +f 2709/2709/2888 2708/2708/2886 214/214/2887 +f 2711/2711/2889 2708/2708/2886 2709/2709/2888 +f 2708/4573/2886 2704/2704/2882 2707/2707/2885 +f 2708/4573/2886 2706/2706/2892 2704/2704/2882 +f 215/215/192 212/212/2881 216/216/193 +f 191/191/2864 216/216/193 2705/2705/2884 +f 2683/2683/2862 191/191/2864 2705/2705/2884 +f 2683/2683/2862 2705/2705/2884 2706/2706/2892 +f 2687/2687/2869 2683/2683/2862 2706/2706/2892 +f 2712/2712/2890 2687/2687/2869 2713/2713/2891 +f 2714/2714/2894 2713/2713/2891 2706/2706/2892 +f 2715/2715/2893 2713/2713/2891 2714/2714/2894 +f 2712/2712/2890 2713/2713/2891 2715/2715/2893 +f 2711/2711/2889 2699/2699/2877 2708/2708/2886 +f 2711/2711/2889 2709/2709/2888 2716/2716/2901 +f 2699/2699/2877 2711/2711/2889 2716/2716/2901 +f 2706/2706/2892 2708/4573/2886 2714/2714/2894 +f 2708/4573/2886 2699/4570/2877 2714/2714/2894 +f 2687/2687/2869 2684/2684/2866 2683/2683/2862 +f 2713/2713/2891 2687/2687/2869 2706/2706/2892 +f 205/205/184 228/228/2895 214/214/2887 +f 2717/2717/2899 228/228/2895 2718/2718/2897 +f 228/228/2895 2717/2717/2899 2710/2710/2896 +f 2710/2710/2896 214/214/2887 228/228/2895 +f 2718/2718/2897 228/228/2895 229/229/2898 +f 2710/2710/2896 2717/2717/2899 2709/2709/2888 +f 2698/2698/2900 2717/2717/2899 2697/2697/2875 +f 2697/2697/2875 2717/2717/2899 2718/2718/2897 +f 2697/2697/2875 2718/2718/2897 229/229/2898 +f 2697/2697/2875 229/229/2898 2696/2696/2876 +f 230/230/206 225/225/202 901/901/2874 +f 230/230/206 2696/2696/2876 229/229/2898 +f 2717/2717/2899 2716/2716/2901 2709/2709/2888 +f 2698/2698/2900 2716/2716/2901 2717/2717/2899 +f 2699/2699/2877 2716/2716/2901 2698/2698/2900 +f 2719/2719/2906 2701/2701/2902 2720/2720/2903 +f 2721/2721/2924 2701/4571/2902 2719/4574/2906 +f 2722/2722/2904 2721/2721/2924 2719/4574/2906 +f 2723/2723/2905 2719/2719/2906 2724/2724/2915 +f 2722/2722/2904 2719/4574/2906 2723/4575/2905 +f 2725/2725/2909 2696/2696/2876 2703/2703/2879 +f 2725/2725/2909 2700/2700/2878 2696/2696/2876 +f 2720/2720/2903 2701/2701/2902 2700/2700/2878 +f 2726/2726/2907 2720/2720/2903 2700/2700/2878 +f 2700/2700/2878 2727/2727/2910 2726/2726/2907 +f 2728/2728/2908 2700/2700/2878 2725/2725/2909 +f 2727/2727/2910 2700/2700/2878 2728/2728/2908 +f 2702/2702/2880 2729/2729/3363 2730/2730/2911 +f 2731/2731/2913 2703/2703/2879 2730/2730/2911 +f 2725/2725/2909 2703/2703/2879 2731/2731/2913 +f 2730/2730/2911 2703/2703/2879 2702/2702/2880 +f 2730/2730/2911 2732/2732/2912 2731/2731/2913 +f 2730/2730/2911 2729/2729/3363 2732/2732/2912 +f 2732/2732/2912 2733/2733/3371 2731/2731/2913 +f 2734/2734/2914 2727/2727/2910 2728/2728/2908 +f 2734/2734/2914 2728/2728/2908 2735/2735/2920 +f 2734/2734/2914 2720/2720/2903 2726/2726/2907 +f 2734/2734/2914 2726/2726/2907 2727/2727/2910 +f 2724/2724/2915 2719/2719/2906 2720/2720/2903 +f 2724/2724/2915 2734/2734/2914 2736/2736/2916 +f 2734/2734/2914 2735/2735/2920 2736/2736/2916 +f 2734/2734/2914 2724/2724/2915 2720/2720/2903 +f 2737/2737/2985 2738/2738/2917 2739/2739/2918 +f 2725/2725/2909 2740/2740/2919 2728/2728/2908 +f 2740/2740/2919 2735/2735/2920 2728/2728/2908 +f 2741/2741/2922 2731/2731/2913 2733/2733/3371 +f 2740/2740/2919 2725/2725/2909 2741/2741/2922 +f 2725/2725/2909 2731/2731/2913 2741/2741/2922 +f 2740/2740/2919 2742/2742/2921 2743/2743/2990 +f 2743/2743/2990 2735/2735/2920 2740/2740/2919 +f 2740/2740/2919 2741/2741/2922 2744/2744/3364 +f 2691/2691/2872 2688/2688/2867 2712/2712/2890 +f 2745/2745/2923 2712/2712/2890 2715/2715/2893 +f 2745/2745/2923 2715/2715/2893 2714/2714/2894 +f 2712/2712/2890 2745/2745/2923 2746/2746/2925 +f 2746/2746/2925 2691/2691/2872 2712/2712/2890 +f 2745/2745/2923 2714/2714/2894 2699/4570/2877 +f 2745/2745/2923 2699/4570/2877 2701/4571/2902 +f 2721/2721/2924 2747/2747/2926 2745/2745/2923 +f 2721/2721/2924 2745/2745/2923 2701/4571/2902 +f 2688/2688/2867 2687/2687/2869 2712/2712/2890 +f 2748/2748/2929 2746/2746/2925 2747/2747/2926 +f 2747/2747/2926 2749/2749/2927 2748/2748/2929 +f 2750/2750/2928 2748/2748/2929 2749/2749/2927 +f 2692/2692/2931 2691/2691/2872 2746/2746/2925 +f 2748/2748/2929 2751/2751/2930 2692/2692/2931 +f 2748/2748/2929 2692/2692/2931 2746/2746/2925 +f 2745/2745/2923 2747/2747/2926 2746/2746/2925 +f 2747/2747/2926 2721/2721/2924 2722/2722/2904 +f 2752/2752/2984 2749/2749/2927 2747/2747/2926 +f 2722/2722/2904 2752/2752/2984 2747/2747/2926 +f 2753/2753/3001 2749/2749/2927 2752/2752/2984 +f 249/249/224 248/248/223 2754/2754/2952 +f 249/249/224 2754/2754/2952 2755/2755/2939 +f 2754/2754/2952 248/248/223 2756/2756/2932 +f 2757/2757/2933 251/251/227 192/192/2865 +f 251/251/227 2758/2758/2934 247/247/2935 +f 192/192/2865 2685/2685/2936 2757/2757/2933 +f 2689/2689/2870 2758/2758/2934 251/251/227 +f 2756/2756/2932 247/247/2935 2758/2758/2934 +f 251/251/227 2757/2757/2933 2689/2689/2870 +f 248/248/223 247/247/2935 2759/2759/2937 +f 2756/2756/2932 2759/2759/2937 247/247/2935 +f 2685/2685/2936 2689/2689/2870 2757/2757/2933 +f 2760/2760/2948 2758/2758/2934 2689/2689/2870 +f 2761/2761/2951 2756/2756/2932 2758/2758/2934 +f 2761/2761/2951 2758/2758/2934 2760/2760/2948 +f 248/248/223 2759/2759/2937 2756/2756/2932 +f 2762/2762/2938 257/257/2941 256/256/231 +f 256/256/231 249/249/224 2755/2755/2939 +f 256/256/231 2755/2755/2939 2762/2762/2938 +f 2763/2763/2940 258/258/233 257/257/2941 +f 258/258/233 2763/2763/2940 2764/2764/2947 +f 2763/2763/2940 257/257/2941 2762/2762/2938 +f 2765/2765/2942 2766/2766/2943 259/259/235 +f 2763/2763/2940 2762/2762/2938 2767/2767/2944 +f 2767/2767/2944 2762/2762/2938 2755/2755/2939 +f 2768/2768/2945 2755/2755/2939 2754/2754/2952 +f 2768/2768/2945 2767/2767/2944 2755/2755/2939 +f 2767/2767/2944 2768/2768/2945 2763/2763/2940 +f 2769/2769/3294 2770/2770/2946 2765/2765/2942 +f 2763/2763/2940 2771/2771/3688 2764/2764/2947 +f 2689/2689/2870 2690/2690/2871 2760/2760/2948 +f 2690/2690/2871 2694/2694/2949 2760/2760/2948 +f 2772/2772/2953 2760/2760/2948 2694/2694/2949 +f 2773/2773/2950 2761/2761/2951 2760/2760/2948 +f 2773/2773/2950 2760/2760/2948 2772/2772/2953 +f 2754/2754/2952 2756/2756/2932 2761/2761/2951 +f 2773/2773/2950 2754/2754/2952 2761/2761/2951 +f 2772/2772/2953 2774/2774/2954 2773/2773/2950 +f 2774/2774/2954 2772/2772/2953 2775/2775/2955 +f 2776/2776/2956 2772/2772/2953 2694/2694/2949 +f 2773/2773/2950 2777/2777/2957 2778/2778/2958 +f 2774/2774/2954 2777/2777/2957 2773/2773/2950 +f 2775/2775/2955 2777/2777/2957 2774/2774/2954 +f 2773/2773/2950 2768/2768/2945 2754/2754/2952 +f 2778/2778/2958 2768/2768/2945 2773/2773/2950 +f 2779/2779/2961 2768/2768/2945 2778/2778/2958 +f 2768/2768/2945 2779/2779/2961 2763/2763/2940 +f 2771/2771/3688 2763/2763/2940 2780/2780/2959 +f 2780/2780/2959 2763/2763/2940 2779/2779/2961 +f 2778/2778/2958 2781/2781/2960 2779/2779/2961 +f 2782/2782/2963 2779/2779/2961 2781/2781/2960 +f 2782/2782/2963 2780/2780/2959 2779/2779/2961 +f 2783/2783/2962 2780/2780/2959 2782/2782/2963 +f 2784/2784/3697 2780/2780/2959 2783/2783/2962 +f 2778/2778/2958 2777/2777/2957 2781/2781/2960 +f 2785/2785/2964 2786/2786/2965 2787/2787/3308 +f 2751/2751/2930 2693/2693/2967 2692/2692/2931 +f 2788/2788/2966 2693/2693/2967 2751/2751/2930 +f 2776/2776/2956 2694/2694/2949 2693/2693/2967 +f 2789/2789/2968 2776/2776/2956 2693/2693/2967 +f 2790/2790/2970 2789/2789/2968 2693/2693/2967 +f 2693/2693/2967 2788/2788/2966 2790/2790/2970 +f 2791/2791/2969 2790/2790/2970 2788/2788/2966 +f 2790/2790/2970 2792/2792/2971 2789/2789/2968 +f 2791/2791/2969 2788/2788/2966 2793/2793/2972 +f 2791/2791/2969 2793/2793/2972 2794/2794/2973 +f 2793/2793/2972 2795/2795/3007 2794/2794/2973 +f 2794/2794/2973 2792/2792/2971 2790/2790/2970 +f 2796/2796/2974 2792/2792/2971 2794/2794/2973 +f 2797/2797/2979 2796/2796/2974 2794/2794/2973 +f 2791/2791/2969 2794/2794/2973 2790/2790/2970 +f 2797/2797/2979 2794/2794/2973 2795/2795/3007 +f 2798/2798/3048 2797/2797/2979 2795/2795/3007 +f 2799/2799/2980 2797/2797/2979 2798/2798/3048 +f 2800/2800/2975 2801/2801/2977 2802/2802/3307 +f 2800/2800/2975 2803/2803/2976 2801/2801/2977 +f 2804/2804/2978 2797/2797/2979 2799/2799/2980 +f 2801/2801/2977 2803/2803/2976 2805/2805/3053 +f 2805/2805/3053 2803/2803/2976 2806/2806/3109 +f 2804/2804/2978 2799/2799/2980 2807/2807/2981 +f 2808/2808/2982 2723/2723/2905 2724/2724/2915 +f 2808/4577/2982 2722/2722/2904 2723/4575/2905 +f 2722/2722/2904 2808/4577/2982 2752/2752/2984 +f 2808/4577/2982 2809/2809/2983 2752/2752/2984 +f 2810/2810/3003 2752/2752/2984 2809/2809/2983 +f 2737/2737/2985 2811/2811/2986 2738/2738/2917 +f 2812/2812/2987 2810/2810/3003 2809/2809/2983 +f 2813/2813/2988 2814/2814/2989 2811/4579/2986 +f 2815/2815/3014 2812/2812/2987 2809/2809/2983 +f 2814/2814/2989 2813/2813/2988 2816/2816/3013 +f 2735/2735/2920 2743/2743/2990 2736/2736/2916 +f 2743/2743/2990 2817/2817/2991 2736/2736/2916 +f 2808/2808/2982 2724/2724/2915 2736/2736/2916 +f 2818/2818/2998 2819/2819/3279 2738/2738/2917 +f 2808/2808/2982 2817/2817/2991 2809/4578/2983 +f 2808/2808/2982 2736/2736/2916 2817/2817/2991 +f 2820/2820/2993 2819/2819/3279 2821/2821/2992 +f 2818/2818/2998 2821/2821/2992 2819/2819/3279 +f 2817/2817/2991 2822/2822/2996 2809/4578/2983 +f 2738/2738/2917 2811/2811/2986 2818/2818/2998 +f 2820/2820/2993 2823/2823/2994 2824/2824/2995 +f 2825/2825/3000 2820/2820/2993 2821/2821/2992 +f 2823/2823/2994 2820/2820/2993 2825/2825/3000 +f 2742/2742/2921 2826/2826/3447 2827/2827/3481 +f 2742/2742/2921 2827/2827/3481 2743/2743/2990 +f 2822/2822/2996 2743/2743/2990 2828/2828/3026 +f 2827/2827/3481 2828/2828/3026 2743/2743/2990 +f 2823/2823/2994 2825/2825/3000 2829/2829/3027 +f 2822/2822/2996 2817/2817/2991 2743/2743/2990 +f 2821/2821/2992 2818/2818/2998 2830/2830/2999 +f 2814/4580/2989 2818/2818/2998 2811/2811/2986 +f 2809/4578/2983 2822/2822/2996 2831/2831/2997 +f 2818/2818/2998 2832/2832/3033 2830/2830/2999 +f 2830/2830/2999 2825/2825/3000 2821/2821/2992 +f 2750/2750/2928 2749/2749/2927 2753/2753/3001 +f 2833/2833/3002 2748/2748/2929 2750/2750/2928 +f 2834/2834/3006 2751/2751/2930 2748/2748/2929 +f 2833/2833/3002 2750/2750/2928 2810/2810/3003 +f 2834/2834/3006 2793/2793/2972 2751/2751/2930 +f 2833/2833/3002 2834/2834/3006 2748/2748/2929 +f 2835/2835/3004 2836/2836/3283 2837/2837/3010 +f 2838/2838/3306 2837/2837/3010 2836/2836/3283 +f 2753/2753/3001 2752/2752/2984 2810/2810/3003 +f 2810/2810/3003 2750/2750/2928 2753/2753/3001 +f 2839/2839/3281 2813/2813/2988 2811/4579/2986 +f 2811/4579/2986 2737/4576/2985 2839/2839/3281 +f 2813/2813/2988 2839/2839/3281 2835/2835/3004 +f 2813/2813/2988 2835/2835/3004 2837/2837/3010 +f 2793/2793/2972 2788/2788/2966 2751/2751/2930 +f 2812/2812/2987 2833/2833/3002 2810/2810/3003 +f 2840/2840/3005 2833/2833/3002 2812/2812/2987 +f 2834/2834/3006 2795/2795/3007 2793/2793/2972 +f 2840/2840/3005 2834/2834/3006 2833/2833/3002 +f 2834/2834/3006 2841/2841/3047 2795/2795/3007 +f 2842/2842/3008 2843/2843/3009 2838/2838/3306 +f 2843/2843/3009 2816/2816/3013 2837/2837/3010 +f 2843/2843/3009 2837/2837/3010 2838/2838/3306 +f 2816/2816/3013 2813/2813/2988 2837/2837/3010 +f 2801/2801/2977 2842/2842/3008 2802/2802/3307 +f 2812/2812/2987 2815/2815/3014 2844/2844/3011 +f 2845/2845/3016 2814/2814/2989 2816/2816/3013 +f 2840/2840/3005 2812/2812/2987 2844/2844/3011 +f 2846/2846/3012 2845/2845/3016 2816/2816/3013 +f 2847/2847/3117 2848/2848/3124 2849/2849/3015 +f 2850/2850/3019 2815/4581/3014 2851/2851/3036 +f 2815/2815/3014 2850/4583/3019 2844/2844/3011 +f 2849/2849/3015 2844/2844/3011 2850/4583/3019 +f 2852/2852/3051 2840/2840/3005 2844/2844/3011 +f 2853/2853/3035 2845/2845/3016 2846/2846/3012 +f 2854/2854/3017 2853/2853/3035 2846/2846/3012 +f 2849/2849/3015 2850/4583/3019 2847/2847/3117 +f 2855/2855/3018 2850/2850/3019 2856/2856/3038 +f 2847/2847/3117 2850/4583/3019 2855/4586/3018 +f 2857/2857/3020 2854/2854/3017 2858/2858/3021 +f 2844/2844/3011 2849/2849/3015 2852/2852/3051 +f 2859/2859/3119 2854/2854/3017 2846/2846/3012 +f 2858/2858/3021 2854/2854/3017 2859/2859/3119 +f 2860/2860/3037 2861/2861/3022 2680/2680/3028 +f 2851/2851/3036 2862/2862/3023 2861/2861/3022 +f 2831/2831/2997 2861/2861/3022 2862/2862/3023 +f 2863/2863/3031 2864/2864/3024 2865/2865/3034 +f 2866/2866/3025 2863/2863/3031 2865/2865/3034 +f 2828/2828/3026 2831/2831/2997 2822/2822/2996 +f 2864/2864/3024 2829/2829/3027 2825/2825/3000 +f 2867/2867/3483 2829/2829/3027 2868/2868/3032 +f 2680/2680/3028 2861/2861/3022 2869/2869/3030 +f 2680/2680/3028 2869/2869/3030 2870/2870/3312 +f 2871/2871/3029 2867/2867/3483 2868/2868/3032 +f 2828/2828/3026 2869/2869/3030 2831/2831/2997 +f 2869/2869/3030 2861/2861/3022 2831/2831/2997 +f 2863/2863/3031 2868/2868/3032 2829/2829/3027 +f 2863/2863/3031 2829/2829/3027 2864/2864/3024 +f 2868/2868/3032 2863/2863/3031 2872/2872/3039 +f 2862/2862/3023 2809/4578/2983 2831/2831/2997 +f 2814/4580/2989 2832/2832/3033 2818/2818/2998 +f 2815/4581/3014 2809/4578/2983 2862/2862/3023 +f 2830/2830/2999 2832/2832/3033 2825/2825/3000 +f 2864/2864/3024 2825/2825/3000 2832/2832/3033 +f 2814/4580/2989 2845/4582/3016 2832/2832/3033 +f 2865/2865/3034 2845/4582/3016 2853/4584/3035 +f 2832/2832/3033 2845/4582/3016 2865/2865/3034 +f 2865/2865/3034 2864/2864/3024 2832/2832/3033 +f 2851/2851/3036 2860/2860/3037 2856/2856/3038 +f 2856/2856/3038 2850/2850/3019 2851/2851/3036 +f 2860/2860/3037 2851/2851/3036 2861/2861/3022 +f 2872/2872/3039 2863/2863/3031 2866/2866/3025 +f 2873/2873/3134 2872/2872/3039 2866/2866/3025 +f 2856/2856/3038 2860/2860/3037 2874/2874/3043 +f 2856/2856/3038 2874/2874/3043 2875/2875/3131 +f 2855/2855/3018 2856/2856/3038 2875/2875/3131 +f 2873/2873/3134 2866/2866/3025 2876/2876/3040 +f 2876/2876/3040 2877/2877/3137 2873/2873/3134 +f 2878/2878/3042 2860/2860/3037 2680/2680/3028 +f 2680/2680/3028 2679/2679/3041 2878/2878/3042 +f 2871/2871/3029 2868/2868/3032 2879/2879/3044 +f 2880/2880/3664 2871/2871/3029 2879/2879/3044 +f 2879/2879/3044 2868/2868/3032 2872/2872/3039 +f 2874/2874/3043 2860/2860/3037 2878/2878/3042 +f 2872/2872/3039 2873/2873/3134 2879/2879/3044 +f 2862/2862/3023 2851/2851/3036 2815/4581/3014 +f 2866/2866/3025 2865/2865/3034 2853/4584/3035 +f 2854/4585/3017 2866/2866/3025 2853/4584/3035 +f 2881/2881/3045 2866/2866/3025 2854/4585/3017 +f 2876/2876/3040 2881/2881/3045 2854/4585/3017 +f 2866/2866/3025 2881/2881/3045 2876/2876/3040 +f 2876/2876/3040 2854/4585/3017 2857/4587/3020 +f 2841/2841/3047 2834/2834/3006 2840/2840/3005 +f 2842/2842/3008 2882/2882/3049 2843/2843/3009 +f 2843/2843/3009 2883/2883/3046 2816/2816/3013 +f 2841/2841/3047 2840/2840/3005 2852/2852/3051 +f 2882/2882/3049 2883/2883/3046 2843/2843/3009 +f 2846/2846/3012 2816/2816/3013 2883/2883/3046 +f 2795/2795/3007 2841/2841/3047 2798/2798/3048 +f 2801/2801/2977 2882/2882/3049 2842/2842/3008 +f 2801/2801/2977 2805/2805/3053 2882/2882/3049 +f 2798/2798/3048 2841/2841/3047 2852/2852/3051 +f 2884/2884/3050 2852/2852/3051 2849/2849/3015 +f 2849/2849/3015 2885/2885/3106 2884/2884/3050 +f 2859/2859/3119 2883/2883/3046 2886/2886/3052 +f 2884/2884/3050 2798/2798/3048 2852/2852/3051 +f 2807/2807/2981 2799/2799/2980 2798/2798/3048 +f 2807/2807/2981 2798/2798/3048 2884/2884/3050 +f 2883/2883/3046 2882/2882/3049 2886/2886/3052 +f 2883/2883/3046 2859/2859/3119 2846/2846/3012 +f 2886/2886/3052 2882/2882/3049 2805/2805/3053 +f 2886/2886/3052 2805/2805/3053 2887/2887/3156 +f 2805/2805/3053 2806/2806/3109 2887/2887/3156 +f 2772/2772/2953 2888/2888/3054 2775/2775/2955 +f 2888/2888/3054 2772/2772/2953 2776/2776/2956 +f 2889/2889/3055 2776/2776/2956 2789/2789/2968 +f 2888/2888/3054 2776/2776/2956 2889/2889/3055 +f 2792/2792/2971 2889/2889/3055 2789/2789/2968 +f 2775/2775/2955 2890/2890/3056 2777/2777/2957 +f 2775/2775/2955 2888/2888/3054 2890/2890/3056 +f 2777/2777/2957 2890/2890/3056 2891/2891/3060 +f 2892/2892/3059 2891/2891/3060 2890/2890/3056 +f 2893/2893/3057 2888/2888/3054 2889/2889/3055 +f 2893/2893/3057 2889/2889/3055 2796/2796/2974 +f 2888/2888/3054 2893/2893/3057 2894/2894/3058 +f 2895/2895/3067 2894/2894/3058 2893/2893/3057 +f 2796/2796/2974 2889/2889/3055 2792/2792/2971 +f 2797/2797/2979 2893/2893/3057 2796/2796/2974 +f 2888/2888/3054 2892/2892/3059 2890/2890/3056 +f 2894/2894/3058 2892/2892/3059 2888/2888/3054 +f 2896/2896/3075 2891/2891/3060 2892/2892/3059 +f 2897/2897/3061 2898/2898/3303 2899/2899/3062 +f 2900/2900/3063 2783/2783/2962 2782/2782/2963 +f 2901/2901/3699 2784/2784/3697 2783/2783/2962 +f 2777/2777/2957 2891/2891/3060 2781/2781/2960 +f 2781/2781/2960 2891/2891/3060 2782/2782/2963 +f 2782/2782/2963 2891/2891/3060 2900/2900/3063 +f 2902/2902/3064 2891/2891/3060 2896/2896/3075 +f 2902/2902/3064 2900/2900/3063 2891/2891/3060 +f 2783/2783/2962 2900/2900/3063 2903/2903/3065 +f 2904/2904/3066 2900/2900/3063 2902/2902/3064 +f 2900/2900/3063 2905/2905/3089 2903/2903/3065 +f 2905/2905/3089 2906/2906/3744 2903/2903/3065 +f 2895/2895/3067 2893/2893/3057 2797/2797/2979 +f 2907/2907/3069 2803/2803/2976 2800/2800/2975 +f 2797/2797/2979 2804/2804/2978 2895/2895/3067 +f 2908/2908/3068 2907/2907/3069 2897/2897/3061 +f 2908/2908/3068 2803/2803/2976 2907/2907/3069 +f 2909/2909/3070 2895/2895/3067 2804/2804/2978 +f 2897/2897/3061 2899/2899/3062 2908/2908/3068 +f 2899/2899/3062 2910/2910/3071 2908/2908/3068 +f 2895/2895/3067 2892/2892/3059 2894/2894/3058 +f 2895/2895/3067 2911/2911/3072 2892/2892/3059 +f 2911/2911/3072 2896/2896/3075 2892/2892/3059 +f 2909/2909/3070 2911/2911/3072 2895/2895/3067 +f 2912/2912/3082 2913/2913/3073 2899/2899/3062 +f 2911/2911/3072 2914/2914/3074 2896/2896/3075 +f 2915/2915/3077 2909/2909/3070 2804/2804/2978 +f 2803/2803/2976 2908/2908/3068 2806/2806/3109 +f 2908/2908/3068 2916/2916/3076 2806/2806/3109 +f 2910/2910/3071 2916/2916/3076 2908/2908/3068 +f 2915/2915/3077 2917/2917/3078 2909/2909/3070 +f 2918/2918/3186 2916/2916/3076 2910/2910/3071 +f 2917/2917/3078 2911/2911/3072 2909/2909/3070 +f 2919/2919/3084 2911/2911/3072 2917/2917/3078 +f 2919/2919/3084 2914/2914/3074 2911/2911/3072 +f 2910/2910/3071 2899/2899/3062 2913/2913/3073 +f 2910/2910/3071 2913/2913/3073 2920/2920/3189 +f 2920/2920/3189 2913/2913/3073 2921/2921/3079 +f 2912/2912/3082 2899/2899/3062 2922/2922/3080 +f 2922/2922/3080 2923/2923/3305 2924/2924/3081 +f 2902/2902/3064 2896/2896/3075 2914/2914/3074 +f 2912/2912/3082 2922/2922/3080 2924/2924/3081 +f 2904/2904/3066 2902/2902/3064 2914/2914/3074 +f 2900/2900/3063 2904/2904/3066 2905/2905/3089 +f 2921/2921/3079 2913/2913/3073 2912/2912/3082 +f 2921/2921/3079 2912/2912/3082 2924/2924/3081 +f 2925/2925/3209 2921/2921/3079 2924/2924/3081 +f 2914/2914/3074 2926/2926/3083 2904/2904/3066 +f 2914/2914/3074 2919/2919/3084 2926/2926/3083 +f 2905/2905/3089 2904/2904/3066 2926/2926/3083 +f 2927/2927/3085 2928/2928/3213 2924/2924/3081 +f 2927/2927/3085 2929/2929/3086 2928/2928/3213 +f 2930/2930/3087 2928/2928/3213 2929/2929/3086 +f 2931/2931/3088 2906/2906/3744 2905/2905/3089 +f 2905/2905/3089 2926/2926/3083 2931/2931/3088 +f 2931/2931/3088 2932/2932/3090 2906/2906/3744 +f 2924/2924/3081 2928/2928/3213 2925/2925/3209 +f 2933/2933/3212 2925/2925/3209 2928/2928/3213 +f 2934/2934/3132 2878/2878/3042 2679/2679/3041 +f 2934/2934/3132 2679/2679/3041 2935/2935/3318 +f 2936/2936/3091 2934/2934/3132 2937/2937/3092 +f 2935/2935/3318 2937/2937/3092 2934/2934/3132 +f 2938/2938/3093 2936/2936/3094 2937/2937/3095 +f 2939/2939/3096 2940/2940/3097 2936/2936/3091 +f 2940/2940/3097 2934/2934/3132 2936/2936/3091 +f 2939/2939/3098 2936/2936/3094 2941/2941/3099 +f 2942/2942/3100 2939/2939/3098 2941/2941/3099 +f 2943/2943/3140 2942/2942/3101 2941/2941/3102 +f 2941/2941/3099 2936/2936/3094 2938/2938/3093 +f 2938/2938/3103 2944/2944/3104 2943/2943/3140 +f 2943/2943/3140 2941/2941/3102 2938/2938/3103 +f 2945/2945/3105 2807/2807/2981 2885/2885/3106 +f 2945/2945/3105 2885/2885/3106 2946/2946/3107 +f 2807/2807/2981 2945/2945/3105 2947/2947/3108 +f 2947/2947/3108 2804/2804/2978 2807/2807/2981 +f 2806/2806/3109 2948/2948/3185 2887/2887/3156 +f 2949/2949/3110 2950/2950/3169 2946/2946/3107 +f 2951/2951/3187 2945/2945/3105 2946/2946/3107 +f 2952/2952/3111 2951/2951/3187 2946/2946/3107 +f 2953/2953/3112 2951/2951/3187 2952/2952/3111 +f 2954/2954/3181 2953/2953/3112 2952/2952/3111 +f 2954/2954/3181 2955/2955/3227 2953/2953/3112 +f 2956/2956/3113 2955/2955/3227 2954/2954/3181 +f 2955/2955/3227 2956/2956/3113 2957/2957/3114 +f 2958/2958/3115 2956/2956/3113 2959/2959/3183 +f 2959/2959/3116 2960/2960/3251 2958/2958/3228 +f 2961/2961/3121 2847/2847/3117 2855/4586/3018 +f 2848/2848/3124 2847/2847/3117 2961/2961/3121 +f 2962/2962/3129 2858/2858/3021 2859/2859/3119 +f 2963/2963/3118 2962/2962/3129 2859/2859/3119 +f 2962/2962/3129 2857/2857/3020 2858/2858/3021 +f 2855/4586/3018 2964/2964/3120 2961/2961/3121 +f 2965/2965/3122 2964/4588/3120 2966/2966/3123 +f 2967/2967/3144 2965/2965/3122 2966/2966/3123 +f 2961/2961/3121 2968/2968/3166 2969/2969/3125 +f 2848/2848/3124 2961/2961/3121 2969/2969/3125 +f 2968/2968/3166 2961/2961/3121 2964/2964/3120 +f 2970/2970/3126 2971/2971/3127 2972/2972/3128 +f 2962/2962/3129 2971/2971/3127 2970/2970/3126 +f 2964/2964/3120 2965/4589/3122 2968/2968/3166 +f 2971/2971/3127 2962/2962/3129 2963/2963/3118 +f 2874/2874/3043 2973/2973/3130 2875/2875/3131 +f 2874/2874/3043 2934/2934/3132 2973/2973/3130 +f 2973/2973/3130 2855/2855/3018 2875/2875/3131 +f 2876/2876/3040 2974/2974/3133 2877/2877/3137 +f 2975/2975/3143 2877/2877/3137 2974/2974/3133 +f 2873/2873/3134 2976/2976/3135 2879/2879/3044 +f 2874/2874/3043 2878/2878/3042 2934/2934/3132 +f 2977/2977/3136 2880/2880/3664 2879/2879/3044 +f 2873/2873/3134 2877/2877/3137 2976/2976/3135 +f 2975/2975/3143 2976/2976/3135 2877/2877/3137 +f 2978/2978/3138 2977/2977/3136 2976/2976/3135 +f 2976/2976/3135 2977/2977/3136 2879/2879/3044 +f 2943/2943/3140 2977/2977/3136 2978/2978/3138 +f 2975/2975/3143 2978/2978/3138 2976/2976/3135 +f 2857/4587/3020 2979/2979/3139 2876/2876/3040 +f 2974/2974/3133 2876/2876/3040 2979/2979/3139 +f 2970/4591/3126 2979/2979/3139 2857/4587/3020 +f 2962/2962/3129 2970/2970/3126 2857/2857/3020 +f 2940/2940/3097 2973/2973/3130 2934/2934/3132 +f 2942/2942/3101 2943/2943/3140 2980/2980/3141 +f 2981/2981/3145 2942/2942/3101 2980/2980/3141 +f 2964/4588/3120 2855/2855/3018 2973/2973/3130 +f 2940/2940/3097 2964/4588/3120 2973/2973/3130 +f 2970/4591/3126 2974/2974/3133 2979/2979/3139 +f 2982/2982/3142 2975/2975/3143 2974/2974/3133 +f 2966/2966/3123 2940/2940/3097 2939/2939/3096 +f 2964/4588/3120 2940/2940/3097 2966/2966/3123 +f 2939/2939/3098 2981/2981/3145 2966/2966/3123 +f 2981/2981/3145 2939/2939/3098 2942/2942/3100 +f 2967/2967/3144 2966/2966/3123 2981/2981/3145 +f 2967/2967/3144 2981/2981/3145 2983/2983/3146 +f 2983/2983/3146 2981/2981/3145 2982/2982/3142 +f 2972/4592/3128 2983/2983/3146 2982/2982/3142 +f 2982/2982/3142 2981/2981/3145 2980/2980/3141 +f 2975/2975/3143 2982/2982/3142 2980/2980/3141 +f 2974/2974/3133 2972/4592/3128 2982/2982/3142 +f 2943/2943/3140 2978/2978/3138 2975/2975/3143 +f 2980/2980/3141 2943/2943/3140 2975/2975/3143 +f 2984/2984/3152 2985/2985/3147 2986/2986/3149 +f 2985/2985/3147 2987/2987/3148 2986/2986/3149 +f 2987/2987/3148 2984/2984/3150 2986/2986/3149 +f 2984/4594/3152 2987/4595/3148 2970/2970/3126 +f 2974/2974/3133 2970/4591/3126 2988/2988/3151 +f 2970/4591/3126 2987/4596/3148 2988/2988/3151 +f 2987/4596/3148 2985/2985/3147 2988/2988/3151 +f 2985/2985/3147 2974/2974/3133 2988/2988/3151 +f 2984/2984/3152 2974/2974/3133 2985/2985/3147 +f 2972/2972/3128 2984/4594/3152 2970/2970/3126 +f 2972/4592/3128 2974/2974/3133 2984/2984/3152 +f 2848/2848/3124 2885/2885/3106 2849/2849/3015 +f 2989/2989/3153 2963/2963/3118 2859/2859/3119 +f 2885/2885/3106 2807/2807/2981 2884/2884/3050 +f 2848/2848/3124 2949/2949/3110 2885/2885/3106 +f 2946/2946/3107 2885/2885/3106 2949/2949/3110 +f 2859/2859/3119 2886/2886/3052 2990/2990/3154 +f 2990/2990/3154 2989/2989/3153 2859/2859/3119 +f 2949/2949/3110 2848/2848/3124 2969/2969/3125 +f 2990/2990/3154 2991/2991/3155 2992/2992/3158 +f 2992/2992/3158 2989/2989/3153 2990/2990/3154 +f 2990/2990/3154 2886/2886/3052 2887/2887/3156 +f 2887/2887/3156 2991/2991/3155 2990/2990/3154 +f 2948/2948/3185 2991/2991/3155 2887/2887/3156 +f 2991/2991/3155 2948/2948/3185 2993/2993/3188 +f 2969/2969/3125 2950/2950/3169 2949/2949/3110 +f 2994/2994/3157 2995/2995/3170 2992/2992/3158 +f 2989/2989/3153 2992/2992/3158 2963/2963/3118 +f 2992/2992/3158 2996/2996/3159 2963/2963/3118 +f 2992/2992/3158 2991/2991/3155 2994/2994/3157 +f 2946/2946/3107 2950/2950/3169 2952/2952/3111 +f 2997/2997/3160 2994/2994/3157 2991/2991/3155 +f 2997/2997/3160 2991/2991/3155 2993/2993/3188 +f 2998/2998/3164 2999/2999/3161 3000/3000/3165 +f 3001/3001/3162 2968/2968/3166 2965/4589/3122 +f 3001/3001/3162 3002/3002/3163 2998/2998/3164 +f 3001/3001/3162 2965/4589/3122 2967/4590/3144 +f 3002/3002/3163 3001/3001/3162 2967/4590/3144 +f 2983/4593/3146 3002/3002/3163 2967/4590/3144 +f 2971/2971/3127 2983/4593/3146 2972/2972/3128 +f 2971/2971/3127 2963/2963/3118 2996/2996/3159 +f 3001/3001/3162 3000/3000/3165 2968/2968/3166 +f 3000/3000/3165 3003/3003/3168 2968/2968/3166 +f 3000/3000/3165 3001/3001/3162 2998/2998/3164 +f 2999/2999/3161 2998/2998/3164 3002/3002/3163 +f 3004/3004/3167 2999/2999/3161 3002/3002/3163 +f 3002/3002/3163 2983/4593/3146 3004/3004/3167 +f 2971/2971/3127 3004/3004/3167 2983/4593/3146 +f 3003/3003/3168 2969/2969/3125 2968/2968/3166 +f 3004/3004/3167 2971/2971/3127 2996/2996/3159 +f 3003/3003/3168 2950/2950/3169 2969/2969/3125 +f 2992/2992/3158 2995/2995/3170 2996/2996/3159 +f 3003/3003/3168 3005/3005/3171 2950/2950/3169 +f 3005/3005/3171 2952/2952/3111 2950/2950/3169 +f 3006/3006/3172 3003/3003/3168 3000/3000/3165 +f 3005/3005/3171 3003/3003/3168 3006/3006/3172 +f 3007/3007/3178 2999/2999/3161 3004/3004/3167 +f 3008/3008/3173 3006/3006/3174 3000/3000/3165 +f 3008/3008/3173 3000/3000/3165 2999/2999/3161 +f 3007/3007/3178 3008/3008/3175 2999/2999/3161 +f 3008/3008/3173 3009/3009/3176 3006/3006/3174 +f 3010/3010/3182 3005/3005/3171 3006/3006/3172 +f 3009/3009/3180 3008/3008/3175 3007/3007/3178 +f 2996/2996/3159 3007/3007/3178 3004/3004/3167 +f 3007/3007/3178 2996/2996/3159 2995/2995/3170 +f 2954/2954/3181 2952/2952/3111 3005/3005/3171 +f 2995/2995/3170 2994/2994/3157 3011/3011/3177 +f 2995/2995/3170 3011/3011/3177 3007/3007/3178 +f 3011/3011/3177 2994/2994/3157 2997/2997/3160 +f 3009/3009/3176 3010/3010/3179 3006/3006/3174 +f 3007/3007/3178 2960/2960/3251 3009/3009/3180 +f 2956/2956/3113 2954/2954/3181 3010/3010/3182 +f 2954/2954/3181 3005/3005/3171 3010/3010/3182 +f 3009/3009/3176 2959/2959/3183 3010/3010/3179 +f 2960/2960/3251 2959/2959/3116 3009/3009/3180 +f 2959/2959/3183 2956/2956/3113 3010/3010/3179 +f 2960/2960/3251 3007/3007/3178 3011/3011/3177 +f 3011/3011/3177 3012/3012/3252 2960/2960/3251 +f 2947/2947/3108 2915/2915/3077 2804/2804/2978 +f 3013/3013/3184 2948/2948/3185 2806/2806/3109 +f 3013/3013/3184 2806/2806/3109 2916/2916/3076 +f 3013/3013/3184 2916/2916/3076 2918/2918/3186 +f 3014/3014/3194 2915/2915/3077 2945/2945/3105 +f 2951/2951/3187 3014/3014/3194 2945/2945/3105 +f 2917/2917/3078 2915/2915/3077 3014/3014/3194 +f 2915/2915/3077 2947/2947/3108 2945/2945/3105 +f 3013/3013/3184 2993/2993/3188 2948/2948/3185 +f 3015/3015/3199 2993/2993/3188 3013/3013/3184 +f 3015/3015/3199 3013/3013/3184 2918/2918/3186 +f 2918/2918/3186 2910/2910/3071 2920/2920/3189 +f 3016/3016/3200 2919/2919/3084 2917/2917/3078 +f 2918/2918/3186 2920/2920/3189 3017/3017/3191 +f 3018/3018/3190 2918/2918/3186 3017/3017/3191 +f 3016/3016/3200 3019/3019/3192 2919/2919/3084 +f 3019/3019/3192 2926/2926/3083 2919/2919/3084 +f 3020/3020/3208 3018/3018/3190 3017/3017/3191 +f 2951/2951/3187 3021/3021/3193 3014/3014/3194 +f 3022/3022/3195 2917/2917/3078 3014/3014/3194 +f 3021/3021/3193 3022/3022/3195 3014/3014/3194 +f 3015/3015/3199 2918/2918/3186 3018/3018/3190 +f 3015/3015/3199 3023/3023/3196 2993/2993/3188 +f 3024/3024/3198 3021/3021/3193 2951/2951/3187 +f 2997/2997/3160 2993/2993/3188 3023/3023/3196 +f 3025/3025/3197 3021/3021/3193 3024/3024/3198 +f 3026/3026/3204 3023/3023/3196 3015/3015/3199 +f 3022/3022/3195 3016/3016/3200 2917/2917/3078 +f 3027/3027/3202 3016/3016/3200 3022/3022/3195 +f 3025/3025/3197 3022/3022/3195 3021/3021/3193 +f 3025/3025/3197 3027/3027/3202 3022/3022/3195 +f 3025/3025/3197 3028/3028/3201 3027/3027/3202 +f 3018/3018/3190 3029/3029/3205 3015/3015/3199 +f 3016/3016/3200 3027/3027/3202 3019/3019/3192 +f 3018/3018/3190 3020/3020/3208 3029/3029/3205 +f 3020/3020/3208 3030/3030/3215 3029/3029/3205 +f 3031/3031/3203 3029/3029/3205 3030/3030/3215 +f 3026/3026/3204 3015/3015/3199 3029/3029/3205 +f 3026/3026/3204 3029/3029/3205 3031/3031/3203 +f 3032/3032/3206 3028/3028/3201 3025/3025/3197 +f 3033/3033/3207 2931/2931/3088 2926/2926/3083 +f 2925/2925/3209 2920/2920/3189 2921/2921/3079 +f 2925/2925/3209 3020/3020/3208 2920/2920/3189 +f 3020/3020/3208 2925/2925/3209 3034/3034/3210 +f 3017/3017/3191 2920/2920/3189 3020/3020/3208 +f 2926/2926/3083 3019/3019/3192 3033/3033/3207 +f 2925/2925/3209 2933/2933/3212 3034/3034/3210 +f 2932/2932/3090 2931/2931/3088 3035/3035/3211 +f 2933/2933/3212 2928/2928/3213 3036/3036/3214 +f 3030/3030/3215 3020/3020/3208 3034/3034/3210 +f 3027/3027/3202 3033/3033/3207 3019/3019/3192 +f 3034/3034/3210 3037/3037/3216 3030/3030/3215 +f 3027/3027/3202 3028/3028/3201 3038/3038/3217 +f 3033/3033/3207 3027/3027/3202 3038/3038/3217 +f 3033/3033/3207 3038/3038/3217 3035/3035/3211 +f 3039/3039/3240 3038/3038/3217 3028/3028/3201 +f 3035/3035/3211 2931/2931/3088 3033/3033/3207 +f 3034/3034/3210 2933/2933/3212 3040/3040/3218 +f 3040/3040/3218 2933/2933/3212 3036/3036/3214 +f 3041/3041/3801 2932/2932/3090 3035/3035/3211 +f 3037/3037/3216 3034/3034/3210 3040/3040/3218 +f 3037/3037/3216 3040/3040/3218 3042/3042/3222 +f 3039/3039/3240 3043/3043/3219 3038/3038/3217 +f 3043/3043/3219 3044/3044/3220 3038/3038/3217 +f 3038/3038/3217 3044/3044/3220 3035/3035/3211 +f 3045/3045/3809 3035/3035/3211 3044/3044/3220 +f 3046/3046/3221 3042/3042/3222 3040/3040/3218 +f 3024/3024/3198 2951/2951/3187 2953/2953/3112 +f 3024/3024/3198 2953/2953/3112 2955/2955/3227 +f 3032/3032/3206 3024/3024/3198 2955/2955/3227 +f 3047/3047/3230 3026/3026/3204 3048/3048/3223 +f 3025/3025/3197 3024/3024/3198 3032/3032/3206 +f 3031/3031/3203 3048/3048/3223 3026/3026/3204 +f 3030/3030/3215 3048/3048/3223 3031/3031/3203 +f 3030/3030/3215 3049/3049/3241 3048/3048/3223 +f 2956/2956/3113 2958/2958/3115 2957/2957/3114 +f 2958/2958/3115 3050/3050/3224 2957/2957/3114 +f 3050/3050/3224 3051/3051/3225 2957/2957/3114 +f 3051/3051/3226 2955/2955/3227 2957/2957/3114 +f 3050/3050/3235 2958/2958/3228 3052/3052/3253 +f 2955/2955/3227 3051/3051/3226 3053/3053/3229 +f 3047/3047/3230 3048/3048/3223 3054/3054/3231 +f 3053/3053/3229 3055/3055/3232 2955/2955/3227 +f 2955/2955/3227 3055/3055/3232 3032/3032/3206 +f 3032/3032/3206 3055/3055/3232 3028/3028/3201 +f 3048/3048/3223 3056/3056/3233 3054/3054/3231 +f 3056/3056/3233 3057/3057/3234 3054/3054/3231 +f 3053/3053/3229 3051/3051/3226 3055/3055/3232 +f 3058/3058/3238 3055/3055/3232 3051/3051/3226 +f 3050/3050/3235 3052/3052/3253 3059/3059/3239 +f 3050/3050/3224 3058/3058/3237 3051/3051/3225 +f 3060/3060/3236 3058/3058/3237 3050/3050/3224 +f 3059/3059/3239 3060/3060/3236 3050/3050/3235 +f 3055/3055/3232 3058/3058/3238 3061/3061/3246 +f 3062/3062/3256 3059/3059/3239 3057/3057/3234 +f 3062/3062/3256 3060/3060/3236 3059/3059/3239 +f 3049/3049/3241 3030/3030/3215 3037/3037/3216 +f 3063/3063/3248 3039/3039/3240 3028/3028/3201 +f 3037/3037/3216 3064/3064/3244 3049/3049/3241 +f 3028/3028/3201 3061/3061/3246 3063/3063/3248 +f 3056/3056/3233 3048/3048/3223 3049/3049/3241 +f 3064/3064/3244 3056/3056/3233 3049/3049/3241 +f 3042/3042/3222 3064/3064/3244 3037/3037/3216 +f 3064/3064/3244 3042/3042/3222 3046/3046/3221 +f 3065/3065/3242 3039/3039/3240 3063/3063/3248 +f 3043/3043/3219 3039/3039/3240 3065/3065/3242 +f 3046/3046/3221 3066/3066/3243 3064/3064/3244 +f 3028/3028/3201 3055/3055/3232 3061/3061/3246 +f 3056/3056/3233 3067/3067/3245 3057/3057/3234 +f 3061/3061/3246 3068/3068/3247 3063/3063/3248 +f 3065/3065/3242 3063/3063/3248 3068/3068/3247 +f 3069/3069/3249 3068/3068/3247 3061/3061/3246 +f 3064/3064/3244 3066/3066/3243 3056/3056/3233 +f 3070/3070/3250 3043/3043/3219 3065/3065/3242 +f 3056/3056/3233 3066/3066/3243 3067/3067/3245 +f 3071/3071/3817 3070/3070/3250 3065/3065/3242 +f 3065/3065/3242 3068/3068/3247 3071/3071/3817 +f 3012/3012/3252 2997/2997/3160 3023/3023/3196 +f 3011/3011/3177 2997/2997/3160 3012/3012/3252 +f 3012/3012/3252 3023/3023/3196 3026/3026/3204 +f 3052/3052/3253 2958/2958/3228 2960/2960/3251 +f 3012/3012/3252 3052/3052/3253 2960/2960/3251 +f 3026/3026/3204 3047/3047/3230 3012/3012/3252 +f 3052/3052/3253 3012/3012/3252 3047/3047/3230 +f 3052/3052/3253 3047/3047/3230 3054/3054/3231 +f 3052/3052/3253 3054/3054/3231 3059/3059/3239 +f 3054/3054/3231 3057/3057/3234 3059/3059/3239 +f 3057/3057/3234 3067/3067/3245 3072/3072/3254 +f 3066/3066/3243 3073/3073/3841 3067/3067/3245 +f 3060/3060/3236 3069/3069/3255 3058/3058/3237 +f 3060/3060/3236 3074/3074/3259 3069/3069/3255 +f 3060/3060/3236 3062/3062/3256 3074/3074/3259 +f 3069/3069/3249 3061/3061/3246 3058/3058/3238 +f 3062/3062/3256 3072/3072/3254 3074/3074/3259 +f 3072/3072/3254 3062/3062/3256 3057/3057/3234 +f 3075/3075/3257 3068/3068/3247 3069/3069/3249 +f 3075/3075/3262 3069/3069/3255 3076/3076/3258 +f 3069/3069/3255 3074/3074/3259 3076/3076/3258 +f 3072/3072/3254 3077/3077/3265 3074/3074/3259 +f 3071/3071/3817 3068/3068/3247 3075/3075/3257 +f 3077/3077/3265 3076/3076/3258 3074/3074/3259 +f 3075/3075/3257 3078/3078/3260 3071/3071/3817 +f 3079/3079/3261 3075/3075/3262 3076/3076/3258 +f 3075/3075/3262 3079/3079/3261 3078/3078/3260 +f 3072/3072/3254 3067/3067/3245 3077/3077/3265 +f 3077/3077/3265 3067/3067/3245 3073/3073/3841 +f 3079/3079/3264 3076/3076/3258 3077/3077/3265 +f 3080/3080/3263 3079/3079/3264 3077/3077/3265 +f 3073/3073/3841 3080/3080/3263 3077/3077/3265 +f 3081/3081/3266 616/616/577 657/657/624 +f 3081/3081/3266 614/614/598 616/616/577 +f 3081/3081/3266 657/657/624 3082/3082/3268 +f 3083/3083/3270 3081/3081/3266 3082/3082/3268 +f 3084/3084/3284 3083/3083/3270 3082/3082/3268 +f 3085/3085/3267 3084/3084/3284 3082/3082/3268 +f 3085/3085/3267 3086/3086/3299 3087/3087/3300 +f 3085/3085/3267 3087/3087/3300 3084/3084/3284 +f 633/633/600 3088/3088/3271 631/631/599 +f 632/632/597 631/631/599 3089/3089/3273 +f 3088/3088/3271 3089/3089/3273 631/631/599 +f 3090/3090/3269 614/614/598 3081/3081/3266 +f 3090/3090/3269 633/633/600 614/614/598 +f 3083/3083/3270 3090/3090/3269 3081/3081/3266 +f 3090/3090/3269 3091/3091/3282 633/633/600 +f 633/633/600 3091/3091/3282 3088/3088/3271 +f 3088/3088/3271 3091/3091/3282 3092/3092/3272 +f 3092/3092/3272 3089/3089/3273 3088/3088/3271 +f 3093/3093/3274 3089/4597/3273 3092/4598/3272 +f 632/4208/597 3094/3094/3275 637/637/3276 +f 623/4206/584 632/4208/597 637/637/3276 +f 3089/4597/3273 3094/3094/3275 632/4208/597 +f 3095/3095/3277 636/636/604 637/637/3276 +f 3095/3095/3277 635/635/602 636/636/604 +f 3089/4597/3273 3093/3093/3274 3094/3094/3275 +f 3096/3096/3280 637/637/3276 3094/3094/3275 +f 3093/3093/3274 3096/3096/3280 3094/3094/3275 +f 2820/2820/2993 3096/3096/3280 3093/3093/3274 +f 3097/3097/3278 3095/3095/3277 637/637/3276 +f 3097/3097/3278 637/637/3276 3096/3096/3280 +f 2819/2819/3279 3093/3093/3274 2739/2739/2918 +f 2739/2739/2918 2738/2738/2917 2819/2819/3279 +f 3093/3093/3274 2819/2819/3279 2820/2820/2993 +f 2824/2824/2995 3096/3096/3280 2820/2820/2993 +f 2824/2824/2995 3097/3097/3278 3096/3096/3280 +f 2839/2839/3281 3091/3091/3282 3083/3083/3270 +f 2839/2839/3281 2737/4576/2985 3091/3091/3282 +f 3091/3091/3282 2737/4576/2985 3092/3092/3272 +f 2739/2739/2918 3092/4598/3272 2737/2737/2985 +f 3090/3090/3269 3083/3083/3270 3091/3091/3282 +f 3083/3083/3270 2836/2836/3283 2839/2839/3281 +f 2836/2836/3283 3083/3083/3270 3084/3084/3284 +f 2739/2739/2918 3093/3093/3274 3092/4598/3272 +f 3098/3098/3285 640/640/606 654/654/3286 +f 3098/3098/3285 654/654/3286 3099/3099/3287 +f 3100/3100/3289 656/656/3288 640/640/606 +f 640/640/606 3098/3098/3285 3100/3100/3289 +f 3082/3082/3268 657/657/624 656/656/3288 +f 3082/3082/3268 656/656/3288 3100/3100/3289 +f 3086/3086/3299 3100/3100/3289 3098/3098/3285 +f 3086/3086/3299 3098/3098/3285 3101/3101/3291 +f 3101/3101/3291 3098/3098/3285 3099/3099/3287 +f 3102/3102/3290 3101/3101/3291 3099/3099/3287 +f 658/658/626 3099/3099/3287 654/654/3286 +f 661/661/630 3099/3099/3287 658/658/626 +f 663/663/3292 3099/3099/3287 661/661/630 +f 2770/2770/2946 663/663/3292 259/259/235 +f 261/261/3293 2765/2765/2942 259/259/235 +f 2765/2765/2942 261/261/3293 3103/3103/3947 +f 259/259/235 2766/2766/2943 2770/2770/2946 +f 2765/2765/2942 2770/2770/2946 2766/2766/2943 +f 3099/3099/3287 663/663/3292 3104/3104/3304 +f 3102/3102/3290 3099/3099/3287 3104/3104/3304 +f 3105/3105/3295 3104/3104/3304 663/663/3292 +f 663/663/3292 2770/2770/2946 2769/2769/3294 +f 663/663/3292 2769/2769/3294 3105/3105/3295 +f 3106/3106/3296 2765/2765/2942 3103/3103/3947 +f 2769/2769/3294 2765/2765/2942 3106/3106/3296 +f 2769/2769/3294 3106/3106/3296 3105/3105/3295 +f 3106/3106/3296 3107/3107/3297 3105/3105/3295 +f 3100/3100/3289 3086/3086/3299 3085/3085/3267 +f 3100/3100/3289 3085/3085/3267 3082/3082/3268 +f 3086/3086/3299 3101/3101/3291 3108/3108/3301 +f 3109/3109/3298 3086/3086/3299 3108/3108/3301 +f 3087/3087/3300 3086/3086/3299 3109/3109/3298 +f 3102/3102/3290 3108/3108/3301 3101/3101/3291 +f 3108/3108/3301 3102/3102/3290 3110/3110/3302 +f 2898/2898/3303 3102/3102/3290 3104/3104/3304 +f 3105/3105/3295 2786/2786/2965 3104/3104/3304 +f 2786/2786/2965 3105/3105/3295 3107/3107/3297 +f 3111/3111/3310 3107/3107/3297 3106/3106/3296 +f 2786/2786/2965 2785/2785/2964 3104/3104/3304 +f 2787/2787/3308 2786/2786/2965 3107/3107/3297 +f 2923/2923/3305 3107/3107/3297 3111/3111/3310 +f 2923/2923/3305 2787/2787/3308 3107/3107/3297 +f 3084/3084/3284 3087/3087/3300 2838/2838/3306 +f 2802/2802/3307 2838/2838/3306 3087/3087/3300 +f 3109/3109/3298 2800/2800/2975 3087/3087/3300 +f 2800/2800/2975 2802/2802/3307 3087/3087/3300 +f 2836/2836/3283 2835/2835/3004 2839/2839/3281 +f 2838/2838/3306 2836/2836/3283 3084/3084/3284 +f 2838/2838/3306 2802/2802/3307 2842/2842/3008 +f 3110/3110/3302 3109/3109/3298 3108/3108/3301 +f 3102/3102/3290 2898/2898/3303 3110/3110/3302 +f 2907/2907/3069 3109/3109/3298 3110/3110/3302 +f 2897/2897/3061 3110/3110/3302 2898/2898/3303 +f 2907/2907/3069 2800/2800/2975 3109/3109/3298 +f 3110/3110/3302 2897/2897/3061 2907/2907/3069 +f 2922/2922/3080 2899/2899/3062 2898/2898/3303 +f 2785/2785/2964 2898/2898/3303 3104/3104/3304 +f 2785/2785/2964 3112/3112/3309 2898/2898/3303 +f 2787/2787/3308 3112/3112/3309 2785/2785/2964 +f 3112/3112/3309 2787/2787/3308 2923/2923/3305 +f 3111/3111/3310 3113/3113/3311 2923/2923/3305 +f 3111/3111/3310 3114/3114/3992 3113/3113/3311 +f 2922/2922/3080 2898/2898/3303 3112/3112/3309 +f 2922/2922/3080 3112/3112/3309 2923/2923/3305 +f 2923/2923/3305 2927/2927/3085 2924/2924/3081 +f 2927/2927/3085 2923/2923/3305 3113/3113/3311 +f 3113/3113/3311 2929/2929/3086 2927/2927/3085 +f 2681/2681/3313 2870/2870/3312 3115/3115/3314 +f 2681/2681/3313 3115/3115/3314 3116/3116/3319 +f 3115/3115/3314 3117/3117/3316 3118/3118/3315 +f 3118/3118/3315 3117/3117/3316 3119/3119/3317 +f 2679/2679/3041 2681/2681/3313 2935/2935/3318 +f 3115/3115/3314 3118/3118/3315 3116/3116/3319 +f 3120/3120/3321 3116/3116/3319 3118/3118/3315 +f 3118/3118/3315 3121/3121/3320 3120/3120/3321 +f 3122/3122/3489 3123/3123/3486 3124/3124/3488 +f 3124/3124/3488 3125/3125/3331 3122/3122/3489 +f 3119/3119/3317 3117/3117/3316 3126/3126/3472 +f 3126/3126/3472 3127/3127/3323 3119/3119/3317 +f 3128/3128/3322 3127/3127/3323 3129/3129/3324 +f 3130/3130/3340 3128/3128/3322 3129/3129/3324 +f 3121/3121/3320 3119/3119/3317 3131/3131/3328 +f 3131/3131/3328 3119/3119/3317 3127/3127/3323 +f 3132/3132/3325 3121/3121/3320 3133/3133/3327 +f 3134/3134/3326 3135/3135/3334 3131/3131/3328 +f 3133/3133/3327 3121/3121/3320 3131/3131/3328 +f 3133/3133/3327 3131/3131/3328 3135/3135/3334 +f 3135/3135/3334 3136/3136/3329 3133/3133/3327 +f 3136/3136/3329 3137/3137/3673 3133/3133/3327 +f 3119/3119/3317 3121/3121/3320 3118/3118/3315 +f 3138/3138/3333 3122/3122/3489 3125/3125/3331 +f 3139/3139/3330 3138/3138/3333 3140/3140/3337 +f 3125/3125/3331 3141/3141/3332 3138/3138/3333 +f 3137/3137/3673 3136/3136/3329 3141/3141/3332 +f 3134/3134/3326 3127/3127/3323 3128/3128/3322 +f 3134/3134/3326 3131/3131/3328 3127/3127/3323 +f 3142/3142/3336 3135/3135/3334 3134/3134/3326 +f 3143/3143/3335 3135/3135/3334 3142/3142/3336 +f 3142/3142/3336 3134/3134/3326 3128/3128/3322 +f 3136/3136/3329 3135/3135/3334 3144/3144/3344 +f 3135/3135/3334 3143/3143/3335 3144/3144/3344 +f 3138/3138/3333 3141/3141/3332 3140/3140/3337 +f 3141/3141/3332 3145/3145/3338 3140/3140/3337 +f 3136/3136/3329 3145/3145/3338 3141/3141/3332 +f 3145/3145/3338 3136/3136/3329 3144/3144/3344 +f 3140/3140/3337 3145/3145/3338 3146/3146/3339 +f 3130/3130/3340 3142/3142/3336 3128/3128/3322 +f 3143/3143/3335 3142/3142/3336 3147/3147/3341 +f 3142/3142/3336 3130/3130/3340 3147/3147/3341 +f 3148/3148/3342 3144/3144/3344 3143/3143/3335 +f 3149/3149/3343 3144/3144/3344 3148/3148/3342 +f 3143/3143/3335 3147/3147/3341 3148/3148/3342 +f 3145/3145/3338 3144/3144/3344 3149/3149/3343 +f 3146/3146/3339 3145/3145/3338 3149/3149/3343 +f 3150/3150/3347 902/902/3345 3151/3151/3346 +f 2695/2695/2873 901/901/2874 3150/3150/3347 +f 2695/2695/2873 3150/3150/3347 3152/3152/3350 +f 3152/3152/3350 3150/3150/3347 3151/3151/3346 +f 2702/2702/2880 2695/2695/2873 3152/3152/3350 +f 3152/3152/3350 3151/3151/3346 3153/3153/3348 +f 3154/3154/3349 3152/3152/3350 3153/3153/3348 +f 3153/3153/3348 3155/3155/3351 3156/3156/3352 +f 3154/3154/3349 3153/3153/3348 3156/3156/3352 +f 3153/3153/3348 3151/3151/3346 3157/3157/3353 +f 3155/3155/3351 3153/3153/3348 3157/3157/3353 +f 3158/3158/3358 3159/3159/3354 3157/3157/3353 +f 3160/3160/3355 3159/3159/3354 3158/3158/3358 +f 3161/3161/3356 3155/3155/3351 3157/3157/3353 +f 3160/3160/3355 3157/3157/3353 3159/3159/3354 +f 3161/3161/3356 3157/3157/3353 3160/3160/3355 +f 3160/3160/3355 3158/3158/3358 3162/3162/3379 +f 3163/3163/3357 3162/3162/3379 3158/3158/3358 +f 3150/3150/3347 901/901/2874 898/898/964 +f 3150/3150/3347 898/898/964 902/902/3345 +f 899/899/960 904/904/968 903/903/3359 +f 3157/3157/3353 3151/3151/3346 902/902/3345 +f 903/903/3359 3157/3157/3353 902/902/3345 +f 3157/3157/3353 903/903/3359 3158/3158/3358 +f 909/909/969 3163/3163/3357 904/904/968 +f 3158/3158/3358 903/903/3359 904/904/968 +f 3163/3163/3357 3158/3158/3358 904/904/968 +f 3163/3163/3357 909/909/969 3164/3164/3360 +f 3165/3165/3396 3164/3164/3360 909/909/969 +f 3165/3165/3396 909/909/969 908/908/966 +f 3166/3166/3361 3163/3163/3357 3164/3164/3360 +f 3162/3162/3379 3163/3163/3357 3166/3166/3361 +f 3167/3167/3365 3168/3168/3362 2702/2702/2880 +f 2729/2729/3363 2702/2702/2880 3168/3168/3362 +f 3167/3167/3365 3169/3169/3366 3168/3168/3362 +f 3152/3152/3350 3167/3167/3365 2702/2702/2880 +f 3152/3152/3350 3154/3154/3349 3167/3167/3365 +f 3170/3170/3374 2744/2744/3364 3168/3168/3362 +f 2729/2729/3363 3168/3168/3362 2744/2744/3364 +f 3169/3169/3366 3170/3170/3374 3168/3168/3362 +f 3169/3169/3366 3171/3171/3368 3170/3170/3374 +f 3167/3167/3365 3154/3154/3349 3156/3156/3352 +f 3169/3169/3366 3167/3167/3365 3156/3156/3352 +f 3171/3171/3368 3156/3156/3352 3172/3172/3367 +f 3172/3172/3367 3156/3156/3352 3155/3155/3351 +f 3173/3173/3369 3161/3161/3356 3174/3174/3380 +f 3169/3169/3366 3156/3156/3352 3171/3171/3368 +f 3175/3175/3381 3171/3171/3368 3172/3172/3367 +f 3172/3172/3367 3155/3155/3351 3161/3161/3356 +f 3175/3175/3381 3172/3172/3367 3161/3161/3356 +f 3173/3173/3369 3175/3175/3381 3161/3161/3356 +f 3176/3176/3386 3177/3177/3676 3178/3178/3370 +f 2826/2826/3447 2744/2744/3364 3179/3179/3448 +f 2729/2729/3363 2744/2744/3364 2733/2733/3371 +f 2733/2733/3371 2732/2732/2912 2729/2729/3363 +f 2741/2741/2922 2733/2733/3371 2744/2744/3364 +f 3180/3180/3372 3181/3181/3373 3182/3182/3376 +f 3181/3181/3373 3097/3097/3278 2824/2824/2995 +f 2740/2740/2919 2744/2744/3364 2826/2826/3447 +f 2742/2742/2921 2740/2740/2919 2826/2826/3447 +f 3179/3179/3448 2744/2744/3364 3170/3170/3374 +f 3181/3181/3373 3183/3183/3375 3182/3182/3376 +f 3179/3179/3448 3170/3170/3374 3171/3171/3368 +f 3184/3184/3377 3171/3171/3368 3175/3175/3381 +f 3185/3185/3450 3171/3171/3368 3184/3184/3377 +f 3183/3183/3375 3178/3178/3370 3182/3182/3376 +f 3179/3179/3448 3171/3171/3368 3185/3185/3450 +f 3186/3186/3378 3178/3178/3370 3183/3183/3375 +f 3174/3174/3380 3161/3161/3356 3160/3160/3355 +f 3174/3174/3380 3160/3160/3355 3162/3162/3379 +f 3173/3173/3369 3174/3174/3380 3175/3175/3381 +f 3187/3187/3383 3175/3175/3381 3174/3174/3380 +f 3187/3187/3383 3174/3174/3380 3162/3162/3379 +f 3187/3187/3383 3162/3162/3379 3188/3188/3387 +f 3189/3189/3382 3162/3162/3379 3166/3166/3361 +f 3190/3190/3390 3191/3191/3385 3192/3192/3391 +f 3189/3189/3382 3166/3166/3361 3164/3164/3360 +f 3193/3193/3494 3189/3189/3382 3164/3164/3360 +f 3184/3184/3377 3175/3175/3381 3187/3187/3383 +f 3189/3189/3382 3188/3188/3387 3162/3162/3379 +f 3194/3194/3384 3191/3191/3385 3176/3176/3386 +f 3184/3184/3377 3187/3187/3383 3188/3188/3387 +f 3176/3176/3386 3178/3178/3370 3186/3186/3378 +f 3195/3195/3468 3186/3186/3378 3183/3183/3375 +f 3176/3176/3386 3186/3186/3378 3194/3194/3384 +f 3188/3188/3387 3189/3189/3382 3196/3196/3470 +f 3194/3194/3384 3192/3192/3391 3191/3191/3385 +f 3196/3196/3470 3189/3189/3382 3193/3193/3494 +f 3191/3191/3385 3197/3197/3388 3176/3176/3386 +f 3191/3191/3385 3190/3190/3390 3197/3197/3388 +f 3198/3198/3389 3199/3199/3399 3190/3190/3390 +f 3192/3192/3391 3198/3198/3389 3190/3190/3390 +f 3200/3200/3392 3198/3198/3389 3192/3192/3391 +f 916/916/977 3201/3201/3393 907/907/978 +f 3202/3202/3394 3165/3165/3396 908/908/966 +f 3202/3202/3394 907/907/978 3201/3201/3393 +f 907/907/978 3202/3202/3394 908/908/966 +f 3201/3201/3393 3203/3203/3406 3202/3202/3394 +f 3203/3203/3406 3201/3201/3393 3204/3204/3395 +f 3205/3205/3495 3200/3200/3392 3192/3192/3391 +f 3165/3165/3396 3202/3202/3394 3206/3206/3500 +f 3164/3164/3360 3165/3165/3396 3193/3193/3494 +f 3199/3199/3399 3198/3198/3389 3200/3200/3392 +f 3193/3193/3494 3165/3165/3396 3206/3206/3500 +f 3207/3207/3397 3208/3208/3398 3199/3199/3399 +f 3209/3209/3405 3208/3208/3398 3207/3207/3397 +f 3200/3200/3392 3207/3207/3397 3199/3199/3399 +f 3210/3210/3400 3206/3206/3500 3202/3202/3394 +f 3210/3210/3400 3202/3202/3394 3211/3211/3410 +f 3209/3209/3405 3212/3212/3401 3213/3213/3402 +f 3212/3212/3401 3214/3214/3403 3213/3213/3402 +f 3207/3207/3397 3215/3215/3404 3209/3209/3405 +f 3202/3202/3394 3203/3203/3406 3211/3211/3410 +f 3215/3215/3404 3212/3212/3401 3209/3209/3405 +f 3211/3211/3410 3203/3203/3406 3216/3216/3407 +f 3212/3212/3401 3217/3217/3428 3214/3214/3403 +f 3218/3218/3408 3207/3207/3397 3200/3200/3392 +f 3218/3218/3408 3200/3200/3392 3205/3205/3495 +f 3219/3219/3504 3207/3207/3397 3218/3218/3408 +f 3220/3220/3409 3210/3210/3400 3211/3211/3410 +f 3215/3215/3404 3207/3207/3397 3219/3219/3504 +f 3221/3221/3412 3220/3220/3409 3211/3211/3410 +f 3222/3222/3411 3217/3217/3428 3212/3212/3401 +f 3215/3215/3404 3222/3222/3411 3212/3212/3401 +f 3221/3221/3412 3211/3211/3410 3216/3216/3407 +f 3221/3221/3412 3216/3216/3407 3223/3223/3413 +f 3224/3224/3530 3221/3221/3412 3223/3223/3413 +f 3224/3224/3530 3223/3223/3413 3225/3225/3414 +f 3204/3204/3395 3201/3201/3393 916/916/977 +f 3204/3204/3395 916/916/977 927/927/3415 +f 928/928/992 3226/3226/3416 927/927/3415 +f 3226/3226/3416 3204/3204/3395 927/927/3415 +f 3226/3226/3416 928/928/992 3227/3227/3417 +f 3227/3227/3417 928/928/992 934/934/993 +f 3216/3216/3407 3204/3204/3395 3226/3226/3416 +f 3216/3216/3407 3203/3203/3406 3204/3204/3395 +f 3227/3227/3417 3216/3216/3407 3226/3226/3416 +f 3228/3228/3418 3229/3229/3419 3230/3230/3420 +f 3231/3231/3423 3216/3216/3407 3227/3227/3417 +f 3232/3232/3421 3227/3227/3417 934/934/993 +f 3231/3231/3423 3227/3227/3417 3232/3232/3421 +f 3233/3233/3422 3234/3234/3431 3232/3232/3421 +f 3232/3232/3421 3234/3234/3431 3231/3231/3423 +f 3235/3235/3424 934/934/993 931/931/3425 +f 3235/3235/3424 931/931/3425 935/935/995 +f 3236/3236/3426 935/935/995 933/933/996 +f 3237/3237/3439 3235/3235/3424 935/935/995 +f 3237/3237/3439 935/935/995 3236/3236/3426 +f 3232/3232/3421 934/934/993 3235/3235/3424 +f 3235/3235/3424 3233/3233/3422 3232/3232/3421 +f 3233/3233/3422 3235/3235/3424 3237/3237/3439 +f 3236/3236/3426 3238/3238/3441 3237/3237/3439 +f 3239/3239/3427 3229/3229/3419 3228/3228/3418 +f 3214/3214/3403 3239/3239/3427 3228/3228/3418 +f 3239/3239/3427 3214/3214/3403 3217/3217/3428 +f 3223/3223/3413 3216/3216/3407 3240/3240/3429 +f 3240/3240/3429 3216/3216/3407 3231/3231/3423 +f 3241/3241/3430 3240/3240/3429 3231/3231/3423 +f 3240/3240/3429 3241/3241/3430 3225/3225/3414 +f 3241/3241/3430 3231/3231/3423 3234/3234/3431 +f 3239/3239/3427 3242/3242/3685 3229/3229/3419 +f 3242/3242/3685 3239/3239/3427 3243/3243/3579 +f 3244/3244/3438 3242/3242/3685 3243/3243/3579 +f 3245/3245/3432 3241/3241/3430 3234/3234/3431 +f 3246/3246/3433 3242/3242/3685 3244/3244/3438 +f 3247/3247/3435 3234/3234/3431 3233/3233/3422 +f 3217/3217/3428 3248/3248/3576 3239/3239/3427 +f 3225/3225/3414 3223/3223/3413 3240/3240/3429 +f 3249/3249/3434 3225/3225/3414 3241/3241/3430 +f 3245/3245/3432 3249/3249/3434 3241/3241/3430 +f 3239/3239/3427 3248/3248/3576 3243/3243/3579 +f 3250/3250/3578 3249/3249/3434 3245/3245/3432 +f 3247/3247/3435 3245/3245/3432 3234/3234/3431 +f 3247/3247/3435 3251/3251/3584 3245/3245/3432 +f 3243/3243/3579 3252/3252/3582 3244/3244/3438 +f 3253/3253/3436 3244/3244/3438 3252/3252/3582 +f 3253/3253/3436 3254/3254/3437 3244/3244/3438 +f 3247/3247/3435 3255/3255/3586 3251/3251/3584 +f 3244/3244/3438 3254/3254/3437 3246/3246/3433 +f 3247/3247/3435 3233/3233/3422 3256/3256/3442 +f 3256/3256/3442 3233/3233/3422 3237/3237/3439 +f 3256/3256/3442 3237/3237/3439 3257/3257/3440 +f 3258/3258/3443 3259/3259/4029 3260/3260/3686 +f 3257/3257/3440 3237/3237/3439 3238/3238/3441 +f 3238/3238/3441 3261/3261/4027 3257/3257/3440 +f 3255/3255/3586 3247/3247/3435 3256/3256/3442 +f 3254/3254/3437 3262/3262/3592 3258/3258/3443 +f 3256/3256/3442 3263/3263/3444 3255/3255/3586 +f 3257/3257/3440 3263/3263/3444 3256/3256/3442 +f 3264/3264/3593 3258/3258/3443 3262/3262/3592 +f 3265/3265/3445 3263/3263/3444 3257/3257/3440 +f 3265/3265/3445 3257/3257/3440 3261/3261/4027 +f 3259/3259/4029 3258/3258/3443 3264/3264/3593 +f 3266/3266/3446 2826/2826/3447 3179/3179/3448 +f 3267/3267/3453 3183/3183/3375 3181/3181/3373 +f 3268/3268/3449 3179/3179/3448 3185/3185/3450 +f 3268/3268/3449 3185/3185/3450 3269/3269/3451 +f 3179/3179/3448 3268/3268/3449 3266/3266/3446 +f 3270/3270/3459 3183/3183/3375 3267/3267/3453 +f 3271/3271/3452 3183/3183/3375 3270/3270/3459 +f 3267/3267/3453 3181/3181/3373 2824/2824/2995 +f 3267/3267/3453 2824/2824/2995 2823/2823/2994 +f 2826/2826/3447 3266/3266/3446 3272/3272/3454 +f 2823/2823/2994 3273/3273/3455 3267/3267/3453 +f 3272/3272/3454 2827/2827/3481 2826/2826/3447 +f 2829/2829/3027 3273/3273/3455 2823/2823/2994 +f 3269/3269/3451 3274/3274/3462 3268/3268/3449 +f 3274/3274/3462 3266/3266/3446 3268/3268/3449 +f 3273/3273/3455 3270/3270/3459 3267/3267/3453 +f 3271/3271/3452 3270/3270/3459 3275/3275/3456 +f 3276/3276/3457 3272/3272/3454 3266/3266/3446 +f 3276/3276/3457 3277/3277/3482 3272/3272/3454 +f 3278/3278/3458 3270/3270/3459 3273/3273/3455 +f 3278/3278/3458 3273/3273/3455 3279/3279/3460 +f 3117/3117/3316 3276/3276/3457 3280/3280/3461 +f 3276/3276/3457 3274/3274/3462 3280/3280/3461 +f 3274/3274/3462 3276/3276/3457 3266/3266/3446 +f 3269/3269/3451 3185/3185/3450 3281/3281/3463 +f 3185/3185/3450 3184/3184/3377 3281/3281/3463 +f 3281/3281/3463 3184/3184/3377 3188/3188/3387 +f 3271/3271/3452 3195/3195/3468 3183/3183/3375 +f 3195/3195/3468 3271/3271/3452 3275/3275/3456 +f 3275/3275/3456 3282/3282/3464 3195/3195/3468 +f 3188/3188/3387 3283/3283/3465 3281/3281/3463 +f 3284/3284/3466 3281/3281/3463 3283/3283/3465 +f 3285/3285/3467 3186/3186/3378 3195/3195/3468 +f 3285/3285/3467 3194/3194/3384 3186/3186/3378 +f 3282/3282/3464 3285/3285/3467 3195/3195/3468 +f 3194/3194/3384 3285/3285/3467 3286/3286/3469 +f 3188/3188/3387 3196/3196/3470 3283/3283/3465 +f 3286/3286/3469 3192/3192/3391 3194/3194/3384 +f 3282/3282/3464 3287/3287/3471 3285/3285/3467 +f 3286/3286/3469 3285/3285/3467 3287/3287/3471 +f 3126/3126/3472 3280/3280/3461 3288/3288/3473 +f 3288/3288/3473 3280/3280/3461 3274/3274/3462 +f 3269/3269/3451 3288/3288/3473 3274/3274/3462 +f 3284/3284/3466 3288/3288/3473 3269/3269/3451 +f 3288/3288/3473 3289/3289/3474 3126/3126/3472 +f 3281/3281/3463 3284/3284/3466 3269/3269/3451 +f 3290/3290/3475 3282/3282/3464 3275/3275/3456 +f 3275/3275/3456 3291/3291/3476 3290/3290/3475 +f 3291/3291/3476 3278/3278/3458 3292/3292/3477 +f 3126/3126/3472 3117/3117/3316 3280/3280/3461 +f 3292/3292/3477 3290/3290/3475 3291/3291/3476 +f 3270/3270/3459 3278/3278/3458 3291/3291/3476 +f 3291/3291/3476 3275/3275/3456 3270/3270/3459 +f 3288/3288/3473 3284/3284/3466 3293/3293/3478 +f 3288/3288/3473 3293/3293/3478 3289/3289/3474 +f 3294/3294/3508 3289/3289/3474 3293/3293/3478 +f 3282/3282/3464 3295/3295/3479 3287/3287/3471 +f 3282/3282/3464 3290/3290/3475 3295/3295/3479 +f 3296/3296/3480 3295/3295/3479 3290/3290/3475 +f 3293/3293/3478 3284/3284/3466 3283/3283/3465 +f 3297/3297/3507 3295/3295/3479 3296/3296/3480 +f 3127/3127/3323 3126/3126/3472 3289/3289/3474 +f 3127/3127/3323 3289/3289/3474 3129/3129/3324 +f 3298/3298/3492 3296/3296/3480 3290/3290/3475 +f 3294/3294/3508 3129/3129/3324 3289/3289/3474 +f 3299/3299/3490 3297/3297/3507 3296/3296/3480 +f 3287/3287/3471 3295/3295/3479 3286/3286/3469 +f 2828/2828/3026 2827/2827/3481 2869/2869/3030 +f 2869/2869/3030 2827/2827/3481 3277/3277/3482 +f 3277/3277/3482 2827/2827/3481 3272/3272/3454 +f 2869/2869/3030 3277/3277/3482 2870/2870/3312 +f 2870/2870/3312 3277/3277/3482 3115/3115/3314 +f 3115/3115/3314 3277/3277/3482 3276/3276/3457 +f 3279/3279/3460 3273/3273/3455 2867/2867/3483 +f 2867/2867/3483 3300/3300/3487 3279/3279/3460 +f 2867/2867/3483 3273/3273/3455 2829/2829/3027 +f 3300/3300/3487 3301/3301/3485 3279/3279/3460 +f 2867/2867/3483 3302/3302/3484 3300/3300/3487 +f 3115/3115/3314 3276/3276/3457 3117/3117/3316 +f 3301/3301/3485 3278/3278/3458 3279/3279/3460 +f 3123/3123/3486 3278/3278/3458 3301/3301/3485 +f 3123/3123/3486 3301/3301/3485 3300/3300/3487 +f 3278/3278/3458 3123/3123/3486 3122/3122/3489 +f 2681/2681/3313 2680/2680/3028 2870/2870/3312 +f 2871/2871/3029 3302/3302/3484 2867/2867/3483 +f 3302/3302/3484 2871/2871/3029 2880/2880/3664 +f 3124/3124/3488 3123/3123/3486 3300/3300/3487 +f 3302/3302/3484 3124/3124/3488 3300/3300/3487 +f 3292/3292/3477 3278/3278/3458 3122/3122/3489 +f 3292/3292/3477 3122/3122/3489 3139/3139/3330 +f 3292/3292/3477 3298/3298/3492 3290/3290/3475 +f 3292/3292/3477 3139/3139/3330 3298/3298/3492 +f 3296/3296/3480 3303/3303/3491 3304/3304/3551 +f 3304/3304/3551 3299/3299/3490 3296/3296/3480 +f 3303/3303/3491 3296/3296/3480 3298/3298/3492 +f 3140/3140/3337 3303/3303/3491 3298/3298/3492 +f 3138/3138/3333 3139/3139/3330 3122/3122/3489 +f 3298/3298/3492 3139/3139/3330 3140/3140/3337 +f 3140/3140/3337 3146/3146/3339 3303/3303/3491 +f 3283/3283/3465 3305/3305/3493 3293/3293/3478 +f 3283/3283/3465 3196/3196/3470 3193/3193/3494 +f 3286/3286/3469 3205/3205/3495 3192/3192/3391 +f 3306/3306/3496 3283/3283/3465 3193/3193/3494 +f 3306/3306/3496 3305/3305/3493 3283/3283/3465 +f 3286/3286/3469 3307/3307/3498 3205/3205/3495 +f 3306/3306/3496 3193/3193/3494 3308/3308/3501 +f 3309/3309/3502 3310/3310/3509 3305/3305/3493 +f 3305/3305/3493 3306/3306/3496 3309/3309/3502 +f 3311/3311/3497 3307/3307/3498 3286/3286/3469 +f 3308/3308/3501 3309/3309/3502 3306/3306/3496 +f 3307/3307/3498 3218/3218/3408 3205/3205/3495 +f 3307/3307/3498 3311/3311/3497 3312/3312/3499 +f 3206/3206/3500 3308/3308/3501 3193/3193/3494 +f 3313/3313/3512 3310/3310/3509 3309/3309/3502 +f 3314/3314/3518 3309/3309/3502 3308/3308/3501 +f 3314/3314/3518 3315/3315/3503 3309/3309/3502 +f 3312/3312/3499 3219/3219/3504 3307/3307/3498 +f 3309/3309/3502 3315/3315/3503 3313/3313/3512 +f 3316/3316/3505 3313/3313/3512 3315/3315/3503 +f 3305/3305/3493 3294/3294/3508 3293/3293/3478 +f 3299/3299/3490 3317/3317/3506 3297/3297/3507 +f 3318/3318/3543 3294/3294/3508 3310/3310/3509 +f 3318/3318/3543 3310/3310/3509 3319/3319/3510 +f 3286/3286/3469 3295/3295/3479 3311/3311/3497 +f 3295/3295/3479 3297/3297/3507 3311/3311/3497 +f 3294/3294/3508 3305/3305/3493 3310/3310/3509 +f 3311/3311/3497 3297/3297/3507 3317/3317/3506 +f 3311/3311/3497 3320/3320/3546 3321/3321/3514 +f 3319/3319/3510 3310/3310/3509 3313/3313/3512 +f 3322/3322/3511 3319/3319/3510 3313/3313/3512 +f 3321/3321/3514 3312/3312/3499 3311/3311/3497 +f 3321/3321/3514 3323/3323/3513 3312/3312/3499 +f 3321/3321/3514 3324/3324/3515 3325/3325/3516 +f 3322/3322/3511 3313/3313/3512 3316/3316/3505 +f 3322/3322/3511 3316/3316/3505 3326/3326/3517 +f 3325/3325/3516 3323/3323/3513 3321/3321/3514 +f 3314/3314/3518 3206/3206/3500 3210/3210/3400 +f 3219/3219/3504 3218/3218/3408 3307/3307/3498 +f 3308/3308/3501 3206/3206/3500 3314/3314/3518 +f 3220/3220/3409 3314/3314/3518 3210/3210/3400 +f 3327/3327/3519 3316/3316/3505 3315/3315/3503 +f 3315/3315/3503 3314/3314/3518 3327/3327/3519 +f 3219/3219/3504 3312/3312/3499 3323/3323/3513 +f 3328/3328/3522 3222/3222/3411 3215/3215/3404 +f 3329/3329/3520 3314/3314/3518 3220/3220/3409 +f 3219/3219/3504 3330/3330/3521 3328/3328/3522 +f 3329/3329/3520 3327/3327/3519 3314/3314/3518 +f 3219/3219/3504 3328/3328/3522 3215/3215/3404 +f 3330/3330/3521 3219/3219/3504 3323/3323/3513 +f 3327/3327/3519 3331/3331/3532 3316/3316/3505 +f 3331/3331/3532 3327/3327/3519 3332/3332/3523 +f 3329/3329/3520 3332/3332/3523 3327/3327/3519 +f 3331/3331/3532 3332/3332/3523 3333/3333/3526 +f 3220/3220/3409 3221/3221/3412 3224/3224/3530 +f 3329/3329/3520 3220/3220/3409 3224/3224/3530 +f 3334/3334/3525 3217/3217/3428 3222/3222/3411 +f 3222/3222/3411 3328/3328/3522 3334/3334/3525 +f 3334/3334/3525 3328/3328/3522 3330/3330/3521 +f 3224/3224/3530 3332/3332/3523 3329/3329/3520 +f 3330/3330/3521 3335/3335/3524 3334/3334/3525 +f 3335/3335/3524 3336/3336/3537 3334/3334/3525 +f 3337/3337/3529 3333/3333/3526 3332/3332/3523 +f 3336/3336/3537 3338/3338/3527 3334/3334/3525 +f 3337/3337/3529 3332/3332/3523 3224/3224/3530 +f 3224/3224/3530 3339/3339/3528 3337/3337/3529 +f 3340/3340/3577 3339/3339/3528 3224/3224/3530 +f 3333/3333/3526 3337/3337/3529 3341/3341/3531 +f 3342/3342/3540 3343/3343/3580 3336/3336/3537 +f 3344/3344/3583 3337/3337/3529 3339/3339/3528 +f 3344/3344/3583 3341/3341/3531 3337/3337/3529 +f 3345/3345/3534 3330/3330/3521 3323/3323/3513 +f 3326/3326/3517 3316/3316/3505 3331/3331/3532 +f 3346/3346/3533 3326/3326/3517 3331/3331/3532 +f 3345/3345/3534 3323/3323/3513 3325/3325/3516 +f 3345/3345/3534 3347/3347/3535 3335/3335/3524 +f 3333/3333/3526 3346/3346/3533 3331/3331/3532 +f 3333/3333/3526 3348/3348/3567 3346/3346/3533 +f 3345/3345/3534 3349/3349/3536 3347/3347/3535 +f 3335/3335/3524 3330/3330/3521 3345/3345/3534 +f 3348/3348/3567 3333/3333/3526 3341/3341/3531 +f 3335/3335/3524 3347/3347/3535 3336/3336/3537 +f 3341/3341/3531 3344/3344/3583 3350/3350/3538 +f 3341/3341/3531 3350/3350/3538 3351/3351/3539 +f 3351/3351/3539 3348/3348/3567 3341/3341/3531 +f 3342/3342/3540 3336/3336/3537 3352/3352/3541 +f 3353/3353/3542 3336/3336/3537 3347/3347/3535 +f 3352/3352/3541 3336/3336/3537 3353/3353/3542 +f 3130/3130/3340 3129/3129/3324 3294/3294/3508 +f 3130/3130/3340 3294/3294/3508 3318/3318/3543 +f 3304/3304/3551 3354/3354/3552 3299/3299/3490 +f 3317/3317/3506 3299/3299/3490 3354/3354/3552 +f 3355/3355/3544 3318/3318/3543 3319/3319/3510 +f 3356/3356/3545 3317/3317/3506 3354/3354/3552 +f 3356/3356/3545 3320/3320/3546 3317/3317/3506 +f 3357/3357/3547 3355/3355/3544 3319/3319/3510 +f 3320/3320/3546 3311/3311/3497 3317/3317/3506 +f 3319/3319/3510 3322/3322/3511 3357/3357/3547 +f 3324/3324/3515 3321/3321/3514 3320/3320/3546 +f 3358/3358/3548 3320/3320/3546 3359/3359/3549 +f 3358/3358/3548 3324/3324/3515 3320/3320/3546 +f 3356/3356/3545 3359/3359/3549 3320/3320/3546 +f 3146/3146/3339 3304/3304/3551 3303/3303/3491 +f 3146/3146/3339 3360/3360/3550 3304/3304/3551 +f 3354/3354/3552 3304/3304/3551 3360/3360/3550 +f 3149/3149/3343 3360/3360/3550 3146/3146/3339 +f 3354/3354/3552 3360/3360/3550 3149/3149/3343 +f 3361/3361/3556 3149/3149/3343 3148/3148/3342 +f 3149/3149/3343 3361/3361/3556 3354/3354/3552 +f 3318/3318/3543 3147/3147/3341 3130/3130/3340 +f 3147/3147/3341 3318/3318/3543 3362/3362/3553 +f 3362/3362/3553 3318/3318/3543 3355/3355/3544 +f 3147/3147/3341 3362/3362/3553 3148/3148/3342 +f 3362/3362/3553 3363/3363/3554 3148/3148/3342 +f 3363/3363/3557 3361/3361/3556 3148/3148/3342 +f 3363/3363/3554 3362/3362/3553 3364/3364/3555 +f 3361/3361/3556 3356/3356/3545 3354/3354/3552 +f 3361/3361/3556 3363/3363/3557 3365/3365/3559 +f 3365/3365/3559 3363/3363/3557 3364/3364/3558 +f 3356/3356/3545 3361/3361/3556 3359/3359/3549 +f 3365/3365/3559 3359/3359/3549 3361/3361/3556 +f 3362/3362/3553 3355/3355/3544 3366/3366/3560 +f 3357/3357/3547 3366/3366/3560 3355/3355/3544 +f 3357/3357/3547 3322/3322/3511 3367/3367/3562 +f 3322/3322/3511 3326/3326/3517 3367/3367/3562 +f 3358/3358/3548 3368/3368/3563 3324/3324/3515 +f 3357/3357/3547 3367/3367/3562 3366/3366/3560 +f 3324/3324/3515 3368/3368/3563 3325/3325/3516 +f 3367/3367/3562 3326/3326/3517 3369/3369/3569 +f 3370/3370/3561 3366/3366/3560 3371/3371/3572 +f 3366/3366/3560 3367/3367/3562 3371/3371/3572 +f 3368/3368/3563 3370/3370/3564 3372/3372/3565 +f 3369/3369/3569 3371/3371/3572 3367/3367/3562 +f 3370/3370/3561 3371/3371/3572 3373/3373/3573 +f 3373/3373/3573 3372/3372/3565 3370/3370/3564 +f 3364/3364/3555 3362/3362/3553 3366/3366/3560 +f 3364/3364/3555 3366/3366/3560 3370/3370/3561 +f 3358/3358/3548 3359/3359/3549 3365/3365/3559 +f 3365/3365/3559 3364/3364/3558 3370/3370/3564 +f 3368/3368/3563 3365/3365/3559 3370/3370/3564 +f 3365/3365/3559 3368/3368/3563 3358/3358/3548 +f 3325/3325/3516 3374/3374/3566 3345/3345/3534 +f 3374/3374/3566 3349/3349/3536 3345/3345/3534 +f 3326/3326/3517 3346/3346/3533 3369/3369/3569 +f 3369/3369/3569 3346/3346/3533 3348/3348/3567 +f 3375/3375/3570 3348/3348/3567 3351/3351/3539 +f 3325/3325/3516 3368/3368/3563 3374/3374/3566 +f 3374/3374/3566 3368/3368/3563 3372/3372/3565 +f 3372/3372/3565 3376/3376/3568 3374/3374/3566 +f 3369/3369/3569 3375/3375/3570 3377/3377/3571 +f 3377/3377/3571 3371/3371/3572 3369/3369/3569 +f 3373/3373/3573 3371/3371/3572 3377/3377/3571 +f 3378/3378/3574 3372/3372/3565 3373/3373/3573 +f 3372/3372/3565 3378/3378/3574 3376/3376/3568 +f 3377/3377/3571 3379/3379/3598 3373/3373/3573 +f 3373/3373/3573 3379/3379/3598 3378/3378/3574 +f 3376/3376/3568 3347/3347/3535 3349/3349/3536 +f 3349/3349/3536 3374/3374/3566 3376/3376/3568 +f 3369/3369/3569 3348/3348/3567 3375/3375/3570 +f 3378/3378/3574 3380/3380/3575 3376/3376/3568 +f 3381/3381/3603 3347/3347/3535 3376/3376/3568 +f 3381/3381/3603 3353/3353/3542 3347/3347/3535 +f 3248/3248/3576 3217/3217/3428 3334/3334/3525 +f 3338/3338/3527 3248/3248/3576 3334/3334/3525 +f 3340/3340/3577 3224/3224/3530 3225/3225/3414 +f 3340/3340/3577 3225/3225/3414 3249/3249/3434 +f 3338/3338/3527 3382/3382/3581 3248/3248/3576 +f 3249/3249/3434 3250/3250/3578 3340/3340/3577 +f 3248/3248/3576 3382/3382/3581 3243/3243/3579 +f 3382/3382/3581 3338/3338/3527 3343/3343/3580 +f 3338/3338/3527 3336/3336/3537 3343/3343/3580 +f 3383/3383/3589 3382/3382/3581 3343/3343/3580 +f 3382/3382/3581 3383/3383/3589 3252/3252/3582 +f 3339/3339/3528 3340/3340/3577 3250/3250/3578 +f 3344/3344/3583 3339/3339/3528 3384/3384/3610 +f 3342/3342/3540 3383/3383/3589 3343/3343/3580 +f 3243/3243/3579 3382/3382/3581 3252/3252/3582 +f 3251/3251/3584 3250/3250/3578 3245/3245/3432 +f 3252/3252/3582 3385/3385/3587 3253/3253/3436 +f 3339/3339/3528 3250/3250/3578 3251/3251/3584 +f 3251/3251/3584 3386/3386/3611 3339/3339/3528 +f 3385/3385/3587 3252/3252/3582 3383/3383/3589 +f 3387/3387/3585 3251/3251/3584 3255/3255/3586 +f 3385/3385/3587 3383/3383/3589 3388/3388/3588 +f 3342/3342/3540 3352/3352/3541 3383/3383/3589 +f 3389/3389/3628 3390/3390/3590 3383/3383/3589 +f 3383/3383/3589 3390/3390/3590 3388/3388/3588 +f 3253/3253/3436 3385/3385/3587 3254/3254/3437 +f 3254/3254/3437 3385/3385/3587 3262/3262/3592 +f 3391/3391/3591 3262/3262/3592 3385/3385/3587 +f 3387/3387/3585 3255/3255/3586 3263/3263/3444 +f 3391/3391/3591 3264/3264/3593 3262/3262/3592 +f 3392/3392/3594 3259/3259/4029 3264/3264/3593 +f 3391/3391/3591 3392/3392/3594 3264/3264/3593 +f 3393/3393/3615 3265/3265/3445 3394/3394/4075 +f 3391/3391/3591 3385/3385/3587 3388/3388/3588 +f 3395/3395/3620 3392/3392/3594 3391/3391/3591 +f 3396/3396/3595 3351/3351/3539 3350/3350/3538 +f 3377/3377/3571 3375/3375/3570 3397/3397/3596 +f 3375/3375/3570 3398/3398/3601 3397/3397/3596 +f 3399/3399/3599 3377/3377/3571 3397/3397/3596 +f 3399/3399/3597 3379/3379/3598 3377/3377/3571 +f 3380/3380/3575 3378/3378/3574 3379/3379/3598 +f 3379/3379/3598 3399/3399/3597 3380/3380/3575 +f 3399/3399/3599 3397/3397/3596 3400/3400/3600 +f 3398/3398/3601 3375/3375/3570 3351/3351/3539 +f 3351/3351/3539 3396/3396/3595 3398/3398/3601 +f 3381/3381/3603 3376/3376/3568 3380/3380/3575 +f 3398/3398/3601 3400/3400/3600 3397/3397/3596 +f 3400/3400/3600 3401/3401/3602 3399/3399/3599 +f 3380/3380/3575 3399/3399/3597 3401/3401/3605 +f 3400/3400/3600 3398/3398/3601 3396/3396/3595 +f 3381/3381/3603 3402/3402/3627 3353/3353/3542 +f 3403/3403/3608 3381/3381/3603 3380/3380/3575 +f 3404/3404/3629 3381/3381/3603 3403/3403/3608 +f 3405/3405/3604 3400/3400/3600 3396/3396/3595 +f 3403/3403/3608 3380/3380/3575 3401/3401/3605 +f 3400/3400/3600 3405/3405/3604 3401/3401/3602 +f 3405/3405/3604 3396/3396/3595 3406/3406/3606 +f 3407/3407/3607 3403/3403/3608 3401/3401/3605 +f 3407/3407/3609 3401/3401/3602 3405/3405/3604 +f 3384/3384/3610 3339/3339/3528 3386/3386/3611 +f 3408/3408/3612 3384/3384/3610 3386/3386/3611 +f 3387/3387/3585 3386/3386/3611 3251/3251/3584 +f 3409/3409/3616 3386/3386/3611 3387/3387/3585 +f 3409/3409/3616 3408/3408/3612 3386/3386/3611 +f 3344/3344/3583 3384/3384/3610 3350/3350/3538 +f 3406/3406/3606 3350/3350/3538 3384/3384/3610 +f 3389/3389/3628 3383/3383/3589 3352/3352/3541 +f 3408/3408/3612 3410/3410/3613 3384/3384/3610 +f 3408/3408/3612 3411/3411/3619 3410/3410/3613 +f 3412/3412/3614 3387/3387/3585 3263/3263/3444 +f 3412/3412/3614 3263/3263/3444 3265/3265/3445 +f 3412/3412/3614 3265/3265/3445 3393/3393/3615 +f 3411/3411/3619 3408/3408/3612 3409/3409/3616 +f 3413/3413/3624 3391/3391/3591 3388/3388/3588 +f 3412/3412/3614 3409/3409/3616 3387/3387/3585 +f 3411/3411/3619 3409/3409/3616 3414/3414/3621 +f 3412/3412/3614 3414/3414/3621 3409/3409/3616 +f 3413/3413/3624 3388/3388/3588 3415/3415/3645 +f 3415/3415/3645 3388/3388/3588 3390/3390/3590 +f 3415/3415/3645 3416/3416/3625 3413/3413/3624 +f 3417/3417/3617 3418/3418/3618 3411/3411/3619 +f 3417/3417/3617 3411/3411/3619 3419/3419/3622 +f 3391/3391/3591 3413/3413/3624 3395/3395/3620 +f 3393/3393/3615 3414/3414/3621 3412/3412/3614 +f 3411/3411/3619 3414/3414/3621 3419/3419/3622 +f 3414/3414/3621 3420/3420/3647 3419/3419/3622 +f 3395/3395/3620 3421/3421/4081 3392/3392/3594 +f 3395/3395/3620 3422/3422/3623 3421/3421/4081 +f 3395/3395/3620 3413/3413/3624 3423/3423/3626 +f 3416/3416/3625 3423/3423/3626 3413/3413/3624 +f 3396/3396/3595 3350/3350/3538 3406/3406/3606 +f 3402/3402/3627 3352/3352/3541 3353/3353/3542 +f 3402/3402/3627 3389/3389/3628 3352/3352/3541 +f 3404/3404/3629 3424/3424/3630 3389/3389/3628 +f 3402/3402/3627 3381/3381/3603 3404/3404/3629 +f 3402/3402/3627 3404/3404/3629 3389/3389/3628 +f 3406/3406/3606 3410/3410/3613 3425/3425/3632 +f 3407/3407/3609 3405/3405/3604 3426/3426/3631 +f 3426/3426/3631 3405/3405/3604 3427/3427/3634 +f 3406/3406/3606 3427/3427/3634 3405/3405/3604 +f 3424/3424/3630 3390/3390/3590 3389/3389/3628 +f 3406/3406/3606 3384/3384/3610 3410/3410/3613 +f 3390/3390/3590 3424/3424/3630 3428/3428/3636 +f 3390/3390/3590 3428/3428/3636 3429/3429/3638 +f 3418/3418/3618 3425/3425/3632 3410/3410/3613 +f 3427/3427/3634 3406/3406/3606 3425/3425/3632 +f 3430/3430/3633 3427/3427/3634 3425/3425/3632 +f 3404/3404/3629 3403/3403/3608 3431/3431/3635 +f 3431/3431/3635 3403/3403/3608 3407/3407/3607 +f 3431/3431/3635 3407/3407/3607 3426/3426/3640 +f 3404/3404/3629 3431/3431/3635 3424/3424/3630 +f 3431/3431/3635 3432/3432/3639 3424/3424/3630 +f 3432/3432/3639 3428/3428/3636 3424/3424/3630 +f 3433/3433/3637 3429/3429/3638 3428/3428/3636 +f 3428/3428/3636 3432/3432/3639 3433/3433/3637 +f 3432/3432/3639 3431/3431/3635 3426/3426/3640 +f 3426/3426/3640 3434/3434/3643 3432/3432/3639 +f 3427/3427/3634 3430/3430/3633 3426/3426/3631 +f 3434/3434/3641 3426/3426/3631 3430/3430/3633 +f 3430/3430/3633 3425/3425/3632 3435/3435/3642 +f 3436/3436/3652 3432/3432/3639 3434/3434/3643 +f 3410/3410/3613 3411/3411/3619 3418/3418/3618 +f 3390/3390/3590 3429/3429/3638 3415/3415/3645 +f 3437/3437/3644 3416/3416/3625 3415/3415/3645 +f 3429/3429/3638 3437/3437/3644 3415/3415/3645 +f 3433/3433/3637 3437/3437/3644 3429/3429/3638 +f 3417/3417/3617 3435/3435/3642 3418/3418/3618 +f 3425/3425/3632 3418/3418/3618 3435/3435/3642 +f 3438/3438/3648 3417/3417/3617 3419/3419/3622 +f 3416/3416/3625 3439/3439/3646 3423/3423/3626 +f 3416/3416/3625 3437/3437/3644 3439/3439/3646 +f 3423/3423/3626 3439/3439/3646 3440/3440/3653 +f 3420/3420/3647 3438/3438/3648 3419/3419/3622 +f 3435/3435/3642 3417/3417/3617 3438/3438/3648 +f 3438/3438/3648 3420/3420/3647 3441/3441/3649 +f 3433/3433/3637 3439/3439/3646 3437/3437/3644 +f 3433/3433/3637 3432/3432/3639 3436/3436/3652 +f 3442/3442/3650 3436/3436/3652 3434/3434/3643 +f 3434/3434/3641 3430/3430/3633 3442/3442/3651 +f 3433/3433/3637 3436/3436/3652 3439/3439/3646 +f 3443/3443/3654 3430/3430/3633 3435/3435/3642 +f 3442/3442/3651 3430/3430/3633 3443/3443/3654 +f 3443/3443/3654 3444/3444/3656 3442/3442/3651 +f 3439/3439/3646 3436/3436/3652 3445/3445/4201 +f 3436/3436/3652 3446/3446/3658 3445/3445/4201 +f 3436/3436/3652 3442/3442/3650 3446/3446/3658 +f 3440/3440/3653 3439/3439/3646 3447/3447/4200 +f 3445/3445/4201 3447/3447/4200 3439/3439/3646 +f 3443/3443/3654 3435/3435/3642 3438/3438/3648 +f 3448/3448/3655 3443/3443/3654 3438/3438/3648 +f 3448/3448/3655 3438/3438/3648 3441/3441/3649 +f 3444/3444/3656 3446/3446/3658 3442/3442/3650 +f 3443/3443/3654 3449/3449/3659 3444/3444/3656 +f 3444/3444/3656 3449/3449/3659 3450/3450/3657 +f 3446/3446/3658 3444/3444/3656 3450/3450/3657 +f 3445/3445/4201 3446/3446/3658 3450/3450/3657 +f 3449/3449/3659 3443/3443/3654 3448/3448/3655 +f 3449/3449/3659 3448/3448/3655 3451/3451/3660 +f 3450/3450/3657 3449/3449/3659 3452/3452/3661 +f 2935/2935/3318 2681/2681/3313 3453/3453/3662 +f 2681/2681/3313 3116/3116/3319 3453/3453/3662 +f 2977/2977/3136 3454/3454/3663 2880/2880/3664 +f 2937/2937/3092 2935/2935/3318 3455/3455/3665 +f 2938/2938/3093 2937/2937/3095 3455/3455/3666 +f 2938/2938/3093 3455/3455/3666 3456/3456/3667 +f 2977/2977/3136 2943/2943/3140 2944/2944/3104 +f 2977/2977/3136 2944/2944/3104 3454/3454/3663 +f 2935/2935/3318 3453/3453/3662 3455/3455/3665 +f 2944/2944/3104 2938/2938/3103 3456/3456/3668 +f 3455/3455/3665 3453/3453/3662 3132/3132/3325 +f 3132/3132/3325 3453/3453/3662 3120/3120/3321 +f 3456/3456/3667 3455/3455/3666 3132/3132/3669 +f 3456/3456/3667 3132/3132/3669 3457/3457/3670 +f 3457/3457/3670 3132/3132/3669 3133/3133/3327 +f 3137/3137/3673 3457/3457/3670 3133/3133/3327 +f 3116/3116/3319 3120/3120/3321 3453/3453/3662 +f 3458/3458/3672 3124/3124/3488 3302/3302/3484 +f 2944/2944/3104 3457/3457/3670 3459/3459/3671 +f 3458/3458/3672 2944/2944/3104 3459/3459/3671 +f 3454/3454/3663 3458/3458/3672 3302/3302/3484 +f 3458/3458/3672 3125/3125/3331 3124/3124/3488 +f 2944/2944/3104 3456/3456/3668 3457/3457/3670 +f 3454/3454/3663 2944/2944/3104 3458/3458/3672 +f 3120/3120/3321 3121/3121/3320 3132/3132/3325 +f 3459/3459/3671 3457/3457/3670 3137/3137/3673 +f 3125/3125/3331 3459/3459/3671 3141/3141/3332 +f 3459/3459/3671 3137/3137/3673 3141/3141/3332 +f 3459/3459/3671 3125/3125/3331 3458/3458/3672 +f 3454/3454/3663 3302/3302/3484 2880/2880/3664 +f 3177/3177/3676 3460/3460/3679 3178/3178/3370 +f 3176/3176/3386 998/998/1058 3177/3177/3676 +f 635/635/602 3095/3095/3277 3460/3460/3679 +f 997/997/1057 993/993/1052 998/998/1058 +f 998/998/1058 3461/3461/3674 995/995/3675 +f 993/993/1052 635/635/602 3177/3177/3676 +f 998/998/1058 993/993/1052 3177/3177/3676 +f 635/635/602 3460/3460/3679 3177/3177/3676 +f 3461/3461/3674 1001/1001/3678 995/995/3675 +f 3461/3461/3674 998/998/1058 3197/3197/3388 +f 1002/1002/1059 1000/1000/1064 999/999/3677 +f 3208/3208/3398 1002/1002/1059 999/999/3677 +f 3197/3197/3388 3190/3190/3390 1001/1001/3678 +f 3197/3197/3388 1001/1001/3678 3461/3461/3674 +f 3199/3199/3399 999/999/3677 1001/1001/3678 +f 3199/3199/3399 1001/1001/3678 3190/3190/3390 +f 3208/3208/3398 999/999/3677 3199/3199/3399 +f 3095/3095/3277 3097/3097/3278 3460/3460/3679 +f 3097/3097/3278 3180/3180/3372 3460/3460/3679 +f 3180/3180/3372 3178/3178/3370 3460/3460/3679 +f 3182/3182/3376 3178/3178/3370 3180/3180/3372 +f 3097/3097/3278 3181/3181/3373 3180/3180/3372 +f 3197/3197/3388 998/998/1058 3176/3176/3386 +f 3209/3209/3405 1002/1002/1059 3208/3208/3398 +f 3213/3213/3402 1002/1002/1059 3209/3209/3405 +f 3230/3230/3420 1019/1019/1072 1020/1020/1076 +f 3230/3230/3420 1022/1022/3680 1019/1019/1072 +f 3229/3229/3419 1022/1022/3680 3230/3230/3420 +f 3213/3213/3402 1020/1020/1076 1002/1002/1059 +f 1020/1020/1076 3213/3213/3402 3214/3214/3403 +f 3228/3228/3418 1020/1020/1076 3214/3214/3403 +f 3230/3230/3420 1020/1020/1076 3228/3228/3418 +f 3229/3229/3419 3242/3242/3685 1022/1022/3680 +f 3462/3462/3681 1026/1026/3682 1022/1022/3680 +f 1027/1027/1082 1026/1026/3682 3462/3462/3681 +f 3463/3463/3683 1028/1028/2721 1027/1027/1082 +f 1028/1028/2721 3463/3463/3683 3464/3464/3684 +f 3462/3462/3681 1022/1022/3680 3242/3242/3685 +f 3246/3246/3433 3462/3462/3681 3242/3242/3685 +f 3463/3463/3683 1027/1027/1082 3462/3462/3681 +f 3462/3462/3681 3246/3246/3433 3463/3463/3683 +f 3463/3463/3683 3258/3258/3443 3464/3464/3684 +f 3260/3260/3686 3464/3464/3684 3258/3258/3443 +f 3246/3246/3433 3254/3254/3437 3463/3463/3683 +f 3463/3463/3683 3254/3254/3437 3258/3258/3443 +f 1340/1340/1372 258/258/233 2764/2764/2947 +f 1342/1342/1375 1340/1340/1372 2764/2764/2947 +f 1341/1341/1374 1343/1343/1376 3465/3465/3689 +f 1342/1342/1375 3466/3466/3687 1343/1343/1376 +f 1342/1342/1375 2764/2764/2947 3466/3466/3687 +f 3466/3466/3687 2764/2764/2947 2771/2771/3688 +f 3465/3465/3689 1343/1343/1376 3466/3466/3687 +f 3466/3466/3687 3467/3467/3690 3465/3465/3689 +f 1341/1341/1374 3465/3465/3689 3468/3468/3691 +f 1344/1344/1377 1341/1341/1374 3468/3468/3691 +f 1344/1344/1377 3469/3469/3693 1347/1347/1381 +f 3469/3469/3693 1344/1344/1377 3468/3468/3691 +f 3469/3469/3693 1349/1349/3692 1347/1347/1381 +f 3470/3470/3956 1842/1842/3952 1843/1843/1893 +f 3471/3471/3694 1349/1349/3692 3469/3469/3693 +f 3472/3472/3695 3469/3469/3693 3468/3468/3691 +f 3473/3473/3708 1363/1363/1396 3471/3471/3694 +f 3471/3471/3694 3469/3469/3693 3472/3472/3695 +f 3474/3474/3696 3471/3471/3694 3472/3472/3695 +f 3473/3473/3708 3471/3471/3694 3474/3474/3696 +f 3466/3466/3687 2771/2771/3688 2784/2784/3697 +f 2784/2784/3697 3467/3467/3690 3466/3466/3687 +f 2780/2780/2959 2784/2784/3697 2771/2771/3688 +f 3467/3467/3690 2784/2784/3697 3475/3475/3698 +f 3475/3475/3698 3465/3465/3689 3467/3467/3690 +f 3475/3475/3698 3468/3468/3691 3465/3465/3689 +f 3476/3476/3742 3468/3468/3691 3475/3475/3698 +f 2901/2901/3699 3475/3475/3698 2784/2784/3697 +f 2901/2901/3699 3477/3477/3700 3475/3475/3698 +f 3475/3475/3698 3477/3477/3700 3476/3476/3742 +f 3468/3468/3691 3476/3476/3742 3472/3472/3695 +f 3476/3476/3742 3478/3478/3701 3472/3472/3695 +f 3474/3474/3696 3472/3472/3695 3479/3479/3702 +f 3472/3472/3695 3478/3478/3701 3479/3479/3702 +f 3480/3480/3703 3473/3473/3708 3474/3474/3696 +f 3480/3480/3703 3474/3474/3696 3481/3481/3704 +f 3481/3481/3704 3479/3479/3702 3478/3478/3701 +f 3481/3481/3704 3474/3474/3696 3479/3479/3702 +f 3481/3481/3704 3482/3482/3706 3480/3480/3703 +f 3482/3482/3706 3483/3483/3718 3480/3480/3703 +f 3484/3484/3705 3482/3482/3706 3481/3481/3704 +f 3485/3485/3748 3483/3483/3718 3482/3482/3706 +f 3471/3471/3694 1363/1363/1396 1349/1349/3692 +f 1363/1363/1396 3486/3486/3707 1362/1362/1394 +f 3473/3473/3708 3486/3486/3707 1363/1363/1396 +f 3486/3486/3707 1364/1364/3709 1362/1362/1394 +f 3487/3487/3710 1364/1364/3709 3486/3486/3707 +f 1364/1364/3709 3487/3487/3710 1365/1365/1398 +f 3487/3487/3710 1367/1367/3713 1365/1365/1398 +f 3488/3488/3712 3487/3487/3710 3486/3486/3707 +f 3489/3489/3716 3486/3486/3707 3473/3473/3708 +f 3490/3490/3711 3489/3489/3716 3473/3473/3708 +f 3488/3488/3712 3486/3486/3707 3489/3489/3716 +f 1367/1367/3713 3487/3487/3710 3488/3488/3712 +f 1367/1367/3713 3488/3488/3712 3491/3491/3714 +f 1367/1367/3713 3492/3492/3721 1369/1369/1403 +f 3492/3492/3721 1367/1367/3713 3491/3491/3714 +f 3480/3480/3703 3490/3490/3711 3473/3473/3708 +f 3490/3490/3711 3493/3493/3715 3489/3489/3716 +f 3489/3489/3716 3494/3494/3717 3488/3488/3712 +f 3489/3489/3716 3493/3493/3715 3494/3494/3717 +f 3494/3494/3717 3491/3491/3714 3488/3488/3712 +f 3490/3490/3711 3480/3480/3703 3483/3483/3718 +f 3490/3490/3711 3483/3483/3718 3493/3493/3715 +f 3495/3495/3751 3493/3493/3715 3483/3483/3718 +f 3493/3493/3715 3496/3496/3773 3494/3494/3717 +f 3493/3493/3715 3495/3495/3751 3496/3496/3773 +f 3497/3497/3731 3494/3494/3717 3496/3496/3773 +f 1368/1368/1402 1369/1369/1403 3498/3498/3720 +f 3498/3498/3720 1383/1383/1417 1368/1368/1402 +f 3499/3499/3719 1383/1383/1417 3498/3498/3720 +f 1383/1383/1417 3499/3499/3719 1385/1385/1418 +f 3498/3498/3720 1369/1369/1403 3492/3492/3721 +f 3500/3500/3730 3498/3498/3720 3492/3492/3721 +f 3500/3500/3730 3499/3499/3719 3498/3498/3720 +f 1385/1385/1418 3499/3499/3719 3501/3501/3734 +f 1382/1382/1422 1385/1385/1418 3502/3502/3726 +f 3503/3503/3724 3504/3504/3723 3505/3505/3722 +f 3502/3502/3726 1387/1387/1421 1382/1382/1422 +f 3504/3504/3723 1387/1387/1421 3502/3502/3726 +f 1387/1387/1421 3504/3504/3723 1386/1386/1423 +f 3503/3503/3724 1388/1388/3725 1386/1386/1423 +f 3503/3503/3724 1386/1386/1423 3504/3504/3723 +f 3501/3501/3734 3502/3502/3726 1385/1385/1418 +f 3501/3501/3734 3506/3506/3727 3502/3502/3726 +f 3502/3502/3726 3506/3506/3727 3507/3507/3728 +f 3507/3507/3728 3506/3506/3727 3508/3508/3736 +f 3505/3505/3722 3504/3504/3723 3507/3507/3728 +f 3509/3509/4055 3503/3503/3724 3505/3505/3722 +f 3508/3508/3736 3505/3505/3722 3507/3507/3728 +f 3507/3507/3728 3504/3504/3723 3502/3502/3726 +f 3510/3510/3729 3500/3500/3730 3492/3492/3721 +f 3511/3511/3770 3510/3510/3729 3492/3492/3721 +f 3497/3497/3731 3491/3491/3714 3494/3494/3717 +f 3511/3511/3770 3491/3491/3714 3497/3497/3731 +f 3492/3492/3721 3491/3491/3714 3511/3511/3770 +f 3512/3512/3732 3499/3499/3719 3500/3500/3730 +f 3512/3512/3732 3500/3500/3730 3510/3510/3729 +f 3499/3499/3719 3512/3512/3732 3513/3513/3733 +f 3513/3513/3733 3501/3501/3734 3499/3499/3719 +f 3513/3513/3733 3512/3512/3732 3514/3514/3779 +f 3510/3510/3729 3514/3514/3779 3512/3512/3732 +f 3515/3515/3738 3513/3513/3733 3514/3514/3779 +f 3501/3501/3734 3513/3513/3733 3506/3506/3727 +f 3516/3516/3735 3505/3505/3722 3508/3508/3736 +f 3516/3516/3735 3509/3509/4055 3505/3505/3722 +f 3508/3508/3736 3506/3506/3727 3517/3517/3739 +f 3518/3518/3737 3506/3506/3727 3513/3513/3733 +f 3517/3517/3739 3506/3506/3727 3518/3518/3737 +f 3515/3515/3738 3518/3518/3737 3513/3513/3733 +f 3517/3517/3739 3516/3516/3735 3508/3508/3736 +f 3517/3517/3739 3519/3519/3740 3516/3516/3735 +f 3517/3517/3739 3518/3518/3737 3519/3519/3740 +f 3520/3520/3741 3476/3476/3742 3477/3477/3700 +f 3476/3476/3742 3521/3521/3743 3478/3478/3701 +f 3521/3521/3743 3476/3476/3742 3520/3520/3741 +f 2901/2901/3699 2783/2783/2962 2903/2903/3065 +f 3477/3477/3700 2901/2901/3699 2903/2903/3065 +f 2906/2906/3744 3477/3477/3700 2903/2903/3065 +f 3522/3522/3745 3477/3477/3700 2906/2906/3744 +f 3478/3478/3701 3484/3484/3705 3481/3481/3704 +f 3523/3523/3749 3484/3484/3705 3478/3478/3701 +f 3524/3524/3746 3478/3478/3701 3521/3521/3743 +f 3524/3524/3746 3523/3523/3749 3478/3478/3701 +f 3482/3482/3706 3484/3484/3705 3485/3485/3748 +f 3485/3485/3748 3484/3484/3705 3523/3523/3749 +f 3483/3483/3718 3485/3485/3748 3495/3495/3751 +f 3525/3525/3747 3485/3485/3748 3523/3523/3749 +f 3526/3526/3750 3495/3495/3751 3485/3485/3748 +f 3526/3526/3750 3525/3525/3747 3527/3527/3760 +f 3485/3485/3748 3525/3525/3747 3526/3526/3750 +f 3527/3527/3760 3528/3528/3772 3526/3526/3750 +f 3477/3477/3700 3522/3522/3745 3520/3520/3741 +f 3521/3521/3743 3520/3520/3741 3529/3529/3754 +f 3529/3529/3754 3520/3520/3741 3522/3522/3745 +f 3530/3530/3752 3521/3521/3743 3529/3529/3754 +f 3531/3531/3756 3530/3530/3752 3529/3529/3754 +f 2906/2906/3744 2932/2932/3090 3522/3522/3745 +f 2932/2932/3090 3041/3041/3801 3522/3522/3745 +f 3532/3532/3999 3533/3533/3755 2930/2930/3087 +f 2930/2930/3087 3036/3036/3214 2928/2928/3213 +f 3534/3534/3753 3529/3529/3754 3522/3522/3745 +f 3532/3532/3999 3535/3535/4000 3533/3533/3755 +f 3534/3534/3753 3531/3531/3756 3529/3529/3754 +f 3536/3536/3802 3533/3533/3755 3535/3535/4000 +f 3524/3524/3746 3521/3521/3743 3530/3530/3752 +f 3530/3530/3752 3525/3525/3747 3524/3524/3746 +f 3525/3525/3747 3523/3523/3749 3524/3524/3746 +f 3537/3537/3758 3538/3538/3805 3535/3535/4000 +f 3530/3530/3752 3539/3539/3759 3525/3525/3747 +f 3540/3540/3757 3537/3537/3758 3541/3541/3762 +f 3539/3539/3759 3527/3527/3760 3525/3525/3747 +f 3527/3527/3760 3539/3539/3759 3542/3542/3767 +f 3542/3542/3767 3528/3528/3772 3527/3527/3760 +f 3540/3540/3757 3538/3538/3805 3537/3537/3758 +f 3543/3543/3761 3542/3542/3767 3539/3539/3759 +f 3544/3544/3764 3540/3540/3757 3541/3541/3762 +f 3541/3541/3762 3545/3545/3763 3544/3544/3764 +f 3546/3546/3774 3528/3528/3772 3542/3542/3767 +f 3547/3547/3821 3546/3546/3774 3542/3542/3767 +f 3545/3545/3763 3548/3548/3765 3549/3549/3768 +f 3549/3549/3768 3548/3548/3765 3550/3550/3786 +f 3544/3544/3764 3545/3545/3763 3551/3551/3769 +f 3543/3543/3761 3552/3552/3766 3542/3542/3767 +f 3545/3545/3763 3549/3549/3768 3551/3551/3769 +f 3552/3552/3766 3547/3547/3821 3542/3542/3767 +f 3549/3549/3768 3553/3553/3822 3551/3551/3769 +f 3554/3554/3788 3549/3549/3768 3550/3550/3786 +f 3526/3526/3750 3496/3496/3773 3495/3495/3751 +f 3511/3511/3770 3555/3555/3771 3510/3510/3729 +f 3555/3555/3771 3514/3514/3779 3510/3510/3729 +f 3556/3556/3784 3555/3555/3771 3511/3511/3770 +f 3528/3528/3772 3496/3496/3773 3526/3526/3750 +f 3497/3497/3731 3496/3496/3773 3546/3546/3774 +f 3557/3557/3775 3497/3497/3731 3546/3546/3774 +f 3546/3546/3774 3496/3496/3773 3528/3528/3772 +f 3557/3557/3775 3511/3511/3770 3497/3497/3731 +f 3557/3557/3775 3556/3556/3784 3511/3511/3770 +f 3555/3555/3771 3558/3558/3777 3514/3514/3779 +f 3559/3559/3776 3558/3558/3777 3555/3555/3771 +f 3558/3558/3777 3560/3560/3778 3514/3514/3779 +f 3561/3561/3780 3518/3518/3737 3515/3515/3738 +f 3560/3560/3778 3515/3515/3738 3514/3514/3779 +f 3561/3561/3780 3515/3515/3738 3560/3560/3778 +f 3561/3561/3780 3519/3519/3740 3518/3518/3737 +f 3519/3519/3740 3561/3561/3780 3562/3562/4140 +f 3561/3561/3780 3560/3560/3778 3563/3563/3782 +f 3563/3563/3782 3562/3562/4140 3561/3561/3780 +f 3564/3564/3781 3562/3562/4140 3563/3563/3782 +f 3547/3547/3821 3557/3557/3775 3546/3546/3774 +f 3556/3556/3784 3557/3557/3775 3565/3565/3783 +f 3556/3556/3784 3559/3559/3776 3555/3555/3771 +f 3566/3566/3787 3559/3559/3776 3556/3556/3784 +f 3565/3565/3783 3557/3557/3775 3547/3547/3821 +f 3567/3567/3785 3568/3568/3789 3550/3550/3786 +f 3566/3566/3787 3556/3556/3784 3565/3565/3783 +f 3566/3566/3787 3565/3565/3783 3569/3569/3871 +f 3554/3554/3788 3550/3550/3786 3568/3568/3789 +f 3570/3570/3790 3571/3571/3791 3568/3568/3789 +f 3566/3566/3787 3558/3558/3777 3559/3559/3776 +f 3558/3558/3777 3572/3572/3796 3560/3560/3778 +f 3570/3570/3790 3573/3573/3792 3574/3574/3793 +f 3574/3574/3793 3575/3575/3798 3570/3570/3790 +f 3574/3574/3793 3576/3576/4008 3575/3575/3798 +f 3577/3577/3797 3576/3576/4008 3578/3578/3794 +f 3579/3579/3799 3563/3563/3782 3560/3560/3778 +f 3579/3579/3799 3560/3560/3778 3572/3572/3796 +f 3580/3580/3795 3581/3581/4146 3578/3578/3794 +f 3571/3571/3791 3570/3570/3790 3582/3582/3881 +f 3582/3582/3881 3570/3570/3790 3575/3575/3798 +f 3583/3583/3874 3558/3558/3777 3566/3566/3787 +f 3572/3572/3796 3558/3558/3777 3583/3583/3874 +f 3576/3576/4008 3577/3577/3797 3575/3575/3798 +f 3577/3577/3797 3578/3578/3794 3581/3581/4146 +f 3579/3579/3799 3584/3584/3800 3563/3563/3782 +f 3585/3585/3877 3575/3575/3798 3577/3577/3797 +f 3584/3584/3800 3564/3564/3781 3563/3563/3782 +f 3036/3036/3214 2930/2930/3087 3533/3533/3755 +f 3533/3533/3755 3536/3536/3802 3036/3036/3214 +f 3041/3041/3801 3534/3534/3753 3522/3522/3745 +f 3586/3586/3804 3036/3036/3214 3536/3536/3802 +f 3587/3587/3803 3586/3586/3804 3536/3536/3802 +f 3535/3535/4000 3538/3538/3805 3536/3536/3802 +f 3587/3587/3803 3536/3536/3802 3588/3588/3807 +f 3538/3538/3805 3588/3588/3807 3536/3536/3802 +f 3589/3589/3806 3531/3531/3756 3534/3534/3753 +f 3531/3531/3756 3589/3589/3806 3590/3590/3813 +f 3588/3588/3807 3538/3538/3805 3591/3591/3808 +f 3035/3035/3211 3534/3534/3753 3041/3041/3801 +f 3036/3036/3214 3586/3586/3804 3040/3040/3218 +f 3045/3045/3809 3534/3534/3753 3035/3035/3211 +f 3592/3592/3811 3534/3534/3753 3045/3045/3809 +f 3044/3044/3220 3043/3043/3219 3593/3593/3810 +f 3593/3593/3810 3045/3045/3809 3044/3044/3220 +f 3040/3040/3218 3586/3586/3804 3046/3046/3221 +f 3594/3594/3838 3046/3046/3221 3586/3586/3804 +f 3593/3593/3810 3592/3592/3811 3045/3045/3809 +f 3594/3594/3838 3586/3586/3804 3587/3587/3803 +f 3589/3589/3806 3534/3534/3753 3592/3592/3811 +f 3595/3595/3812 3592/3592/3811 3593/3593/3810 +f 3594/3594/3838 3587/3587/3803 3588/3588/3807 +f 3589/3589/3806 3592/3592/3811 3595/3595/3812 +f 3590/3590/3813 3530/3530/3752 3531/3531/3756 +f 3590/3590/3813 3539/3539/3759 3530/3530/3752 +f 3591/3591/3808 3538/3538/3805 3540/3540/3757 +f 3543/3543/3761 3539/3539/3759 3590/3590/3813 +f 3543/3543/3761 3590/3590/3813 3596/3596/3814 +f 3596/3596/3814 3590/3590/3813 3589/3589/3806 +f 3593/3593/3810 3043/3043/3219 3597/3597/3815 +f 3597/3597/3815 3043/3043/3219 3070/3070/3250 +f 3046/3046/3221 3594/3594/3838 3598/3598/3842 +f 3593/3593/3810 3597/3597/3815 3595/3595/3812 +f 3594/3594/3838 3588/3588/3807 3599/3599/3818 +f 3600/3600/3840 3594/3594/3838 3599/3599/3818 +f 3595/3595/3812 3601/3601/3853 3589/3589/3806 +f 3595/3595/3812 3597/3597/3815 3602/3602/3855 +f 3602/3602/3855 3601/3601/3853 3595/3595/3812 +f 3603/3603/3816 3602/3602/3855 3597/3597/3815 +f 3603/3603/3816 3597/3597/3815 3070/3070/3250 +f 3603/3603/3816 3070/3070/3250 3071/3071/3817 +f 3599/3599/3818 3588/3588/3807 3604/3604/3819 +f 3589/3589/3806 3605/3605/3820 3596/3596/3814 +f 3591/3591/3808 3540/3540/3757 3544/3544/3764 +f 3544/3544/3764 3551/3551/3769 3606/3606/3827 +f 3606/3606/3827 3591/3591/3808 3544/3544/3764 +f 3606/3606/3827 3551/3551/3769 3553/3553/3822 +f 3607/3607/3824 3552/3552/3766 3543/3543/3761 +f 3547/3547/3821 3552/3552/3766 3607/3607/3824 +f 3608/3608/3823 3549/3549/3768 3554/3554/3788 +f 3553/3553/3822 3549/3549/3768 3608/3608/3823 +f 3547/3547/3821 3607/3607/3824 3609/3609/3825 +f 3608/3608/3823 3554/3554/3788 3610/3610/3826 +f 3588/3588/3807 3591/3591/3808 3604/3604/3819 +f 3606/3606/3827 3604/3604/3819 3591/3591/3808 +f 3543/3543/3761 3596/3596/3814 3605/3605/3820 +f 3604/3604/3819 3606/3606/3827 3611/3611/3828 +f 3604/3604/3819 3611/3611/3828 3612/3612/3829 +f 3606/3606/3827 3553/3553/3822 3611/3611/3828 +f 3611/3611/3828 3553/3553/3822 3613/3613/3831 +f 3611/3611/3828 3613/3613/3831 3612/3612/3829 +f 3607/3607/3824 3543/3543/3761 3605/3605/3820 +f 3607/3607/3824 3605/3605/3820 3614/3614/3830 +f 3614/3614/3830 3609/3609/3825 3607/3607/3824 +f 3608/3608/3823 3613/3613/3831 3553/3553/3822 +f 3615/3615/3832 3613/3613/3831 3608/3608/3823 +f 3609/3609/3825 3565/3565/3783 3547/3547/3821 +f 3610/3610/3826 3615/3615/3832 3608/3608/3823 +f 3616/3616/3833 3609/3609/3825 3614/3614/3830 +f 3615/3615/3832 3617/3617/3834 3613/3613/3831 +f 3618/3618/3836 3609/3609/3825 3616/3616/3833 +f 3617/3617/3834 3615/3615/3832 3619/3619/3835 +f 3609/3609/3825 3618/3618/3836 3620/3620/3883 +f 3619/3619/3835 3615/3615/3832 3610/3610/3826 +f 3621/3621/3837 3598/3598/3842 3594/3594/3838 +f 3621/3621/3837 3594/3594/3838 3600/3600/3840 +f 3600/3600/3840 3599/3599/3818 3622/3622/3856 +f 3623/3623/3839 3600/3600/3840 3622/3622/3856 +f 3623/3623/3839 3621/3621/3837 3600/3600/3840 +f 3624/3624/3849 3623/3623/3839 3622/3622/3856 +f 3046/3046/3221 3598/3598/3842 3066/3066/3243 +f 3598/3598/3842 3073/3073/3841 3066/3066/3243 +f 3598/3598/3842 3621/3621/3837 3625/3625/3843 +f 3598/3598/3842 3626/3626/3844 3073/3073/3841 +f 3627/3627/3905 3603/3603/3816 3071/3071/3817 +f 3625/3625/3843 3626/3626/3844 3598/3598/3842 +f 3603/3603/3816 3628/3628/3845 3602/3602/3855 +f 3623/3623/3839 3625/3625/3843 3621/3621/3837 +f 3629/3629/3846 3623/3623/3839 3624/3624/3849 +f 3630/3630/3847 3603/3603/3816 3627/3627/3905 +f 3630/3630/3847 3628/3628/3845 3603/3603/3816 +f 3625/3625/3843 3623/3623/3839 3629/3629/3846 +f 3631/3631/3912 3625/3625/3843 3629/3629/3846 +f 3632/3632/3848 3629/3629/3846 3624/3624/3849 +f 3633/3633/3850 3628/3628/3845 3630/3630/3847 +f 3628/3628/3845 3633/3633/3850 3634/3634/3851 +f 3599/3599/3818 3604/3604/3819 3612/3612/3829 +f 3612/3612/3829 3622/3622/3856 3599/3599/3818 +f 3601/3601/3853 3605/3605/3820 3589/3589/3806 +f 3635/3635/3852 3605/3605/3820 3601/3601/3853 +f 3636/3636/3854 3635/3635/3852 3601/3601/3853 +f 3601/3601/3853 3602/3602/3855 3636/3636/3854 +f 3622/3622/3856 3612/3612/3829 3637/3637/3857 +f 3638/3638/3858 3635/3635/3852 3636/3636/3854 +f 3616/3616/3833 3614/3614/3830 3635/3635/3852 +f 3605/3605/3820 3635/3635/3852 3614/3614/3830 +f 3637/3637/3857 3612/3612/3829 3639/3639/3859 +f 3636/3636/3854 3602/3602/3855 3628/3628/3845 +f 3634/3634/3851 3638/3638/3858 3636/3636/3854 +f 3624/3624/3849 3622/3622/3856 3637/3637/3857 +f 3624/3624/3849 3637/3637/3857 3640/3640/3864 +f 3640/3640/3864 3637/3637/3857 3639/3639/3859 +f 3638/3638/3858 3616/3616/3833 3635/3635/3852 +f 3639/3639/3859 3612/3612/3829 3617/3617/3834 +f 3617/3617/3834 3612/3612/3829 3613/3613/3831 +f 3641/3641/3860 3616/3616/3833 3638/3638/3858 +f 3642/3642/3867 3617/3617/3834 3619/3619/3835 +f 3616/3616/3833 3641/3641/3860 3618/3618/3836 +f 3643/3643/3861 3618/3618/3836 3641/3641/3860 +f 3640/3640/3864 3639/3639/3859 3617/3617/3834 +f 3644/3644/3865 3617/3617/3834 3642/3642/3867 +f 3645/3645/3862 3646/3646/3870 3641/3641/3860 +f 3641/3641/3860 3646/3646/3870 3643/3643/3861 +f 3634/3634/3851 3636/3636/3854 3628/3628/3845 +f 3647/3647/3921 3634/3634/3851 3633/3633/3850 +f 3647/3647/3921 3638/3638/3858 3634/3634/3851 +f 3647/3647/3921 3645/3645/3862 3638/3638/3858 +f 3632/3632/3848 3624/3624/3849 3640/3640/3864 +f 3648/3648/3863 3632/3632/3848 3640/3640/3864 +f 3648/3648/3863 3640/3640/3864 3644/3644/3865 +f 3645/3645/3862 3641/3641/3860 3638/3638/3858 +f 3640/3640/3864 3617/3617/3834 3644/3644/3865 +f 3647/3647/3921 3649/3649/3931 3645/3645/3862 +f 3649/3649/3931 3650/3650/3866 3645/3645/3862 +f 3646/3646/3870 3645/3645/3862 3650/3650/3866 +f 3642/3642/3867 3619/3619/3835 3651/3651/3868 +f 3651/3651/3868 3644/3644/3865 3642/3642/3867 +f 3652/3652/3934 3644/3644/3865 3651/3651/3868 +f 3652/3652/3934 3648/3648/3863 3644/3644/3865 +f 3650/3650/3866 3653/3653/3869 3646/3646/3870 +f 3652/3652/3934 3651/3651/3868 3654/3654/3937 +f 3654/3654/3937 3651/3651/3868 3655/3655/3901 +f 3554/3554/3788 3568/3568/3789 3571/3571/3791 +f 3610/3610/3826 3554/3554/3788 3571/3571/3791 +f 3609/3609/3825 3569/3569/3871 3565/3565/3783 +f 3620/3620/3883 3569/3569/3871 3609/3609/3825 +f 3656/3656/3872 3620/3620/3883 3618/3618/3836 +f 3569/3569/3871 3583/3583/3874 3566/3566/3787 +f 3569/3569/3871 3657/3657/3873 3583/3583/3874 +f 3658/3658/3875 3582/3582/3881 3575/3575/3798 +f 3659/3659/3888 3658/3658/3875 3585/3585/3877 +f 3583/3583/3874 3657/3657/3873 3660/3660/3876 +f 3658/3658/3875 3575/3575/3798 3585/3585/3877 +f 3583/3583/3874 3660/3660/3876 3572/3572/3796 +f 3579/3579/3799 3572/3572/3796 3660/3660/3876 +f 3585/3585/3877 3577/3577/3797 3661/3661/3878 +f 3662/3662/3879 3663/3663/3880 3579/3579/3799 +f 3659/3659/3888 3585/3585/3877 3661/3661/3878 +f 3579/3579/3799 3660/3660/3876 3662/3662/3879 +f 3610/3610/3826 3571/3571/3791 3582/3582/3881 +f 3664/3664/3885 3610/3610/3826 3582/3582/3881 +f 3569/3569/3871 3620/3620/3883 3657/3657/3873 +f 3665/3665/3889 3660/3660/3876 3657/3657/3873 +f 3664/3664/3885 3582/3582/3881 3658/3658/3875 +f 3619/3619/3835 3610/3610/3826 3666/3666/3882 +f 3667/3667/3884 3620/3620/3883 3656/3656/3872 +f 3664/3664/3885 3666/3666/3882 3610/3610/3826 +f 3668/3668/3892 3666/3666/3882 3669/3669/3894 +f 3620/3620/3883 3670/3670/3887 3657/3657/3873 +f 3667/3667/3884 3670/3670/3887 3620/3620/3883 +f 3671/3671/3893 3667/3667/3884 3656/3656/3872 +f 3664/3664/3885 3672/3672/3886 3666/3666/3882 +f 3657/3657/3873 3670/3670/3887 3665/3665/3889 +f 3666/3666/3882 3672/3672/3886 3669/3669/3894 +f 3659/3659/3888 3664/3664/3885 3658/3658/3875 +f 3672/3672/3886 3664/3664/3885 3659/3659/3888 +f 3673/3673/3891 3665/3665/3889 3670/3670/3887 +f 3667/3667/3884 3673/3673/3891 3670/3670/3887 +f 3662/3662/3879 3660/3660/3876 3665/3665/3889 +f 3673/3673/3891 3662/3662/3879 3665/3665/3889 +f 3673/3673/3891 3674/3674/3896 3675/3675/3898 +f 3643/3643/3861 3656/3656/3872 3618/3618/3836 +f 3671/3671/3893 3656/3656/3872 3643/3643/3861 +f 3653/3653/3869 3643/3643/3861 3646/3646/3870 +f 3668/3668/3892 3619/3619/3835 3666/3666/3882 +f 3667/3667/3884 3671/3671/3893 3676/3676/3890 +f 3676/3676/3890 3673/3673/3891 3667/3667/3884 +f 3671/3671/3893 3643/3643/3861 3653/3653/3869 +f 3651/3651/3868 3619/3619/3835 3668/3668/3892 +f 3655/3655/3901 3651/3651/3868 3668/3668/3892 +f 3677/3677/3897 3671/3671/3893 3653/3653/3869 +f 3671/3671/3893 3677/3677/3897 3676/3676/3890 +f 3669/3669/3894 3672/3672/3886 3678/3678/3895 +f 3679/3679/4272 3678/3678/3895 3672/3672/3886 +f 3679/3679/4272 3672/3672/3886 3680/3680/4239 +f 3668/3668/3892 3669/3669/3894 3655/3655/3901 +f 3655/3655/3901 3669/3669/3894 3678/3678/3895 +f 3674/3674/3896 3676/3676/3890 3677/3677/3897 +f 3679/3679/4272 3681/3681/3902 3678/3678/3895 +f 3674/3674/3896 3673/3673/3891 3676/3676/3890 +f 3675/3675/3898 3674/3674/3896 3682/3682/3899 +f 3683/3683/3939 3677/3677/3897 3653/3653/3869 +f 3684/3684/3900 3655/3655/3901 3681/3681/3902 +f 3674/3674/3896 3677/3677/3897 3685/3685/3903 +f 3655/3655/3901 3678/3678/3895 3681/3681/3902 +f 3674/3674/3896 3685/3685/3903 3682/3682/3899 +f 3677/3677/3897 3683/3683/3939 3685/3685/3903 +f 3686/3686/4276 3684/3684/3900 3681/3681/3902 +f 3655/3655/3901 3684/3684/3900 3654/3654/3937 +f 3080/3080/3263 3073/3073/3841 3626/3626/3844 +f 3071/3071/3817 3078/3078/3260 3627/3627/3905 +f 3080/3080/3263 3687/3687/3904 3079/3079/3264 +f 3627/3627/3905 3078/3078/3260 3688/3688/3908 +f 3688/3688/3908 3630/3630/3847 3627/3627/3905 +f 3689/3689/3906 3626/3626/3844 3625/3625/3843 +f 3625/3625/3843 3631/3631/3912 3689/3689/3906 +f 3626/3626/3844 3689/3689/3906 3080/3080/3263 +f 3080/3080/3263 3689/3689/3906 3631/3631/3912 +f 3078/3078/3260 3079/3079/3261 3687/3687/3907 +f 3687/3687/3907 3688/3688/3908 3078/3078/3260 +f 3690/3690/3909 3688/3688/3908 3687/3687/3907 +f 3690/3690/3910 3687/3687/3904 3080/3080/3263 +f 3080/3080/3263 3691/3691/3918 3690/3690/3910 +f 3630/3630/3847 3688/3688/3908 3692/3692/3911 +f 3080/3080/3263 3631/3631/3912 3691/3691/3918 +f 3631/3631/3912 3629/3629/3846 3632/3632/3848 +f 3692/3692/3911 3693/3693/3913 3630/3630/3847 +f 3693/3693/3913 3633/3633/3850 3630/3630/3847 +f 3694/3694/3914 3690/3690/3910 3691/3691/3918 +f 3688/3688/3908 3690/3690/3909 3694/3694/3915 +f 3694/3694/3915 3692/3692/3916 3688/3688/3908 +f 3692/3692/3916 3694/3694/3915 3695/3695/3920 +f 3691/3691/3918 3695/3695/3917 3694/3694/3914 +f 3696/3696/3923 3695/3695/3917 3691/3691/3918 +f 3696/3696/3923 3691/3691/3918 3631/3631/3912 +f 3696/3696/3923 3631/3631/3912 3632/3632/3848 +f 3697/3697/3919 3693/3693/3913 3692/3692/3911 +f 3692/3692/3916 3695/3695/3920 3697/3697/3926 +f 3633/3633/3850 3693/3693/3913 3647/3647/3921 +f 3698/3698/3922 3649/3649/3931 3647/3647/3921 +f 3696/3696/3923 3632/3632/3848 3699/3699/3928 +f 3648/3648/3863 3699/3699/3928 3632/3632/3848 +f 3696/3696/3923 3700/3700/3924 3695/3695/3917 +f 3700/3700/3925 3697/3697/3926 3695/3695/3920 +f 3697/3697/3919 3698/3698/3922 3647/3647/3921 +f 3698/3698/3927 3697/3697/3926 3700/3700/3925 +f 3700/3700/3924 3696/3696/3923 3699/3699/3928 +f 3699/3699/3928 3701/3701/3929 3700/3700/3924 +f 3700/3700/3925 3701/3701/3932 3698/3698/3927 +f 3702/3702/3930 3649/3649/3931 3698/3698/3922 +f 3702/3702/3930 3701/3701/3932 3703/3703/3933 +f 3701/3701/3929 3699/3699/3928 3703/3703/3933 +f 3699/3699/3928 3648/3648/3863 3652/3652/3934 +f 3699/3699/3928 3652/3652/3934 3704/3704/3938 +f 3649/3649/3931 3702/3702/3930 3650/3650/3866 +f 3704/3704/3938 3703/3703/3933 3699/3699/3928 +f 3650/3650/3866 3702/3702/3930 3705/3705/3935 +f 3683/3683/3939 3653/3653/3869 3650/3650/3866 +f 3703/3703/3933 3704/3704/3938 3706/3706/3936 +f 3654/3654/3937 3704/3704/3938 3652/3652/3934 +f 3650/3650/3866 3705/3705/3935 3683/3683/3939 +f 3702/3702/3930 3703/3703/3933 3705/3705/3935 +f 3705/3705/3935 3703/3703/3933 3706/3706/3936 +f 3704/3704/3938 3654/3654/3937 3707/3707/3941 +f 3705/3705/3935 3708/3708/3940 3683/3683/3939 +f 3705/3705/3935 3706/3706/3936 3708/3708/3942 +f 3654/3654/3937 3684/3684/3900 3707/3707/3941 +f 3704/3704/3938 3707/3707/3941 3706/3706/3936 +f 3709/3709/3943 3706/3706/3936 3707/3707/3941 +f 3708/3708/3942 3706/3706/3936 3709/3709/3943 +f 3708/3708/3940 3710/3710/3945 3683/3683/3939 +f 3710/3710/3944 3708/3708/3942 3709/3709/3943 +f 3711/3711/4334 3709/3709/3943 3707/3707/3941 +f 3710/3710/3945 3685/3685/3903 3683/3683/3939 +f 3712/3712/4274 3685/3685/3903 3710/3710/3945 +f 3711/3711/4334 3712/3712/3946 3710/3710/3944 +f 3710/3710/3944 3709/3709/3943 3711/3711/4334 +f 3103/3103/3947 261/261/3293 1836/1836/1884 +f 1836/1836/1884 3106/3106/3296 3103/3103/3947 +f 3713/3713/3948 1836/1836/1884 1837/1837/1885 +f 3106/3106/3296 1836/1836/1884 3713/3713/3948 +f 1838/1838/1891 3714/3714/3949 1837/1837/1885 +f 3714/3714/3949 1838/1838/1891 3715/3715/3953 +f 1837/1837/1885 3714/3714/3949 3713/3713/3948 +f 3716/3716/3950 1841/1841/1892 1839/1839/1888 +f 3716/3716/3950 1838/1838/1891 1841/1841/1892 +f 3715/3715/3953 1838/1838/1891 3716/3716/3950 +f 3716/3716/3950 1839/1839/1888 1842/1842/3952 +f 3470/3470/3956 1843/1843/1893 1866/1866/3951 +f 3716/3716/3950 1842/1842/3952 3717/3717/3957 +f 3717/3717/3957 3718/3718/3955 3716/3716/3950 +f 3718/3718/3955 3715/3715/3953 3716/3716/3950 +f 3719/3719/3962 3720/3720/3954 3718/3718/3955 +f 3717/3717/3957 1842/1842/3952 3470/3470/3956 +f 3470/3470/3956 3719/3719/3962 3717/3717/3957 +f 3719/3719/3962 3470/3470/3956 1866/1866/3951 +f 3719/3719/3962 3718/3718/3955 3717/3717/3957 +f 3721/3721/3958 3719/3719/3962 1866/1866/3951 +f 3713/3713/3948 3714/3714/3949 3722/3722/3959 +f 3106/3106/3296 3713/3713/3948 3111/3111/3310 +f 3723/3723/3960 3722/3722/3959 3714/3714/3949 +f 3715/3715/3953 3723/3723/3960 3714/3714/3949 +f 3111/3111/3310 3713/3713/3948 3722/3722/3959 +f 3724/3724/3997 3722/3722/3959 3723/3723/3960 +f 3725/3725/3993 3724/3724/3997 3723/3723/3960 +f 3723/3723/3960 3715/3715/3953 3718/3718/3955 +f 3723/3723/3960 3718/3718/3955 3720/3720/3954 +f 3726/3726/3961 3719/3719/3962 3721/3721/3958 +f 3719/3719/3962 3726/3726/3961 3720/3720/3954 +f 3727/3727/3963 3720/3720/3954 3726/3726/3961 +f 3728/3728/3964 3721/3721/3958 3729/3729/3973 +f 3726/3726/3961 3721/3721/3958 3728/3728/3964 +f 3730/3730/3965 3720/3720/3954 3727/3727/3963 +f 3725/3725/3993 3723/3723/3960 3720/3720/3954 +f 3720/3720/3954 3730/3730/3965 3725/3725/3993 +f 3727/3727/3963 3726/3726/3961 3728/3728/3964 +f 1866/1866/3951 1844/1844/1894 1865/1865/3966 +f 3731/3731/3969 1866/1866/3951 1865/1865/3966 +f 1869/1869/3971 3731/3731/3969 1865/1865/3966 +f 1870/1870/1922 1868/1868/1920 1872/1872/3967 +f 1872/1872/3967 3732/3732/3968 1870/1870/1922 +f 1866/1866/3951 3731/3731/3969 3721/3721/3958 +f 3732/3732/3968 1872/1872/3967 3733/3733/3978 +f 1872/1872/3967 1871/1871/3970 3734/3734/3975 +f 3721/3721/3958 3731/3731/3969 3729/3729/3973 +f 1869/1869/3971 3735/3735/3972 3731/3731/3969 +f 3735/3735/3972 3729/3729/3973 3731/3731/3969 +f 3736/3736/3974 3735/3735/3972 1869/1869/3971 +f 3732/3732/3968 1869/1869/3971 1870/1870/1922 +f 3736/3736/3974 1869/1869/3971 3732/3732/3968 +f 3737/3737/4002 3729/3729/3973 3735/3735/3972 +f 3734/3734/3975 1871/1871/3970 1873/1873/3976 +f 1890/1890/3977 1873/1873/3976 1887/1887/1938 +f 3734/3734/3975 1873/1873/3976 3738/3738/3979 +f 3738/3738/3979 1873/1873/3976 1890/1890/3977 +f 3733/3733/3978 1872/1872/3967 3734/3734/3975 +f 3733/3733/3978 3734/3734/3975 3738/3738/3979 +f 3739/3739/3985 3738/3738/3979 1890/1890/3977 +f 1890/1890/3977 1891/1891/1942 3740/3740/3980 +f 3739/3739/3985 1890/1890/3977 3740/3740/3980 +f 3741/3741/3988 3739/3739/3985 3740/3740/3980 +f 1891/1891/1942 1889/1889/1941 1895/1895/1946 +f 3740/3740/3980 1891/1891/1942 1895/1895/1946 +f 1895/1895/1946 1893/1893/1947 3742/3742/3981 +f 3740/3740/3980 1895/1895/1946 3742/3742/3981 +f 3742/3742/3981 1893/1893/1947 3743/3743/4367 +f 3743/3743/4367 1893/1893/1947 1894/1894/1949 +f 1894/1894/1949 1897/1897/4366 3743/3743/4367 +f 3744/3744/3982 3740/3740/3980 3742/3742/3981 +f 3742/3742/3981 3743/3743/4367 3745/3745/3983 +f 3744/3744/3982 3742/3742/3981 3745/3745/3983 +f 3732/3732/3968 3733/3733/3978 3746/3746/3984 +f 3746/3746/3984 3733/3733/3978 3747/3747/3986 +f 3746/3746/3984 3748/3748/4004 3732/3732/3968 +f 3736/3736/3974 3732/3732/3968 3748/3748/4004 +f 3746/3746/3984 3747/3747/3986 3749/3749/3989 +f 3746/3746/3984 3749/3749/3989 3750/3750/4003 +f 3733/3733/3978 3738/3738/3979 3747/3747/3986 +f 3739/3739/3985 3747/3747/3986 3738/3738/3979 +f 3747/3747/3986 3739/3739/3985 3741/3741/3988 +f 3751/3751/3987 3747/3747/3986 3741/3741/3988 +f 3749/3749/3989 3747/3747/3986 3751/3751/3987 +f 3751/3751/3987 3740/3740/3980 3744/3744/3982 +f 3751/3751/3987 3741/3741/3988 3740/3740/3980 +f 3749/3749/3989 3751/3751/3987 3752/3752/3991 +f 3752/3752/3991 3751/3751/3987 3744/3744/3982 +f 3753/3753/3990 3749/3749/3989 3752/3752/3991 +f 3114/3114/3992 3111/3111/3310 3722/3722/3959 +f 3114/3114/3992 3722/3722/3959 3724/3724/3997 +f 3754/3754/3995 3724/3724/3997 3725/3725/3993 +f 3725/3725/3993 3755/3755/3994 3754/3754/3995 +f 3113/3113/3311 3114/3114/3992 2929/2929/3086 +f 3114/3114/3992 3756/3756/3996 2929/2929/3086 +f 3756/3756/3996 3114/3114/3992 3724/3724/3997 +f 3724/3724/3997 3754/3754/3995 3756/3756/3996 +f 3725/3725/3993 3730/3730/3965 3755/3755/3994 +f 3757/3757/3998 3727/3727/3963 3728/3728/3964 +f 3757/3757/3998 3730/3730/3965 3727/3727/3963 +f 3730/3730/3965 3757/3757/3998 3537/3537/3758 +f 3757/3757/3998 3728/3728/3964 3758/3758/4001 +f 3728/3728/3964 3737/3737/4002 3758/3758/4001 +f 3756/3756/3996 2930/2930/3087 2929/2929/3086 +f 3756/3756/3996 3532/3532/3999 2930/2930/3087 +f 3532/3532/3999 3756/3756/3996 3754/3754/3995 +f 3535/3535/4000 3754/3754/3995 3755/3755/3994 +f 3532/3532/3999 3754/3754/3995 3535/3535/4000 +f 3537/3537/3758 3755/3755/3994 3730/3730/3965 +f 3535/3535/4000 3755/3755/3994 3537/3537/3758 +f 3541/3541/3762 3537/3537/3758 3757/3757/3998 +f 3758/3758/4001 3541/3541/3762 3757/3757/3998 +f 3541/3541/3762 3758/3758/4001 3545/3545/3763 +f 3548/3548/3765 3545/3545/3763 3758/3758/4001 +f 3729/3729/3973 3737/3737/4002 3728/3728/3964 +f 3736/3736/3974 3737/3737/4002 3735/3735/3972 +f 3737/3737/4002 3736/3736/3974 3759/3759/4006 +f 3759/3759/4006 3736/3736/3974 3748/3748/4004 +f 3748/3748/4004 3746/3746/3984 3760/3760/4007 +f 3750/3750/4003 3760/3760/4007 3746/3746/3984 +f 3748/3748/4004 3567/3567/3785 3759/3759/4006 +f 3567/3567/3785 3748/3748/4004 3761/3761/4005 +f 3758/3758/4001 3737/3737/4002 3759/3759/4006 +f 3760/3760/4007 3761/3761/4005 3748/3748/4004 +f 3760/3760/4007 3573/3573/3792 3761/3761/4005 +f 3573/3573/3792 3760/3760/4007 3750/3750/4003 +f 3753/3753/3990 3750/3750/4003 3749/3749/3989 +f 3573/3573/3792 3750/3750/4003 3753/3753/3990 +f 3578/3578/3794 3753/3753/3990 3762/3762/4009 +f 3576/3576/4008 3753/3753/3990 3578/3578/3794 +f 3578/3578/3794 3762/3762/4009 3580/3580/3795 +f 3762/3762/4009 3752/3752/3991 3744/3744/3982 +f 3753/3753/3990 3752/3752/3991 3762/3762/4009 +f 3763/3763/4378 3762/3762/4009 3744/3744/3982 +f 3548/3548/3765 3758/3758/4001 3759/3759/4006 +f 3759/3759/4006 3567/3567/3785 3548/3548/3765 +f 3550/3550/3786 3548/3548/3765 3567/3567/3785 +f 3568/3568/3789 3567/3567/3785 3761/3761/4005 +f 3568/3568/3789 3761/3761/4005 3570/3570/3790 +f 3761/3761/4005 3573/3573/3792 3570/3570/3790 +f 3574/3574/3793 3573/3573/3792 3576/3576/4008 +f 3753/3753/3990 3576/3576/4008 3573/3573/3792 +f 3697/3697/3919 3647/3647/3921 3693/3693/3913 +f 3702/3702/3930 3698/3698/3927 3701/3701/3932 +f 2374/2374/4010 2373/2373/2531 2378/2378/4011 +f 3236/3236/3426 933/933/996 2372/2372/4012 +f 3764/3764/4014 3236/3236/3426 2372/2372/4012 +f 3764/3764/4014 2372/2372/4012 2374/2374/4010 +f 3765/3765/4013 2374/2374/4010 2378/2378/4011 +f 3236/3236/3426 3764/3764/4014 3238/3238/3441 +f 3764/3764/4014 2374/2374/4010 3766/3766/4015 +f 2374/2374/4010 3765/3765/4013 3766/3766/4015 +f 3767/3767/4028 3766/3766/4015 3765/3765/4013 +f 2379/2379/2535 2378/2378/4011 2375/2375/2532 +f 3768/3768/4021 2378/2378/4011 2379/2379/2535 +f 3765/3765/4013 2378/2378/4011 3768/3768/4021 +f 3769/3769/4022 3768/3768/4021 2379/2379/2535 +f 3770/3770/4016 2379/2379/2535 2382/2382/4017 +f 3770/3770/4016 2382/2382/4017 2380/2380/4018 +f 3770/3770/4016 3769/3769/4022 2379/2379/2535 +f 3770/3770/4016 2380/2380/4018 3771/3771/4037 +f 2380/2380/4018 3772/3772/4019 3771/3771/4037 +f 3773/3773/4020 3765/3765/4013 3768/3768/4021 +f 3773/3773/4020 3768/3768/4021 3769/3769/4022 +f 3774/3774/4025 3238/3238/3441 3764/3764/4014 +f 3774/3774/4025 3764/3764/4014 3766/3766/4015 +f 3775/3775/4030 3776/3776/4024 3260/3260/3686 +f 3775/3775/4030 3777/3777/4023 3776/3776/4024 +f 3261/3261/4027 3238/3238/3441 3774/3774/4025 +f 3778/3778/4026 3261/3261/4027 3774/3774/4025 +f 3767/3767/4028 3765/3765/4013 3773/3773/4020 +f 3774/3774/4025 3766/3766/4015 3767/3767/4028 +f 3777/3777/4023 3779/3779/4035 3780/3780/4351 +f 3259/3259/4029 3775/3775/4030 3260/3260/3686 +f 3778/3778/4026 3774/3774/4025 3781/3781/4032 +f 3265/3265/3445 3261/3261/4027 3778/3778/4026 +f 3394/3394/4075 3265/3265/3445 3778/3778/4026 +f 3394/3394/4075 3778/3778/4026 3781/3781/4032 +f 3782/3782/4031 3394/3394/4075 3781/3781/4032 +f 3777/3777/4023 3775/3775/4030 3783/3783/4033 +f 3783/3783/4033 3784/3784/4034 3777/3777/4023 +f 3784/3784/4034 3779/3779/4035 3777/3777/4023 +f 3767/3767/4028 3785/3785/4036 3786/3786/4043 +f 3787/3787/4042 3784/3784/4034 3788/3788/4077 +f 3781/3781/4032 3774/3774/4025 3767/3767/4028 +f 3781/3781/4032 3767/3767/4028 3786/3786/4043 +f 3789/3789/4078 3781/3781/4032 3786/3786/4043 +f 3771/3771/4037 3772/3772/4019 3790/3790/4074 +f 3771/3771/4037 3790/3790/4074 3791/3791/4038 +f 3791/3791/4038 3792/3792/4040 3771/3771/4037 +f 3793/3793/4039 3791/3791/4038 3790/3790/4074 +f 3794/3794/4090 3795/3795/4361 3796/3796/4093 +f 3793/3793/4039 3797/3797/4045 3791/3791/4038 +f 3773/3773/4020 3769/3769/4022 3785/3785/4036 +f 3770/3770/4016 3792/3792/4040 3769/3769/4022 +f 3771/3771/4037 3792/3792/4040 3770/3770/4016 +f 3785/3785/4036 3767/3767/4028 3773/3773/4020 +f 3785/3785/4036 3769/3769/4022 3798/3798/4041 +f 3792/3792/4040 3798/3798/4041 3769/3769/4022 +f 3784/3784/4034 3787/3787/4042 3779/3779/4035 +f 3786/3786/4043 3785/3785/4036 3798/3798/4041 +f 3796/3796/4093 3799/3799/4358 3787/3787/4042 +f 3786/3786/4043 3798/3798/4041 3800/3800/4044 +f 3792/3792/4040 3800/3800/4044 3798/3798/4041 +f 3791/3791/4038 3797/3797/4045 3792/3792/4040 +f 3801/3801/4070 2399/2399/4069 2400/2400/2552 +f 3802/3802/4047 2401/2401/2554 2402/2402/2555 +f 2401/2401/2554 3802/3802/4047 2400/2400/2552 +f 3803/3803/4046 3802/3802/4047 2402/2402/2555 +f 3802/3802/4047 3801/3801/4070 2400/2400/2552 +f 3804/3804/4057 3802/3802/4047 3803/3803/4046 +f 3805/3805/4048 2404/2404/2559 1388/1388/3725 +f 2404/2404/2559 3805/3805/4048 2406/2406/4052 +f 3805/3805/4048 1388/1388/3725 3503/3503/3724 +f 2407/2407/4049 2405/2405/2560 3806/3806/4051 +f 3807/3807/4050 2407/2407/4049 3806/3806/4051 +f 3806/3806/4051 2405/2405/2560 2406/2406/4052 +f 3509/3509/4055 3805/3805/4048 3503/3503/3724 +f 3808/3808/4053 3805/3805/4048 3809/3809/4054 +f 3805/3805/4048 3509/3509/4055 3809/3809/4054 +f 3808/3808/4053 2406/2406/4052 3805/3805/4048 +f 3806/3806/4051 2406/2406/4052 3808/3808/4053 +f 3807/3807/4050 3806/3806/4051 3808/3808/4053 +f 3810/3810/4059 3807/3807/4050 3808/3808/4053 +f 2403/2403/2556 3803/3803/4046 2402/2402/2555 +f 2407/2407/4049 3803/3803/4046 2403/2403/2556 +f 3807/3807/4050 3803/3803/4046 2407/2407/4049 +f 3807/3807/4050 3811/3811/4064 3803/3803/4046 +f 3804/3804/4057 3803/3803/4046 3811/3811/4064 +f 3812/3812/4056 3802/3802/4047 3804/3804/4057 +f 3812/3812/4056 3813/3813/4071 3802/3802/4047 +f 3814/3814/4058 3812/3812/4056 3804/3804/4057 +f 3804/3804/4057 3811/3811/4064 3814/3814/4058 +f 3810/3810/4059 3808/3808/4053 3809/3809/4054 +f 3815/3815/4060 3809/3809/4054 3509/3509/4055 +f 3815/3815/4060 3509/3509/4055 3516/3516/3735 +f 3816/3816/4061 3516/3516/3735 3519/3519/3740 +f 3816/3816/4061 3815/3815/4060 3516/3516/3735 +f 3810/3810/4059 3817/3817/4066 3818/3818/4062 +f 3817/3817/4066 3810/3810/4059 3809/3809/4054 +f 3815/3815/4060 3817/3817/4066 3809/3809/4054 +f 3819/3819/4063 3807/3807/4050 3810/3810/4059 +f 3819/3819/4063 3811/3811/4064 3807/3807/4050 +f 3810/3810/4059 3818/3818/4062 3819/3819/4063 +f 3820/3820/4065 3818/3818/4062 3817/3817/4066 +f 3820/3820/4065 3819/3819/4063 3818/3818/4062 +f 3772/3772/4019 2380/2380/4018 2381/2381/4067 +f 3772/3772/4019 2381/2381/4067 2399/2399/4069 +f 3821/3821/4068 2399/2399/4069 3801/3801/4070 +f 3813/3813/4071 3821/3821/4068 3801/3801/4070 +f 3790/3790/4074 3772/3772/4019 2399/2399/4069 +f 2399/2399/4069 3821/3821/4068 3790/3790/4074 +f 3802/3802/4047 3813/3813/4071 3801/3801/4070 +f 3822/3822/4072 3821/3821/4068 3813/3813/4071 +f 3823/3823/4073 3790/3790/4074 3821/3821/4068 +f 3823/3823/4073 3821/3821/4068 3822/3822/4072 +f 3793/3793/4039 3790/3790/4074 3823/3823/4073 +f 3812/3812/4056 3822/3822/4072 3813/3813/4071 +f 3823/3823/4073 3822/3822/4072 3824/3824/4165 +f 3823/3823/4073 3825/3825/4163 3793/3793/4039 +f 3824/3824/4165 3825/3825/4163 3823/3823/4073 +f 3824/3824/4165 3822/3822/4072 3812/3812/4056 +f 3824/3824/4165 3812/3812/4056 3826/3826/4167 +f 3814/3814/4058 3826/3826/4167 3812/3812/4056 +f 3775/3775/4030 3259/3259/4029 3392/3392/3594 +f 3392/3392/3594 3421/3421/4081 3775/3775/4030 +f 3421/3421/4081 3783/3783/4033 3775/3775/4030 +f 3394/3394/4075 3782/3782/4031 3827/3827/4076 +f 3788/3788/4077 3784/3784/4034 3783/3783/4033 +f 3782/3782/4031 3781/3781/4032 3789/3789/4078 +f 3783/3783/4033 3828/3828/4079 3788/3788/4077 +f 3782/3782/4031 3789/3789/4078 3829/3829/4082 +f 3782/3782/4031 3829/3829/4082 3827/3827/4076 +f 3786/3786/4043 3829/3829/4082 3789/3789/4078 +f 3786/3786/4043 3800/3800/4044 3829/3829/4082 +f 3830/3830/4080 3829/3829/4082 3800/3800/4044 +f 3828/3828/4079 3783/3783/4033 3421/3421/4081 +f 3831/3831/4086 3421/3421/4081 3422/3422/3623 +f 3421/3421/4081 3831/3831/4086 3828/3828/4079 +f 3827/3827/4076 3829/3829/4082 3832/3832/4083 +f 3788/3788/4077 3828/3828/4079 3833/3833/4084 +f 3833/3833/4084 3828/3828/4079 3831/3831/4086 +f 3829/3829/4082 3830/3830/4080 3832/3832/4083 +f 3834/3834/4105 3788/3788/4077 3833/3833/4084 +f 3833/3833/4084 3831/3831/4086 3834/3834/4105 +f 3835/3835/4085 3834/3834/4105 3831/3831/4086 +f 3836/3836/4087 3837/3837/4088 3832/3832/4083 +f 3797/3797/4045 3793/3793/4039 3838/3838/4098 +f 3839/3839/4089 3794/3794/4090 3840/3840/4091 +f 3841/3841/4092 3839/3839/4089 3840/3840/4091 +f 3787/3787/4042 3842/3842/4096 3796/3796/4093 +f 3788/3788/4077 3842/3842/4096 3787/3787/4042 +f 3842/3842/4096 3843/3843/4095 3796/3796/4093 +f 3800/3800/4044 3792/3792/4040 3844/3844/4100 +f 3797/3797/4045 3844/3844/4100 3792/3792/4040 +f 3796/3796/4093 3845/3845/4094 3794/3794/4090 +f 3843/3843/4095 3845/3845/4094 3796/3796/4093 +f 3845/3845/4094 3840/3840/4091 3794/3794/4090 +f 3845/3845/4094 3843/3843/4095 3846/3846/4104 +f 3834/3834/4105 3842/3842/4096 3788/3788/4077 +f 3834/3834/4105 3843/3843/4095 3842/3842/4096 +f 3830/3830/4080 3800/3800/4044 3847/3847/4097 +f 3832/3832/4083 3830/3830/4080 3847/3847/4097 +f 3847/3847/4097 3800/3800/4044 3844/3844/4100 +f 3847/3847/4097 3844/3844/4100 3848/3848/4111 +f 3797/3797/4045 3838/3838/4098 3849/3849/4099 +f 3849/3849/4099 3844/3844/4100 3797/3797/4045 +f 3838/3838/4098 3850/3850/4164 3849/3849/4099 +f 3831/3831/4086 3851/3851/4101 3835/3835/4085 +f 3852/3852/4102 3851/3851/4101 3853/3853/4199 +f 3854/3854/4103 3845/3845/4094 3846/3846/4104 +f 3846/3846/4104 3843/3843/4095 3834/3834/4105 +f 3834/3834/4105 3835/3835/4085 3846/3846/4104 +f 3855/3855/4106 3835/3835/4085 3851/3851/4101 +f 3832/3832/4083 3847/3847/4097 3836/3836/4087 +f 3856/3856/4115 3836/3836/4087 3847/3847/4097 +f 3857/3857/4107 3858/3858/4109 3836/3836/4087 +f 3846/3846/4104 3835/3835/4085 3859/3859/4122 +f 3855/3855/4106 3859/3859/4122 3835/3835/4085 +f 3854/3854/4103 3846/3846/4104 3859/3859/4122 +f 3856/3856/4115 3847/3847/4097 3848/3848/4111 +f 3857/3857/4107 3856/3856/4115 3860/3860/4113 +f 3857/3857/4107 3836/3836/4087 3856/3856/4115 +f 3861/3861/4108 3855/3855/4106 3851/3851/4101 +f 3862/3862/4119 3858/3858/4109 3857/3857/4107 +f 3860/3860/4113 3862/3862/4119 3857/3857/4107 +f 3840/3840/4091 3845/3845/4094 3854/3854/4103 +f 3863/3863/4112 3849/3849/4099 3850/3850/4164 +f 3864/3864/4110 3854/3854/4103 3859/3859/4122 +f 3865/3865/4121 3840/3840/4091 3854/3854/4103 +f 3841/3841/4092 3840/3840/4091 3865/3865/4121 +f 3866/3866/4182 3867/3867/4114 3863/3863/4112 +f 3848/3848/4111 3849/3849/4099 3863/3863/4112 +f 3854/3854/4103 3864/3864/4110 3865/3865/4121 +f 3868/3868/4189 3860/3860/4113 3867/3867/4114 +f 3867/3867/4114 3848/3848/4111 3863/3863/4112 +f 3868/3868/4189 3867/3867/4114 3866/3866/4182 +f 3848/3848/4111 3844/3844/4100 3849/3849/4099 +f 3867/3867/4114 3856/3856/4115 3848/3848/4111 +f 3860/3860/4113 3856/3856/4115 3867/3867/4114 +f 3852/3852/4102 3861/3861/4108 3851/3851/4101 +f 3869/3869/4116 3855/3855/4106 3861/3861/4108 +f 3870/3870/4117 3861/3861/4108 3852/3852/4102 +f 3869/3869/4116 3861/3861/4108 3870/3870/4117 +f 3860/3860/4113 3871/3871/4118 3862/3862/4119 +f 3872/3872/4127 3859/3859/4122 3873/3873/4129 +f 3874/3874/4120 3865/3865/4121 3864/3864/4110 +f 3874/3874/4120 3864/3864/4110 3875/3875/4123 +f 3864/3864/4110 3859/3859/4122 3875/3875/4123 +f 3859/3859/4122 3872/3872/4127 3875/3875/4123 +f 3860/3860/4113 3868/3868/4189 3876/3876/4124 +f 3877/3877/4128 3878/3878/4125 3875/3875/4123 +f 3879/3879/4126 3878/3878/4125 3877/3877/4128 +f 3872/3872/4127 3877/3877/4128 3875/3875/4123 +f 3869/3869/4116 3859/3859/4122 3855/3855/4106 +f 3869/3869/4116 3873/3873/4129 3859/3859/4122 +f 3871/3871/4118 3860/3860/4113 3876/3876/4124 +f 3880/3880/4130 3819/3819/4063 3820/3820/4065 +f 3881/3881/4138 3880/3880/4130 3820/3820/4065 +f 3811/3811/4064 3880/3880/4130 3814/3814/4058 +f 3819/3819/4063 3880/3880/4130 3811/3811/4064 +f 3882/3882/4131 3883/3883/4132 3884/3884/4370 +f 3883/3883/4132 3885/3885/4133 3886/3886/4134 +f 3883/3883/4132 3882/3882/4131 3887/3887/4136 +f 3888/3888/4375 3889/3889/4135 3882/3882/4131 +f 3882/3882/4131 3889/3889/4135 3887/3887/4136 +f 3880/3880/4130 3890/3890/4137 3814/3814/4058 +f 3891/3891/4157 3883/3883/4132 3887/3887/4136 +f 3881/3881/4138 3892/3892/4139 3880/3880/4130 +f 3892/3892/4139 3890/3890/4137 3880/3880/4130 +f 3519/3519/3740 3562/3562/4140 3816/3816/4061 +f 3562/3562/4140 3893/3893/4142 3816/3816/4061 +f 3894/3894/4141 3817/3817/4066 3815/3815/4060 +f 3817/3817/4066 3894/3894/4141 3820/3820/4065 +f 3562/3562/4140 3564/3564/3781 3893/3893/4142 +f 3816/3816/4061 3893/3893/4142 3815/3815/4060 +f 3895/3895/4143 3815/3815/4060 3893/3893/4142 +f 3895/3895/4143 3564/3564/3781 3896/3896/4149 +f 3895/3895/4143 3893/3893/4142 3564/3564/3781 +f 3895/3895/4143 3894/3894/4141 3815/3815/4060 +f 3897/3897/4152 3894/3894/4141 3895/3895/4143 +f 3881/3881/4138 3820/3820/4065 3894/3894/4141 +f 3581/3581/4146 3580/3580/3795 3898/3898/4383 +f 3899/3899/4147 3898/3898/4383 3900/3900/4144 +f 3900/3900/4144 3901/3901/4385 3902/3902/4148 +f 3903/3903/4145 3897/3897/4152 3896/3896/4149 +f 3581/3581/4146 3898/3898/4383 3899/3899/4147 +f 3663/3663/3880 3904/3904/4150 3584/3584/3800 +f 3584/3584/3800 3579/3579/3799 3663/3663/3880 +f 3905/3905/4153 3581/3581/4146 3899/3899/4147 +f 3899/3899/4147 3900/3900/4144 3902/3902/4148 +f 3903/3903/4145 3896/3896/4149 3904/3904/4150 +f 3906/3906/4151 3897/3897/4152 3903/3903/4145 +f 3905/3905/4153 3899/3899/4147 3902/3902/4148 +f 3886/3886/4134 3885/3885/4133 3901/3901/4385 +f 3907/3907/4155 3894/3894/4141 3897/3897/4152 +f 3891/3891/4157 3885/3885/4133 3883/3883/4132 +f 3894/3894/4141 3908/3908/4154 3881/3881/4138 +f 3894/3894/4141 3907/3907/4155 3908/3908/4154 +f 3909/3909/4156 3891/3891/4157 3887/3887/4136 +f 3887/3887/4136 3910/3910/4178 3909/3909/4156 +f 3881/3881/4138 3908/3908/4154 3892/3892/4139 +f 3911/3911/4184 3892/3892/4139 3908/3908/4154 +f 3885/3885/4133 3912/3912/4251 3913/3913/4246 +f 3906/3906/4151 3907/3907/4155 3897/3897/4152 +f 3901/3901/4385 3885/3885/4133 3913/3913/4246 +f 3908/3908/4154 3907/3907/4155 3914/3914/4248 +f 3901/3901/4385 3913/3913/4246 3902/3902/4148 +f 3913/3913/4246 3915/3915/4158 3902/3902/4148 +f 3907/3907/4155 3906/3906/4151 3914/3914/4248 +f 3885/3885/4133 3891/3891/4157 3912/3912/4251 +f 3912/3912/4251 3891/3891/4157 3909/3909/4156 +f 3911/3911/4184 3908/3908/4154 3916/3916/4159 +f 3917/3917/4160 3912/3912/4251 3909/3909/4156 +f 3916/3916/4159 3908/3908/4154 3914/3914/4248 +f 3896/3896/4149 3564/3564/3781 3584/3584/3800 +f 3896/3896/4149 3584/3584/3800 3904/3904/4150 +f 3897/3897/4152 3895/3895/4143 3896/3896/4149 +f 3918/3918/4162 3919/3919/4161 3920/3920/4169 +f 3918/3918/4162 3888/3888/4375 3919/3919/4161 +f 3793/3793/4039 3825/3825/4163 3838/3838/4098 +f 3921/3921/4166 3850/3850/4164 3825/3825/4163 +f 3850/3850/4164 3838/3838/4098 3825/3825/4163 +f 3825/3825/4163 3824/3824/4165 3921/3921/4166 +f 3921/3921/4166 3824/3824/4165 3826/3826/4167 +f 3826/3826/4167 3814/3814/4058 3922/3922/4168 +f 3921/3921/4166 3826/3826/4167 3922/3922/4168 +f 3889/3889/4135 3888/3888/4375 3918/3918/4162 +f 3923/3923/4172 3889/3889/4135 3918/3918/4162 +f 3918/3918/4162 3920/3920/4169 3839/3839/4089 +f 3850/3850/4164 3921/3921/4166 3924/3924/4170 +f 3841/3841/4092 3918/3918/4162 3839/3839/4089 +f 3922/3922/4168 3925/3925/4171 3924/3924/4170 +f 3924/3924/4170 3921/3921/4166 3922/3922/4168 +f 3814/3814/4058 3890/3890/4137 3922/3922/4168 +f 3922/3922/4168 3890/3890/4137 3925/3925/4171 +f 3889/3889/4135 3910/3910/4178 3887/3887/4136 +f 3926/3926/4176 3890/3890/4137 3892/3892/4139 +f 3926/3926/4176 3925/3925/4171 3890/3890/4137 +f 3850/3850/4164 3924/3924/4170 3927/3927/4173 +f 3918/3918/4162 3841/3841/4092 3923/3923/4172 +f 3927/3927/4173 3924/3924/4170 3925/3925/4171 +f 3926/3926/4176 3927/3927/4173 3925/3925/4171 +f 3841/3841/4092 3865/3865/4121 3923/3923/4172 +f 3928/3928/4174 3850/3850/4164 3927/3927/4173 +f 3929/3929/4175 3889/3889/4135 3923/3923/4172 +f 3926/3926/4176 3930/3930/4180 3927/3927/4173 +f 3928/3928/4174 3927/3927/4173 3930/3930/4180 +f 3911/3911/4184 3926/3926/4176 3892/3892/4139 +f 3889/3889/4135 3929/3929/4175 3910/3910/4178 +f 3929/3929/4175 3931/3931/4177 3910/3910/4178 +f 3926/3926/4176 3932/3932/4185 3930/3930/4180 +f 3933/3933/4179 3917/3917/4160 3931/3931/4177 +f 3931/3931/4177 3929/3929/4175 3933/3933/4179 +f 3934/3934/4183 3935/3935/4307 3933/3933/4179 +f 3874/3874/4120 3923/3923/4172 3865/3865/4121 +f 3878/3878/4125 3874/3874/4120 3875/3875/4123 +f 3923/3923/4172 3874/3874/4120 3929/3929/4175 +f 3936/3936/4181 3930/3930/4180 3932/3932/4185 +f 3930/3930/4180 3936/3936/4181 3928/3928/4174 +f 3936/3936/4181 3866/3866/4182 3928/3928/4174 +f 3937/3937/4316 3866/3866/4182 3936/3936/4181 +f 3874/3874/4120 3878/3878/4125 3934/3934/4183 +f 3878/3878/4125 3879/3879/4126 3934/3934/4183 +f 3874/3874/4120 3933/3933/4179 3929/3929/4175 +f 3874/3874/4120 3934/3934/4183 3933/3933/4179 +f 3932/3932/4185 3938/3938/4188 3936/3936/4181 +f 3936/3936/4181 3938/3938/4188 3937/3937/4316 +f 3909/3909/4156 3910/3910/4178 3931/3931/4177 +f 3926/3926/4176 3911/3911/4184 3932/3932/4185 +f 3939/3939/4186 3932/3932/4185 3911/3911/4184 +f 3931/3931/4177 3917/3917/4160 3909/3909/4156 +f 3916/3916/4159 3939/3939/4186 3911/3911/4184 +f 3939/3939/4186 3940/3940/4187 3938/3938/4188 +f 3938/3938/4188 3932/3932/4185 3939/3939/4186 +f 3940/3940/4187 3939/3939/4186 3916/3916/4159 +f 3941/3941/4306 3937/3937/4316 3938/3938/4188 +f 3863/3863/4112 3850/3850/4164 3928/3928/4174 +f 3863/3863/4112 3928/3928/4174 3866/3866/4182 +f 3868/3868/4189 3866/3866/4182 3942/3942/4190 +f 3943/3943/4228 3868/3868/4189 3942/3942/4190 +f 3868/3868/4189 3943/3943/4228 3876/3876/4124 +f 3937/3937/4316 3942/3942/4190 3866/3866/4182 +f 3944/3944/4191 3393/3393/3615 3394/3394/4075 +f 3827/3827/4076 3944/3944/4191 3394/3394/4075 +f 3414/3414/3621 3393/3393/3615 3945/3945/4192 +f 3945/3945/4192 3420/3420/3647 3414/3414/3621 +f 3944/3944/4191 3945/3945/4192 3393/3393/3615 +f 3827/3827/4076 3945/3945/4192 3944/3944/4191 +f 3423/3423/3626 3422/3422/3623 3395/3395/3620 +f 3423/3423/3626 3946/3946/4193 3422/3422/3623 +f 3420/3420/3647 3945/3945/4192 3947/3947/4194 +f 3837/3837/4088 3945/3945/4192 3827/3827/4076 +f 3831/3831/4086 3422/3422/3623 3946/3946/4193 +f 3948/3948/4195 3945/3945/4192 3837/3837/4088 +f 3947/3947/4194 3945/3945/4192 3948/3948/4195 +f 3837/3837/4088 3827/3827/4076 3832/3832/4083 +f 3949/3949/4196 3948/3948/4195 3837/3837/4088 +f 3836/3836/4087 3949/3949/4196 3837/3837/4088 +f 3950/3950/4197 3946/3946/4193 3423/3423/3626 +f 3423/3423/3626 3440/3440/3653 3950/3950/4197 +f 3441/3441/3649 3420/3420/3647 3947/3947/4194 +f 3441/3441/3649 3947/3947/4194 3951/3951/4198 +f 3951/3951/4198 3952/3952/4208 3441/3441/3649 +f 3831/3831/4086 3946/3946/4193 3950/3950/4197 +f 3947/3947/4194 3948/3948/4195 3951/3951/4198 +f 3949/3949/4196 3951/3951/4198 3948/3948/4195 +f 3853/3853/4199 3831/3831/4086 3950/3950/4197 +f 3851/3851/4101 3831/3831/4086 3853/3853/4199 +f 3951/3951/4198 3949/3949/4196 3953/3953/4210 +f 3953/3953/4210 3949/3949/4196 3858/3858/4109 +f 3447/3447/4200 3950/3950/4197 3440/3440/3653 +f 3853/3853/4199 3950/3950/4197 3954/3954/4202 +f 3954/3954/4202 3950/3950/4197 3447/3447/4200 +f 3447/3447/4200 3445/3445/4201 3954/3954/4202 +f 3952/3952/4208 3951/3951/4198 3955/3955/4211 +f 3452/3452/4204 3449/3449/4203 3451/3451/3660 +f 3448/3448/3655 3441/3441/3649 3952/3952/4208 +f 3956/3956/4207 3450/3450/3657 3452/3452/3661 +f 3445/3445/4201 3450/3450/3657 3956/3956/4207 +f 3445/3445/4201 3956/3956/4207 3954/3954/4202 +f 3452/3452/4204 3451/3451/3660 3957/3957/4205 +f 3958/3958/4206 3956/3956/4207 3452/3452/3661 +f 3451/3451/3660 3448/3448/3655 3952/3952/4208 +f 3952/3952/4208 3957/3957/4205 3451/3451/3660 +f 3958/3958/4209 3452/3452/4204 3957/3957/4205 +f 3955/3955/4211 3959/3959/4338 3952/3952/4208 +f 3957/3957/4205 3952/3952/4208 3959/3959/4338 +f 3953/3953/4210 3955/3955/4211 3951/3951/4198 +f 3852/3852/4102 3853/3853/4199 3960/3960/4213 +f 3954/3954/4202 3961/3961/4212 3853/3853/4199 +f 3960/3960/4213 3853/3853/4199 3961/3961/4212 +f 3858/3858/4109 3949/3949/4196 3836/3836/4087 +f 3953/3953/4210 3858/3858/4109 3862/3862/4119 +f 3962/3962/4214 3953/3953/4210 3862/3862/4119 +f 3962/3962/4214 3955/3955/4211 3953/3953/4210 +f 3963/3963/4215 3873/3873/4129 3869/3869/4116 +f 3963/3963/4215 3869/3869/4116 3870/3870/4117 +f 3964/3964/4304 3877/3877/4128 3965/3965/4221 +f 3877/3877/4128 3872/3872/4127 3873/3873/4129 +f 3876/3876/4124 3966/3966/4216 3871/3871/4118 +f 3963/3963/4215 3967/3967/4217 3873/3873/4129 +f 3873/3873/4129 3967/3967/4217 3877/3877/4128 +f 3968/3968/4219 3871/3871/4118 3966/3966/4216 +f 3966/3966/4216 3969/3969/4218 3968/3968/4219 +f 3970/3970/4220 3966/3966/4216 3876/3876/4124 +f 3970/3970/4220 3876/3876/4124 3943/3943/4228 +f 3971/3971/4319 3965/3965/4221 3972/3972/4223 +f 3973/3973/4222 3965/3965/4221 3971/3971/4319 +f 3877/3877/4128 3967/3967/4217 3965/3965/4221 +f 3972/3972/4223 3967/3967/4217 3963/3963/4215 +f 3972/3972/4223 3963/3963/4215 3974/3974/4225 +f 3975/3975/4224 3972/3972/4223 3974/3974/4225 +f 3975/3975/4226 3968/3968/4219 3969/3969/4218 +f 3969/3969/4218 3966/3966/4216 3970/3970/4220 +f 3970/3970/4220 3976/3976/4229 3969/3969/4218 +f 3977/3977/4227 3970/3970/4220 3943/3943/4228 +f 3972/3972/4223 3965/3965/4221 3967/3967/4217 +f 3969/3969/4218 3976/3976/4229 3978/3978/4230 +f 3978/3978/4231 3972/3972/4223 3975/3975/4224 +f 3978/3978/4230 3975/3975/4226 3969/3969/4218 +f 3979/3979/4320 3972/3972/4223 3978/3978/4231 +f 3581/3581/4146 3661/3661/3878 3577/3577/3797 +f 3661/3661/3878 3581/3581/4146 3980/3980/4232 +f 3980/3980/4232 3581/3581/4146 3905/3905/4153 +f 3663/3663/3880 3662/3662/3879 3981/3981/4234 +f 3902/3902/4148 3915/3915/4158 3982/3982/4233 +f 3905/3905/4153 3902/3902/4148 3982/3982/4233 +f 3983/3983/4247 3903/3903/4145 3904/3904/4150 +f 3982/3982/4233 3980/3980/4232 3905/3905/4153 +f 3984/3984/4240 3982/3982/4233 3985/3985/4249 +f 3981/3981/4234 3904/3904/4150 3663/3663/3880 +f 3981/3981/4234 3983/3983/4247 3904/3904/4150 +f 3981/3981/4234 3986/3986/4244 3983/3983/4247 +f 3661/3661/3878 3980/3980/4232 3659/3659/3888 +f 3987/3987/4236 3981/3981/4234 3662/3662/3879 +f 3672/3672/3886 3659/3659/3888 3988/3988/4241 +f 3988/3988/4241 3659/3659/3888 3980/3980/4232 +f 3673/3673/3891 3987/3987/4236 3662/3662/3879 +f 3989/3989/4235 3987/3987/4236 3673/3673/3891 +f 3981/3981/4234 3987/3987/4236 3989/3989/4235 +f 3988/3988/4241 3680/3680/4239 3672/3672/3886 +f 3989/3989/4235 3673/3673/3891 3675/3675/3898 +f 3680/3680/4239 3988/3988/4241 3990/3990/4237 +f 3991/3991/4238 3680/3680/4239 3990/3990/4237 +f 3992/3992/4268 3989/3989/4235 3675/3675/3898 +f 3980/3980/4232 3982/3982/4233 3984/3984/4240 +f 3984/3984/4240 3988/3988/4241 3980/3980/4232 +f 3990/3990/4237 3988/3988/4241 3984/3984/4240 +f 3993/3993/4242 3994/3994/4270 3984/3984/4240 +f 3984/3984/4240 3985/3985/4249 3993/3993/4242 +f 3981/3981/4234 3989/3989/4235 3986/3986/4244 +f 3995/3995/4259 3989/3989/4235 3992/3992/4268 +f 3995/3995/4259 3986/3986/4244 3989/3989/4235 +f 3995/3995/4259 3996/3996/4243 3986/3986/4244 +f 3984/3984/4240 3991/3991/4238 3990/3990/4237 +f 3997/3997/4245 3995/3995/4259 3992/3992/4268 +f 3998/3998/4252 3915/3915/4158 3913/3913/4246 +f 3903/3903/4145 3983/3983/4247 3906/3906/4151 +f 3999/3999/4254 3914/3914/4248 3906/3906/4151 +f 3985/3985/4249 3915/3915/4158 4000/4000/4250 +f 3982/3982/4233 3915/3915/4158 3985/3985/4249 +f 3993/3993/4242 3985/3985/4249 4000/4000/4250 +f 4000/4000/4250 3915/3915/4158 3998/3998/4252 +f 3999/3999/4254 3906/3906/4151 3983/3983/4247 +f 3983/3983/4247 3986/3986/4244 3996/3996/4243 +f 3983/3983/4247 3996/3996/4243 3999/3999/4254 +f 3912/3912/4251 3998/3998/4252 3913/3913/4246 +f 3998/3998/4252 3912/3912/4251 3917/3917/4160 +f 3998/3998/4252 3917/3917/4160 4000/4000/4250 +f 3917/3917/4160 4001/4001/4253 4000/4000/4250 +f 4002/4002/4308 4000/4000/4250 4001/4001/4253 +f 3999/3999/4254 3916/3916/4159 3914/3914/4248 +f 3999/3999/4254 3996/3996/4243 4003/4003/4255 +f 3999/3999/4254 4003/4003/4255 3916/3916/4159 +f 4004/4004/4292 4002/4002/4308 4005/4005/4314 +f 4002/4002/4308 4006/4006/4258 4000/4000/4250 +f 4007/4007/4261 4003/4003/4255 3996/3996/4243 +f 4007/4007/4261 4008/4008/4257 4003/4003/4255 +f 4009/4009/4256 4008/4008/4257 4007/4007/4261 +f 4000/4000/4250 4006/4006/4258 3993/3993/4242 +f 4010/4010/4264 3993/3993/4242 4006/4006/4258 +f 3996/3996/4243 3995/3995/4259 4011/4011/4260 +f 4011/4011/4260 4007/4007/4261 3996/3996/4243 +f 4007/4007/4261 4011/4011/4260 4012/4012/4262 +f 3993/3993/4242 4010/4010/4264 4013/4013/4290 +f 4011/4011/4260 4014/4014/4289 4012/4012/4262 +f 4004/4004/4292 4006/4006/4258 4002/4002/4308 +f 4015/4015/4265 4007/4007/4261 4012/4012/4262 +f 4016/4016/4263 4010/4010/4264 4006/4006/4258 +f 4009/4009/4256 4007/4007/4261 4015/4015/4265 +f 4017/4017/4266 3992/3992/4268 3675/3675/3898 +f 4018/4018/4267 3679/3679/4272 3680/3680/4239 +f 4019/4019/4278 3992/3992/4268 4017/4017/4266 +f 3682/3682/3899 4017/4017/4266 3675/3675/3898 +f 4020/4020/4269 4018/4018/4267 3680/3680/4239 +f 4020/4020/4269 3680/3680/4239 3991/3991/4238 +f 3991/3991/4238 3984/3984/4240 3994/3994/4270 +f 4019/4019/4278 3997/3997/4245 3992/3992/4268 +f 4020/4020/4269 3991/3991/4238 3994/3994/4270 +f 4021/4021/4271 4017/4017/4266 3682/3682/3899 +f 3679/3679/4272 4018/4018/4267 4022/4022/4275 +f 4020/4020/4269 4022/4022/4275 4018/4018/4267 +f 3686/3686/4276 3681/3681/3902 3679/3679/4272 +f 3686/3686/4276 3679/3679/4272 4022/4022/4275 +f 3685/3685/3903 4021/4021/4271 3682/3682/3899 +f 4023/4023/4273 4021/4021/4271 3685/3685/3903 +f 3712/3712/4274 4024/4024/4283 4023/4023/4273 +f 3686/3686/4276 4022/4022/4275 4025/4025/4277 +f 3686/3686/4276 4025/4025/4277 3707/3707/3941 +f 4026/4026/4281 4027/4027/4333 4025/4025/4277 +f 4022/4022/4275 4020/4020/4269 4028/4028/4280 +f 4025/4025/4277 4022/4022/4275 4029/4029/4282 +f 4029/4029/4282 4022/4022/4275 4028/4028/4280 +f 4017/4017/4266 4021/4021/4271 4019/4019/4278 +f 4030/4030/4279 4019/4019/4278 4021/4021/4271 +f 4024/4024/4283 4021/4021/4271 4023/4023/4273 +f 4030/4030/4279 3997/3997/4245 4019/4019/4278 +f 4020/4020/4269 3994/3994/4270 4028/4028/4280 +f 4031/4031/4287 3997/3997/4245 4030/4030/4279 +f 4021/4021/4271 4024/4024/4283 4030/4030/4279 +f 4026/4026/4281 4025/4025/4277 4029/4029/4282 +f 4032/4032/4286 4024/4024/4283 4026/4026/4284 +f 4029/4029/4282 4033/4033/4297 4034/4034/4285 +f 4033/4033/4297 4029/4029/4282 4028/4028/4280 +f 4032/4032/4286 4031/4031/4287 4030/4030/4279 +f 4024/4024/4283 4032/4032/4286 4030/4030/4279 +f 4034/4034/4285 4026/4026/4281 4029/4029/4282 +f 4034/4034/4288 4032/4032/4286 4026/4026/4284 +f 4035/4035/4324 4036/4036/4293 4004/4004/4292 +f 3993/3993/4242 4013/4013/4290 3994/3994/4270 +f 4010/4010/4264 4016/4016/4263 4013/4013/4290 +f 3997/3997/4245 4031/4031/4287 3995/3995/4259 +f 4014/4014/4289 4011/4011/4260 3995/3995/4259 +f 3995/3995/4259 4031/4031/4287 4014/4014/4289 +f 4028/4028/4280 3994/3994/4270 4013/4013/4290 +f 4031/4031/4287 4037/4037/4291 4014/4014/4289 +f 4037/4037/4291 4038/4038/4300 4014/4014/4289 +f 4006/4006/4258 4004/4004/4292 4016/4016/4263 +f 4016/4016/4263 4004/4004/4292 4036/4036/4293 +f 4014/4014/4289 4015/4015/4265 4012/4012/4262 +f 4039/4039/4295 4013/4013/4290 4016/4016/4263 +f 4038/4038/4300 4015/4015/4265 4014/4014/4289 +f 4039/4039/4295 4016/4016/4263 4036/4036/4293 +f 4036/4036/4293 4040/4040/4331 4041/4041/4298 +f 4040/4040/4331 4042/4042/4294 4041/4041/4298 +f 4028/4028/4280 4013/4013/4290 4039/4039/4295 +f 4032/4032/4286 4043/4043/4296 4031/4031/4287 +f 4044/4044/4301 4043/4043/4296 4032/4032/4286 +f 4043/4043/4296 4037/4037/4291 4031/4031/4287 +f 4033/4033/4297 4028/4028/4280 4039/4039/4295 +f 4044/4044/4301 4034/4034/4285 4033/4033/4297 +f 4034/4034/4288 4044/4044/4301 4032/4032/4286 +f 4033/4033/4297 4039/4039/4295 4041/4041/4298 +f 4041/4041/4298 4044/4044/4301 4033/4033/4297 +f 4036/4036/4293 4041/4041/4298 4039/4039/4295 +f 4045/4045/4299 4038/4038/4300 4037/4037/4291 +f 4043/4043/4296 4045/4045/4299 4037/4037/4291 +f 4044/4044/4301 4041/4041/4298 4042/4042/4294 +f 4042/4042/4294 4045/4045/4299 4044/4044/4301 +f 4044/4044/4301 4045/4045/4299 4043/4043/4296 +f 4046/4046/4302 3935/3935/4307 3934/3934/4183 +f 4005/4005/4314 3935/3935/4307 4046/4046/4302 +f 3879/3879/4126 4047/4047/4303 3934/3934/4183 +f 4047/4047/4303 3879/3879/4126 3964/3964/4304 +f 4048/4048/4310 4049/4049/4305 3941/3941/4306 +f 4046/4046/4302 3934/3934/4183 4047/4047/4303 +f 3917/3917/4160 3933/3933/4179 4001/4001/4253 +f 4001/4001/4253 3933/3933/4179 3935/3935/4307 +f 3916/3916/4159 4003/4003/4255 3940/3940/4187 +f 4002/4002/4308 4001/4001/4253 3935/3935/4307 +f 3940/3940/4187 4003/4003/4255 4008/4008/4257 +f 3938/3938/4188 3940/3940/4187 3941/3941/4306 +f 4008/4008/4257 3941/3941/4306 3940/3940/4187 +f 4002/4002/4308 3935/3935/4307 4005/4005/4314 +f 4009/4009/4256 4050/4050/4309 4008/4008/4257 +f 4008/4008/4257 4050/4050/4309 3941/3941/4306 +f 3937/3937/4316 3941/3941/4306 4049/4049/4305 +f 4048/4048/4310 3941/3941/4306 4050/4050/4309 +f 4035/4035/4324 4004/4004/4292 4005/4005/4314 +f 4048/4048/4310 4051/4051/4311 4049/4049/4305 +f 4052/4052/4312 4047/4047/4303 3973/3973/4222 +f 4005/4005/4314 4046/4046/4302 4052/4052/4312 +f 4047/4047/4303 4052/4052/4312 4046/4046/4302 +f 4053/4053/4315 4051/4051/4311 4048/4048/4310 +f 4052/4052/4312 4054/4054/4313 4005/4005/4314 +f 4050/4050/4309 4009/4009/4256 4053/4053/4315 +f 4053/4053/4315 4048/4048/4310 4050/4050/4309 +f 3943/3943/4228 3942/3942/4190 3937/3937/4316 +f 3937/3937/4316 4049/4049/4305 3943/3943/4228 +f 4055/4055/4317 3943/3943/4228 4049/4049/4305 +f 3877/3877/4128 3964/3964/4304 3879/3879/4126 +f 4049/4049/4305 4051/4051/4311 4055/4055/4317 +f 3965/3965/4221 3973/3973/4222 3964/3964/4304 +f 3943/3943/4228 4055/4055/4317 3977/3977/4227 +f 3973/3973/4222 4047/4047/4303 3964/3964/4304 +f 4056/4056/4322 3977/3977/4227 4055/4055/4317 +f 4057/4057/4318 4052/4052/4312 3973/3973/4222 +f 4057/4057/4318 3973/3973/4222 3971/3971/4319 +f 3979/3979/4320 4057/4057/4318 3971/3971/4319 +f 3979/3979/4320 3971/3971/4319 3972/3972/4223 +f 3979/3979/4321 3976/3976/4229 4056/4056/4322 +f 4056/4056/4322 3976/3976/4229 3977/3977/4227 +f 4055/4055/4317 4051/4051/4311 4056/4056/4322 +f 4058/4058/4323 4056/4056/4322 4051/4051/4311 +f 3976/3976/4229 3970/3970/4220 3977/3977/4227 +f 3979/3979/4321 3978/3978/4230 3976/3976/4229 +f 4005/4005/4314 4054/4054/4313 4035/4035/4324 +f 4036/4036/4293 4035/4035/4324 4040/4040/4331 +f 4040/4040/4331 4035/4035/4324 4054/4054/4313 +f 4059/4059/4325 4040/4040/4331 4054/4054/4313 +f 4054/4054/4313 4052/4052/4312 4057/4057/4318 +f 4057/4057/4318 4059/4059/4325 4054/4054/4313 +f 4053/4053/4315 4060/4060/4330 4051/4051/4311 +f 4058/4058/4323 4051/4051/4311 4060/4060/4330 +f 4061/4061/4326 4059/4059/4325 4057/4057/4318 +f 4061/4061/4327 4060/4060/4330 4059/4059/4325 +f 4061/4061/4327 4058/4058/4323 4060/4060/4330 +f 4062/4062/4328 4009/4009/4256 4015/4015/4265 +f 4053/4053/4315 4009/4009/4256 4062/4062/4328 +f 4063/4063/4329 4060/4060/4330 4062/4062/4328 +f 4038/4038/4300 4062/4062/4328 4015/4015/4265 +f 4038/4038/4300 4063/4063/4329 4062/4062/4328 +f 4045/4045/4299 4063/4063/4329 4038/4038/4300 +f 4063/4063/4329 4045/4045/4299 4042/4042/4294 +f 4042/4042/4294 4040/4040/4331 4064/4064/4332 +f 4059/4059/4325 4064/4064/4332 4040/4040/4331 +f 4063/4063/4329 4064/4064/4332 4060/4060/4330 +f 4063/4063/4329 4042/4042/4294 4064/4064/4332 +f 4060/4060/4330 4053/4053/4315 4062/4062/4328 +f 4060/4060/4330 4064/4064/4332 4059/4059/4325 +f 4061/4061/4327 4056/4056/4322 4058/4058/4323 +f 4061/4061/4326 4057/4057/4318 3979/3979/4320 +f 4056/4056/4322 4061/4061/4327 3979/3979/4321 +f 3707/3707/3941 3684/3684/3900 3686/3686/4276 +f 3707/3707/3941 4025/4025/4277 4027/4027/4333 +f 4027/4027/4333 3711/3711/4334 3707/3707/3941 +f 3685/3685/3903 3712/3712/4274 4023/4023/4273 +f 3711/3711/4334 4027/4027/4333 3712/3712/3946 +f 4027/4027/4333 4024/4024/4283 3712/3712/3946 +f 4027/4027/4333 4026/4026/4284 4024/4024/4283 +f 3956/3956/4207 3961/3961/4212 3954/3954/4202 +f 3956/3956/4207 4065/4065/4343 3961/3961/4212 +f 3956/3956/4207 3958/3958/4206 4065/4065/4343 +f 4066/4066/4335 4065/4065/4343 3958/3958/4206 +f 4065/4065/4343 3960/3960/4213 3961/3961/4212 +f 4067/4067/4336 3960/3960/4213 4065/4065/4343 +f 4067/4067/4336 3852/3852/4102 3960/3960/4213 +f 4068/4068/4337 4066/4066/4344 3959/3959/4338 +f 3962/3962/4214 3959/3959/4338 3955/3955/4211 +f 4069/4069/4339 3959/3959/4338 3962/3962/4214 +f 4068/4068/4340 4065/4065/4343 4066/4066/4335 +f 4068/4068/4337 3959/3959/4338 4069/4069/4339 +f 4070/4070/4342 4067/4067/4336 4065/4065/4343 +f 4071/4071/4341 4070/4070/4342 4065/4065/4343 +f 4071/4071/4341 4065/4065/4343 4068/4068/4340 +f 3958/3958/4209 3957/3957/4205 4066/4066/4344 +f 3959/3959/4338 4066/4066/4344 3957/3957/4205 +f 4067/4067/4336 3870/3870/4117 3852/3852/4102 +f 3871/3871/4118 3962/3962/4214 3862/3862/4119 +f 4070/4070/4342 3870/3870/4117 4067/4067/4336 +f 3963/3963/4215 3870/3870/4117 4070/4070/4342 +f 4068/4068/4337 4069/4069/4339 4071/4071/4345 +f 4071/4071/4345 4069/4069/4339 3968/3968/4219 +f 3968/3968/4219 4069/4069/4339 3962/3962/4214 +f 3968/3968/4219 3962/3962/4214 3871/3871/4118 +f 4070/4070/4342 3974/3974/4225 3963/3963/4215 +f 3974/3974/4225 4070/4070/4342 4071/4071/4341 +f 4072/4072/4346 3974/3974/4225 4071/4071/4341 +f 3975/3975/4224 3974/3974/4225 4072/4072/4346 +f 4072/4072/4347 4071/4071/4345 3968/3968/4219 +f 3975/3975/4226 4072/4072/4347 3968/3968/4219 +f 3464/3464/3684 2568/2568/4353 1028/1028/2721 +f 4073/4073/4348 2570/2570/2732 2569/2569/4350 +f 2570/2570/2732 4073/4073/4348 2573/2573/4349 +f 2569/2569/4350 3780/3780/4351 4073/4073/4348 +f 4074/4074/4352 4073/4073/4348 3780/3780/4351 +f 2568/2568/4353 3464/3464/3684 4075/4075/4354 +f 3260/3260/3686 4075/4075/4354 3464/3464/3684 +f 4075/4075/4354 2569/2569/4350 2568/2568/4353 +f 3260/3260/3686 3776/3776/4024 4075/4075/4354 +f 3776/3776/4024 2569/2569/4350 4075/4075/4354 +f 2569/2569/4350 3776/3776/4024 3780/3780/4351 +f 4076/4076/4355 2573/2573/4349 4073/4073/4348 +f 4076/4076/4355 2575/2575/4356 2573/2573/4349 +f 4074/4074/4352 4076/4076/4355 4073/4073/4348 +f 4077/4077/4359 2575/2575/4356 4076/4076/4355 +f 2575/2575/4356 4077/4077/4359 4078/4078/4357 +f 4078/4078/4357 2574/2574/2734 2575/2575/4356 +f 4078/4078/4357 2577/2577/2735 2574/2574/2734 +f 4077/4077/4359 4076/4076/4355 4074/4074/4352 +f 3799/3799/4358 4078/4078/4357 4077/4077/4359 +f 4074/4074/4352 3799/3799/4358 4077/4077/4359 +f 3795/3795/4361 2596/2596/4380 2577/2577/2735 +f 4079/4079/4360 2596/2596/4380 3795/3795/4361 +f 3795/3795/4361 2577/2577/2735 4078/4078/4357 +f 3779/3779/4035 4074/4074/4352 3780/3780/4351 +f 3776/3776/4024 3777/3777/4023 3780/3780/4351 +f 3795/3795/4361 4078/4078/4357 3799/3799/4358 +f 3796/3796/4093 3795/3795/4361 3799/3799/4358 +f 3794/3794/4090 4079/4079/4360 3795/3795/4361 +f 3779/3779/4035 3799/3799/4358 4074/4074/4352 +f 3799/3799/4358 3779/3779/4035 3787/3787/4042 +f 4080/4080/4365 2588/2588/2746 4081/4081/4381 +f 4082/4082/4362 2591/2591/2748 2590/2590/4363 +f 4083/4083/4364 4084/4084/4371 4082/4082/4362 +f 2590/2590/4363 4085/4085/4373 4082/4082/4362 +f 4080/4080/4365 2590/2590/4363 2588/2588/2746 +f 2590/2590/4363 4080/4080/4365 4085/4085/4373 +f 4083/4083/4364 4082/4082/4362 4085/4085/4373 +f 1897/1897/4366 1892/1892/1943 1896/1896/1948 +f 4086/4086/4376 1896/1896/1948 2594/2594/2753 +f 4086/4086/4376 1897/1897/4366 1896/1896/1948 +f 2594/2594/2753 4084/4084/4371 4086/4086/4376 +f 2595/2595/2754 4084/4084/4371 2594/2594/2753 +f 3743/3743/4367 1897/1897/4366 4087/4087/4377 +f 3745/3745/3983 3743/3743/4367 4088/4088/4368 +f 4088/4088/4368 3743/3743/4367 4087/4087/4377 +f 4086/4086/4376 4087/4087/4377 1897/1897/4366 +f 2595/2595/2754 2591/2591/2748 4082/4082/4362 +f 4084/4084/4371 2595/2595/2754 4082/4082/4362 +f 4084/4084/4371 4083/4083/4364 4089/4089/4369 +f 3884/3884/4370 4084/4084/4371 4089/4089/4369 +f 4090/4090/4372 4085/4085/4373 4080/4080/4365 +f 4083/4083/4364 4085/4085/4373 4089/4089/4369 +f 3884/3884/4370 4091/4091/4374 4084/4084/4371 +f 4089/4089/4369 4085/4085/4373 4090/4090/4372 +f 3888/3888/4375 4089/4089/4369 4090/4090/4372 +f 4084/4084/4371 4091/4091/4374 4086/4086/4376 +f 4087/4087/4377 4086/4086/4376 4091/4091/4374 +f 3745/3745/3983 4088/4088/4368 4092/4092/4379 +f 3763/3763/4378 3744/3744/3982 3745/3745/3983 +f 3745/3745/3983 4092/4092/4379 3763/3763/4378 +f 4088/4088/4368 4087/4087/4377 4092/4092/4379 +f 4093/4093/4384 4087/4087/4377 4091/4091/4374 +f 2596/2596/4380 2576/2576/2733 2577/2577/2735 +f 2588/2588/2746 2582/2582/2739 2596/2596/4380 +f 2588/2588/2746 2596/2596/4380 4081/4081/4381 +f 4079/4079/4360 4081/4081/4381 2596/2596/4380 +f 4094/4094/4382 4080/4080/4365 4081/4081/4381 +f 4090/4090/4372 4080/4080/4365 4094/4094/4382 +f 3919/3919/4161 4090/4090/4372 4094/4094/4382 +f 3794/3794/4090 4081/4081/4381 4079/4079/4360 +f 3794/3794/4090 4094/4094/4382 4081/4081/4381 +f 3888/3888/4375 4090/4090/4372 3919/3919/4161 +f 4087/4087/4377 4093/4093/4384 4092/4092/4379 +f 3762/3762/4009 3763/3763/4378 3898/3898/4383 +f 3580/3580/3795 3762/3762/4009 3898/3898/4383 +f 3900/3900/4144 3898/3898/4383 3763/3763/4378 +f 3763/3763/4378 4092/4092/4379 3900/3900/4144 +f 3900/3900/4144 4092/4092/4379 3901/3901/4385 +f 4092/4092/4379 4093/4093/4384 3901/3901/4385 +f 3883/3883/4132 4091/4091/4374 3884/3884/4370 +f 4091/4091/4374 3883/3883/4132 4093/4093/4384 +f 3888/3888/4375 3882/3882/4131 4089/4089/4369 +f 4089/4089/4369 3882/3882/4131 3884/3884/4370 +f 3886/3886/4134 4093/4093/4384 3883/3883/4132 +f 3886/3886/4134 3901/3901/4385 4093/4093/4384 +f 4094/4094/4382 3920/3920/4169 3919/3919/4161 +f 3794/3794/4090 3839/3839/4089 4094/4094/4382 +f 3839/3839/4089 3920/3920/4169 4094/4094/4382 diff --git a/cliport/environments/assets/box/box-template.urdf b/cliport/environments/assets/box/box-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..9793c39ba8f50e5d7c9787c54a830778b4a3d5d1 --- /dev/null +++ b/cliport/environments/assets/box/box-template.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/box/box-template_DIM.urdf b/cliport/environments/assets/box/box-template_DIM.urdf new file mode 100644 index 0000000000000000000000000000000000000000..9793c39ba8f50e5d7c9787c54a830778b4a3d5d1 --- /dev/null +++ b/cliport/environments/assets/box/box-template_DIM.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/cable/cable.urdf b/cliport/environments/assets/cable/cable.urdf new file mode 100644 index 0000000000000000000000000000000000000000..df14d015fd611838ab36bc4931d7587cf2e08a71 --- /dev/null +++ b/cliport/environments/assets/cable/cable.urdf @@ -0,0 +1,66 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/cloth/bl_cloth_05_cuts.obj b/cliport/environments/assets/cloth/bl_cloth_05_cuts.obj new file mode 100644 index 0000000000000000000000000000000000000000..064c58f56da40ad7725957d6ead0eb94040d4a6a --- /dev/null +++ b/cliport/environments/assets/cloth/bl_cloth_05_cuts.obj @@ -0,0 +1,73 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_cloth_05_cuts.mtl +o Grid +v -1.000000 0.000000 1.000000 +v -0.500000 0.000000 1.000000 +v 0.000000 0.000000 1.000000 +v 0.500000 0.000000 1.000000 +v 1.000000 0.000000 1.000000 +v -1.000000 0.000000 0.500000 +v -0.500000 0.000000 0.500000 +v 0.000000 0.000000 0.500000 +v 0.500000 0.000000 0.500000 +v 1.000000 0.000000 0.500000 +v -1.000000 0.000000 0.000000 +v -0.500000 0.000000 0.000000 +v 0.000000 0.000000 0.000000 +v 0.500000 0.000000 0.000000 +v 1.000000 0.000000 0.000000 +v -1.000000 0.000000 -0.500000 +v -0.500000 0.000000 -0.500000 +v 0.000000 0.000000 -0.500000 +v 0.500000 0.000000 -0.500000 +v 1.000000 0.000000 -0.500000 +v -1.000000 0.000000 -1.000000 +v -0.500000 0.000000 -1.000000 +v 0.000000 0.000000 -1.000000 +v 0.500000 0.000000 -1.000000 +v 1.000000 0.000000 -1.000000 +vt 0.000000 0.000000 +vt 0.250000 0.000000 +vt 0.250000 0.250000 +vt 0.000000 0.250000 +vt 0.500000 0.000000 +vt 0.500000 0.250000 +vt 0.750000 0.000000 +vt 0.750000 0.250000 +vt 1.000000 0.000000 +vt 1.000000 0.250000 +vt 0.250000 0.500000 +vt 0.000000 0.500000 +vt 0.500000 0.500000 +vt 0.750000 0.500000 +vt 1.000000 0.500000 +vt 0.250000 0.750000 +vt 0.000000 0.750000 +vt 0.500000 0.750000 +vt 0.750000 0.750000 +vt 1.000000 0.750000 +vt 0.250000 1.000000 +vt 0.000000 1.000000 +vt 0.500000 1.000000 +vt 0.750000 1.000000 +vt 1.000000 1.000000 +vn 0.0000 1.0000 0.0000 +usemtl None +s off +f 1/1/1 2/2/1 7/3/1 6/4/1 +f 2/2/1 3/5/1 8/6/1 7/3/1 +f 3/5/1 4/7/1 9/8/1 8/6/1 +f 4/7/1 5/9/1 10/10/1 9/8/1 +f 6/4/1 7/3/1 12/11/1 11/12/1 +f 7/3/1 8/6/1 13/13/1 12/11/1 +f 8/6/1 9/8/1 14/14/1 13/13/1 +f 9/8/1 10/10/1 15/15/1 14/14/1 +f 11/12/1 12/11/1 17/16/1 16/17/1 +f 12/11/1 13/13/1 18/18/1 17/16/1 +f 13/13/1 14/14/1 19/19/1 18/18/1 +f 14/14/1 15/15/1 20/20/1 19/19/1 +f 16/17/1 17/16/1 22/21/1 21/22/1 +f 17/16/1 18/18/1 23/23/1 22/21/1 +f 18/18/1 19/19/1 24/24/1 23/23/1 +f 19/19/1 20/20/1 25/25/1 24/24/1 diff --git a/cliport/environments/assets/cloth/bl_cloth_10_cuts.obj b/cliport/environments/assets/cloth/bl_cloth_10_cuts.obj new file mode 100644 index 0000000000000000000000000000000000000000..5d8c1861b917c42ced21980766b7472663f37c58 --- /dev/null +++ b/cliport/environments/assets/cloth/bl_cloth_10_cuts.obj @@ -0,0 +1,288 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_cloth_10_cuts.mtl +o Grid +v -1.000000 0.000000 1.000000 +v -0.777778 0.000000 1.000000 +v -0.555556 0.000000 1.000000 +v -0.333333 0.000000 1.000000 +v -0.111111 0.000000 1.000000 +v 0.111111 0.000000 1.000000 +v 0.333333 0.000000 1.000000 +v 0.555556 0.000000 1.000000 +v 0.777778 0.000000 1.000000 +v 1.000000 0.000000 1.000000 +v -1.000000 0.000000 0.777778 +v -0.777778 0.000000 0.777778 +v -0.555556 0.000000 0.777778 +v -0.333333 0.000000 0.777778 +v -0.111111 0.000000 0.777778 +v 0.111111 0.000000 0.777778 +v 0.333333 0.000000 0.777778 +v 0.555556 0.000000 0.777778 +v 0.777778 0.000000 0.777778 +v 1.000000 0.000000 0.777778 +v -1.000000 0.000000 0.555556 +v -0.777778 0.000000 0.555556 +v -0.555556 0.000000 0.555556 +v -0.333333 0.000000 0.555556 +v -0.111111 0.000000 0.555556 +v 0.111111 0.000000 0.555556 +v 0.333333 0.000000 0.555556 +v 0.555556 0.000000 0.555556 +v 0.777778 0.000000 0.555556 +v 1.000000 0.000000 0.555556 +v -1.000000 0.000000 0.333333 +v -0.777778 0.000000 0.333333 +v -0.555556 0.000000 0.333333 +v -0.333333 0.000000 0.333333 +v -0.111111 0.000000 0.333333 +v 0.111111 0.000000 0.333333 +v 0.333333 0.000000 0.333333 +v 0.555556 0.000000 0.333333 +v 0.777778 0.000000 0.333333 +v 1.000000 0.000000 0.333333 +v -1.000000 0.000000 0.111111 +v -0.777778 0.000000 0.111111 +v -0.555556 0.000000 0.111111 +v -0.333333 0.000000 0.111111 +v -0.111111 0.000000 0.111111 +v 0.111111 0.000000 0.111111 +v 0.333333 0.000000 0.111111 +v 0.555556 0.000000 0.111111 +v 0.777778 0.000000 0.111111 +v 1.000000 0.000000 0.111111 +v -1.000000 0.000000 -0.111111 +v -0.777778 0.000000 -0.111111 +v -0.555556 0.000000 -0.111111 +v -0.333333 0.000000 -0.111111 +v -0.111111 0.000000 -0.111111 +v 0.111111 0.000000 -0.111111 +v 0.333333 0.000000 -0.111111 +v 0.555556 0.000000 -0.111111 +v 0.777778 0.000000 -0.111111 +v 1.000000 0.000000 -0.111111 +v -1.000000 0.000000 -0.333333 +v -0.777778 0.000000 -0.333333 +v -0.555556 0.000000 -0.333333 +v -0.333333 0.000000 -0.333333 +v -0.111111 0.000000 -0.333333 +v 0.111111 0.000000 -0.333333 +v 0.333333 0.000000 -0.333333 +v 0.555556 0.000000 -0.333333 +v 0.777778 0.000000 -0.333333 +v 1.000000 0.000000 -0.333333 +v -1.000000 0.000000 -0.555556 +v -0.777778 0.000000 -0.555556 +v -0.555556 0.000000 -0.555556 +v -0.333333 0.000000 -0.555556 +v -0.111111 0.000000 -0.555556 +v 0.111111 0.000000 -0.555556 +v 0.333333 0.000000 -0.555556 +v 0.555556 0.000000 -0.555556 +v 0.777778 0.000000 -0.555556 +v 1.000000 0.000000 -0.555556 +v -1.000000 0.000000 -0.777778 +v -0.777778 0.000000 -0.777778 +v -0.555556 0.000000 -0.777778 +v -0.333333 0.000000 -0.777778 +v -0.111111 0.000000 -0.777778 +v 0.111111 0.000000 -0.777778 +v 0.333333 0.000000 -0.777778 +v 0.555556 0.000000 -0.777778 +v 0.777778 0.000000 -0.777778 +v 1.000000 0.000000 -0.777778 +v -1.000000 0.000000 -1.000000 +v -0.777778 0.000000 -1.000000 +v -0.555556 0.000000 -1.000000 +v -0.333333 0.000000 -1.000000 +v -0.111111 0.000000 -1.000000 +v 0.111111 0.000000 -1.000000 +v 0.333333 0.000000 -1.000000 +v 0.555556 0.000000 -1.000000 +v 0.777778 0.000000 -1.000000 +v 1.000000 0.000000 -1.000000 +vt 0.000000 0.000000 +vt 0.111111 0.000000 +vt 0.111111 0.111111 +vt 0.000000 0.111111 +vt 0.222222 0.000000 +vt 0.222222 0.111111 +vt 0.333333 0.000000 +vt 0.333333 0.111111 +vt 0.444444 0.000000 +vt 0.444444 0.111111 +vt 0.555556 0.000000 +vt 0.555556 0.111111 +vt 0.666667 0.000000 +vt 0.666667 0.111111 +vt 0.777778 0.000000 +vt 0.777778 0.111111 +vt 0.888889 0.000000 +vt 0.888889 0.111111 +vt 1.000000 0.000000 +vt 1.000000 0.111111 +vt 0.111111 0.222222 +vt 0.000000 0.222222 +vt 0.222222 0.222222 +vt 0.333333 0.222222 +vt 0.444444 0.222222 +vt 0.555556 0.222222 +vt 0.666667 0.222222 +vt 0.777778 0.222222 +vt 0.888889 0.222222 +vt 1.000000 0.222222 +vt 0.111111 0.333333 +vt 0.000000 0.333333 +vt 0.222222 0.333333 +vt 0.333333 0.333333 +vt 0.444444 0.333333 +vt 0.555556 0.333333 +vt 0.666667 0.333333 +vt 0.777778 0.333333 +vt 0.888889 0.333333 +vt 1.000000 0.333333 +vt 0.111111 0.444444 +vt 0.000000 0.444444 +vt 0.222222 0.444444 +vt 0.333333 0.444444 +vt 0.444444 0.444444 +vt 0.555556 0.444444 +vt 0.666667 0.444444 +vt 0.777778 0.444444 +vt 0.888889 0.444444 +vt 1.000000 0.444444 +vt 0.111111 0.555556 +vt 0.000000 0.555556 +vt 0.222222 0.555556 +vt 0.333333 0.555556 +vt 0.444444 0.555556 +vt 0.555556 0.555556 +vt 0.666667 0.555556 +vt 0.777778 0.555556 +vt 0.888889 0.555556 +vt 1.000000 0.555556 +vt 0.111111 0.666667 +vt 0.000000 0.666667 +vt 0.222222 0.666667 +vt 0.333333 0.666667 +vt 0.444444 0.666667 +vt 0.555556 0.666667 +vt 0.666667 0.666667 +vt 0.777778 0.666667 +vt 0.888889 0.666667 +vt 1.000000 0.666667 +vt 0.111111 0.777778 +vt 0.000000 0.777778 +vt 0.222222 0.777778 +vt 0.333333 0.777778 +vt 0.444444 0.777778 +vt 0.555556 0.777778 +vt 0.666667 0.777778 +vt 0.777778 0.777778 +vt 0.888889 0.777778 +vt 1.000000 0.777778 +vt 0.111111 0.888889 +vt 0.000000 0.888889 +vt 0.222222 0.888889 +vt 0.333333 0.888889 +vt 0.444444 0.888889 +vt 0.555556 0.888889 +vt 0.666667 0.888889 +vt 0.777778 0.888889 +vt 0.888889 0.888889 +vt 1.000000 0.888889 +vt 0.111111 1.000000 +vt 0.000000 1.000000 +vt 0.222222 1.000000 +vt 0.333333 1.000000 +vt 0.444444 1.000000 +vt 0.555556 1.000000 +vt 0.666667 1.000000 +vt 0.777778 1.000000 +vt 0.888889 1.000000 +vt 1.000000 1.000000 +vn 0.0000 1.0000 0.0000 +usemtl None +s off +f 1/1/1 2/2/1 12/3/1 11/4/1 +f 2/2/1 3/5/1 13/6/1 12/3/1 +f 3/5/1 4/7/1 14/8/1 13/6/1 +f 4/7/1 5/9/1 15/10/1 14/8/1 +f 5/9/1 6/11/1 16/12/1 15/10/1 +f 6/11/1 7/13/1 17/14/1 16/12/1 +f 7/13/1 8/15/1 18/16/1 17/14/1 +f 8/15/1 9/17/1 19/18/1 18/16/1 +f 9/17/1 10/19/1 20/20/1 19/18/1 +f 11/4/1 12/3/1 22/21/1 21/22/1 +f 12/3/1 13/6/1 23/23/1 22/21/1 +f 13/6/1 14/8/1 24/24/1 23/23/1 +f 14/8/1 15/10/1 25/25/1 24/24/1 +f 15/10/1 16/12/1 26/26/1 25/25/1 +f 16/12/1 17/14/1 27/27/1 26/26/1 +f 17/14/1 18/16/1 28/28/1 27/27/1 +f 18/16/1 19/18/1 29/29/1 28/28/1 +f 19/18/1 20/20/1 30/30/1 29/29/1 +f 21/22/1 22/21/1 32/31/1 31/32/1 +f 22/21/1 23/23/1 33/33/1 32/31/1 +f 23/23/1 24/24/1 34/34/1 33/33/1 +f 24/24/1 25/25/1 35/35/1 34/34/1 +f 25/25/1 26/26/1 36/36/1 35/35/1 +f 26/26/1 27/27/1 37/37/1 36/36/1 +f 27/27/1 28/28/1 38/38/1 37/37/1 +f 28/28/1 29/29/1 39/39/1 38/38/1 +f 29/29/1 30/30/1 40/40/1 39/39/1 +f 31/32/1 32/31/1 42/41/1 41/42/1 +f 32/31/1 33/33/1 43/43/1 42/41/1 +f 33/33/1 34/34/1 44/44/1 43/43/1 +f 34/34/1 35/35/1 45/45/1 44/44/1 +f 35/35/1 36/36/1 46/46/1 45/45/1 +f 36/36/1 37/37/1 47/47/1 46/46/1 +f 37/37/1 38/38/1 48/48/1 47/47/1 +f 38/38/1 39/39/1 49/49/1 48/48/1 +f 39/39/1 40/40/1 50/50/1 49/49/1 +f 41/42/1 42/41/1 52/51/1 51/52/1 +f 42/41/1 43/43/1 53/53/1 52/51/1 +f 43/43/1 44/44/1 54/54/1 53/53/1 +f 44/44/1 45/45/1 55/55/1 54/54/1 +f 45/45/1 46/46/1 56/56/1 55/55/1 +f 46/46/1 47/47/1 57/57/1 56/56/1 +f 47/47/1 48/48/1 58/58/1 57/57/1 +f 48/48/1 49/49/1 59/59/1 58/58/1 +f 49/49/1 50/50/1 60/60/1 59/59/1 +f 51/52/1 52/51/1 62/61/1 61/62/1 +f 52/51/1 53/53/1 63/63/1 62/61/1 +f 53/53/1 54/54/1 64/64/1 63/63/1 +f 54/54/1 55/55/1 65/65/1 64/64/1 +f 55/55/1 56/56/1 66/66/1 65/65/1 +f 56/56/1 57/57/1 67/67/1 66/66/1 +f 57/57/1 58/58/1 68/68/1 67/67/1 +f 58/58/1 59/59/1 69/69/1 68/68/1 +f 59/59/1 60/60/1 70/70/1 69/69/1 +f 61/62/1 62/61/1 72/71/1 71/72/1 +f 62/61/1 63/63/1 73/73/1 72/71/1 +f 63/63/1 64/64/1 74/74/1 73/73/1 +f 64/64/1 65/65/1 75/75/1 74/74/1 +f 65/65/1 66/66/1 76/76/1 75/75/1 +f 66/66/1 67/67/1 77/77/1 76/76/1 +f 67/67/1 68/68/1 78/78/1 77/77/1 +f 68/68/1 69/69/1 79/79/1 78/78/1 +f 69/69/1 70/70/1 80/80/1 79/79/1 +f 71/72/1 72/71/1 82/81/1 81/82/1 +f 72/71/1 73/73/1 83/83/1 82/81/1 +f 73/73/1 74/74/1 84/84/1 83/83/1 +f 74/74/1 75/75/1 85/85/1 84/84/1 +f 75/75/1 76/76/1 86/86/1 85/85/1 +f 76/76/1 77/77/1 87/87/1 86/86/1 +f 77/77/1 78/78/1 88/88/1 87/87/1 +f 78/78/1 79/79/1 89/89/1 88/88/1 +f 79/79/1 80/80/1 90/90/1 89/89/1 +f 81/82/1 82/81/1 92/91/1 91/92/1 +f 82/81/1 83/83/1 93/93/1 92/91/1 +f 83/83/1 84/84/1 94/94/1 93/93/1 +f 84/84/1 85/85/1 95/95/1 94/94/1 +f 85/85/1 86/86/1 96/96/1 95/95/1 +f 86/86/1 87/87/1 97/97/1 96/96/1 +f 87/87/1 88/88/1 98/98/1 97/97/1 +f 88/88/1 89/89/1 99/99/1 98/98/1 +f 89/89/1 90/90/1 100/100/1 99/99/1 diff --git a/cliport/environments/assets/cloth/bl_cloth_15_cuts.obj b/cliport/environments/assets/cloth/bl_cloth_15_cuts.obj new file mode 100644 index 0000000000000000000000000000000000000000..f7ff488b4ce8e6b4a1f66b26e311cef58dcaec2f --- /dev/null +++ b/cliport/environments/assets/cloth/bl_cloth_15_cuts.obj @@ -0,0 +1,653 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_cloth_15_cuts.mtl +o Grid +v -1.000000 0.000000 1.000000 +v -0.857143 0.000000 1.000000 +v -0.714286 0.000000 1.000000 +v -0.571429 0.000000 1.000000 +v -0.428571 0.000000 1.000000 +v -0.285714 0.000000 1.000000 +v -0.142857 0.000000 1.000000 +v 0.000000 0.000000 1.000000 +v 0.142857 0.000000 1.000000 +v 0.285714 0.000000 1.000000 +v 0.428571 0.000000 1.000000 +v 0.571429 0.000000 1.000000 +v 0.714286 0.000000 1.000000 +v 0.857143 0.000000 1.000000 +v 1.000000 0.000000 1.000000 +v -1.000000 0.000000 0.857143 +v -0.857143 0.000000 0.857143 +v -0.714286 0.000000 0.857143 +v -0.571429 0.000000 0.857143 +v -0.428571 0.000000 0.857143 +v -0.285714 0.000000 0.857143 +v -0.142857 0.000000 0.857143 +v 0.000000 0.000000 0.857143 +v 0.142857 0.000000 0.857143 +v 0.285714 0.000000 0.857143 +v 0.428571 0.000000 0.857143 +v 0.571429 0.000000 0.857143 +v 0.714286 0.000000 0.857143 +v 0.857143 0.000000 0.857143 +v 1.000000 0.000000 0.857143 +v -1.000000 0.000000 0.714286 +v -0.857143 0.000000 0.714286 +v -0.714286 0.000000 0.714286 +v -0.571429 0.000000 0.714286 +v -0.428571 0.000000 0.714286 +v -0.285714 0.000000 0.714286 +v -0.142857 0.000000 0.714286 +v 0.000000 0.000000 0.714286 +v 0.142857 0.000000 0.714286 +v 0.285714 0.000000 0.714286 +v 0.428571 0.000000 0.714286 +v 0.571429 0.000000 0.714286 +v 0.714286 0.000000 0.714286 +v 0.857143 0.000000 0.714286 +v 1.000000 0.000000 0.714286 +v -1.000000 0.000000 0.571429 +v -0.857143 0.000000 0.571429 +v -0.714286 0.000000 0.571429 +v -0.571429 0.000000 0.571429 +v -0.428571 0.000000 0.571429 +v -0.285714 0.000000 0.571429 +v -0.142857 0.000000 0.571429 +v 0.000000 0.000000 0.571429 +v 0.142857 0.000000 0.571429 +v 0.285714 0.000000 0.571429 +v 0.428571 0.000000 0.571429 +v 0.571429 0.000000 0.571429 +v 0.714286 0.000000 0.571429 +v 0.857143 0.000000 0.571429 +v 1.000000 0.000000 0.571429 +v -1.000000 0.000000 0.428571 +v -0.857143 0.000000 0.428571 +v -0.714286 0.000000 0.428571 +v -0.571429 0.000000 0.428571 +v -0.428571 0.000000 0.428571 +v -0.285714 0.000000 0.428571 +v -0.142857 0.000000 0.428571 +v 0.000000 0.000000 0.428571 +v 0.142857 0.000000 0.428571 +v 0.285714 0.000000 0.428571 +v 0.428571 0.000000 0.428571 +v 0.571429 0.000000 0.428571 +v 0.714286 0.000000 0.428571 +v 0.857143 0.000000 0.428571 +v 1.000000 0.000000 0.428571 +v -1.000000 0.000000 0.285714 +v -0.857143 0.000000 0.285714 +v -0.714286 0.000000 0.285714 +v -0.571429 0.000000 0.285714 +v -0.428571 0.000000 0.285714 +v -0.285714 0.000000 0.285714 +v -0.142857 0.000000 0.285714 +v 0.000000 0.000000 0.285714 +v 0.142857 0.000000 0.285714 +v 0.285714 0.000000 0.285714 +v 0.428571 0.000000 0.285714 +v 0.571429 0.000000 0.285714 +v 0.714286 0.000000 0.285714 +v 0.857143 0.000000 0.285714 +v 1.000000 0.000000 0.285714 +v -1.000000 0.000000 0.142857 +v -0.857143 0.000000 0.142857 +v -0.714286 0.000000 0.142857 +v -0.571429 0.000000 0.142857 +v -0.428571 0.000000 0.142857 +v -0.285714 0.000000 0.142857 +v -0.142857 0.000000 0.142857 +v 0.000000 0.000000 0.142857 +v 0.142857 0.000000 0.142857 +v 0.285714 0.000000 0.142857 +v 0.428571 0.000000 0.142857 +v 0.571429 0.000000 0.142857 +v 0.714286 0.000000 0.142857 +v 0.857143 0.000000 0.142857 +v 1.000000 0.000000 0.142857 +v -1.000000 0.000000 0.000000 +v -0.857143 0.000000 0.000000 +v -0.714286 0.000000 0.000000 +v -0.571429 0.000000 0.000000 +v -0.428571 0.000000 0.000000 +v -0.285714 0.000000 0.000000 +v -0.142857 0.000000 0.000000 +v 0.000000 0.000000 0.000000 +v 0.142857 0.000000 0.000000 +v 0.285714 0.000000 0.000000 +v 0.428571 0.000000 0.000000 +v 0.571429 0.000000 0.000000 +v 0.714286 0.000000 0.000000 +v 0.857143 0.000000 0.000000 +v 1.000000 0.000000 0.000000 +v -1.000000 0.000000 -0.142857 +v -0.857143 0.000000 -0.142857 +v -0.714286 0.000000 -0.142857 +v -0.571429 0.000000 -0.142857 +v -0.428571 0.000000 -0.142857 +v -0.285714 0.000000 -0.142857 +v -0.142857 0.000000 -0.142857 +v 0.000000 0.000000 -0.142857 +v 0.142857 0.000000 -0.142857 +v 0.285714 0.000000 -0.142857 +v 0.428571 0.000000 -0.142857 +v 0.571429 0.000000 -0.142857 +v 0.714286 0.000000 -0.142857 +v 0.857143 0.000000 -0.142857 +v 1.000000 0.000000 -0.142857 +v -1.000000 0.000000 -0.285714 +v -0.857143 0.000000 -0.285714 +v -0.714286 0.000000 -0.285714 +v -0.571429 0.000000 -0.285714 +v -0.428571 0.000000 -0.285714 +v -0.285714 0.000000 -0.285714 +v -0.142857 0.000000 -0.285714 +v 0.000000 0.000000 -0.285714 +v 0.142857 0.000000 -0.285714 +v 0.285714 0.000000 -0.285714 +v 0.428571 0.000000 -0.285714 +v 0.571429 0.000000 -0.285714 +v 0.714286 0.000000 -0.285714 +v 0.857143 0.000000 -0.285714 +v 1.000000 0.000000 -0.285714 +v -1.000000 0.000000 -0.428571 +v -0.857143 0.000000 -0.428571 +v -0.714286 0.000000 -0.428571 +v -0.571429 0.000000 -0.428571 +v -0.428571 0.000000 -0.428571 +v -0.285714 0.000000 -0.428571 +v -0.142857 0.000000 -0.428571 +v 0.000000 0.000000 -0.428571 +v 0.142857 0.000000 -0.428571 +v 0.285714 0.000000 -0.428571 +v 0.428571 0.000000 -0.428571 +v 0.571429 0.000000 -0.428571 +v 0.714286 0.000000 -0.428571 +v 0.857143 0.000000 -0.428571 +v 1.000000 0.000000 -0.428571 +v -1.000000 0.000000 -0.571429 +v -0.857143 0.000000 -0.571429 +v -0.714286 0.000000 -0.571429 +v -0.571429 0.000000 -0.571429 +v -0.428571 0.000000 -0.571429 +v -0.285714 0.000000 -0.571429 +v -0.142857 0.000000 -0.571429 +v 0.000000 0.000000 -0.571429 +v 0.142857 0.000000 -0.571429 +v 0.285714 0.000000 -0.571429 +v 0.428571 0.000000 -0.571429 +v 0.571429 0.000000 -0.571429 +v 0.714286 0.000000 -0.571429 +v 0.857143 0.000000 -0.571429 +v 1.000000 0.000000 -0.571429 +v -1.000000 0.000000 -0.714286 +v -0.857143 0.000000 -0.714286 +v -0.714286 0.000000 -0.714286 +v -0.571429 0.000000 -0.714286 +v -0.428571 0.000000 -0.714286 +v -0.285714 0.000000 -0.714286 +v -0.142857 0.000000 -0.714286 +v 0.000000 0.000000 -0.714286 +v 0.142857 0.000000 -0.714286 +v 0.285714 0.000000 -0.714286 +v 0.428571 0.000000 -0.714286 +v 0.571429 0.000000 -0.714286 +v 0.714286 0.000000 -0.714286 +v 0.857143 0.000000 -0.714286 +v 1.000000 0.000000 -0.714286 +v -1.000000 0.000000 -0.857143 +v -0.857143 0.000000 -0.857143 +v -0.714286 0.000000 -0.857143 +v -0.571429 0.000000 -0.857143 +v -0.428571 0.000000 -0.857143 +v -0.285714 0.000000 -0.857143 +v -0.142857 0.000000 -0.857143 +v 0.000000 0.000000 -0.857143 +v 0.142857 0.000000 -0.857143 +v 0.285714 0.000000 -0.857143 +v 0.428571 0.000000 -0.857143 +v 0.571429 0.000000 -0.857143 +v 0.714286 0.000000 -0.857143 +v 0.857143 0.000000 -0.857143 +v 1.000000 0.000000 -0.857143 +v -1.000000 0.000000 -1.000000 +v -0.857143 0.000000 -1.000000 +v -0.714286 0.000000 -1.000000 +v -0.571429 0.000000 -1.000000 +v -0.428571 0.000000 -1.000000 +v -0.285714 0.000000 -1.000000 +v -0.142857 0.000000 -1.000000 +v 0.000000 0.000000 -1.000000 +v 0.142857 0.000000 -1.000000 +v 0.285714 0.000000 -1.000000 +v 0.428571 0.000000 -1.000000 +v 0.571429 0.000000 -1.000000 +v 0.714286 0.000000 -1.000000 +v 0.857143 0.000000 -1.000000 +v 1.000000 0.000000 -1.000000 +vt 0.000000 0.000000 +vt 0.071429 0.000000 +vt 0.071429 0.071429 +vt 0.000000 0.071429 +vt 0.142857 0.000000 +vt 0.142857 0.071429 +vt 0.214286 0.000000 +vt 0.214286 0.071429 +vt 0.285714 0.000000 +vt 0.285714 0.071429 +vt 0.357143 0.000000 +vt 0.357143 0.071429 +vt 0.428571 0.000000 +vt 0.428571 0.071429 +vt 0.500000 0.000000 +vt 0.500000 0.071429 +vt 0.571429 0.000000 +vt 0.571429 0.071429 +vt 0.642857 0.000000 +vt 0.642857 0.071429 +vt 0.714286 0.000000 +vt 0.714286 0.071429 +vt 0.785714 0.000000 +vt 0.785714 0.071429 +vt 0.857143 0.000000 +vt 0.857143 0.071429 +vt 0.928572 0.000000 +vt 0.928572 0.071429 +vt 1.000000 0.000000 +vt 1.000000 0.071429 +vt 0.071429 0.142857 +vt 0.000000 0.142857 +vt 0.142857 0.142857 +vt 0.214286 0.142857 +vt 0.285714 0.142857 +vt 0.357143 0.142857 +vt 0.428571 0.142857 +vt 0.500000 0.142857 +vt 0.571429 0.142857 +vt 0.642857 0.142857 +vt 0.714286 0.142857 +vt 0.785714 0.142857 +vt 0.857143 0.142857 +vt 0.928572 0.142857 +vt 1.000000 0.142857 +vt 0.071429 0.214286 +vt 0.000000 0.214286 +vt 0.142857 0.214286 +vt 0.214286 0.214286 +vt 0.285714 0.214286 +vt 0.357143 0.214286 +vt 0.428571 0.214286 +vt 0.500000 0.214286 +vt 0.571429 0.214286 +vt 0.642857 0.214286 +vt 0.714286 0.214286 +vt 0.785714 0.214286 +vt 0.857143 0.214286 +vt 0.928572 0.214286 +vt 1.000000 0.214286 +vt 0.071429 0.285714 +vt 0.000000 0.285714 +vt 0.142857 0.285714 +vt 0.214286 0.285714 +vt 0.285714 0.285714 +vt 0.357143 0.285714 +vt 0.428571 0.285714 +vt 0.500000 0.285714 +vt 0.571429 0.285714 +vt 0.642857 0.285714 +vt 0.714286 0.285714 +vt 0.785714 0.285714 +vt 0.857143 0.285714 +vt 0.928572 0.285714 +vt 1.000000 0.285714 +vt 0.071429 0.357143 +vt 0.000000 0.357143 +vt 0.142857 0.357143 +vt 0.214286 0.357143 +vt 0.285714 0.357143 +vt 0.357143 0.357143 +vt 0.428571 0.357143 +vt 0.500000 0.357143 +vt 0.571429 0.357143 +vt 0.642857 0.357143 +vt 0.714286 0.357143 +vt 0.785714 0.357143 +vt 0.857143 0.357143 +vt 0.928572 0.357143 +vt 1.000000 0.357143 +vt 0.071429 0.428571 +vt 0.000000 0.428571 +vt 0.142857 0.428571 +vt 0.214286 0.428571 +vt 0.285714 0.428571 +vt 0.357143 0.428571 +vt 0.428571 0.428571 +vt 0.500000 0.428571 +vt 0.571429 0.428571 +vt 0.642857 0.428571 +vt 0.714286 0.428571 +vt 0.785714 0.428571 +vt 0.857143 0.428571 +vt 0.928572 0.428571 +vt 1.000000 0.428571 +vt 0.071429 0.500000 +vt 0.000000 0.500000 +vt 0.142857 0.500000 +vt 0.214286 0.500000 +vt 0.285714 0.500000 +vt 0.357143 0.500000 +vt 0.428571 0.500000 +vt 0.500000 0.500000 +vt 0.571429 0.500000 +vt 0.642857 0.500000 +vt 0.714286 0.500000 +vt 0.785714 0.500000 +vt 0.857143 0.500000 +vt 0.928572 0.500000 +vt 1.000000 0.500000 +vt 0.071429 0.571429 +vt 0.000000 0.571429 +vt 0.142857 0.571429 +vt 0.214286 0.571429 +vt 0.285714 0.571429 +vt 0.357143 0.571429 +vt 0.428571 0.571429 +vt 0.500000 0.571429 +vt 0.571429 0.571429 +vt 0.642857 0.571429 +vt 0.714286 0.571429 +vt 0.785714 0.571429 +vt 0.857143 0.571429 +vt 0.928572 0.571429 +vt 1.000000 0.571429 +vt 0.071429 0.642857 +vt 0.000000 0.642857 +vt 0.142857 0.642857 +vt 0.214286 0.642857 +vt 0.285714 0.642857 +vt 0.357143 0.642857 +vt 0.428571 0.642857 +vt 0.500000 0.642857 +vt 0.571429 0.642857 +vt 0.642857 0.642857 +vt 0.714286 0.642857 +vt 0.785714 0.642857 +vt 0.857143 0.642857 +vt 0.928572 0.642857 +vt 1.000000 0.642857 +vt 0.071429 0.714286 +vt 0.000000 0.714286 +vt 0.142857 0.714286 +vt 0.214286 0.714286 +vt 0.285714 0.714286 +vt 0.357143 0.714286 +vt 0.428571 0.714286 +vt 0.500000 0.714286 +vt 0.571429 0.714286 +vt 0.642857 0.714286 +vt 0.714286 0.714286 +vt 0.785714 0.714286 +vt 0.857143 0.714286 +vt 0.928572 0.714286 +vt 1.000000 0.714286 +vt 0.071429 0.785714 +vt 0.000000 0.785714 +vt 0.142857 0.785714 +vt 0.214286 0.785714 +vt 0.285714 0.785714 +vt 0.357143 0.785714 +vt 0.428571 0.785714 +vt 0.500000 0.785714 +vt 0.571429 0.785714 +vt 0.642857 0.785714 +vt 0.714286 0.785714 +vt 0.785714 0.785714 +vt 0.857143 0.785714 +vt 0.928572 0.785714 +vt 1.000000 0.785714 +vt 0.071429 0.857143 +vt 0.000000 0.857143 +vt 0.142857 0.857143 +vt 0.214286 0.857143 +vt 0.285714 0.857143 +vt 0.357143 0.857143 +vt 0.428571 0.857143 +vt 0.500000 0.857143 +vt 0.571429 0.857143 +vt 0.642857 0.857143 +vt 0.714286 0.857143 +vt 0.785714 0.857143 +vt 0.857143 0.857143 +vt 0.928572 0.857143 +vt 1.000000 0.857143 +vt 0.071429 0.928572 +vt 0.000000 0.928572 +vt 0.142857 0.928572 +vt 0.214286 0.928572 +vt 0.285714 0.928572 +vt 0.357143 0.928572 +vt 0.428571 0.928572 +vt 0.500000 0.928572 +vt 0.571429 0.928572 +vt 0.642857 0.928572 +vt 0.714286 0.928572 +vt 0.785714 0.928572 +vt 0.857143 0.928572 +vt 0.928572 0.928572 +vt 1.000000 0.928572 +vt 0.071429 1.000000 +vt 0.000000 1.000000 +vt 0.142857 1.000000 +vt 0.214286 1.000000 +vt 0.285714 1.000000 +vt 0.357143 1.000000 +vt 0.428571 1.000000 +vt 0.500000 1.000000 +vt 0.571429 1.000000 +vt 0.642857 1.000000 +vt 0.714286 1.000000 +vt 0.785714 1.000000 +vt 0.857143 1.000000 +vt 0.928572 1.000000 +vt 1.000000 1.000000 +vn 0.0000 1.0000 0.0000 +usemtl None +s off +f 1/1/1 2/2/1 17/3/1 16/4/1 +f 2/2/1 3/5/1 18/6/1 17/3/1 +f 3/5/1 4/7/1 19/8/1 18/6/1 +f 4/7/1 5/9/1 20/10/1 19/8/1 +f 5/9/1 6/11/1 21/12/1 20/10/1 +f 6/11/1 7/13/1 22/14/1 21/12/1 +f 7/13/1 8/15/1 23/16/1 22/14/1 +f 8/15/1 9/17/1 24/18/1 23/16/1 +f 9/17/1 10/19/1 25/20/1 24/18/1 +f 10/19/1 11/21/1 26/22/1 25/20/1 +f 11/21/1 12/23/1 27/24/1 26/22/1 +f 12/23/1 13/25/1 28/26/1 27/24/1 +f 13/25/1 14/27/1 29/28/1 28/26/1 +f 14/27/1 15/29/1 30/30/1 29/28/1 +f 16/4/1 17/3/1 32/31/1 31/32/1 +f 17/3/1 18/6/1 33/33/1 32/31/1 +f 18/6/1 19/8/1 34/34/1 33/33/1 +f 19/8/1 20/10/1 35/35/1 34/34/1 +f 20/10/1 21/12/1 36/36/1 35/35/1 +f 21/12/1 22/14/1 37/37/1 36/36/1 +f 22/14/1 23/16/1 38/38/1 37/37/1 +f 23/16/1 24/18/1 39/39/1 38/38/1 +f 24/18/1 25/20/1 40/40/1 39/39/1 +f 25/20/1 26/22/1 41/41/1 40/40/1 +f 26/22/1 27/24/1 42/42/1 41/41/1 +f 27/24/1 28/26/1 43/43/1 42/42/1 +f 28/26/1 29/28/1 44/44/1 43/43/1 +f 29/28/1 30/30/1 45/45/1 44/44/1 +f 31/32/1 32/31/1 47/46/1 46/47/1 +f 32/31/1 33/33/1 48/48/1 47/46/1 +f 33/33/1 34/34/1 49/49/1 48/48/1 +f 34/34/1 35/35/1 50/50/1 49/49/1 +f 35/35/1 36/36/1 51/51/1 50/50/1 +f 36/36/1 37/37/1 52/52/1 51/51/1 +f 37/37/1 38/38/1 53/53/1 52/52/1 +f 38/38/1 39/39/1 54/54/1 53/53/1 +f 39/39/1 40/40/1 55/55/1 54/54/1 +f 40/40/1 41/41/1 56/56/1 55/55/1 +f 41/41/1 42/42/1 57/57/1 56/56/1 +f 42/42/1 43/43/1 58/58/1 57/57/1 +f 43/43/1 44/44/1 59/59/1 58/58/1 +f 44/44/1 45/45/1 60/60/1 59/59/1 +f 46/47/1 47/46/1 62/61/1 61/62/1 +f 47/46/1 48/48/1 63/63/1 62/61/1 +f 48/48/1 49/49/1 64/64/1 63/63/1 +f 49/49/1 50/50/1 65/65/1 64/64/1 +f 50/50/1 51/51/1 66/66/1 65/65/1 +f 51/51/1 52/52/1 67/67/1 66/66/1 +f 52/52/1 53/53/1 68/68/1 67/67/1 +f 53/53/1 54/54/1 69/69/1 68/68/1 +f 54/54/1 55/55/1 70/70/1 69/69/1 +f 55/55/1 56/56/1 71/71/1 70/70/1 +f 56/56/1 57/57/1 72/72/1 71/71/1 +f 57/57/1 58/58/1 73/73/1 72/72/1 +f 58/58/1 59/59/1 74/74/1 73/73/1 +f 59/59/1 60/60/1 75/75/1 74/74/1 +f 61/62/1 62/61/1 77/76/1 76/77/1 +f 62/61/1 63/63/1 78/78/1 77/76/1 +f 63/63/1 64/64/1 79/79/1 78/78/1 +f 64/64/1 65/65/1 80/80/1 79/79/1 +f 65/65/1 66/66/1 81/81/1 80/80/1 +f 66/66/1 67/67/1 82/82/1 81/81/1 +f 67/67/1 68/68/1 83/83/1 82/82/1 +f 68/68/1 69/69/1 84/84/1 83/83/1 +f 69/69/1 70/70/1 85/85/1 84/84/1 +f 70/70/1 71/71/1 86/86/1 85/85/1 +f 71/71/1 72/72/1 87/87/1 86/86/1 +f 72/72/1 73/73/1 88/88/1 87/87/1 +f 73/73/1 74/74/1 89/89/1 88/88/1 +f 74/74/1 75/75/1 90/90/1 89/89/1 +f 76/77/1 77/76/1 92/91/1 91/92/1 +f 77/76/1 78/78/1 93/93/1 92/91/1 +f 78/78/1 79/79/1 94/94/1 93/93/1 +f 79/79/1 80/80/1 95/95/1 94/94/1 +f 80/80/1 81/81/1 96/96/1 95/95/1 +f 81/81/1 82/82/1 97/97/1 96/96/1 +f 82/82/1 83/83/1 98/98/1 97/97/1 +f 83/83/1 84/84/1 99/99/1 98/98/1 +f 84/84/1 85/85/1 100/100/1 99/99/1 +f 85/85/1 86/86/1 101/101/1 100/100/1 +f 86/86/1 87/87/1 102/102/1 101/101/1 +f 87/87/1 88/88/1 103/103/1 102/102/1 +f 88/88/1 89/89/1 104/104/1 103/103/1 +f 89/89/1 90/90/1 105/105/1 104/104/1 +f 91/92/1 92/91/1 107/106/1 106/107/1 +f 92/91/1 93/93/1 108/108/1 107/106/1 +f 93/93/1 94/94/1 109/109/1 108/108/1 +f 94/94/1 95/95/1 110/110/1 109/109/1 +f 95/95/1 96/96/1 111/111/1 110/110/1 +f 96/96/1 97/97/1 112/112/1 111/111/1 +f 97/97/1 98/98/1 113/113/1 112/112/1 +f 98/98/1 99/99/1 114/114/1 113/113/1 +f 99/99/1 100/100/1 115/115/1 114/114/1 +f 100/100/1 101/101/1 116/116/1 115/115/1 +f 101/101/1 102/102/1 117/117/1 116/116/1 +f 102/102/1 103/103/1 118/118/1 117/117/1 +f 103/103/1 104/104/1 119/119/1 118/118/1 +f 104/104/1 105/105/1 120/120/1 119/119/1 +f 106/107/1 107/106/1 122/121/1 121/122/1 +f 107/106/1 108/108/1 123/123/1 122/121/1 +f 108/108/1 109/109/1 124/124/1 123/123/1 +f 109/109/1 110/110/1 125/125/1 124/124/1 +f 110/110/1 111/111/1 126/126/1 125/125/1 +f 111/111/1 112/112/1 127/127/1 126/126/1 +f 112/112/1 113/113/1 128/128/1 127/127/1 +f 113/113/1 114/114/1 129/129/1 128/128/1 +f 114/114/1 115/115/1 130/130/1 129/129/1 +f 115/115/1 116/116/1 131/131/1 130/130/1 +f 116/116/1 117/117/1 132/132/1 131/131/1 +f 117/117/1 118/118/1 133/133/1 132/132/1 +f 118/118/1 119/119/1 134/134/1 133/133/1 +f 119/119/1 120/120/1 135/135/1 134/134/1 +f 121/122/1 122/121/1 137/136/1 136/137/1 +f 122/121/1 123/123/1 138/138/1 137/136/1 +f 123/123/1 124/124/1 139/139/1 138/138/1 +f 124/124/1 125/125/1 140/140/1 139/139/1 +f 125/125/1 126/126/1 141/141/1 140/140/1 +f 126/126/1 127/127/1 142/142/1 141/141/1 +f 127/127/1 128/128/1 143/143/1 142/142/1 +f 128/128/1 129/129/1 144/144/1 143/143/1 +f 129/129/1 130/130/1 145/145/1 144/144/1 +f 130/130/1 131/131/1 146/146/1 145/145/1 +f 131/131/1 132/132/1 147/147/1 146/146/1 +f 132/132/1 133/133/1 148/148/1 147/147/1 +f 133/133/1 134/134/1 149/149/1 148/148/1 +f 134/134/1 135/135/1 150/150/1 149/149/1 +f 136/137/1 137/136/1 152/151/1 151/152/1 +f 137/136/1 138/138/1 153/153/1 152/151/1 +f 138/138/1 139/139/1 154/154/1 153/153/1 +f 139/139/1 140/140/1 155/155/1 154/154/1 +f 140/140/1 141/141/1 156/156/1 155/155/1 +f 141/141/1 142/142/1 157/157/1 156/156/1 +f 142/142/1 143/143/1 158/158/1 157/157/1 +f 143/143/1 144/144/1 159/159/1 158/158/1 +f 144/144/1 145/145/1 160/160/1 159/159/1 +f 145/145/1 146/146/1 161/161/1 160/160/1 +f 146/146/1 147/147/1 162/162/1 161/161/1 +f 147/147/1 148/148/1 163/163/1 162/162/1 +f 148/148/1 149/149/1 164/164/1 163/163/1 +f 149/149/1 150/150/1 165/165/1 164/164/1 +f 151/152/1 152/151/1 167/166/1 166/167/1 +f 152/151/1 153/153/1 168/168/1 167/166/1 +f 153/153/1 154/154/1 169/169/1 168/168/1 +f 154/154/1 155/155/1 170/170/1 169/169/1 +f 155/155/1 156/156/1 171/171/1 170/170/1 +f 156/156/1 157/157/1 172/172/1 171/171/1 +f 157/157/1 158/158/1 173/173/1 172/172/1 +f 158/158/1 159/159/1 174/174/1 173/173/1 +f 159/159/1 160/160/1 175/175/1 174/174/1 +f 160/160/1 161/161/1 176/176/1 175/175/1 +f 161/161/1 162/162/1 177/177/1 176/176/1 +f 162/162/1 163/163/1 178/178/1 177/177/1 +f 163/163/1 164/164/1 179/179/1 178/178/1 +f 164/164/1 165/165/1 180/180/1 179/179/1 +f 166/167/1 167/166/1 182/181/1 181/182/1 +f 167/166/1 168/168/1 183/183/1 182/181/1 +f 168/168/1 169/169/1 184/184/1 183/183/1 +f 169/169/1 170/170/1 185/185/1 184/184/1 +f 170/170/1 171/171/1 186/186/1 185/185/1 +f 171/171/1 172/172/1 187/187/1 186/186/1 +f 172/172/1 173/173/1 188/188/1 187/187/1 +f 173/173/1 174/174/1 189/189/1 188/188/1 +f 174/174/1 175/175/1 190/190/1 189/189/1 +f 175/175/1 176/176/1 191/191/1 190/190/1 +f 176/176/1 177/177/1 192/192/1 191/191/1 +f 177/177/1 178/178/1 193/193/1 192/192/1 +f 178/178/1 179/179/1 194/194/1 193/193/1 +f 179/179/1 180/180/1 195/195/1 194/194/1 +f 181/182/1 182/181/1 197/196/1 196/197/1 +f 182/181/1 183/183/1 198/198/1 197/196/1 +f 183/183/1 184/184/1 199/199/1 198/198/1 +f 184/184/1 185/185/1 200/200/1 199/199/1 +f 185/185/1 186/186/1 201/201/1 200/200/1 +f 186/186/1 187/187/1 202/202/1 201/201/1 +f 187/187/1 188/188/1 203/203/1 202/202/1 +f 188/188/1 189/189/1 204/204/1 203/203/1 +f 189/189/1 190/190/1 205/205/1 204/204/1 +f 190/190/1 191/191/1 206/206/1 205/205/1 +f 191/191/1 192/192/1 207/207/1 206/206/1 +f 192/192/1 193/193/1 208/208/1 207/207/1 +f 193/193/1 194/194/1 209/209/1 208/208/1 +f 194/194/1 195/195/1 210/210/1 209/209/1 +f 196/197/1 197/196/1 212/211/1 211/212/1 +f 197/196/1 198/198/1 213/213/1 212/211/1 +f 198/198/1 199/199/1 214/214/1 213/213/1 +f 199/199/1 200/200/1 215/215/1 214/214/1 +f 200/200/1 201/201/1 216/216/1 215/215/1 +f 201/201/1 202/202/1 217/217/1 216/216/1 +f 202/202/1 203/203/1 218/218/1 217/217/1 +f 203/203/1 204/204/1 219/219/1 218/218/1 +f 204/204/1 205/205/1 220/220/1 219/219/1 +f 205/205/1 206/206/1 221/221/1 220/220/1 +f 206/206/1 207/207/1 222/222/1 221/221/1 +f 207/207/1 208/208/1 223/223/1 222/222/1 +f 208/208/1 209/209/1 224/224/1 223/223/1 +f 209/209/1 210/210/1 225/225/1 224/224/1 diff --git a/cliport/environments/assets/cloth/bl_cloth_20_cuts.obj b/cliport/environments/assets/cloth/bl_cloth_20_cuts.obj new file mode 100644 index 0000000000000000000000000000000000000000..d96554f88977484d51bfb0d6d39c6132d8349cde --- /dev/null +++ b/cliport/environments/assets/cloth/bl_cloth_20_cuts.obj @@ -0,0 +1,1168 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_cloth_20_cuts.mtl +o Grid +v -1.000000 0.000000 1.000000 +v -0.894737 0.000000 1.000000 +v -0.789474 0.000000 1.000000 +v -0.684211 0.000000 1.000000 +v -0.578947 0.000000 1.000000 +v -0.473684 0.000000 1.000000 +v -0.368421 0.000000 1.000000 +v -0.263158 0.000000 1.000000 +v -0.157895 0.000000 1.000000 +v -0.052632 0.000000 1.000000 +v 0.052632 0.000000 1.000000 +v 0.157895 0.000000 1.000000 +v 0.263158 0.000000 1.000000 +v 0.368421 0.000000 1.000000 +v 0.473684 0.000000 1.000000 +v 0.578947 0.000000 1.000000 +v 0.684211 0.000000 1.000000 +v 0.789474 0.000000 1.000000 +v 0.894737 0.000000 1.000000 +v 1.000000 0.000000 1.000000 +v -1.000000 0.000000 0.894737 +v -0.894737 0.000000 0.894737 +v -0.789474 0.000000 0.894737 +v -0.684211 0.000000 0.894737 +v -0.578947 0.000000 0.894737 +v -0.473684 0.000000 0.894737 +v -0.368421 0.000000 0.894737 +v -0.263158 0.000000 0.894737 +v -0.157895 0.000000 0.894737 +v -0.052632 0.000000 0.894737 +v 0.052632 0.000000 0.894737 +v 0.157895 0.000000 0.894737 +v 0.263158 0.000000 0.894737 +v 0.368421 0.000000 0.894737 +v 0.473684 0.000000 0.894737 +v 0.578947 0.000000 0.894737 +v 0.684211 0.000000 0.894737 +v 0.789474 0.000000 0.894737 +v 0.894737 0.000000 0.894737 +v 1.000000 0.000000 0.894737 +v -1.000000 0.000000 0.789474 +v -0.894737 0.000000 0.789474 +v -0.789474 0.000000 0.789474 +v -0.684211 0.000000 0.789474 +v -0.578947 0.000000 0.789474 +v -0.473684 0.000000 0.789474 +v -0.368421 0.000000 0.789474 +v -0.263158 0.000000 0.789474 +v -0.157895 0.000000 0.789474 +v -0.052632 0.000000 0.789474 +v 0.052632 0.000000 0.789474 +v 0.157895 0.000000 0.789474 +v 0.263158 0.000000 0.789474 +v 0.368421 0.000000 0.789474 +v 0.473684 0.000000 0.789474 +v 0.578947 0.000000 0.789474 +v 0.684211 0.000000 0.789474 +v 0.789474 0.000000 0.789474 +v 0.894737 0.000000 0.789474 +v 1.000000 0.000000 0.789474 +v -1.000000 0.000000 0.684211 +v -0.894737 0.000000 0.684211 +v -0.789474 0.000000 0.684211 +v -0.684211 0.000000 0.684211 +v -0.578947 0.000000 0.684211 +v -0.473684 0.000000 0.684211 +v -0.368421 0.000000 0.684211 +v -0.263158 0.000000 0.684211 +v -0.157895 0.000000 0.684211 +v -0.052632 0.000000 0.684211 +v 0.052632 0.000000 0.684211 +v 0.157895 0.000000 0.684211 +v 0.263158 0.000000 0.684211 +v 0.368421 0.000000 0.684211 +v 0.473684 0.000000 0.684211 +v 0.578947 0.000000 0.684211 +v 0.684211 0.000000 0.684211 +v 0.789474 0.000000 0.684211 +v 0.894737 0.000000 0.684211 +v 1.000000 0.000000 0.684211 +v -1.000000 0.000000 0.578947 +v -0.894737 0.000000 0.578947 +v -0.789474 0.000000 0.578947 +v -0.684211 0.000000 0.578947 +v -0.578947 0.000000 0.578947 +v -0.473684 0.000000 0.578947 +v -0.368421 0.000000 0.578947 +v -0.263158 0.000000 0.578947 +v -0.157895 0.000000 0.578947 +v -0.052632 0.000000 0.578947 +v 0.052632 0.000000 0.578947 +v 0.157895 0.000000 0.578947 +v 0.263158 0.000000 0.578947 +v 0.368421 0.000000 0.578947 +v 0.473684 0.000000 0.578947 +v 0.578947 0.000000 0.578947 +v 0.684211 0.000000 0.578947 +v 0.789474 0.000000 0.578947 +v 0.894737 0.000000 0.578947 +v 1.000000 0.000000 0.578947 +v -1.000000 0.000000 0.473684 +v -0.894737 0.000000 0.473684 +v -0.789474 0.000000 0.473684 +v -0.684211 0.000000 0.473684 +v -0.578947 0.000000 0.473684 +v -0.473684 0.000000 0.473684 +v -0.368421 0.000000 0.473684 +v -0.263158 0.000000 0.473684 +v -0.157895 0.000000 0.473684 +v -0.052632 0.000000 0.473684 +v 0.052632 0.000000 0.473684 +v 0.157895 0.000000 0.473684 +v 0.263158 0.000000 0.473684 +v 0.368421 0.000000 0.473684 +v 0.473684 0.000000 0.473684 +v 0.578947 0.000000 0.473684 +v 0.684211 0.000000 0.473684 +v 0.789474 0.000000 0.473684 +v 0.894737 0.000000 0.473684 +v 1.000000 0.000000 0.473684 +v -1.000000 0.000000 0.368421 +v -0.894737 0.000000 0.368421 +v -0.789474 0.000000 0.368421 +v -0.684211 0.000000 0.368421 +v -0.578947 0.000000 0.368421 +v -0.473684 0.000000 0.368421 +v -0.368421 0.000000 0.368421 +v -0.263158 0.000000 0.368421 +v -0.157895 0.000000 0.368421 +v -0.052632 0.000000 0.368421 +v 0.052632 0.000000 0.368421 +v 0.157895 0.000000 0.368421 +v 0.263158 0.000000 0.368421 +v 0.368421 0.000000 0.368421 +v 0.473684 0.000000 0.368421 +v 0.578947 0.000000 0.368421 +v 0.684211 0.000000 0.368421 +v 0.789474 0.000000 0.368421 +v 0.894737 0.000000 0.368421 +v 1.000000 0.000000 0.368421 +v -1.000000 0.000000 0.263158 +v -0.894737 0.000000 0.263158 +v -0.789474 0.000000 0.263158 +v -0.684211 0.000000 0.263158 +v -0.578947 0.000000 0.263158 +v -0.473684 0.000000 0.263158 +v -0.368421 0.000000 0.263158 +v -0.263158 0.000000 0.263158 +v -0.157895 0.000000 0.263158 +v -0.052632 0.000000 0.263158 +v 0.052632 0.000000 0.263158 +v 0.157895 0.000000 0.263158 +v 0.263158 0.000000 0.263158 +v 0.368421 0.000000 0.263158 +v 0.473684 0.000000 0.263158 +v 0.578947 0.000000 0.263158 +v 0.684211 0.000000 0.263158 +v 0.789474 0.000000 0.263158 +v 0.894737 0.000000 0.263158 +v 1.000000 0.000000 0.263158 +v -1.000000 0.000000 0.157895 +v -0.894737 0.000000 0.157895 +v -0.789474 0.000000 0.157895 +v -0.684211 0.000000 0.157895 +v -0.578947 0.000000 0.157895 +v -0.473684 0.000000 0.157895 +v -0.368421 0.000000 0.157895 +v -0.263158 0.000000 0.157895 +v -0.157895 0.000000 0.157895 +v -0.052632 0.000000 0.157895 +v 0.052632 0.000000 0.157895 +v 0.157895 0.000000 0.157895 +v 0.263158 0.000000 0.157895 +v 0.368421 0.000000 0.157895 +v 0.473684 0.000000 0.157895 +v 0.578947 0.000000 0.157895 +v 0.684211 0.000000 0.157895 +v 0.789474 0.000000 0.157895 +v 0.894737 0.000000 0.157895 +v 1.000000 0.000000 0.157895 +v -1.000000 0.000000 0.052632 +v -0.894737 0.000000 0.052632 +v -0.789474 0.000000 0.052632 +v -0.684211 0.000000 0.052632 +v -0.578947 0.000000 0.052632 +v -0.473684 0.000000 0.052632 +v -0.368421 0.000000 0.052632 +v -0.263158 0.000000 0.052632 +v -0.157895 0.000000 0.052632 +v -0.052632 0.000000 0.052632 +v 0.052632 0.000000 0.052632 +v 0.157895 0.000000 0.052632 +v 0.263158 0.000000 0.052632 +v 0.368421 0.000000 0.052632 +v 0.473684 0.000000 0.052632 +v 0.578947 0.000000 0.052632 +v 0.684211 0.000000 0.052632 +v 0.789474 0.000000 0.052632 +v 0.894737 0.000000 0.052632 +v 1.000000 0.000000 0.052632 +v -1.000000 0.000000 -0.052632 +v -0.894737 0.000000 -0.052632 +v -0.789474 0.000000 -0.052632 +v -0.684211 0.000000 -0.052632 +v -0.578947 0.000000 -0.052632 +v -0.473684 0.000000 -0.052632 +v -0.368421 0.000000 -0.052632 +v -0.263158 0.000000 -0.052632 +v -0.157895 0.000000 -0.052632 +v -0.052632 0.000000 -0.052632 +v 0.052632 0.000000 -0.052632 +v 0.157895 0.000000 -0.052632 +v 0.263158 0.000000 -0.052632 +v 0.368421 0.000000 -0.052632 +v 0.473684 0.000000 -0.052632 +v 0.578947 0.000000 -0.052632 +v 0.684211 0.000000 -0.052632 +v 0.789474 0.000000 -0.052632 +v 0.894737 0.000000 -0.052632 +v 1.000000 0.000000 -0.052632 +v -1.000000 0.000000 -0.157895 +v -0.894737 0.000000 -0.157895 +v -0.789474 0.000000 -0.157895 +v -0.684211 0.000000 -0.157895 +v -0.578947 0.000000 -0.157895 +v -0.473684 0.000000 -0.157895 +v -0.368421 0.000000 -0.157895 +v -0.263158 0.000000 -0.157895 +v -0.157895 0.000000 -0.157895 +v -0.052632 0.000000 -0.157895 +v 0.052632 0.000000 -0.157895 +v 0.157895 0.000000 -0.157895 +v 0.263158 0.000000 -0.157895 +v 0.368421 0.000000 -0.157895 +v 0.473684 0.000000 -0.157895 +v 0.578947 0.000000 -0.157895 +v 0.684211 0.000000 -0.157895 +v 0.789474 0.000000 -0.157895 +v 0.894737 0.000000 -0.157895 +v 1.000000 0.000000 -0.157895 +v -1.000000 0.000000 -0.263158 +v -0.894737 0.000000 -0.263158 +v -0.789474 0.000000 -0.263158 +v -0.684211 0.000000 -0.263158 +v -0.578947 0.000000 -0.263158 +v -0.473684 0.000000 -0.263158 +v -0.368421 0.000000 -0.263158 +v -0.263158 0.000000 -0.263158 +v -0.157895 0.000000 -0.263158 +v -0.052632 0.000000 -0.263158 +v 0.052632 0.000000 -0.263158 +v 0.157895 0.000000 -0.263158 +v 0.263158 0.000000 -0.263158 +v 0.368421 0.000000 -0.263158 +v 0.473684 0.000000 -0.263158 +v 0.578947 0.000000 -0.263158 +v 0.684211 0.000000 -0.263158 +v 0.789474 0.000000 -0.263158 +v 0.894737 0.000000 -0.263158 +v 1.000000 0.000000 -0.263158 +v -1.000000 0.000000 -0.368421 +v -0.894737 0.000000 -0.368421 +v -0.789474 0.000000 -0.368421 +v -0.684211 0.000000 -0.368421 +v -0.578947 0.000000 -0.368421 +v -0.473684 0.000000 -0.368421 +v -0.368421 0.000000 -0.368421 +v -0.263158 0.000000 -0.368421 +v -0.157895 0.000000 -0.368421 +v -0.052632 0.000000 -0.368421 +v 0.052632 0.000000 -0.368421 +v 0.157895 0.000000 -0.368421 +v 0.263158 0.000000 -0.368421 +v 0.368421 0.000000 -0.368421 +v 0.473684 0.000000 -0.368421 +v 0.578947 0.000000 -0.368421 +v 0.684211 0.000000 -0.368421 +v 0.789474 0.000000 -0.368421 +v 0.894737 0.000000 -0.368421 +v 1.000000 0.000000 -0.368421 +v -1.000000 0.000000 -0.473684 +v -0.894737 0.000000 -0.473684 +v -0.789474 0.000000 -0.473684 +v -0.684211 0.000000 -0.473684 +v -0.578947 0.000000 -0.473684 +v -0.473684 0.000000 -0.473684 +v -0.368421 0.000000 -0.473684 +v -0.263158 0.000000 -0.473684 +v -0.157895 0.000000 -0.473684 +v -0.052632 0.000000 -0.473684 +v 0.052632 0.000000 -0.473684 +v 0.157895 0.000000 -0.473684 +v 0.263158 0.000000 -0.473684 +v 0.368421 0.000000 -0.473684 +v 0.473684 0.000000 -0.473684 +v 0.578947 0.000000 -0.473684 +v 0.684211 0.000000 -0.473684 +v 0.789474 0.000000 -0.473684 +v 0.894737 0.000000 -0.473684 +v 1.000000 0.000000 -0.473684 +v -1.000000 0.000000 -0.578947 +v -0.894737 0.000000 -0.578947 +v -0.789474 0.000000 -0.578947 +v -0.684211 0.000000 -0.578947 +v -0.578947 0.000000 -0.578947 +v -0.473684 0.000000 -0.578947 +v -0.368421 0.000000 -0.578947 +v -0.263158 0.000000 -0.578947 +v -0.157895 0.000000 -0.578947 +v -0.052632 0.000000 -0.578947 +v 0.052632 0.000000 -0.578947 +v 0.157895 0.000000 -0.578947 +v 0.263158 0.000000 -0.578947 +v 0.368421 0.000000 -0.578947 +v 0.473684 0.000000 -0.578947 +v 0.578947 0.000000 -0.578947 +v 0.684211 0.000000 -0.578947 +v 0.789474 0.000000 -0.578947 +v 0.894737 0.000000 -0.578947 +v 1.000000 0.000000 -0.578947 +v -1.000000 0.000000 -0.684211 +v -0.894737 0.000000 -0.684211 +v -0.789474 0.000000 -0.684211 +v -0.684211 0.000000 -0.684211 +v -0.578947 0.000000 -0.684211 +v -0.473684 0.000000 -0.684211 +v -0.368421 0.000000 -0.684211 +v -0.263158 0.000000 -0.684211 +v -0.157895 0.000000 -0.684211 +v -0.052632 0.000000 -0.684211 +v 0.052632 0.000000 -0.684211 +v 0.157895 0.000000 -0.684211 +v 0.263158 0.000000 -0.684211 +v 0.368421 0.000000 -0.684211 +v 0.473684 0.000000 -0.684211 +v 0.578947 0.000000 -0.684211 +v 0.684211 0.000000 -0.684211 +v 0.789474 0.000000 -0.684211 +v 0.894737 0.000000 -0.684211 +v 1.000000 0.000000 -0.684211 +v -1.000000 0.000000 -0.789474 +v -0.894737 0.000000 -0.789474 +v -0.789474 0.000000 -0.789474 +v -0.684211 0.000000 -0.789474 +v -0.578947 0.000000 -0.789474 +v -0.473684 0.000000 -0.789474 +v -0.368421 0.000000 -0.789474 +v -0.263158 0.000000 -0.789474 +v -0.157895 0.000000 -0.789474 +v -0.052632 0.000000 -0.789474 +v 0.052632 0.000000 -0.789474 +v 0.157895 0.000000 -0.789474 +v 0.263158 0.000000 -0.789474 +v 0.368421 0.000000 -0.789474 +v 0.473684 0.000000 -0.789474 +v 0.578947 0.000000 -0.789474 +v 0.684211 0.000000 -0.789474 +v 0.789474 0.000000 -0.789474 +v 0.894737 0.000000 -0.789474 +v 1.000000 0.000000 -0.789474 +v -1.000000 0.000000 -0.894737 +v -0.894737 0.000000 -0.894737 +v -0.789474 0.000000 -0.894737 +v -0.684211 0.000000 -0.894737 +v -0.578947 0.000000 -0.894737 +v -0.473684 0.000000 -0.894737 +v -0.368421 0.000000 -0.894737 +v -0.263158 0.000000 -0.894737 +v -0.157895 0.000000 -0.894737 +v -0.052632 0.000000 -0.894737 +v 0.052632 0.000000 -0.894737 +v 0.157895 0.000000 -0.894737 +v 0.263158 0.000000 -0.894737 +v 0.368421 0.000000 -0.894737 +v 0.473684 0.000000 -0.894737 +v 0.578947 0.000000 -0.894737 +v 0.684211 0.000000 -0.894737 +v 0.789474 0.000000 -0.894737 +v 0.894737 0.000000 -0.894737 +v 1.000000 0.000000 -0.894737 +v -1.000000 0.000000 -1.000000 +v -0.894737 0.000000 -1.000000 +v -0.789474 0.000000 -1.000000 +v -0.684211 0.000000 -1.000000 +v -0.578947 0.000000 -1.000000 +v -0.473684 0.000000 -1.000000 +v -0.368421 0.000000 -1.000000 +v -0.263158 0.000000 -1.000000 +v -0.157895 0.000000 -1.000000 +v -0.052632 0.000000 -1.000000 +v 0.052632 0.000000 -1.000000 +v 0.157895 0.000000 -1.000000 +v 0.263158 0.000000 -1.000000 +v 0.368421 0.000000 -1.000000 +v 0.473684 0.000000 -1.000000 +v 0.578947 0.000000 -1.000000 +v 0.684211 0.000000 -1.000000 +v 0.789474 0.000000 -1.000000 +v 0.894737 0.000000 -1.000000 +v 1.000000 0.000000 -1.000000 +vt 0.000000 0.000000 +vt 0.052632 0.000000 +vt 0.052632 0.052632 +vt 0.000000 0.052632 +vt 0.105263 0.000000 +vt 0.105263 0.052632 +vt 0.157895 0.000000 +vt 0.157895 0.052632 +vt 0.210526 0.000000 +vt 0.210526 0.052632 +vt 0.263158 0.000000 +vt 0.263158 0.052632 +vt 0.315789 0.000000 +vt 0.315789 0.052632 +vt 0.368421 0.000000 +vt 0.368421 0.052632 +vt 0.421053 0.000000 +vt 0.421053 0.052632 +vt 0.473684 0.000000 +vt 0.473684 0.052632 +vt 0.526316 0.000000 +vt 0.526316 0.052632 +vt 0.578947 0.000000 +vt 0.578947 0.052632 +vt 0.631579 0.000000 +vt 0.631579 0.052632 +vt 0.684210 0.000000 +vt 0.684210 0.052632 +vt 0.736842 0.000000 +vt 0.736842 0.052632 +vt 0.789474 0.000000 +vt 0.789474 0.052632 +vt 0.842105 0.000000 +vt 0.842105 0.052632 +vt 0.894737 0.000000 +vt 0.894737 0.052632 +vt 0.947368 0.000000 +vt 0.947368 0.052632 +vt 1.000000 0.000000 +vt 1.000000 0.052632 +vt 0.052632 0.105263 +vt 0.000000 0.105263 +vt 0.105263 0.105263 +vt 0.157895 0.105263 +vt 0.210526 0.105263 +vt 0.263158 0.105263 +vt 0.315789 0.105263 +vt 0.368421 0.105263 +vt 0.421053 0.105263 +vt 0.473684 0.105263 +vt 0.526316 0.105263 +vt 0.578947 0.105263 +vt 0.631579 0.105263 +vt 0.684210 0.105263 +vt 0.736842 0.105263 +vt 0.789474 0.105263 +vt 0.842105 0.105263 +vt 0.894737 0.105263 +vt 0.947368 0.105263 +vt 1.000000 0.105263 +vt 0.052632 0.157895 +vt 0.000000 0.157895 +vt 0.105263 0.157895 +vt 0.157895 0.157895 +vt 0.210526 0.157895 +vt 0.263158 0.157895 +vt 0.315789 0.157895 +vt 0.368421 0.157895 +vt 0.421053 0.157895 +vt 0.473684 0.157895 +vt 0.526316 0.157895 +vt 0.578947 0.157895 +vt 0.631579 0.157895 +vt 0.684210 0.157895 +vt 0.736842 0.157895 +vt 0.789474 0.157895 +vt 0.842105 0.157895 +vt 0.894737 0.157895 +vt 0.947368 0.157895 +vt 1.000000 0.157895 +vt 0.052632 0.210526 +vt 0.000000 0.210526 +vt 0.105263 0.210526 +vt 0.157895 0.210526 +vt 0.210526 0.210526 +vt 0.263158 0.210526 +vt 0.315789 0.210526 +vt 0.368421 0.210526 +vt 0.421053 0.210526 +vt 0.473684 0.210526 +vt 0.526316 0.210526 +vt 0.578947 0.210526 +vt 0.631579 0.210526 +vt 0.684210 0.210526 +vt 0.736842 0.210526 +vt 0.789474 0.210526 +vt 0.842105 0.210526 +vt 0.894737 0.210526 +vt 0.947368 0.210526 +vt 1.000000 0.210526 +vt 0.052632 0.263158 +vt 0.000000 0.263158 +vt 0.105263 0.263158 +vt 0.157895 0.263158 +vt 0.210526 0.263158 +vt 0.263158 0.263158 +vt 0.315789 0.263158 +vt 0.368421 0.263158 +vt 0.421053 0.263158 +vt 0.473684 0.263158 +vt 0.526316 0.263158 +vt 0.578947 0.263158 +vt 0.631579 0.263158 +vt 0.684210 0.263158 +vt 0.736842 0.263158 +vt 0.789474 0.263158 +vt 0.842105 0.263158 +vt 0.894737 0.263158 +vt 0.947368 0.263158 +vt 1.000000 0.263158 +vt 0.052632 0.315789 +vt 0.000000 0.315789 +vt 0.105263 0.315789 +vt 0.157895 0.315789 +vt 0.210526 0.315789 +vt 0.263158 0.315789 +vt 0.315789 0.315789 +vt 0.368421 0.315789 +vt 0.421053 0.315789 +vt 0.473684 0.315789 +vt 0.526316 0.315789 +vt 0.578947 0.315789 +vt 0.631579 0.315789 +vt 0.684210 0.315789 +vt 0.736842 0.315789 +vt 0.789474 0.315789 +vt 0.842105 0.315789 +vt 0.894737 0.315789 +vt 0.947368 0.315789 +vt 1.000000 0.315789 +vt 0.052632 0.368421 +vt 0.000000 0.368421 +vt 0.105263 0.368421 +vt 0.157895 0.368421 +vt 0.210526 0.368421 +vt 0.263158 0.368421 +vt 0.315789 0.368421 +vt 0.368421 0.368421 +vt 0.421053 0.368421 +vt 0.473684 0.368421 +vt 0.526316 0.368421 +vt 0.578947 0.368421 +vt 0.631579 0.368421 +vt 0.684210 0.368421 +vt 0.736842 0.368421 +vt 0.789474 0.368421 +vt 0.842105 0.368421 +vt 0.894737 0.368421 +vt 0.947368 0.368421 +vt 1.000000 0.368421 +vt 0.052632 0.421053 +vt 0.000000 0.421053 +vt 0.105263 0.421053 +vt 0.157895 0.421053 +vt 0.210526 0.421053 +vt 0.263158 0.421053 +vt 0.315789 0.421053 +vt 0.368421 0.421053 +vt 0.421053 0.421053 +vt 0.473684 0.421053 +vt 0.526316 0.421053 +vt 0.578947 0.421053 +vt 0.631579 0.421053 +vt 0.684210 0.421053 +vt 0.736842 0.421053 +vt 0.789474 0.421053 +vt 0.842105 0.421053 +vt 0.894737 0.421053 +vt 0.947368 0.421053 +vt 1.000000 0.421053 +vt 0.052632 0.473684 +vt 0.000000 0.473684 +vt 0.105263 0.473684 +vt 0.157895 0.473684 +vt 0.210526 0.473684 +vt 0.263158 0.473684 +vt 0.315789 0.473684 +vt 0.368421 0.473684 +vt 0.421053 0.473684 +vt 0.473684 0.473684 +vt 0.526316 0.473684 +vt 0.578947 0.473684 +vt 0.631579 0.473684 +vt 0.684210 0.473684 +vt 0.736842 0.473684 +vt 0.789474 0.473684 +vt 0.842105 0.473684 +vt 0.894737 0.473684 +vt 0.947368 0.473684 +vt 1.000000 0.473684 +vt 0.052632 0.526316 +vt 0.000000 0.526316 +vt 0.105263 0.526316 +vt 0.157895 0.526316 +vt 0.210526 0.526316 +vt 0.263158 0.526316 +vt 0.315789 0.526316 +vt 0.368421 0.526316 +vt 0.421053 0.526316 +vt 0.473684 0.526316 +vt 0.526316 0.526316 +vt 0.578947 0.526316 +vt 0.631579 0.526316 +vt 0.684210 0.526316 +vt 0.736842 0.526316 +vt 0.789474 0.526316 +vt 0.842105 0.526316 +vt 0.894737 0.526316 +vt 0.947368 0.526316 +vt 1.000000 0.526316 +vt 0.052632 0.578947 +vt 0.000000 0.578947 +vt 0.105263 0.578947 +vt 0.157895 0.578947 +vt 0.210526 0.578947 +vt 0.263158 0.578947 +vt 0.315789 0.578947 +vt 0.368421 0.578947 +vt 0.421053 0.578947 +vt 0.473684 0.578947 +vt 0.526316 0.578947 +vt 0.578947 0.578947 +vt 0.631579 0.578947 +vt 0.684210 0.578947 +vt 0.736842 0.578947 +vt 0.789474 0.578947 +vt 0.842105 0.578947 +vt 0.894737 0.578947 +vt 0.947368 0.578947 +vt 1.000000 0.578947 +vt 0.052632 0.631579 +vt 0.000000 0.631579 +vt 0.105263 0.631579 +vt 0.157895 0.631579 +vt 0.210526 0.631579 +vt 0.263158 0.631579 +vt 0.315789 0.631579 +vt 0.368421 0.631579 +vt 0.421053 0.631579 +vt 0.473684 0.631579 +vt 0.526316 0.631579 +vt 0.578947 0.631579 +vt 0.631579 0.631579 +vt 0.684210 0.631579 +vt 0.736842 0.631579 +vt 0.789474 0.631579 +vt 0.842105 0.631579 +vt 0.894737 0.631579 +vt 0.947368 0.631579 +vt 1.000000 0.631579 +vt 0.052632 0.684210 +vt 0.000000 0.684210 +vt 0.105263 0.684210 +vt 0.157895 0.684210 +vt 0.210526 0.684210 +vt 0.263158 0.684210 +vt 0.315789 0.684210 +vt 0.368421 0.684210 +vt 0.421053 0.684210 +vt 0.473684 0.684210 +vt 0.526316 0.684210 +vt 0.578947 0.684210 +vt 0.631579 0.684210 +vt 0.684210 0.684210 +vt 0.736842 0.684210 +vt 0.789474 0.684210 +vt 0.842105 0.684210 +vt 0.894737 0.684210 +vt 0.947368 0.684210 +vt 1.000000 0.684210 +vt 0.052632 0.736842 +vt 0.000000 0.736842 +vt 0.105263 0.736842 +vt 0.157895 0.736842 +vt 0.210526 0.736842 +vt 0.263158 0.736842 +vt 0.315789 0.736842 +vt 0.368421 0.736842 +vt 0.421053 0.736842 +vt 0.473684 0.736842 +vt 0.526316 0.736842 +vt 0.578947 0.736842 +vt 0.631579 0.736842 +vt 0.684210 0.736842 +vt 0.736842 0.736842 +vt 0.789474 0.736842 +vt 0.842105 0.736842 +vt 0.894737 0.736842 +vt 0.947368 0.736842 +vt 1.000000 0.736842 +vt 0.052632 0.789474 +vt 0.000000 0.789474 +vt 0.105263 0.789474 +vt 0.157895 0.789474 +vt 0.210526 0.789474 +vt 0.263158 0.789474 +vt 0.315789 0.789474 +vt 0.368421 0.789474 +vt 0.421053 0.789474 +vt 0.473684 0.789474 +vt 0.526316 0.789474 +vt 0.578947 0.789474 +vt 0.631579 0.789474 +vt 0.684210 0.789474 +vt 0.736842 0.789474 +vt 0.789474 0.789474 +vt 0.842105 0.789474 +vt 0.894737 0.789474 +vt 0.947368 0.789474 +vt 1.000000 0.789474 +vt 0.052632 0.842105 +vt 0.000000 0.842105 +vt 0.105263 0.842105 +vt 0.157895 0.842105 +vt 0.210526 0.842105 +vt 0.263158 0.842105 +vt 0.315789 0.842105 +vt 0.368421 0.842105 +vt 0.421053 0.842105 +vt 0.473684 0.842105 +vt 0.526316 0.842105 +vt 0.578947 0.842105 +vt 0.631579 0.842105 +vt 0.684210 0.842105 +vt 0.736842 0.842105 +vt 0.789474 0.842105 +vt 0.842105 0.842105 +vt 0.894737 0.842105 +vt 0.947368 0.842105 +vt 1.000000 0.842105 +vt 0.052632 0.894737 +vt 0.000000 0.894737 +vt 0.105263 0.894737 +vt 0.157895 0.894737 +vt 0.210526 0.894737 +vt 0.263158 0.894737 +vt 0.315789 0.894737 +vt 0.368421 0.894737 +vt 0.421053 0.894737 +vt 0.473684 0.894737 +vt 0.526316 0.894737 +vt 0.578947 0.894737 +vt 0.631579 0.894737 +vt 0.684210 0.894737 +vt 0.736842 0.894737 +vt 0.789474 0.894737 +vt 0.842105 0.894737 +vt 0.894737 0.894737 +vt 0.947368 0.894737 +vt 1.000000 0.894737 +vt 0.052632 0.947368 +vt 0.000000 0.947368 +vt 0.105263 0.947368 +vt 0.157895 0.947368 +vt 0.210526 0.947368 +vt 0.263158 0.947368 +vt 0.315789 0.947368 +vt 0.368421 0.947368 +vt 0.421053 0.947368 +vt 0.473684 0.947368 +vt 0.526316 0.947368 +vt 0.578947 0.947368 +vt 0.631579 0.947368 +vt 0.684210 0.947368 +vt 0.736842 0.947368 +vt 0.789474 0.947368 +vt 0.842105 0.947368 +vt 0.894737 0.947368 +vt 0.947368 0.947368 +vt 1.000000 0.947368 +vt 0.052632 1.000000 +vt 0.000000 1.000000 +vt 0.105263 1.000000 +vt 0.157895 1.000000 +vt 0.210526 1.000000 +vt 0.263158 1.000000 +vt 0.315789 1.000000 +vt 0.368421 1.000000 +vt 0.421053 1.000000 +vt 0.473684 1.000000 +vt 0.526316 1.000000 +vt 0.578947 1.000000 +vt 0.631579 1.000000 +vt 0.684210 1.000000 +vt 0.736842 1.000000 +vt 0.789474 1.000000 +vt 0.842105 1.000000 +vt 0.894737 1.000000 +vt 0.947368 1.000000 +vt 1.000000 1.000000 +vn 0.0000 1.0000 0.0000 +usemtl None +s off +f 1/1/1 2/2/1 22/3/1 21/4/1 +f 2/2/1 3/5/1 23/6/1 22/3/1 +f 3/5/1 4/7/1 24/8/1 23/6/1 +f 4/7/1 5/9/1 25/10/1 24/8/1 +f 5/9/1 6/11/1 26/12/1 25/10/1 +f 6/11/1 7/13/1 27/14/1 26/12/1 +f 7/13/1 8/15/1 28/16/1 27/14/1 +f 8/15/1 9/17/1 29/18/1 28/16/1 +f 9/17/1 10/19/1 30/20/1 29/18/1 +f 10/19/1 11/21/1 31/22/1 30/20/1 +f 11/21/1 12/23/1 32/24/1 31/22/1 +f 12/23/1 13/25/1 33/26/1 32/24/1 +f 13/25/1 14/27/1 34/28/1 33/26/1 +f 14/27/1 15/29/1 35/30/1 34/28/1 +f 15/29/1 16/31/1 36/32/1 35/30/1 +f 16/31/1 17/33/1 37/34/1 36/32/1 +f 17/33/1 18/35/1 38/36/1 37/34/1 +f 18/35/1 19/37/1 39/38/1 38/36/1 +f 19/37/1 20/39/1 40/40/1 39/38/1 +f 21/4/1 22/3/1 42/41/1 41/42/1 +f 22/3/1 23/6/1 43/43/1 42/41/1 +f 23/6/1 24/8/1 44/44/1 43/43/1 +f 24/8/1 25/10/1 45/45/1 44/44/1 +f 25/10/1 26/12/1 46/46/1 45/45/1 +f 26/12/1 27/14/1 47/47/1 46/46/1 +f 27/14/1 28/16/1 48/48/1 47/47/1 +f 28/16/1 29/18/1 49/49/1 48/48/1 +f 29/18/1 30/20/1 50/50/1 49/49/1 +f 30/20/1 31/22/1 51/51/1 50/50/1 +f 31/22/1 32/24/1 52/52/1 51/51/1 +f 32/24/1 33/26/1 53/53/1 52/52/1 +f 33/26/1 34/28/1 54/54/1 53/53/1 +f 34/28/1 35/30/1 55/55/1 54/54/1 +f 35/30/1 36/32/1 56/56/1 55/55/1 +f 36/32/1 37/34/1 57/57/1 56/56/1 +f 37/34/1 38/36/1 58/58/1 57/57/1 +f 38/36/1 39/38/1 59/59/1 58/58/1 +f 39/38/1 40/40/1 60/60/1 59/59/1 +f 41/42/1 42/41/1 62/61/1 61/62/1 +f 42/41/1 43/43/1 63/63/1 62/61/1 +f 43/43/1 44/44/1 64/64/1 63/63/1 +f 44/44/1 45/45/1 65/65/1 64/64/1 +f 45/45/1 46/46/1 66/66/1 65/65/1 +f 46/46/1 47/47/1 67/67/1 66/66/1 +f 47/47/1 48/48/1 68/68/1 67/67/1 +f 48/48/1 49/49/1 69/69/1 68/68/1 +f 49/49/1 50/50/1 70/70/1 69/69/1 +f 50/50/1 51/51/1 71/71/1 70/70/1 +f 51/51/1 52/52/1 72/72/1 71/71/1 +f 52/52/1 53/53/1 73/73/1 72/72/1 +f 53/53/1 54/54/1 74/74/1 73/73/1 +f 54/54/1 55/55/1 75/75/1 74/74/1 +f 55/55/1 56/56/1 76/76/1 75/75/1 +f 56/56/1 57/57/1 77/77/1 76/76/1 +f 57/57/1 58/58/1 78/78/1 77/77/1 +f 58/58/1 59/59/1 79/79/1 78/78/1 +f 59/59/1 60/60/1 80/80/1 79/79/1 +f 61/62/1 62/61/1 82/81/1 81/82/1 +f 62/61/1 63/63/1 83/83/1 82/81/1 +f 63/63/1 64/64/1 84/84/1 83/83/1 +f 64/64/1 65/65/1 85/85/1 84/84/1 +f 65/65/1 66/66/1 86/86/1 85/85/1 +f 66/66/1 67/67/1 87/87/1 86/86/1 +f 67/67/1 68/68/1 88/88/1 87/87/1 +f 68/68/1 69/69/1 89/89/1 88/88/1 +f 69/69/1 70/70/1 90/90/1 89/89/1 +f 70/70/1 71/71/1 91/91/1 90/90/1 +f 71/71/1 72/72/1 92/92/1 91/91/1 +f 72/72/1 73/73/1 93/93/1 92/92/1 +f 73/73/1 74/74/1 94/94/1 93/93/1 +f 74/74/1 75/75/1 95/95/1 94/94/1 +f 75/75/1 76/76/1 96/96/1 95/95/1 +f 76/76/1 77/77/1 97/97/1 96/96/1 +f 77/77/1 78/78/1 98/98/1 97/97/1 +f 78/78/1 79/79/1 99/99/1 98/98/1 +f 79/79/1 80/80/1 100/100/1 99/99/1 +f 81/82/1 82/81/1 102/101/1 101/102/1 +f 82/81/1 83/83/1 103/103/1 102/101/1 +f 83/83/1 84/84/1 104/104/1 103/103/1 +f 84/84/1 85/85/1 105/105/1 104/104/1 +f 85/85/1 86/86/1 106/106/1 105/105/1 +f 86/86/1 87/87/1 107/107/1 106/106/1 +f 87/87/1 88/88/1 108/108/1 107/107/1 +f 88/88/1 89/89/1 109/109/1 108/108/1 +f 89/89/1 90/90/1 110/110/1 109/109/1 +f 90/90/1 91/91/1 111/111/1 110/110/1 +f 91/91/1 92/92/1 112/112/1 111/111/1 +f 92/92/1 93/93/1 113/113/1 112/112/1 +f 93/93/1 94/94/1 114/114/1 113/113/1 +f 94/94/1 95/95/1 115/115/1 114/114/1 +f 95/95/1 96/96/1 116/116/1 115/115/1 +f 96/96/1 97/97/1 117/117/1 116/116/1 +f 97/97/1 98/98/1 118/118/1 117/117/1 +f 98/98/1 99/99/1 119/119/1 118/118/1 +f 99/99/1 100/100/1 120/120/1 119/119/1 +f 101/102/1 102/101/1 122/121/1 121/122/1 +f 102/101/1 103/103/1 123/123/1 122/121/1 +f 103/103/1 104/104/1 124/124/1 123/123/1 +f 104/104/1 105/105/1 125/125/1 124/124/1 +f 105/105/1 106/106/1 126/126/1 125/125/1 +f 106/106/1 107/107/1 127/127/1 126/126/1 +f 107/107/1 108/108/1 128/128/1 127/127/1 +f 108/108/1 109/109/1 129/129/1 128/128/1 +f 109/109/1 110/110/1 130/130/1 129/129/1 +f 110/110/1 111/111/1 131/131/1 130/130/1 +f 111/111/1 112/112/1 132/132/1 131/131/1 +f 112/112/1 113/113/1 133/133/1 132/132/1 +f 113/113/1 114/114/1 134/134/1 133/133/1 +f 114/114/1 115/115/1 135/135/1 134/134/1 +f 115/115/1 116/116/1 136/136/1 135/135/1 +f 116/116/1 117/117/1 137/137/1 136/136/1 +f 117/117/1 118/118/1 138/138/1 137/137/1 +f 118/118/1 119/119/1 139/139/1 138/138/1 +f 119/119/1 120/120/1 140/140/1 139/139/1 +f 121/122/1 122/121/1 142/141/1 141/142/1 +f 122/121/1 123/123/1 143/143/1 142/141/1 +f 123/123/1 124/124/1 144/144/1 143/143/1 +f 124/124/1 125/125/1 145/145/1 144/144/1 +f 125/125/1 126/126/1 146/146/1 145/145/1 +f 126/126/1 127/127/1 147/147/1 146/146/1 +f 127/127/1 128/128/1 148/148/1 147/147/1 +f 128/128/1 129/129/1 149/149/1 148/148/1 +f 129/129/1 130/130/1 150/150/1 149/149/1 +f 130/130/1 131/131/1 151/151/1 150/150/1 +f 131/131/1 132/132/1 152/152/1 151/151/1 +f 132/132/1 133/133/1 153/153/1 152/152/1 +f 133/133/1 134/134/1 154/154/1 153/153/1 +f 134/134/1 135/135/1 155/155/1 154/154/1 +f 135/135/1 136/136/1 156/156/1 155/155/1 +f 136/136/1 137/137/1 157/157/1 156/156/1 +f 137/137/1 138/138/1 158/158/1 157/157/1 +f 138/138/1 139/139/1 159/159/1 158/158/1 +f 139/139/1 140/140/1 160/160/1 159/159/1 +f 141/142/1 142/141/1 162/161/1 161/162/1 +f 142/141/1 143/143/1 163/163/1 162/161/1 +f 143/143/1 144/144/1 164/164/1 163/163/1 +f 144/144/1 145/145/1 165/165/1 164/164/1 +f 145/145/1 146/146/1 166/166/1 165/165/1 +f 146/146/1 147/147/1 167/167/1 166/166/1 +f 147/147/1 148/148/1 168/168/1 167/167/1 +f 148/148/1 149/149/1 169/169/1 168/168/1 +f 149/149/1 150/150/1 170/170/1 169/169/1 +f 150/150/1 151/151/1 171/171/1 170/170/1 +f 151/151/1 152/152/1 172/172/1 171/171/1 +f 152/152/1 153/153/1 173/173/1 172/172/1 +f 153/153/1 154/154/1 174/174/1 173/173/1 +f 154/154/1 155/155/1 175/175/1 174/174/1 +f 155/155/1 156/156/1 176/176/1 175/175/1 +f 156/156/1 157/157/1 177/177/1 176/176/1 +f 157/157/1 158/158/1 178/178/1 177/177/1 +f 158/158/1 159/159/1 179/179/1 178/178/1 +f 159/159/1 160/160/1 180/180/1 179/179/1 +f 161/162/1 162/161/1 182/181/1 181/182/1 +f 162/161/1 163/163/1 183/183/1 182/181/1 +f 163/163/1 164/164/1 184/184/1 183/183/1 +f 164/164/1 165/165/1 185/185/1 184/184/1 +f 165/165/1 166/166/1 186/186/1 185/185/1 +f 166/166/1 167/167/1 187/187/1 186/186/1 +f 167/167/1 168/168/1 188/188/1 187/187/1 +f 168/168/1 169/169/1 189/189/1 188/188/1 +f 169/169/1 170/170/1 190/190/1 189/189/1 +f 170/170/1 171/171/1 191/191/1 190/190/1 +f 171/171/1 172/172/1 192/192/1 191/191/1 +f 172/172/1 173/173/1 193/193/1 192/192/1 +f 173/173/1 174/174/1 194/194/1 193/193/1 +f 174/174/1 175/175/1 195/195/1 194/194/1 +f 175/175/1 176/176/1 196/196/1 195/195/1 +f 176/176/1 177/177/1 197/197/1 196/196/1 +f 177/177/1 178/178/1 198/198/1 197/197/1 +f 178/178/1 179/179/1 199/199/1 198/198/1 +f 179/179/1 180/180/1 200/200/1 199/199/1 +f 181/182/1 182/181/1 202/201/1 201/202/1 +f 182/181/1 183/183/1 203/203/1 202/201/1 +f 183/183/1 184/184/1 204/204/1 203/203/1 +f 184/184/1 185/185/1 205/205/1 204/204/1 +f 185/185/1 186/186/1 206/206/1 205/205/1 +f 186/186/1 187/187/1 207/207/1 206/206/1 +f 187/187/1 188/188/1 208/208/1 207/207/1 +f 188/188/1 189/189/1 209/209/1 208/208/1 +f 189/189/1 190/190/1 210/210/1 209/209/1 +f 190/190/1 191/191/1 211/211/1 210/210/1 +f 191/191/1 192/192/1 212/212/1 211/211/1 +f 192/192/1 193/193/1 213/213/1 212/212/1 +f 193/193/1 194/194/1 214/214/1 213/213/1 +f 194/194/1 195/195/1 215/215/1 214/214/1 +f 195/195/1 196/196/1 216/216/1 215/215/1 +f 196/196/1 197/197/1 217/217/1 216/216/1 +f 197/197/1 198/198/1 218/218/1 217/217/1 +f 198/198/1 199/199/1 219/219/1 218/218/1 +f 199/199/1 200/200/1 220/220/1 219/219/1 +f 201/202/1 202/201/1 222/221/1 221/222/1 +f 202/201/1 203/203/1 223/223/1 222/221/1 +f 203/203/1 204/204/1 224/224/1 223/223/1 +f 204/204/1 205/205/1 225/225/1 224/224/1 +f 205/205/1 206/206/1 226/226/1 225/225/1 +f 206/206/1 207/207/1 227/227/1 226/226/1 +f 207/207/1 208/208/1 228/228/1 227/227/1 +f 208/208/1 209/209/1 229/229/1 228/228/1 +f 209/209/1 210/210/1 230/230/1 229/229/1 +f 210/210/1 211/211/1 231/231/1 230/230/1 +f 211/211/1 212/212/1 232/232/1 231/231/1 +f 212/212/1 213/213/1 233/233/1 232/232/1 +f 213/213/1 214/214/1 234/234/1 233/233/1 +f 214/214/1 215/215/1 235/235/1 234/234/1 +f 215/215/1 216/216/1 236/236/1 235/235/1 +f 216/216/1 217/217/1 237/237/1 236/236/1 +f 217/217/1 218/218/1 238/238/1 237/237/1 +f 218/218/1 219/219/1 239/239/1 238/238/1 +f 219/219/1 220/220/1 240/240/1 239/239/1 +f 221/222/1 222/221/1 242/241/1 241/242/1 +f 222/221/1 223/223/1 243/243/1 242/241/1 +f 223/223/1 224/224/1 244/244/1 243/243/1 +f 224/224/1 225/225/1 245/245/1 244/244/1 +f 225/225/1 226/226/1 246/246/1 245/245/1 +f 226/226/1 227/227/1 247/247/1 246/246/1 +f 227/227/1 228/228/1 248/248/1 247/247/1 +f 228/228/1 229/229/1 249/249/1 248/248/1 +f 229/229/1 230/230/1 250/250/1 249/249/1 +f 230/230/1 231/231/1 251/251/1 250/250/1 +f 231/231/1 232/232/1 252/252/1 251/251/1 +f 232/232/1 233/233/1 253/253/1 252/252/1 +f 233/233/1 234/234/1 254/254/1 253/253/1 +f 234/234/1 235/235/1 255/255/1 254/254/1 +f 235/235/1 236/236/1 256/256/1 255/255/1 +f 236/236/1 237/237/1 257/257/1 256/256/1 +f 237/237/1 238/238/1 258/258/1 257/257/1 +f 238/238/1 239/239/1 259/259/1 258/258/1 +f 239/239/1 240/240/1 260/260/1 259/259/1 +f 241/242/1 242/241/1 262/261/1 261/262/1 +f 242/241/1 243/243/1 263/263/1 262/261/1 +f 243/243/1 244/244/1 264/264/1 263/263/1 +f 244/244/1 245/245/1 265/265/1 264/264/1 +f 245/245/1 246/246/1 266/266/1 265/265/1 +f 246/246/1 247/247/1 267/267/1 266/266/1 +f 247/247/1 248/248/1 268/268/1 267/267/1 +f 248/248/1 249/249/1 269/269/1 268/268/1 +f 249/249/1 250/250/1 270/270/1 269/269/1 +f 250/250/1 251/251/1 271/271/1 270/270/1 +f 251/251/1 252/252/1 272/272/1 271/271/1 +f 252/252/1 253/253/1 273/273/1 272/272/1 +f 253/253/1 254/254/1 274/274/1 273/273/1 +f 254/254/1 255/255/1 275/275/1 274/274/1 +f 255/255/1 256/256/1 276/276/1 275/275/1 +f 256/256/1 257/257/1 277/277/1 276/276/1 +f 257/257/1 258/258/1 278/278/1 277/277/1 +f 258/258/1 259/259/1 279/279/1 278/278/1 +f 259/259/1 260/260/1 280/280/1 279/279/1 +f 261/262/1 262/261/1 282/281/1 281/282/1 +f 262/261/1 263/263/1 283/283/1 282/281/1 +f 263/263/1 264/264/1 284/284/1 283/283/1 +f 264/264/1 265/265/1 285/285/1 284/284/1 +f 265/265/1 266/266/1 286/286/1 285/285/1 +f 266/266/1 267/267/1 287/287/1 286/286/1 +f 267/267/1 268/268/1 288/288/1 287/287/1 +f 268/268/1 269/269/1 289/289/1 288/288/1 +f 269/269/1 270/270/1 290/290/1 289/289/1 +f 270/270/1 271/271/1 291/291/1 290/290/1 +f 271/271/1 272/272/1 292/292/1 291/291/1 +f 272/272/1 273/273/1 293/293/1 292/292/1 +f 273/273/1 274/274/1 294/294/1 293/293/1 +f 274/274/1 275/275/1 295/295/1 294/294/1 +f 275/275/1 276/276/1 296/296/1 295/295/1 +f 276/276/1 277/277/1 297/297/1 296/296/1 +f 277/277/1 278/278/1 298/298/1 297/297/1 +f 278/278/1 279/279/1 299/299/1 298/298/1 +f 279/279/1 280/280/1 300/300/1 299/299/1 +f 281/282/1 282/281/1 302/301/1 301/302/1 +f 282/281/1 283/283/1 303/303/1 302/301/1 +f 283/283/1 284/284/1 304/304/1 303/303/1 +f 284/284/1 285/285/1 305/305/1 304/304/1 +f 285/285/1 286/286/1 306/306/1 305/305/1 +f 286/286/1 287/287/1 307/307/1 306/306/1 +f 287/287/1 288/288/1 308/308/1 307/307/1 +f 288/288/1 289/289/1 309/309/1 308/308/1 +f 289/289/1 290/290/1 310/310/1 309/309/1 +f 290/290/1 291/291/1 311/311/1 310/310/1 +f 291/291/1 292/292/1 312/312/1 311/311/1 +f 292/292/1 293/293/1 313/313/1 312/312/1 +f 293/293/1 294/294/1 314/314/1 313/313/1 +f 294/294/1 295/295/1 315/315/1 314/314/1 +f 295/295/1 296/296/1 316/316/1 315/315/1 +f 296/296/1 297/297/1 317/317/1 316/316/1 +f 297/297/1 298/298/1 318/318/1 317/317/1 +f 298/298/1 299/299/1 319/319/1 318/318/1 +f 299/299/1 300/300/1 320/320/1 319/319/1 +f 301/302/1 302/301/1 322/321/1 321/322/1 +f 302/301/1 303/303/1 323/323/1 322/321/1 +f 303/303/1 304/304/1 324/324/1 323/323/1 +f 304/304/1 305/305/1 325/325/1 324/324/1 +f 305/305/1 306/306/1 326/326/1 325/325/1 +f 306/306/1 307/307/1 327/327/1 326/326/1 +f 307/307/1 308/308/1 328/328/1 327/327/1 +f 308/308/1 309/309/1 329/329/1 328/328/1 +f 309/309/1 310/310/1 330/330/1 329/329/1 +f 310/310/1 311/311/1 331/331/1 330/330/1 +f 311/311/1 312/312/1 332/332/1 331/331/1 +f 312/312/1 313/313/1 333/333/1 332/332/1 +f 313/313/1 314/314/1 334/334/1 333/333/1 +f 314/314/1 315/315/1 335/335/1 334/334/1 +f 315/315/1 316/316/1 336/336/1 335/335/1 +f 316/316/1 317/317/1 337/337/1 336/336/1 +f 317/317/1 318/318/1 338/338/1 337/337/1 +f 318/318/1 319/319/1 339/339/1 338/338/1 +f 319/319/1 320/320/1 340/340/1 339/339/1 +f 321/322/1 322/321/1 342/341/1 341/342/1 +f 322/321/1 323/323/1 343/343/1 342/341/1 +f 323/323/1 324/324/1 344/344/1 343/343/1 +f 324/324/1 325/325/1 345/345/1 344/344/1 +f 325/325/1 326/326/1 346/346/1 345/345/1 +f 326/326/1 327/327/1 347/347/1 346/346/1 +f 327/327/1 328/328/1 348/348/1 347/347/1 +f 328/328/1 329/329/1 349/349/1 348/348/1 +f 329/329/1 330/330/1 350/350/1 349/349/1 +f 330/330/1 331/331/1 351/351/1 350/350/1 +f 331/331/1 332/332/1 352/352/1 351/351/1 +f 332/332/1 333/333/1 353/353/1 352/352/1 +f 333/333/1 334/334/1 354/354/1 353/353/1 +f 334/334/1 335/335/1 355/355/1 354/354/1 +f 335/335/1 336/336/1 356/356/1 355/355/1 +f 336/336/1 337/337/1 357/357/1 356/356/1 +f 337/337/1 338/338/1 358/358/1 357/357/1 +f 338/338/1 339/339/1 359/359/1 358/358/1 +f 339/339/1 340/340/1 360/360/1 359/359/1 +f 341/342/1 342/341/1 362/361/1 361/362/1 +f 342/341/1 343/343/1 363/363/1 362/361/1 +f 343/343/1 344/344/1 364/364/1 363/363/1 +f 344/344/1 345/345/1 365/365/1 364/364/1 +f 345/345/1 346/346/1 366/366/1 365/365/1 +f 346/346/1 347/347/1 367/367/1 366/366/1 +f 347/347/1 348/348/1 368/368/1 367/367/1 +f 348/348/1 349/349/1 369/369/1 368/368/1 +f 349/349/1 350/350/1 370/370/1 369/369/1 +f 350/350/1 351/351/1 371/371/1 370/370/1 +f 351/351/1 352/352/1 372/372/1 371/371/1 +f 352/352/1 353/353/1 373/373/1 372/372/1 +f 353/353/1 354/354/1 374/374/1 373/373/1 +f 354/354/1 355/355/1 375/375/1 374/374/1 +f 355/355/1 356/356/1 376/376/1 375/375/1 +f 356/356/1 357/357/1 377/377/1 376/376/1 +f 357/357/1 358/358/1 378/378/1 377/377/1 +f 358/358/1 359/359/1 379/379/1 378/378/1 +f 359/359/1 360/360/1 380/380/1 379/379/1 +f 361/362/1 362/361/1 382/381/1 381/382/1 +f 362/361/1 363/363/1 383/383/1 382/381/1 +f 363/363/1 364/364/1 384/384/1 383/383/1 +f 364/364/1 365/365/1 385/385/1 384/384/1 +f 365/365/1 366/366/1 386/386/1 385/385/1 +f 366/366/1 367/367/1 387/387/1 386/386/1 +f 367/367/1 368/368/1 388/388/1 387/387/1 +f 368/368/1 369/369/1 389/389/1 388/388/1 +f 369/369/1 370/370/1 390/390/1 389/389/1 +f 370/370/1 371/371/1 391/391/1 390/390/1 +f 371/371/1 372/372/1 392/392/1 391/391/1 +f 372/372/1 373/373/1 393/393/1 392/392/1 +f 373/373/1 374/374/1 394/394/1 393/393/1 +f 374/374/1 375/375/1 395/395/1 394/394/1 +f 375/375/1 376/376/1 396/396/1 395/395/1 +f 376/376/1 377/377/1 397/397/1 396/396/1 +f 377/377/1 378/378/1 398/398/1 397/397/1 +f 378/378/1 379/379/1 399/399/1 398/398/1 +f 379/379/1 380/380/1 400/400/1 399/399/1 diff --git a/cliport/environments/assets/cloth/bl_cloth_25_cuts.obj b/cliport/environments/assets/cloth/bl_cloth_25_cuts.obj new file mode 100644 index 0000000000000000000000000000000000000000..940d4983f68955bbc65dbee88e503811decfc756 --- /dev/null +++ b/cliport/environments/assets/cloth/bl_cloth_25_cuts.obj @@ -0,0 +1,1833 @@ +# Blender v2.82 (sub 7) OBJ File: '' +# www.blender.org +mtllib bl_cloth_25_cuts.mtl +o Grid +v -1.000000 0.000000 1.000000 +v -0.916667 0.000000 1.000000 +v -0.833333 0.000000 1.000000 +v -0.750000 0.000000 1.000000 +v -0.666667 0.000000 1.000000 +v -0.583333 0.000000 1.000000 +v -0.500000 0.000000 1.000000 +v -0.416667 0.000000 1.000000 +v -0.333333 0.000000 1.000000 +v -0.250000 0.000000 1.000000 +v -0.166667 0.000000 1.000000 +v -0.083333 0.000000 1.000000 +v 0.000000 0.000000 1.000000 +v 0.083333 0.000000 1.000000 +v 0.166667 0.000000 1.000000 +v 0.250000 0.000000 1.000000 +v 0.333333 0.000000 1.000000 +v 0.416667 0.000000 1.000000 +v 0.500000 0.000000 1.000000 +v 0.583333 0.000000 1.000000 +v 0.666667 0.000000 1.000000 +v 0.750000 0.000000 1.000000 +v 0.833333 0.000000 1.000000 +v 0.916667 0.000000 1.000000 +v 1.000000 0.000000 1.000000 +v -1.000000 0.000000 0.916667 +v -0.916667 0.000000 0.916667 +v -0.833333 0.000000 0.916667 +v -0.750000 0.000000 0.916667 +v -0.666667 0.000000 0.916667 +v -0.583333 0.000000 0.916667 +v -0.500000 0.000000 0.916667 +v -0.416667 0.000000 0.916667 +v -0.333333 0.000000 0.916667 +v -0.250000 0.000000 0.916667 +v -0.166667 0.000000 0.916667 +v -0.083333 0.000000 0.916667 +v 0.000000 0.000000 0.916667 +v 0.083333 0.000000 0.916667 +v 0.166667 0.000000 0.916667 +v 0.250000 0.000000 0.916667 +v 0.333333 0.000000 0.916667 +v 0.416667 0.000000 0.916667 +v 0.500000 0.000000 0.916667 +v 0.583333 0.000000 0.916667 +v 0.666667 0.000000 0.916667 +v 0.750000 0.000000 0.916667 +v 0.833333 0.000000 0.916667 +v 0.916667 0.000000 0.916667 +v 1.000000 0.000000 0.916667 +v -1.000000 0.000000 0.833333 +v -0.916667 0.000000 0.833333 +v -0.833333 0.000000 0.833333 +v -0.750000 0.000000 0.833333 +v -0.666667 0.000000 0.833333 +v -0.583333 0.000000 0.833333 +v -0.500000 0.000000 0.833333 +v -0.416667 0.000000 0.833333 +v -0.333333 0.000000 0.833333 +v -0.250000 0.000000 0.833333 +v -0.166667 0.000000 0.833333 +v -0.083333 0.000000 0.833333 +v 0.000000 0.000000 0.833333 +v 0.083333 0.000000 0.833333 +v 0.166667 0.000000 0.833333 +v 0.250000 0.000000 0.833333 +v 0.333333 0.000000 0.833333 +v 0.416667 0.000000 0.833333 +v 0.500000 0.000000 0.833333 +v 0.583333 0.000000 0.833333 +v 0.666667 0.000000 0.833333 +v 0.750000 0.000000 0.833333 +v 0.833333 0.000000 0.833333 +v 0.916667 0.000000 0.833333 +v 1.000000 0.000000 0.833333 +v -1.000000 0.000000 0.750000 +v -0.916667 0.000000 0.750000 +v -0.833333 0.000000 0.750000 +v -0.750000 0.000000 0.750000 +v -0.666667 0.000000 0.750000 +v -0.583333 0.000000 0.750000 +v -0.500000 0.000000 0.750000 +v -0.416667 0.000000 0.750000 +v -0.333333 0.000000 0.750000 +v -0.250000 0.000000 0.750000 +v -0.166667 0.000000 0.750000 +v -0.083333 0.000000 0.750000 +v 0.000000 0.000000 0.750000 +v 0.083333 0.000000 0.750000 +v 0.166667 0.000000 0.750000 +v 0.250000 0.000000 0.750000 +v 0.333333 0.000000 0.750000 +v 0.416667 0.000000 0.750000 +v 0.500000 0.000000 0.750000 +v 0.583333 0.000000 0.750000 +v 0.666667 0.000000 0.750000 +v 0.750000 0.000000 0.750000 +v 0.833333 0.000000 0.750000 +v 0.916667 0.000000 0.750000 +v 1.000000 0.000000 0.750000 +v -1.000000 0.000000 0.666667 +v -0.916667 0.000000 0.666667 +v -0.833333 0.000000 0.666667 +v -0.750000 0.000000 0.666667 +v -0.666667 0.000000 0.666667 +v -0.583333 0.000000 0.666667 +v -0.500000 0.000000 0.666667 +v -0.416667 0.000000 0.666667 +v -0.333333 0.000000 0.666667 +v -0.250000 0.000000 0.666667 +v -0.166667 0.000000 0.666667 +v -0.083333 0.000000 0.666667 +v 0.000000 0.000000 0.666667 +v 0.083333 0.000000 0.666667 +v 0.166667 0.000000 0.666667 +v 0.250000 0.000000 0.666667 +v 0.333333 0.000000 0.666667 +v 0.416667 0.000000 0.666667 +v 0.500000 0.000000 0.666667 +v 0.583333 0.000000 0.666667 +v 0.666667 0.000000 0.666667 +v 0.750000 0.000000 0.666667 +v 0.833333 0.000000 0.666667 +v 0.916667 0.000000 0.666667 +v 1.000000 0.000000 0.666667 +v -1.000000 0.000000 0.583333 +v -0.916667 0.000000 0.583333 +v -0.833333 0.000000 0.583333 +v -0.750000 0.000000 0.583333 +v -0.666667 0.000000 0.583333 +v -0.583333 0.000000 0.583333 +v -0.500000 0.000000 0.583333 +v -0.416667 0.000000 0.583333 +v -0.333333 0.000000 0.583333 +v -0.250000 0.000000 0.583333 +v -0.166667 0.000000 0.583333 +v -0.083333 0.000000 0.583333 +v 0.000000 0.000000 0.583333 +v 0.083333 0.000000 0.583333 +v 0.166667 0.000000 0.583333 +v 0.250000 0.000000 0.583333 +v 0.333333 0.000000 0.583333 +v 0.416667 0.000000 0.583333 +v 0.500000 0.000000 0.583333 +v 0.583333 0.000000 0.583333 +v 0.666667 0.000000 0.583333 +v 0.750000 0.000000 0.583333 +v 0.833333 0.000000 0.583333 +v 0.916667 0.000000 0.583333 +v 1.000000 0.000000 0.583333 +v -1.000000 0.000000 0.500000 +v -0.916667 0.000000 0.500000 +v -0.833333 0.000000 0.500000 +v -0.750000 0.000000 0.500000 +v -0.666667 0.000000 0.500000 +v -0.583333 0.000000 0.500000 +v -0.500000 0.000000 0.500000 +v -0.416667 0.000000 0.500000 +v -0.333333 0.000000 0.500000 +v -0.250000 0.000000 0.500000 +v -0.166667 0.000000 0.500000 +v -0.083333 0.000000 0.500000 +v 0.000000 0.000000 0.500000 +v 0.083333 0.000000 0.500000 +v 0.166667 0.000000 0.500000 +v 0.250000 0.000000 0.500000 +v 0.333333 0.000000 0.500000 +v 0.416667 0.000000 0.500000 +v 0.500000 0.000000 0.500000 +v 0.583333 0.000000 0.500000 +v 0.666667 0.000000 0.500000 +v 0.750000 0.000000 0.500000 +v 0.833333 0.000000 0.500000 +v 0.916667 0.000000 0.500000 +v 1.000000 0.000000 0.500000 +v -1.000000 0.000000 0.416667 +v -0.916667 0.000000 0.416667 +v -0.833333 0.000000 0.416667 +v -0.750000 0.000000 0.416667 +v -0.666667 0.000000 0.416667 +v -0.583333 0.000000 0.416667 +v -0.500000 0.000000 0.416667 +v -0.416667 0.000000 0.416667 +v -0.333333 0.000000 0.416667 +v -0.250000 0.000000 0.416667 +v -0.166667 0.000000 0.416667 +v -0.083333 0.000000 0.416667 +v 0.000000 0.000000 0.416667 +v 0.083333 0.000000 0.416667 +v 0.166667 0.000000 0.416667 +v 0.250000 0.000000 0.416667 +v 0.333333 0.000000 0.416667 +v 0.416667 0.000000 0.416667 +v 0.500000 0.000000 0.416667 +v 0.583333 0.000000 0.416667 +v 0.666667 0.000000 0.416667 +v 0.750000 0.000000 0.416667 +v 0.833333 0.000000 0.416667 +v 0.916667 0.000000 0.416667 +v 1.000000 0.000000 0.416667 +v -1.000000 0.000000 0.333333 +v -0.916667 0.000000 0.333333 +v -0.833333 0.000000 0.333333 +v -0.750000 0.000000 0.333333 +v -0.666667 0.000000 0.333333 +v -0.583333 0.000000 0.333333 +v -0.500000 0.000000 0.333333 +v -0.416667 0.000000 0.333333 +v -0.333333 0.000000 0.333333 +v -0.250000 0.000000 0.333333 +v -0.166667 0.000000 0.333333 +v -0.083333 0.000000 0.333333 +v 0.000000 0.000000 0.333333 +v 0.083333 0.000000 0.333333 +v 0.166667 0.000000 0.333333 +v 0.250000 0.000000 0.333333 +v 0.333333 0.000000 0.333333 +v 0.416667 0.000000 0.333333 +v 0.500000 0.000000 0.333333 +v 0.583333 0.000000 0.333333 +v 0.666667 0.000000 0.333333 +v 0.750000 0.000000 0.333333 +v 0.833333 0.000000 0.333333 +v 0.916667 0.000000 0.333333 +v 1.000000 0.000000 0.333333 +v -1.000000 0.000000 0.250000 +v -0.916667 0.000000 0.250000 +v -0.833333 0.000000 0.250000 +v -0.750000 0.000000 0.250000 +v -0.666667 0.000000 0.250000 +v -0.583333 0.000000 0.250000 +v -0.500000 0.000000 0.250000 +v -0.416667 0.000000 0.250000 +v -0.333333 0.000000 0.250000 +v -0.250000 0.000000 0.250000 +v -0.166667 0.000000 0.250000 +v -0.083333 0.000000 0.250000 +v 0.000000 0.000000 0.250000 +v 0.083333 0.000000 0.250000 +v 0.166667 0.000000 0.250000 +v 0.250000 0.000000 0.250000 +v 0.333333 0.000000 0.250000 +v 0.416667 0.000000 0.250000 +v 0.500000 0.000000 0.250000 +v 0.583333 0.000000 0.250000 +v 0.666667 0.000000 0.250000 +v 0.750000 0.000000 0.250000 +v 0.833333 0.000000 0.250000 +v 0.916667 0.000000 0.250000 +v 1.000000 0.000000 0.250000 +v -1.000000 0.000000 0.166667 +v -0.916667 0.000000 0.166667 +v -0.833333 0.000000 0.166667 +v -0.750000 0.000000 0.166667 +v -0.666667 0.000000 0.166667 +v -0.583333 0.000000 0.166667 +v -0.500000 0.000000 0.166667 +v -0.416667 0.000000 0.166667 +v -0.333333 0.000000 0.166667 +v -0.250000 0.000000 0.166667 +v -0.166667 0.000000 0.166667 +v -0.083333 0.000000 0.166667 +v 0.000000 0.000000 0.166667 +v 0.083333 0.000000 0.166667 +v 0.166667 0.000000 0.166667 +v 0.250000 0.000000 0.166667 +v 0.333333 0.000000 0.166667 +v 0.416667 0.000000 0.166667 +v 0.500000 0.000000 0.166667 +v 0.583333 0.000000 0.166667 +v 0.666667 0.000000 0.166667 +v 0.750000 0.000000 0.166667 +v 0.833333 0.000000 0.166667 +v 0.916667 0.000000 0.166667 +v 1.000000 0.000000 0.166667 +v -1.000000 0.000000 0.083333 +v -0.916667 0.000000 0.083333 +v -0.833333 0.000000 0.083333 +v -0.750000 0.000000 0.083333 +v -0.666667 0.000000 0.083333 +v -0.583333 0.000000 0.083333 +v -0.500000 0.000000 0.083333 +v -0.416667 0.000000 0.083333 +v -0.333333 0.000000 0.083333 +v -0.250000 0.000000 0.083333 +v -0.166667 0.000000 0.083333 +v -0.083333 0.000000 0.083333 +v 0.000000 0.000000 0.083333 +v 0.083333 0.000000 0.083333 +v 0.166667 0.000000 0.083333 +v 0.250000 0.000000 0.083333 +v 0.333333 0.000000 0.083333 +v 0.416667 0.000000 0.083333 +v 0.500000 0.000000 0.083333 +v 0.583333 0.000000 0.083333 +v 0.666667 0.000000 0.083333 +v 0.750000 0.000000 0.083333 +v 0.833333 0.000000 0.083333 +v 0.916667 0.000000 0.083333 +v 1.000000 0.000000 0.083333 +v -1.000000 0.000000 0.000000 +v -0.916667 0.000000 0.000000 +v -0.833333 0.000000 0.000000 +v -0.750000 0.000000 0.000000 +v -0.666667 0.000000 0.000000 +v -0.583333 0.000000 0.000000 +v -0.500000 0.000000 0.000000 +v -0.416667 0.000000 0.000000 +v -0.333333 0.000000 0.000000 +v -0.250000 0.000000 0.000000 +v -0.166667 0.000000 0.000000 +v -0.083333 0.000000 0.000000 +v 0.000000 0.000000 0.000000 +v 0.083333 0.000000 0.000000 +v 0.166667 0.000000 0.000000 +v 0.250000 0.000000 0.000000 +v 0.333333 0.000000 0.000000 +v 0.416667 0.000000 0.000000 +v 0.500000 0.000000 0.000000 +v 0.583333 0.000000 0.000000 +v 0.666667 0.000000 0.000000 +v 0.750000 0.000000 0.000000 +v 0.833333 0.000000 0.000000 +v 0.916667 0.000000 0.000000 +v 1.000000 0.000000 0.000000 +v -1.000000 0.000000 -0.083333 +v -0.916667 0.000000 -0.083333 +v -0.833333 0.000000 -0.083333 +v -0.750000 0.000000 -0.083333 +v -0.666667 0.000000 -0.083333 +v -0.583333 0.000000 -0.083333 +v -0.500000 0.000000 -0.083333 +v -0.416667 0.000000 -0.083333 +v -0.333333 0.000000 -0.083333 +v -0.250000 0.000000 -0.083333 +v -0.166667 0.000000 -0.083333 +v -0.083333 0.000000 -0.083333 +v 0.000000 0.000000 -0.083333 +v 0.083333 0.000000 -0.083333 +v 0.166667 0.000000 -0.083333 +v 0.250000 0.000000 -0.083333 +v 0.333333 0.000000 -0.083333 +v 0.416667 0.000000 -0.083333 +v 0.500000 0.000000 -0.083333 +v 0.583333 0.000000 -0.083333 +v 0.666667 0.000000 -0.083333 +v 0.750000 0.000000 -0.083333 +v 0.833333 0.000000 -0.083333 +v 0.916667 0.000000 -0.083333 +v 1.000000 0.000000 -0.083333 +v -1.000000 0.000000 -0.166667 +v -0.916667 0.000000 -0.166667 +v -0.833333 0.000000 -0.166667 +v -0.750000 0.000000 -0.166667 +v -0.666667 0.000000 -0.166667 +v -0.583333 0.000000 -0.166667 +v -0.500000 0.000000 -0.166667 +v -0.416667 0.000000 -0.166667 +v -0.333333 0.000000 -0.166667 +v -0.250000 0.000000 -0.166667 +v -0.166667 0.000000 -0.166667 +v -0.083333 0.000000 -0.166667 +v 0.000000 0.000000 -0.166667 +v 0.083333 0.000000 -0.166667 +v 0.166667 0.000000 -0.166667 +v 0.250000 0.000000 -0.166667 +v 0.333333 0.000000 -0.166667 +v 0.416667 0.000000 -0.166667 +v 0.500000 0.000000 -0.166667 +v 0.583333 0.000000 -0.166667 +v 0.666667 0.000000 -0.166667 +v 0.750000 0.000000 -0.166667 +v 0.833333 0.000000 -0.166667 +v 0.916667 0.000000 -0.166667 +v 1.000000 0.000000 -0.166667 +v -1.000000 0.000000 -0.250000 +v -0.916667 0.000000 -0.250000 +v -0.833333 0.000000 -0.250000 +v -0.750000 0.000000 -0.250000 +v -0.666667 0.000000 -0.250000 +v -0.583333 0.000000 -0.250000 +v -0.500000 0.000000 -0.250000 +v -0.416667 0.000000 -0.250000 +v -0.333333 0.000000 -0.250000 +v -0.250000 0.000000 -0.250000 +v -0.166667 0.000000 -0.250000 +v -0.083333 0.000000 -0.250000 +v 0.000000 0.000000 -0.250000 +v 0.083333 0.000000 -0.250000 +v 0.166667 0.000000 -0.250000 +v 0.250000 0.000000 -0.250000 +v 0.333333 0.000000 -0.250000 +v 0.416667 0.000000 -0.250000 +v 0.500000 0.000000 -0.250000 +v 0.583333 0.000000 -0.250000 +v 0.666667 0.000000 -0.250000 +v 0.750000 0.000000 -0.250000 +v 0.833333 0.000000 -0.250000 +v 0.916667 0.000000 -0.250000 +v 1.000000 0.000000 -0.250000 +v -1.000000 0.000000 -0.333333 +v -0.916667 0.000000 -0.333333 +v -0.833333 0.000000 -0.333333 +v -0.750000 0.000000 -0.333333 +v -0.666667 0.000000 -0.333333 +v -0.583333 0.000000 -0.333333 +v -0.500000 0.000000 -0.333333 +v -0.416667 0.000000 -0.333333 +v -0.333333 0.000000 -0.333333 +v -0.250000 0.000000 -0.333333 +v -0.166667 0.000000 -0.333333 +v -0.083333 0.000000 -0.333333 +v 0.000000 0.000000 -0.333333 +v 0.083333 0.000000 -0.333333 +v 0.166667 0.000000 -0.333333 +v 0.250000 0.000000 -0.333333 +v 0.333333 0.000000 -0.333333 +v 0.416667 0.000000 -0.333333 +v 0.500000 0.000000 -0.333333 +v 0.583333 0.000000 -0.333333 +v 0.666667 0.000000 -0.333333 +v 0.750000 0.000000 -0.333333 +v 0.833333 0.000000 -0.333333 +v 0.916667 0.000000 -0.333333 +v 1.000000 0.000000 -0.333333 +v -1.000000 0.000000 -0.416667 +v -0.916667 0.000000 -0.416667 +v -0.833333 0.000000 -0.416667 +v -0.750000 0.000000 -0.416667 +v -0.666667 0.000000 -0.416667 +v -0.583333 0.000000 -0.416667 +v -0.500000 0.000000 -0.416667 +v -0.416667 0.000000 -0.416667 +v -0.333333 0.000000 -0.416667 +v -0.250000 0.000000 -0.416667 +v -0.166667 0.000000 -0.416667 +v -0.083333 0.000000 -0.416667 +v 0.000000 0.000000 -0.416667 +v 0.083333 0.000000 -0.416667 +v 0.166667 0.000000 -0.416667 +v 0.250000 0.000000 -0.416667 +v 0.333333 0.000000 -0.416667 +v 0.416667 0.000000 -0.416667 +v 0.500000 0.000000 -0.416667 +v 0.583333 0.000000 -0.416667 +v 0.666667 0.000000 -0.416667 +v 0.750000 0.000000 -0.416667 +v 0.833333 0.000000 -0.416667 +v 0.916667 0.000000 -0.416667 +v 1.000000 0.000000 -0.416667 +v -1.000000 0.000000 -0.500000 +v -0.916667 0.000000 -0.500000 +v -0.833333 0.000000 -0.500000 +v -0.750000 0.000000 -0.500000 +v -0.666667 0.000000 -0.500000 +v -0.583333 0.000000 -0.500000 +v -0.500000 0.000000 -0.500000 +v -0.416667 0.000000 -0.500000 +v -0.333333 0.000000 -0.500000 +v -0.250000 0.000000 -0.500000 +v -0.166667 0.000000 -0.500000 +v -0.083333 0.000000 -0.500000 +v 0.000000 0.000000 -0.500000 +v 0.083333 0.000000 -0.500000 +v 0.166667 0.000000 -0.500000 +v 0.250000 0.000000 -0.500000 +v 0.333333 0.000000 -0.500000 +v 0.416667 0.000000 -0.500000 +v 0.500000 0.000000 -0.500000 +v 0.583333 0.000000 -0.500000 +v 0.666667 0.000000 -0.500000 +v 0.750000 0.000000 -0.500000 +v 0.833333 0.000000 -0.500000 +v 0.916667 0.000000 -0.500000 +v 1.000000 0.000000 -0.500000 +v -1.000000 0.000000 -0.583333 +v -0.916667 0.000000 -0.583333 +v -0.833333 0.000000 -0.583333 +v -0.750000 0.000000 -0.583333 +v -0.666667 0.000000 -0.583333 +v -0.583333 0.000000 -0.583333 +v -0.500000 0.000000 -0.583333 +v -0.416667 0.000000 -0.583333 +v -0.333333 0.000000 -0.583333 +v -0.250000 0.000000 -0.583333 +v -0.166667 0.000000 -0.583333 +v -0.083333 0.000000 -0.583333 +v 0.000000 0.000000 -0.583333 +v 0.083333 0.000000 -0.583333 +v 0.166667 0.000000 -0.583333 +v 0.250000 0.000000 -0.583333 +v 0.333333 0.000000 -0.583333 +v 0.416667 0.000000 -0.583333 +v 0.500000 0.000000 -0.583333 +v 0.583333 0.000000 -0.583333 +v 0.666667 0.000000 -0.583333 +v 0.750000 0.000000 -0.583333 +v 0.833333 0.000000 -0.583333 +v 0.916667 0.000000 -0.583333 +v 1.000000 0.000000 -0.583333 +v -1.000000 0.000000 -0.666667 +v -0.916667 0.000000 -0.666667 +v -0.833333 0.000000 -0.666667 +v -0.750000 0.000000 -0.666667 +v -0.666667 0.000000 -0.666667 +v -0.583333 0.000000 -0.666667 +v -0.500000 0.000000 -0.666667 +v -0.416667 0.000000 -0.666667 +v -0.333333 0.000000 -0.666667 +v -0.250000 0.000000 -0.666667 +v -0.166667 0.000000 -0.666667 +v -0.083333 0.000000 -0.666667 +v 0.000000 0.000000 -0.666667 +v 0.083333 0.000000 -0.666667 +v 0.166667 0.000000 -0.666667 +v 0.250000 0.000000 -0.666667 +v 0.333333 0.000000 -0.666667 +v 0.416667 0.000000 -0.666667 +v 0.500000 0.000000 -0.666667 +v 0.583333 0.000000 -0.666667 +v 0.666667 0.000000 -0.666667 +v 0.750000 0.000000 -0.666667 +v 0.833333 0.000000 -0.666667 +v 0.916667 0.000000 -0.666667 +v 1.000000 0.000000 -0.666667 +v -1.000000 0.000000 -0.750000 +v -0.916667 0.000000 -0.750000 +v -0.833333 0.000000 -0.750000 +v -0.750000 0.000000 -0.750000 +v -0.666667 0.000000 -0.750000 +v -0.583333 0.000000 -0.750000 +v -0.500000 0.000000 -0.750000 +v -0.416667 0.000000 -0.750000 +v -0.333333 0.000000 -0.750000 +v -0.250000 0.000000 -0.750000 +v -0.166667 0.000000 -0.750000 +v -0.083333 0.000000 -0.750000 +v 0.000000 0.000000 -0.750000 +v 0.083333 0.000000 -0.750000 +v 0.166667 0.000000 -0.750000 +v 0.250000 0.000000 -0.750000 +v 0.333333 0.000000 -0.750000 +v 0.416667 0.000000 -0.750000 +v 0.500000 0.000000 -0.750000 +v 0.583333 0.000000 -0.750000 +v 0.666667 0.000000 -0.750000 +v 0.750000 0.000000 -0.750000 +v 0.833333 0.000000 -0.750000 +v 0.916667 0.000000 -0.750000 +v 1.000000 0.000000 -0.750000 +v -1.000000 0.000000 -0.833333 +v -0.916667 0.000000 -0.833333 +v -0.833333 0.000000 -0.833333 +v -0.750000 0.000000 -0.833333 +v -0.666667 0.000000 -0.833333 +v -0.583333 0.000000 -0.833333 +v -0.500000 0.000000 -0.833333 +v -0.416667 0.000000 -0.833333 +v -0.333333 0.000000 -0.833333 +v -0.250000 0.000000 -0.833333 +v -0.166667 0.000000 -0.833333 +v -0.083333 0.000000 -0.833333 +v 0.000000 0.000000 -0.833333 +v 0.083333 0.000000 -0.833333 +v 0.166667 0.000000 -0.833333 +v 0.250000 0.000000 -0.833333 +v 0.333333 0.000000 -0.833333 +v 0.416667 0.000000 -0.833333 +v 0.500000 0.000000 -0.833333 +v 0.583333 0.000000 -0.833333 +v 0.666667 0.000000 -0.833333 +v 0.750000 0.000000 -0.833333 +v 0.833333 0.000000 -0.833333 +v 0.916667 0.000000 -0.833333 +v 1.000000 0.000000 -0.833333 +v -1.000000 0.000000 -0.916667 +v -0.916667 0.000000 -0.916667 +v -0.833333 0.000000 -0.916667 +v -0.750000 0.000000 -0.916667 +v -0.666667 0.000000 -0.916667 +v -0.583333 0.000000 -0.916667 +v -0.500000 0.000000 -0.916667 +v -0.416667 0.000000 -0.916667 +v -0.333333 0.000000 -0.916667 +v -0.250000 0.000000 -0.916667 +v -0.166667 0.000000 -0.916667 +v -0.083333 0.000000 -0.916667 +v 0.000000 0.000000 -0.916667 +v 0.083333 0.000000 -0.916667 +v 0.166667 0.000000 -0.916667 +v 0.250000 0.000000 -0.916667 +v 0.333333 0.000000 -0.916667 +v 0.416667 0.000000 -0.916667 +v 0.500000 0.000000 -0.916667 +v 0.583333 0.000000 -0.916667 +v 0.666667 0.000000 -0.916667 +v 0.750000 0.000000 -0.916667 +v 0.833333 0.000000 -0.916667 +v 0.916667 0.000000 -0.916667 +v 1.000000 0.000000 -0.916667 +v -1.000000 0.000000 -1.000000 +v -0.916667 0.000000 -1.000000 +v -0.833333 0.000000 -1.000000 +v -0.750000 0.000000 -1.000000 +v -0.666667 0.000000 -1.000000 +v -0.583333 0.000000 -1.000000 +v -0.500000 0.000000 -1.000000 +v -0.416667 0.000000 -1.000000 +v -0.333333 0.000000 -1.000000 +v -0.250000 0.000000 -1.000000 +v -0.166667 0.000000 -1.000000 +v -0.083333 0.000000 -1.000000 +v 0.000000 0.000000 -1.000000 +v 0.083333 0.000000 -1.000000 +v 0.166667 0.000000 -1.000000 +v 0.250000 0.000000 -1.000000 +v 0.333333 0.000000 -1.000000 +v 0.416667 0.000000 -1.000000 +v 0.500000 0.000000 -1.000000 +v 0.583333 0.000000 -1.000000 +v 0.666667 0.000000 -1.000000 +v 0.750000 0.000000 -1.000000 +v 0.833333 0.000000 -1.000000 +v 0.916667 0.000000 -1.000000 +v 1.000000 0.000000 -1.000000 +vt 0.000000 0.000000 +vt 0.041667 0.000000 +vt 0.041667 0.041667 +vt 0.000000 0.041667 +vt 0.083333 0.000000 +vt 0.083333 0.041667 +vt 0.125000 0.000000 +vt 0.125000 0.041667 +vt 0.166667 0.000000 +vt 0.166667 0.041667 +vt 0.208333 0.000000 +vt 0.208333 0.041667 +vt 0.250000 0.000000 +vt 0.250000 0.041667 +vt 0.291667 0.000000 +vt 0.291667 0.041667 +vt 0.333333 0.000000 +vt 0.333333 0.041667 +vt 0.375000 0.000000 +vt 0.375000 0.041667 +vt 0.416667 0.000000 +vt 0.416667 0.041667 +vt 0.458333 0.000000 +vt 0.458333 0.041667 +vt 0.500000 0.000000 +vt 0.500000 0.041667 +vt 0.541667 0.000000 +vt 0.541667 0.041667 +vt 0.583333 0.000000 +vt 0.583333 0.041667 +vt 0.625000 0.000000 +vt 0.625000 0.041667 +vt 0.666667 0.000000 +vt 0.666667 0.041667 +vt 0.708333 0.000000 +vt 0.708333 0.041667 +vt 0.750000 0.000000 +vt 0.750000 0.041667 +vt 0.791667 0.000000 +vt 0.791667 0.041667 +vt 0.833333 0.000000 +vt 0.833333 0.041667 +vt 0.875000 0.000000 +vt 0.875000 0.041667 +vt 0.916667 0.000000 +vt 0.916667 0.041667 +vt 0.958333 0.000000 +vt 0.958333 0.041667 +vt 1.000000 0.000000 +vt 1.000000 0.041667 +vt 0.041667 0.083333 +vt 0.000000 0.083333 +vt 0.083333 0.083333 +vt 0.125000 0.083333 +vt 0.166667 0.083333 +vt 0.208333 0.083333 +vt 0.250000 0.083333 +vt 0.291667 0.083333 +vt 0.333333 0.083333 +vt 0.375000 0.083333 +vt 0.416667 0.083333 +vt 0.458333 0.083333 +vt 0.500000 0.083333 +vt 0.541667 0.083333 +vt 0.583333 0.083333 +vt 0.625000 0.083333 +vt 0.666667 0.083333 +vt 0.708333 0.083333 +vt 0.750000 0.083333 +vt 0.791667 0.083333 +vt 0.833333 0.083333 +vt 0.875000 0.083333 +vt 0.916667 0.083333 +vt 0.958333 0.083333 +vt 1.000000 0.083333 +vt 0.041667 0.125000 +vt 0.000000 0.125000 +vt 0.083333 0.125000 +vt 0.125000 0.125000 +vt 0.166667 0.125000 +vt 0.208333 0.125000 +vt 0.250000 0.125000 +vt 0.291667 0.125000 +vt 0.333333 0.125000 +vt 0.375000 0.125000 +vt 0.416667 0.125000 +vt 0.458333 0.125000 +vt 0.500000 0.125000 +vt 0.541667 0.125000 +vt 0.583333 0.125000 +vt 0.625000 0.125000 +vt 0.666667 0.125000 +vt 0.708333 0.125000 +vt 0.750000 0.125000 +vt 0.791667 0.125000 +vt 0.833333 0.125000 +vt 0.875000 0.125000 +vt 0.916667 0.125000 +vt 0.958333 0.125000 +vt 1.000000 0.125000 +vt 0.041667 0.166667 +vt 0.000000 0.166667 +vt 0.083333 0.166667 +vt 0.125000 0.166667 +vt 0.166667 0.166667 +vt 0.208333 0.166667 +vt 0.250000 0.166667 +vt 0.291667 0.166667 +vt 0.333333 0.166667 +vt 0.375000 0.166667 +vt 0.416667 0.166667 +vt 0.458333 0.166667 +vt 0.500000 0.166667 +vt 0.541667 0.166667 +vt 0.583333 0.166667 +vt 0.625000 0.166667 +vt 0.666667 0.166667 +vt 0.708333 0.166667 +vt 0.750000 0.166667 +vt 0.791667 0.166667 +vt 0.833333 0.166667 +vt 0.875000 0.166667 +vt 0.916667 0.166667 +vt 0.958333 0.166667 +vt 1.000000 0.166667 +vt 0.041667 0.208333 +vt 0.000000 0.208333 +vt 0.083333 0.208333 +vt 0.125000 0.208333 +vt 0.166667 0.208333 +vt 0.208333 0.208333 +vt 0.250000 0.208333 +vt 0.291667 0.208333 +vt 0.333333 0.208333 +vt 0.375000 0.208333 +vt 0.416667 0.208333 +vt 0.458333 0.208333 +vt 0.500000 0.208333 +vt 0.541667 0.208333 +vt 0.583333 0.208333 +vt 0.625000 0.208333 +vt 0.666667 0.208333 +vt 0.708333 0.208333 +vt 0.750000 0.208333 +vt 0.791667 0.208333 +vt 0.833333 0.208333 +vt 0.875000 0.208333 +vt 0.916667 0.208333 +vt 0.958333 0.208333 +vt 1.000000 0.208333 +vt 0.041667 0.250000 +vt 0.000000 0.250000 +vt 0.083333 0.250000 +vt 0.125000 0.250000 +vt 0.166667 0.250000 +vt 0.208333 0.250000 +vt 0.250000 0.250000 +vt 0.291667 0.250000 +vt 0.333333 0.250000 +vt 0.375000 0.250000 +vt 0.416667 0.250000 +vt 0.458333 0.250000 +vt 0.500000 0.250000 +vt 0.541667 0.250000 +vt 0.583333 0.250000 +vt 0.625000 0.250000 +vt 0.666667 0.250000 +vt 0.708333 0.250000 +vt 0.750000 0.250000 +vt 0.791667 0.250000 +vt 0.833333 0.250000 +vt 0.875000 0.250000 +vt 0.916667 0.250000 +vt 0.958333 0.250000 +vt 1.000000 0.250000 +vt 0.041667 0.291667 +vt 0.000000 0.291667 +vt 0.083333 0.291667 +vt 0.125000 0.291667 +vt 0.166667 0.291667 +vt 0.208333 0.291667 +vt 0.250000 0.291667 +vt 0.291667 0.291667 +vt 0.333333 0.291667 +vt 0.375000 0.291667 +vt 0.416667 0.291667 +vt 0.458333 0.291667 +vt 0.500000 0.291667 +vt 0.541667 0.291667 +vt 0.583333 0.291667 +vt 0.625000 0.291667 +vt 0.666667 0.291667 +vt 0.708333 0.291667 +vt 0.750000 0.291667 +vt 0.791667 0.291667 +vt 0.833333 0.291667 +vt 0.875000 0.291667 +vt 0.916667 0.291667 +vt 0.958333 0.291667 +vt 1.000000 0.291667 +vt 0.041667 0.333333 +vt 0.000000 0.333333 +vt 0.083333 0.333333 +vt 0.125000 0.333333 +vt 0.166667 0.333333 +vt 0.208333 0.333333 +vt 0.250000 0.333333 +vt 0.291667 0.333333 +vt 0.333333 0.333333 +vt 0.375000 0.333333 +vt 0.416667 0.333333 +vt 0.458333 0.333333 +vt 0.500000 0.333333 +vt 0.541667 0.333333 +vt 0.583333 0.333333 +vt 0.625000 0.333333 +vt 0.666667 0.333333 +vt 0.708333 0.333333 +vt 0.750000 0.333333 +vt 0.791667 0.333333 +vt 0.833333 0.333333 +vt 0.875000 0.333333 +vt 0.916667 0.333333 +vt 0.958333 0.333333 +vt 1.000000 0.333333 +vt 0.041667 0.375000 +vt 0.000000 0.375000 +vt 0.083333 0.375000 +vt 0.125000 0.375000 +vt 0.166667 0.375000 +vt 0.208333 0.375000 +vt 0.250000 0.375000 +vt 0.291667 0.375000 +vt 0.333333 0.375000 +vt 0.375000 0.375000 +vt 0.416667 0.375000 +vt 0.458333 0.375000 +vt 0.500000 0.375000 +vt 0.541667 0.375000 +vt 0.583333 0.375000 +vt 0.625000 0.375000 +vt 0.666667 0.375000 +vt 0.708333 0.375000 +vt 0.750000 0.375000 +vt 0.791667 0.375000 +vt 0.833333 0.375000 +vt 0.875000 0.375000 +vt 0.916667 0.375000 +vt 0.958333 0.375000 +vt 1.000000 0.375000 +vt 0.041667 0.416667 +vt 0.000000 0.416667 +vt 0.083333 0.416667 +vt 0.125000 0.416667 +vt 0.166667 0.416667 +vt 0.208333 0.416667 +vt 0.250000 0.416667 +vt 0.291667 0.416667 +vt 0.333333 0.416667 +vt 0.375000 0.416667 +vt 0.416667 0.416667 +vt 0.458333 0.416667 +vt 0.500000 0.416667 +vt 0.541667 0.416667 +vt 0.583333 0.416667 +vt 0.625000 0.416667 +vt 0.666667 0.416667 +vt 0.708333 0.416667 +vt 0.750000 0.416667 +vt 0.791667 0.416667 +vt 0.833333 0.416667 +vt 0.875000 0.416667 +vt 0.916667 0.416667 +vt 0.958333 0.416667 +vt 1.000000 0.416667 +vt 0.041667 0.458333 +vt 0.000000 0.458333 +vt 0.083333 0.458333 +vt 0.125000 0.458333 +vt 0.166667 0.458333 +vt 0.208333 0.458333 +vt 0.250000 0.458333 +vt 0.291667 0.458333 +vt 0.333333 0.458333 +vt 0.375000 0.458333 +vt 0.416667 0.458333 +vt 0.458333 0.458333 +vt 0.500000 0.458333 +vt 0.541667 0.458333 +vt 0.583333 0.458333 +vt 0.625000 0.458333 +vt 0.666667 0.458333 +vt 0.708333 0.458333 +vt 0.750000 0.458333 +vt 0.791667 0.458333 +vt 0.833333 0.458333 +vt 0.875000 0.458333 +vt 0.916667 0.458333 +vt 0.958333 0.458333 +vt 1.000000 0.458333 +vt 0.041667 0.500000 +vt 0.000000 0.500000 +vt 0.083333 0.500000 +vt 0.125000 0.500000 +vt 0.166667 0.500000 +vt 0.208333 0.500000 +vt 0.250000 0.500000 +vt 0.291667 0.500000 +vt 0.333333 0.500000 +vt 0.375000 0.500000 +vt 0.416667 0.500000 +vt 0.458333 0.500000 +vt 0.500000 0.500000 +vt 0.541667 0.500000 +vt 0.583333 0.500000 +vt 0.625000 0.500000 +vt 0.666667 0.500000 +vt 0.708333 0.500000 +vt 0.750000 0.500000 +vt 0.791667 0.500000 +vt 0.833333 0.500000 +vt 0.875000 0.500000 +vt 0.916667 0.500000 +vt 0.958333 0.500000 +vt 1.000000 0.500000 +vt 0.041667 0.541667 +vt 0.000000 0.541667 +vt 0.083333 0.541667 +vt 0.125000 0.541667 +vt 0.166667 0.541667 +vt 0.208333 0.541667 +vt 0.250000 0.541667 +vt 0.291667 0.541667 +vt 0.333333 0.541667 +vt 0.375000 0.541667 +vt 0.416667 0.541667 +vt 0.458333 0.541667 +vt 0.500000 0.541667 +vt 0.541667 0.541667 +vt 0.583333 0.541667 +vt 0.625000 0.541667 +vt 0.666667 0.541667 +vt 0.708333 0.541667 +vt 0.750000 0.541667 +vt 0.791667 0.541667 +vt 0.833333 0.541667 +vt 0.875000 0.541667 +vt 0.916667 0.541667 +vt 0.958333 0.541667 +vt 1.000000 0.541667 +vt 0.041667 0.583333 +vt 0.000000 0.583333 +vt 0.083333 0.583333 +vt 0.125000 0.583333 +vt 0.166667 0.583333 +vt 0.208333 0.583333 +vt 0.250000 0.583333 +vt 0.291667 0.583333 +vt 0.333333 0.583333 +vt 0.375000 0.583333 +vt 0.416667 0.583333 +vt 0.458333 0.583333 +vt 0.500000 0.583333 +vt 0.541667 0.583333 +vt 0.583333 0.583333 +vt 0.625000 0.583333 +vt 0.666667 0.583333 +vt 0.708333 0.583333 +vt 0.750000 0.583333 +vt 0.791667 0.583333 +vt 0.833333 0.583333 +vt 0.875000 0.583333 +vt 0.916667 0.583333 +vt 0.958333 0.583333 +vt 1.000000 0.583333 +vt 0.041667 0.625000 +vt 0.000000 0.625000 +vt 0.083333 0.625000 +vt 0.125000 0.625000 +vt 0.166667 0.625000 +vt 0.208333 0.625000 +vt 0.250000 0.625000 +vt 0.291667 0.625000 +vt 0.333333 0.625000 +vt 0.375000 0.625000 +vt 0.416667 0.625000 +vt 0.458333 0.625000 +vt 0.500000 0.625000 +vt 0.541667 0.625000 +vt 0.583333 0.625000 +vt 0.625000 0.625000 +vt 0.666667 0.625000 +vt 0.708333 0.625000 +vt 0.750000 0.625000 +vt 0.791667 0.625000 +vt 0.833333 0.625000 +vt 0.875000 0.625000 +vt 0.916667 0.625000 +vt 0.958333 0.625000 +vt 1.000000 0.625000 +vt 0.041667 0.666667 +vt 0.000000 0.666667 +vt 0.083333 0.666667 +vt 0.125000 0.666667 +vt 0.166667 0.666667 +vt 0.208333 0.666667 +vt 0.250000 0.666667 +vt 0.291667 0.666667 +vt 0.333333 0.666667 +vt 0.375000 0.666667 +vt 0.416667 0.666667 +vt 0.458333 0.666667 +vt 0.500000 0.666667 +vt 0.541667 0.666667 +vt 0.583333 0.666667 +vt 0.625000 0.666667 +vt 0.666667 0.666667 +vt 0.708333 0.666667 +vt 0.750000 0.666667 +vt 0.791667 0.666667 +vt 0.833333 0.666667 +vt 0.875000 0.666667 +vt 0.916667 0.666667 +vt 0.958333 0.666667 +vt 1.000000 0.666667 +vt 0.041667 0.708333 +vt 0.000000 0.708333 +vt 0.083333 0.708333 +vt 0.125000 0.708333 +vt 0.166667 0.708333 +vt 0.208333 0.708333 +vt 0.250000 0.708333 +vt 0.291667 0.708333 +vt 0.333333 0.708333 +vt 0.375000 0.708333 +vt 0.416667 0.708333 +vt 0.458333 0.708333 +vt 0.500000 0.708333 +vt 0.541667 0.708333 +vt 0.583333 0.708333 +vt 0.625000 0.708333 +vt 0.666667 0.708333 +vt 0.708333 0.708333 +vt 0.750000 0.708333 +vt 0.791667 0.708333 +vt 0.833333 0.708333 +vt 0.875000 0.708333 +vt 0.916667 0.708333 +vt 0.958333 0.708333 +vt 1.000000 0.708333 +vt 0.041667 0.750000 +vt 0.000000 0.750000 +vt 0.083333 0.750000 +vt 0.125000 0.750000 +vt 0.166667 0.750000 +vt 0.208333 0.750000 +vt 0.250000 0.750000 +vt 0.291667 0.750000 +vt 0.333333 0.750000 +vt 0.375000 0.750000 +vt 0.416667 0.750000 +vt 0.458333 0.750000 +vt 0.500000 0.750000 +vt 0.541667 0.750000 +vt 0.583333 0.750000 +vt 0.625000 0.750000 +vt 0.666667 0.750000 +vt 0.708333 0.750000 +vt 0.750000 0.750000 +vt 0.791667 0.750000 +vt 0.833333 0.750000 +vt 0.875000 0.750000 +vt 0.916667 0.750000 +vt 0.958333 0.750000 +vt 1.000000 0.750000 +vt 0.041667 0.791667 +vt 0.000000 0.791667 +vt 0.083333 0.791667 +vt 0.125000 0.791667 +vt 0.166667 0.791667 +vt 0.208333 0.791667 +vt 0.250000 0.791667 +vt 0.291667 0.791667 +vt 0.333333 0.791667 +vt 0.375000 0.791667 +vt 0.416667 0.791667 +vt 0.458333 0.791667 +vt 0.500000 0.791667 +vt 0.541667 0.791667 +vt 0.583333 0.791667 +vt 0.625000 0.791667 +vt 0.666667 0.791667 +vt 0.708333 0.791667 +vt 0.750000 0.791667 +vt 0.791667 0.791667 +vt 0.833333 0.791667 +vt 0.875000 0.791667 +vt 0.916667 0.791667 +vt 0.958333 0.791667 +vt 1.000000 0.791667 +vt 0.041667 0.833333 +vt 0.000000 0.833333 +vt 0.083333 0.833333 +vt 0.125000 0.833333 +vt 0.166667 0.833333 +vt 0.208333 0.833333 +vt 0.250000 0.833333 +vt 0.291667 0.833333 +vt 0.333333 0.833333 +vt 0.375000 0.833333 +vt 0.416667 0.833333 +vt 0.458333 0.833333 +vt 0.500000 0.833333 +vt 0.541667 0.833333 +vt 0.583333 0.833333 +vt 0.625000 0.833333 +vt 0.666667 0.833333 +vt 0.708333 0.833333 +vt 0.750000 0.833333 +vt 0.791667 0.833333 +vt 0.833333 0.833333 +vt 0.875000 0.833333 +vt 0.916667 0.833333 +vt 0.958333 0.833333 +vt 1.000000 0.833333 +vt 0.041667 0.875000 +vt 0.000000 0.875000 +vt 0.083333 0.875000 +vt 0.125000 0.875000 +vt 0.166667 0.875000 +vt 0.208333 0.875000 +vt 0.250000 0.875000 +vt 0.291667 0.875000 +vt 0.333333 0.875000 +vt 0.375000 0.875000 +vt 0.416667 0.875000 +vt 0.458333 0.875000 +vt 0.500000 0.875000 +vt 0.541667 0.875000 +vt 0.583333 0.875000 +vt 0.625000 0.875000 +vt 0.666667 0.875000 +vt 0.708333 0.875000 +vt 0.750000 0.875000 +vt 0.791667 0.875000 +vt 0.833333 0.875000 +vt 0.875000 0.875000 +vt 0.916667 0.875000 +vt 0.958333 0.875000 +vt 1.000000 0.875000 +vt 0.041667 0.916667 +vt 0.000000 0.916667 +vt 0.083333 0.916667 +vt 0.125000 0.916667 +vt 0.166667 0.916667 +vt 0.208333 0.916667 +vt 0.250000 0.916667 +vt 0.291667 0.916667 +vt 0.333333 0.916667 +vt 0.375000 0.916667 +vt 0.416667 0.916667 +vt 0.458333 0.916667 +vt 0.500000 0.916667 +vt 0.541667 0.916667 +vt 0.583333 0.916667 +vt 0.625000 0.916667 +vt 0.666667 0.916667 +vt 0.708333 0.916667 +vt 0.750000 0.916667 +vt 0.791667 0.916667 +vt 0.833333 0.916667 +vt 0.875000 0.916667 +vt 0.916667 0.916667 +vt 0.958333 0.916667 +vt 1.000000 0.916667 +vt 0.041667 0.958333 +vt 0.000000 0.958333 +vt 0.083333 0.958333 +vt 0.125000 0.958333 +vt 0.166667 0.958333 +vt 0.208333 0.958333 +vt 0.250000 0.958333 +vt 0.291667 0.958333 +vt 0.333333 0.958333 +vt 0.375000 0.958333 +vt 0.416667 0.958333 +vt 0.458333 0.958333 +vt 0.500000 0.958333 +vt 0.541667 0.958333 +vt 0.583333 0.958333 +vt 0.625000 0.958333 +vt 0.666667 0.958333 +vt 0.708333 0.958333 +vt 0.750000 0.958333 +vt 0.791667 0.958333 +vt 0.833333 0.958333 +vt 0.875000 0.958333 +vt 0.916667 0.958333 +vt 0.958333 0.958333 +vt 1.000000 0.958333 +vt 0.041667 1.000000 +vt 0.000000 1.000000 +vt 0.083333 1.000000 +vt 0.125000 1.000000 +vt 0.166667 1.000000 +vt 0.208333 1.000000 +vt 0.250000 1.000000 +vt 0.291667 1.000000 +vt 0.333333 1.000000 +vt 0.375000 1.000000 +vt 0.416667 1.000000 +vt 0.458333 1.000000 +vt 0.500000 1.000000 +vt 0.541667 1.000000 +vt 0.583333 1.000000 +vt 0.625000 1.000000 +vt 0.666667 1.000000 +vt 0.708333 1.000000 +vt 0.750000 1.000000 +vt 0.791667 1.000000 +vt 0.833333 1.000000 +vt 0.875000 1.000000 +vt 0.916667 1.000000 +vt 0.958333 1.000000 +vt 1.000000 1.000000 +vn 0.0000 1.0000 0.0000 +usemtl None +s off +f 1/1/1 2/2/1 27/3/1 26/4/1 +f 2/2/1 3/5/1 28/6/1 27/3/1 +f 3/5/1 4/7/1 29/8/1 28/6/1 +f 4/7/1 5/9/1 30/10/1 29/8/1 +f 5/9/1 6/11/1 31/12/1 30/10/1 +f 6/11/1 7/13/1 32/14/1 31/12/1 +f 7/13/1 8/15/1 33/16/1 32/14/1 +f 8/15/1 9/17/1 34/18/1 33/16/1 +f 9/17/1 10/19/1 35/20/1 34/18/1 +f 10/19/1 11/21/1 36/22/1 35/20/1 +f 11/21/1 12/23/1 37/24/1 36/22/1 +f 12/23/1 13/25/1 38/26/1 37/24/1 +f 13/25/1 14/27/1 39/28/1 38/26/1 +f 14/27/1 15/29/1 40/30/1 39/28/1 +f 15/29/1 16/31/1 41/32/1 40/30/1 +f 16/31/1 17/33/1 42/34/1 41/32/1 +f 17/33/1 18/35/1 43/36/1 42/34/1 +f 18/35/1 19/37/1 44/38/1 43/36/1 +f 19/37/1 20/39/1 45/40/1 44/38/1 +f 20/39/1 21/41/1 46/42/1 45/40/1 +f 21/41/1 22/43/1 47/44/1 46/42/1 +f 22/43/1 23/45/1 48/46/1 47/44/1 +f 23/45/1 24/47/1 49/48/1 48/46/1 +f 24/47/1 25/49/1 50/50/1 49/48/1 +f 26/4/1 27/3/1 52/51/1 51/52/1 +f 27/3/1 28/6/1 53/53/1 52/51/1 +f 28/6/1 29/8/1 54/54/1 53/53/1 +f 29/8/1 30/10/1 55/55/1 54/54/1 +f 30/10/1 31/12/1 56/56/1 55/55/1 +f 31/12/1 32/14/1 57/57/1 56/56/1 +f 32/14/1 33/16/1 58/58/1 57/57/1 +f 33/16/1 34/18/1 59/59/1 58/58/1 +f 34/18/1 35/20/1 60/60/1 59/59/1 +f 35/20/1 36/22/1 61/61/1 60/60/1 +f 36/22/1 37/24/1 62/62/1 61/61/1 +f 37/24/1 38/26/1 63/63/1 62/62/1 +f 38/26/1 39/28/1 64/64/1 63/63/1 +f 39/28/1 40/30/1 65/65/1 64/64/1 +f 40/30/1 41/32/1 66/66/1 65/65/1 +f 41/32/1 42/34/1 67/67/1 66/66/1 +f 42/34/1 43/36/1 68/68/1 67/67/1 +f 43/36/1 44/38/1 69/69/1 68/68/1 +f 44/38/1 45/40/1 70/70/1 69/69/1 +f 45/40/1 46/42/1 71/71/1 70/70/1 +f 46/42/1 47/44/1 72/72/1 71/71/1 +f 47/44/1 48/46/1 73/73/1 72/72/1 +f 48/46/1 49/48/1 74/74/1 73/73/1 +f 49/48/1 50/50/1 75/75/1 74/74/1 +f 51/52/1 52/51/1 77/76/1 76/77/1 +f 52/51/1 53/53/1 78/78/1 77/76/1 +f 53/53/1 54/54/1 79/79/1 78/78/1 +f 54/54/1 55/55/1 80/80/1 79/79/1 +f 55/55/1 56/56/1 81/81/1 80/80/1 +f 56/56/1 57/57/1 82/82/1 81/81/1 +f 57/57/1 58/58/1 83/83/1 82/82/1 +f 58/58/1 59/59/1 84/84/1 83/83/1 +f 59/59/1 60/60/1 85/85/1 84/84/1 +f 60/60/1 61/61/1 86/86/1 85/85/1 +f 61/61/1 62/62/1 87/87/1 86/86/1 +f 62/62/1 63/63/1 88/88/1 87/87/1 +f 63/63/1 64/64/1 89/89/1 88/88/1 +f 64/64/1 65/65/1 90/90/1 89/89/1 +f 65/65/1 66/66/1 91/91/1 90/90/1 +f 66/66/1 67/67/1 92/92/1 91/91/1 +f 67/67/1 68/68/1 93/93/1 92/92/1 +f 68/68/1 69/69/1 94/94/1 93/93/1 +f 69/69/1 70/70/1 95/95/1 94/94/1 +f 70/70/1 71/71/1 96/96/1 95/95/1 +f 71/71/1 72/72/1 97/97/1 96/96/1 +f 72/72/1 73/73/1 98/98/1 97/97/1 +f 73/73/1 74/74/1 99/99/1 98/98/1 +f 74/74/1 75/75/1 100/100/1 99/99/1 +f 76/77/1 77/76/1 102/101/1 101/102/1 +f 77/76/1 78/78/1 103/103/1 102/101/1 +f 78/78/1 79/79/1 104/104/1 103/103/1 +f 79/79/1 80/80/1 105/105/1 104/104/1 +f 80/80/1 81/81/1 106/106/1 105/105/1 +f 81/81/1 82/82/1 107/107/1 106/106/1 +f 82/82/1 83/83/1 108/108/1 107/107/1 +f 83/83/1 84/84/1 109/109/1 108/108/1 +f 84/84/1 85/85/1 110/110/1 109/109/1 +f 85/85/1 86/86/1 111/111/1 110/110/1 +f 86/86/1 87/87/1 112/112/1 111/111/1 +f 87/87/1 88/88/1 113/113/1 112/112/1 +f 88/88/1 89/89/1 114/114/1 113/113/1 +f 89/89/1 90/90/1 115/115/1 114/114/1 +f 90/90/1 91/91/1 116/116/1 115/115/1 +f 91/91/1 92/92/1 117/117/1 116/116/1 +f 92/92/1 93/93/1 118/118/1 117/117/1 +f 93/93/1 94/94/1 119/119/1 118/118/1 +f 94/94/1 95/95/1 120/120/1 119/119/1 +f 95/95/1 96/96/1 121/121/1 120/120/1 +f 96/96/1 97/97/1 122/122/1 121/121/1 +f 97/97/1 98/98/1 123/123/1 122/122/1 +f 98/98/1 99/99/1 124/124/1 123/123/1 +f 99/99/1 100/100/1 125/125/1 124/124/1 +f 101/102/1 102/101/1 127/126/1 126/127/1 +f 102/101/1 103/103/1 128/128/1 127/126/1 +f 103/103/1 104/104/1 129/129/1 128/128/1 +f 104/104/1 105/105/1 130/130/1 129/129/1 +f 105/105/1 106/106/1 131/131/1 130/130/1 +f 106/106/1 107/107/1 132/132/1 131/131/1 +f 107/107/1 108/108/1 133/133/1 132/132/1 +f 108/108/1 109/109/1 134/134/1 133/133/1 +f 109/109/1 110/110/1 135/135/1 134/134/1 +f 110/110/1 111/111/1 136/136/1 135/135/1 +f 111/111/1 112/112/1 137/137/1 136/136/1 +f 112/112/1 113/113/1 138/138/1 137/137/1 +f 113/113/1 114/114/1 139/139/1 138/138/1 +f 114/114/1 115/115/1 140/140/1 139/139/1 +f 115/115/1 116/116/1 141/141/1 140/140/1 +f 116/116/1 117/117/1 142/142/1 141/141/1 +f 117/117/1 118/118/1 143/143/1 142/142/1 +f 118/118/1 119/119/1 144/144/1 143/143/1 +f 119/119/1 120/120/1 145/145/1 144/144/1 +f 120/120/1 121/121/1 146/146/1 145/145/1 +f 121/121/1 122/122/1 147/147/1 146/146/1 +f 122/122/1 123/123/1 148/148/1 147/147/1 +f 123/123/1 124/124/1 149/149/1 148/148/1 +f 124/124/1 125/125/1 150/150/1 149/149/1 +f 126/127/1 127/126/1 152/151/1 151/152/1 +f 127/126/1 128/128/1 153/153/1 152/151/1 +f 128/128/1 129/129/1 154/154/1 153/153/1 +f 129/129/1 130/130/1 155/155/1 154/154/1 +f 130/130/1 131/131/1 156/156/1 155/155/1 +f 131/131/1 132/132/1 157/157/1 156/156/1 +f 132/132/1 133/133/1 158/158/1 157/157/1 +f 133/133/1 134/134/1 159/159/1 158/158/1 +f 134/134/1 135/135/1 160/160/1 159/159/1 +f 135/135/1 136/136/1 161/161/1 160/160/1 +f 136/136/1 137/137/1 162/162/1 161/161/1 +f 137/137/1 138/138/1 163/163/1 162/162/1 +f 138/138/1 139/139/1 164/164/1 163/163/1 +f 139/139/1 140/140/1 165/165/1 164/164/1 +f 140/140/1 141/141/1 166/166/1 165/165/1 +f 141/141/1 142/142/1 167/167/1 166/166/1 +f 142/142/1 143/143/1 168/168/1 167/167/1 +f 143/143/1 144/144/1 169/169/1 168/168/1 +f 144/144/1 145/145/1 170/170/1 169/169/1 +f 145/145/1 146/146/1 171/171/1 170/170/1 +f 146/146/1 147/147/1 172/172/1 171/171/1 +f 147/147/1 148/148/1 173/173/1 172/172/1 +f 148/148/1 149/149/1 174/174/1 173/173/1 +f 149/149/1 150/150/1 175/175/1 174/174/1 +f 151/152/1 152/151/1 177/176/1 176/177/1 +f 152/151/1 153/153/1 178/178/1 177/176/1 +f 153/153/1 154/154/1 179/179/1 178/178/1 +f 154/154/1 155/155/1 180/180/1 179/179/1 +f 155/155/1 156/156/1 181/181/1 180/180/1 +f 156/156/1 157/157/1 182/182/1 181/181/1 +f 157/157/1 158/158/1 183/183/1 182/182/1 +f 158/158/1 159/159/1 184/184/1 183/183/1 +f 159/159/1 160/160/1 185/185/1 184/184/1 +f 160/160/1 161/161/1 186/186/1 185/185/1 +f 161/161/1 162/162/1 187/187/1 186/186/1 +f 162/162/1 163/163/1 188/188/1 187/187/1 +f 163/163/1 164/164/1 189/189/1 188/188/1 +f 164/164/1 165/165/1 190/190/1 189/189/1 +f 165/165/1 166/166/1 191/191/1 190/190/1 +f 166/166/1 167/167/1 192/192/1 191/191/1 +f 167/167/1 168/168/1 193/193/1 192/192/1 +f 168/168/1 169/169/1 194/194/1 193/193/1 +f 169/169/1 170/170/1 195/195/1 194/194/1 +f 170/170/1 171/171/1 196/196/1 195/195/1 +f 171/171/1 172/172/1 197/197/1 196/196/1 +f 172/172/1 173/173/1 198/198/1 197/197/1 +f 173/173/1 174/174/1 199/199/1 198/198/1 +f 174/174/1 175/175/1 200/200/1 199/199/1 +f 176/177/1 177/176/1 202/201/1 201/202/1 +f 177/176/1 178/178/1 203/203/1 202/201/1 +f 178/178/1 179/179/1 204/204/1 203/203/1 +f 179/179/1 180/180/1 205/205/1 204/204/1 +f 180/180/1 181/181/1 206/206/1 205/205/1 +f 181/181/1 182/182/1 207/207/1 206/206/1 +f 182/182/1 183/183/1 208/208/1 207/207/1 +f 183/183/1 184/184/1 209/209/1 208/208/1 +f 184/184/1 185/185/1 210/210/1 209/209/1 +f 185/185/1 186/186/1 211/211/1 210/210/1 +f 186/186/1 187/187/1 212/212/1 211/211/1 +f 187/187/1 188/188/1 213/213/1 212/212/1 +f 188/188/1 189/189/1 214/214/1 213/213/1 +f 189/189/1 190/190/1 215/215/1 214/214/1 +f 190/190/1 191/191/1 216/216/1 215/215/1 +f 191/191/1 192/192/1 217/217/1 216/216/1 +f 192/192/1 193/193/1 218/218/1 217/217/1 +f 193/193/1 194/194/1 219/219/1 218/218/1 +f 194/194/1 195/195/1 220/220/1 219/219/1 +f 195/195/1 196/196/1 221/221/1 220/220/1 +f 196/196/1 197/197/1 222/222/1 221/221/1 +f 197/197/1 198/198/1 223/223/1 222/222/1 +f 198/198/1 199/199/1 224/224/1 223/223/1 +f 199/199/1 200/200/1 225/225/1 224/224/1 +f 201/202/1 202/201/1 227/226/1 226/227/1 +f 202/201/1 203/203/1 228/228/1 227/226/1 +f 203/203/1 204/204/1 229/229/1 228/228/1 +f 204/204/1 205/205/1 230/230/1 229/229/1 +f 205/205/1 206/206/1 231/231/1 230/230/1 +f 206/206/1 207/207/1 232/232/1 231/231/1 +f 207/207/1 208/208/1 233/233/1 232/232/1 +f 208/208/1 209/209/1 234/234/1 233/233/1 +f 209/209/1 210/210/1 235/235/1 234/234/1 +f 210/210/1 211/211/1 236/236/1 235/235/1 +f 211/211/1 212/212/1 237/237/1 236/236/1 +f 212/212/1 213/213/1 238/238/1 237/237/1 +f 213/213/1 214/214/1 239/239/1 238/238/1 +f 214/214/1 215/215/1 240/240/1 239/239/1 +f 215/215/1 216/216/1 241/241/1 240/240/1 +f 216/216/1 217/217/1 242/242/1 241/241/1 +f 217/217/1 218/218/1 243/243/1 242/242/1 +f 218/218/1 219/219/1 244/244/1 243/243/1 +f 219/219/1 220/220/1 245/245/1 244/244/1 +f 220/220/1 221/221/1 246/246/1 245/245/1 +f 221/221/1 222/222/1 247/247/1 246/246/1 +f 222/222/1 223/223/1 248/248/1 247/247/1 +f 223/223/1 224/224/1 249/249/1 248/248/1 +f 224/224/1 225/225/1 250/250/1 249/249/1 +f 226/227/1 227/226/1 252/251/1 251/252/1 +f 227/226/1 228/228/1 253/253/1 252/251/1 +f 228/228/1 229/229/1 254/254/1 253/253/1 +f 229/229/1 230/230/1 255/255/1 254/254/1 +f 230/230/1 231/231/1 256/256/1 255/255/1 +f 231/231/1 232/232/1 257/257/1 256/256/1 +f 232/232/1 233/233/1 258/258/1 257/257/1 +f 233/233/1 234/234/1 259/259/1 258/258/1 +f 234/234/1 235/235/1 260/260/1 259/259/1 +f 235/235/1 236/236/1 261/261/1 260/260/1 +f 236/236/1 237/237/1 262/262/1 261/261/1 +f 237/237/1 238/238/1 263/263/1 262/262/1 +f 238/238/1 239/239/1 264/264/1 263/263/1 +f 239/239/1 240/240/1 265/265/1 264/264/1 +f 240/240/1 241/241/1 266/266/1 265/265/1 +f 241/241/1 242/242/1 267/267/1 266/266/1 +f 242/242/1 243/243/1 268/268/1 267/267/1 +f 243/243/1 244/244/1 269/269/1 268/268/1 +f 244/244/1 245/245/1 270/270/1 269/269/1 +f 245/245/1 246/246/1 271/271/1 270/270/1 +f 246/246/1 247/247/1 272/272/1 271/271/1 +f 247/247/1 248/248/1 273/273/1 272/272/1 +f 248/248/1 249/249/1 274/274/1 273/273/1 +f 249/249/1 250/250/1 275/275/1 274/274/1 +f 251/252/1 252/251/1 277/276/1 276/277/1 +f 252/251/1 253/253/1 278/278/1 277/276/1 +f 253/253/1 254/254/1 279/279/1 278/278/1 +f 254/254/1 255/255/1 280/280/1 279/279/1 +f 255/255/1 256/256/1 281/281/1 280/280/1 +f 256/256/1 257/257/1 282/282/1 281/281/1 +f 257/257/1 258/258/1 283/283/1 282/282/1 +f 258/258/1 259/259/1 284/284/1 283/283/1 +f 259/259/1 260/260/1 285/285/1 284/284/1 +f 260/260/1 261/261/1 286/286/1 285/285/1 +f 261/261/1 262/262/1 287/287/1 286/286/1 +f 262/262/1 263/263/1 288/288/1 287/287/1 +f 263/263/1 264/264/1 289/289/1 288/288/1 +f 264/264/1 265/265/1 290/290/1 289/289/1 +f 265/265/1 266/266/1 291/291/1 290/290/1 +f 266/266/1 267/267/1 292/292/1 291/291/1 +f 267/267/1 268/268/1 293/293/1 292/292/1 +f 268/268/1 269/269/1 294/294/1 293/293/1 +f 269/269/1 270/270/1 295/295/1 294/294/1 +f 270/270/1 271/271/1 296/296/1 295/295/1 +f 271/271/1 272/272/1 297/297/1 296/296/1 +f 272/272/1 273/273/1 298/298/1 297/297/1 +f 273/273/1 274/274/1 299/299/1 298/298/1 +f 274/274/1 275/275/1 300/300/1 299/299/1 +f 276/277/1 277/276/1 302/301/1 301/302/1 +f 277/276/1 278/278/1 303/303/1 302/301/1 +f 278/278/1 279/279/1 304/304/1 303/303/1 +f 279/279/1 280/280/1 305/305/1 304/304/1 +f 280/280/1 281/281/1 306/306/1 305/305/1 +f 281/281/1 282/282/1 307/307/1 306/306/1 +f 282/282/1 283/283/1 308/308/1 307/307/1 +f 283/283/1 284/284/1 309/309/1 308/308/1 +f 284/284/1 285/285/1 310/310/1 309/309/1 +f 285/285/1 286/286/1 311/311/1 310/310/1 +f 286/286/1 287/287/1 312/312/1 311/311/1 +f 287/287/1 288/288/1 313/313/1 312/312/1 +f 288/288/1 289/289/1 314/314/1 313/313/1 +f 289/289/1 290/290/1 315/315/1 314/314/1 +f 290/290/1 291/291/1 316/316/1 315/315/1 +f 291/291/1 292/292/1 317/317/1 316/316/1 +f 292/292/1 293/293/1 318/318/1 317/317/1 +f 293/293/1 294/294/1 319/319/1 318/318/1 +f 294/294/1 295/295/1 320/320/1 319/319/1 +f 295/295/1 296/296/1 321/321/1 320/320/1 +f 296/296/1 297/297/1 322/322/1 321/321/1 +f 297/297/1 298/298/1 323/323/1 322/322/1 +f 298/298/1 299/299/1 324/324/1 323/323/1 +f 299/299/1 300/300/1 325/325/1 324/324/1 +f 301/302/1 302/301/1 327/326/1 326/327/1 +f 302/301/1 303/303/1 328/328/1 327/326/1 +f 303/303/1 304/304/1 329/329/1 328/328/1 +f 304/304/1 305/305/1 330/330/1 329/329/1 +f 305/305/1 306/306/1 331/331/1 330/330/1 +f 306/306/1 307/307/1 332/332/1 331/331/1 +f 307/307/1 308/308/1 333/333/1 332/332/1 +f 308/308/1 309/309/1 334/334/1 333/333/1 +f 309/309/1 310/310/1 335/335/1 334/334/1 +f 310/310/1 311/311/1 336/336/1 335/335/1 +f 311/311/1 312/312/1 337/337/1 336/336/1 +f 312/312/1 313/313/1 338/338/1 337/337/1 +f 313/313/1 314/314/1 339/339/1 338/338/1 +f 314/314/1 315/315/1 340/340/1 339/339/1 +f 315/315/1 316/316/1 341/341/1 340/340/1 +f 316/316/1 317/317/1 342/342/1 341/341/1 +f 317/317/1 318/318/1 343/343/1 342/342/1 +f 318/318/1 319/319/1 344/344/1 343/343/1 +f 319/319/1 320/320/1 345/345/1 344/344/1 +f 320/320/1 321/321/1 346/346/1 345/345/1 +f 321/321/1 322/322/1 347/347/1 346/346/1 +f 322/322/1 323/323/1 348/348/1 347/347/1 +f 323/323/1 324/324/1 349/349/1 348/348/1 +f 324/324/1 325/325/1 350/350/1 349/349/1 +f 326/327/1 327/326/1 352/351/1 351/352/1 +f 327/326/1 328/328/1 353/353/1 352/351/1 +f 328/328/1 329/329/1 354/354/1 353/353/1 +f 329/329/1 330/330/1 355/355/1 354/354/1 +f 330/330/1 331/331/1 356/356/1 355/355/1 +f 331/331/1 332/332/1 357/357/1 356/356/1 +f 332/332/1 333/333/1 358/358/1 357/357/1 +f 333/333/1 334/334/1 359/359/1 358/358/1 +f 334/334/1 335/335/1 360/360/1 359/359/1 +f 335/335/1 336/336/1 361/361/1 360/360/1 +f 336/336/1 337/337/1 362/362/1 361/361/1 +f 337/337/1 338/338/1 363/363/1 362/362/1 +f 338/338/1 339/339/1 364/364/1 363/363/1 +f 339/339/1 340/340/1 365/365/1 364/364/1 +f 340/340/1 341/341/1 366/366/1 365/365/1 +f 341/341/1 342/342/1 367/367/1 366/366/1 +f 342/342/1 343/343/1 368/368/1 367/367/1 +f 343/343/1 344/344/1 369/369/1 368/368/1 +f 344/344/1 345/345/1 370/370/1 369/369/1 +f 345/345/1 346/346/1 371/371/1 370/370/1 +f 346/346/1 347/347/1 372/372/1 371/371/1 +f 347/347/1 348/348/1 373/373/1 372/372/1 +f 348/348/1 349/349/1 374/374/1 373/373/1 +f 349/349/1 350/350/1 375/375/1 374/374/1 +f 351/352/1 352/351/1 377/376/1 376/377/1 +f 352/351/1 353/353/1 378/378/1 377/376/1 +f 353/353/1 354/354/1 379/379/1 378/378/1 +f 354/354/1 355/355/1 380/380/1 379/379/1 +f 355/355/1 356/356/1 381/381/1 380/380/1 +f 356/356/1 357/357/1 382/382/1 381/381/1 +f 357/357/1 358/358/1 383/383/1 382/382/1 +f 358/358/1 359/359/1 384/384/1 383/383/1 +f 359/359/1 360/360/1 385/385/1 384/384/1 +f 360/360/1 361/361/1 386/386/1 385/385/1 +f 361/361/1 362/362/1 387/387/1 386/386/1 +f 362/362/1 363/363/1 388/388/1 387/387/1 +f 363/363/1 364/364/1 389/389/1 388/388/1 +f 364/364/1 365/365/1 390/390/1 389/389/1 +f 365/365/1 366/366/1 391/391/1 390/390/1 +f 366/366/1 367/367/1 392/392/1 391/391/1 +f 367/367/1 368/368/1 393/393/1 392/392/1 +f 368/368/1 369/369/1 394/394/1 393/393/1 +f 369/369/1 370/370/1 395/395/1 394/394/1 +f 370/370/1 371/371/1 396/396/1 395/395/1 +f 371/371/1 372/372/1 397/397/1 396/396/1 +f 372/372/1 373/373/1 398/398/1 397/397/1 +f 373/373/1 374/374/1 399/399/1 398/398/1 +f 374/374/1 375/375/1 400/400/1 399/399/1 +f 376/377/1 377/376/1 402/401/1 401/402/1 +f 377/376/1 378/378/1 403/403/1 402/401/1 +f 378/378/1 379/379/1 404/404/1 403/403/1 +f 379/379/1 380/380/1 405/405/1 404/404/1 +f 380/380/1 381/381/1 406/406/1 405/405/1 +f 381/381/1 382/382/1 407/407/1 406/406/1 +f 382/382/1 383/383/1 408/408/1 407/407/1 +f 383/383/1 384/384/1 409/409/1 408/408/1 +f 384/384/1 385/385/1 410/410/1 409/409/1 +f 385/385/1 386/386/1 411/411/1 410/410/1 +f 386/386/1 387/387/1 412/412/1 411/411/1 +f 387/387/1 388/388/1 413/413/1 412/412/1 +f 388/388/1 389/389/1 414/414/1 413/413/1 +f 389/389/1 390/390/1 415/415/1 414/414/1 +f 390/390/1 391/391/1 416/416/1 415/415/1 +f 391/391/1 392/392/1 417/417/1 416/416/1 +f 392/392/1 393/393/1 418/418/1 417/417/1 +f 393/393/1 394/394/1 419/419/1 418/418/1 +f 394/394/1 395/395/1 420/420/1 419/419/1 +f 395/395/1 396/396/1 421/421/1 420/420/1 +f 396/396/1 397/397/1 422/422/1 421/421/1 +f 397/397/1 398/398/1 423/423/1 422/422/1 +f 398/398/1 399/399/1 424/424/1 423/423/1 +f 399/399/1 400/400/1 425/425/1 424/424/1 +f 401/402/1 402/401/1 427/426/1 426/427/1 +f 402/401/1 403/403/1 428/428/1 427/426/1 +f 403/403/1 404/404/1 429/429/1 428/428/1 +f 404/404/1 405/405/1 430/430/1 429/429/1 +f 405/405/1 406/406/1 431/431/1 430/430/1 +f 406/406/1 407/407/1 432/432/1 431/431/1 +f 407/407/1 408/408/1 433/433/1 432/432/1 +f 408/408/1 409/409/1 434/434/1 433/433/1 +f 409/409/1 410/410/1 435/435/1 434/434/1 +f 410/410/1 411/411/1 436/436/1 435/435/1 +f 411/411/1 412/412/1 437/437/1 436/436/1 +f 412/412/1 413/413/1 438/438/1 437/437/1 +f 413/413/1 414/414/1 439/439/1 438/438/1 +f 414/414/1 415/415/1 440/440/1 439/439/1 +f 415/415/1 416/416/1 441/441/1 440/440/1 +f 416/416/1 417/417/1 442/442/1 441/441/1 +f 417/417/1 418/418/1 443/443/1 442/442/1 +f 418/418/1 419/419/1 444/444/1 443/443/1 +f 419/419/1 420/420/1 445/445/1 444/444/1 +f 420/420/1 421/421/1 446/446/1 445/445/1 +f 421/421/1 422/422/1 447/447/1 446/446/1 +f 422/422/1 423/423/1 448/448/1 447/447/1 +f 423/423/1 424/424/1 449/449/1 448/448/1 +f 424/424/1 425/425/1 450/450/1 449/449/1 +f 426/427/1 427/426/1 452/451/1 451/452/1 +f 427/426/1 428/428/1 453/453/1 452/451/1 +f 428/428/1 429/429/1 454/454/1 453/453/1 +f 429/429/1 430/430/1 455/455/1 454/454/1 +f 430/430/1 431/431/1 456/456/1 455/455/1 +f 431/431/1 432/432/1 457/457/1 456/456/1 +f 432/432/1 433/433/1 458/458/1 457/457/1 +f 433/433/1 434/434/1 459/459/1 458/458/1 +f 434/434/1 435/435/1 460/460/1 459/459/1 +f 435/435/1 436/436/1 461/461/1 460/460/1 +f 436/436/1 437/437/1 462/462/1 461/461/1 +f 437/437/1 438/438/1 463/463/1 462/462/1 +f 438/438/1 439/439/1 464/464/1 463/463/1 +f 439/439/1 440/440/1 465/465/1 464/464/1 +f 440/440/1 441/441/1 466/466/1 465/465/1 +f 441/441/1 442/442/1 467/467/1 466/466/1 +f 442/442/1 443/443/1 468/468/1 467/467/1 +f 443/443/1 444/444/1 469/469/1 468/468/1 +f 444/444/1 445/445/1 470/470/1 469/469/1 +f 445/445/1 446/446/1 471/471/1 470/470/1 +f 446/446/1 447/447/1 472/472/1 471/471/1 +f 447/447/1 448/448/1 473/473/1 472/472/1 +f 448/448/1 449/449/1 474/474/1 473/473/1 +f 449/449/1 450/450/1 475/475/1 474/474/1 +f 451/452/1 452/451/1 477/476/1 476/477/1 +f 452/451/1 453/453/1 478/478/1 477/476/1 +f 453/453/1 454/454/1 479/479/1 478/478/1 +f 454/454/1 455/455/1 480/480/1 479/479/1 +f 455/455/1 456/456/1 481/481/1 480/480/1 +f 456/456/1 457/457/1 482/482/1 481/481/1 +f 457/457/1 458/458/1 483/483/1 482/482/1 +f 458/458/1 459/459/1 484/484/1 483/483/1 +f 459/459/1 460/460/1 485/485/1 484/484/1 +f 460/460/1 461/461/1 486/486/1 485/485/1 +f 461/461/1 462/462/1 487/487/1 486/486/1 +f 462/462/1 463/463/1 488/488/1 487/487/1 +f 463/463/1 464/464/1 489/489/1 488/488/1 +f 464/464/1 465/465/1 490/490/1 489/489/1 +f 465/465/1 466/466/1 491/491/1 490/490/1 +f 466/466/1 467/467/1 492/492/1 491/491/1 +f 467/467/1 468/468/1 493/493/1 492/492/1 +f 468/468/1 469/469/1 494/494/1 493/493/1 +f 469/469/1 470/470/1 495/495/1 494/494/1 +f 470/470/1 471/471/1 496/496/1 495/495/1 +f 471/471/1 472/472/1 497/497/1 496/496/1 +f 472/472/1 473/473/1 498/498/1 497/497/1 +f 473/473/1 474/474/1 499/499/1 498/498/1 +f 474/474/1 475/475/1 500/500/1 499/499/1 +f 476/477/1 477/476/1 502/501/1 501/502/1 +f 477/476/1 478/478/1 503/503/1 502/501/1 +f 478/478/1 479/479/1 504/504/1 503/503/1 +f 479/479/1 480/480/1 505/505/1 504/504/1 +f 480/480/1 481/481/1 506/506/1 505/505/1 +f 481/481/1 482/482/1 507/507/1 506/506/1 +f 482/482/1 483/483/1 508/508/1 507/507/1 +f 483/483/1 484/484/1 509/509/1 508/508/1 +f 484/484/1 485/485/1 510/510/1 509/509/1 +f 485/485/1 486/486/1 511/511/1 510/510/1 +f 486/486/1 487/487/1 512/512/1 511/511/1 +f 487/487/1 488/488/1 513/513/1 512/512/1 +f 488/488/1 489/489/1 514/514/1 513/513/1 +f 489/489/1 490/490/1 515/515/1 514/514/1 +f 490/490/1 491/491/1 516/516/1 515/515/1 +f 491/491/1 492/492/1 517/517/1 516/516/1 +f 492/492/1 493/493/1 518/518/1 517/517/1 +f 493/493/1 494/494/1 519/519/1 518/518/1 +f 494/494/1 495/495/1 520/520/1 519/519/1 +f 495/495/1 496/496/1 521/521/1 520/520/1 +f 496/496/1 497/497/1 522/522/1 521/521/1 +f 497/497/1 498/498/1 523/523/1 522/522/1 +f 498/498/1 499/499/1 524/524/1 523/523/1 +f 499/499/1 500/500/1 525/525/1 524/524/1 +f 501/502/1 502/501/1 527/526/1 526/527/1 +f 502/501/1 503/503/1 528/528/1 527/526/1 +f 503/503/1 504/504/1 529/529/1 528/528/1 +f 504/504/1 505/505/1 530/530/1 529/529/1 +f 505/505/1 506/506/1 531/531/1 530/530/1 +f 506/506/1 507/507/1 532/532/1 531/531/1 +f 507/507/1 508/508/1 533/533/1 532/532/1 +f 508/508/1 509/509/1 534/534/1 533/533/1 +f 509/509/1 510/510/1 535/535/1 534/534/1 +f 510/510/1 511/511/1 536/536/1 535/535/1 +f 511/511/1 512/512/1 537/537/1 536/536/1 +f 512/512/1 513/513/1 538/538/1 537/537/1 +f 513/513/1 514/514/1 539/539/1 538/538/1 +f 514/514/1 515/515/1 540/540/1 539/539/1 +f 515/515/1 516/516/1 541/541/1 540/540/1 +f 516/516/1 517/517/1 542/542/1 541/541/1 +f 517/517/1 518/518/1 543/543/1 542/542/1 +f 518/518/1 519/519/1 544/544/1 543/543/1 +f 519/519/1 520/520/1 545/545/1 544/544/1 +f 520/520/1 521/521/1 546/546/1 545/545/1 +f 521/521/1 522/522/1 547/547/1 546/546/1 +f 522/522/1 523/523/1 548/548/1 547/547/1 +f 523/523/1 524/524/1 549/549/1 548/548/1 +f 524/524/1 525/525/1 550/550/1 549/549/1 +f 526/527/1 527/526/1 552/551/1 551/552/1 +f 527/526/1 528/528/1 553/553/1 552/551/1 +f 528/528/1 529/529/1 554/554/1 553/553/1 +f 529/529/1 530/530/1 555/555/1 554/554/1 +f 530/530/1 531/531/1 556/556/1 555/555/1 +f 531/531/1 532/532/1 557/557/1 556/556/1 +f 532/532/1 533/533/1 558/558/1 557/557/1 +f 533/533/1 534/534/1 559/559/1 558/558/1 +f 534/534/1 535/535/1 560/560/1 559/559/1 +f 535/535/1 536/536/1 561/561/1 560/560/1 +f 536/536/1 537/537/1 562/562/1 561/561/1 +f 537/537/1 538/538/1 563/563/1 562/562/1 +f 538/538/1 539/539/1 564/564/1 563/563/1 +f 539/539/1 540/540/1 565/565/1 564/564/1 +f 540/540/1 541/541/1 566/566/1 565/565/1 +f 541/541/1 542/542/1 567/567/1 566/566/1 +f 542/542/1 543/543/1 568/568/1 567/567/1 +f 543/543/1 544/544/1 569/569/1 568/568/1 +f 544/544/1 545/545/1 570/570/1 569/569/1 +f 545/545/1 546/546/1 571/571/1 570/570/1 +f 546/546/1 547/547/1 572/572/1 571/571/1 +f 547/547/1 548/548/1 573/573/1 572/572/1 +f 548/548/1 549/549/1 574/574/1 573/573/1 +f 549/549/1 550/550/1 575/575/1 574/574/1 +f 551/552/1 552/551/1 577/576/1 576/577/1 +f 552/551/1 553/553/1 578/578/1 577/576/1 +f 553/553/1 554/554/1 579/579/1 578/578/1 +f 554/554/1 555/555/1 580/580/1 579/579/1 +f 555/555/1 556/556/1 581/581/1 580/580/1 +f 556/556/1 557/557/1 582/582/1 581/581/1 +f 557/557/1 558/558/1 583/583/1 582/582/1 +f 558/558/1 559/559/1 584/584/1 583/583/1 +f 559/559/1 560/560/1 585/585/1 584/584/1 +f 560/560/1 561/561/1 586/586/1 585/585/1 +f 561/561/1 562/562/1 587/587/1 586/586/1 +f 562/562/1 563/563/1 588/588/1 587/587/1 +f 563/563/1 564/564/1 589/589/1 588/588/1 +f 564/564/1 565/565/1 590/590/1 589/589/1 +f 565/565/1 566/566/1 591/591/1 590/590/1 +f 566/566/1 567/567/1 592/592/1 591/591/1 +f 567/567/1 568/568/1 593/593/1 592/592/1 +f 568/568/1 569/569/1 594/594/1 593/593/1 +f 569/569/1 570/570/1 595/595/1 594/594/1 +f 570/570/1 571/571/1 596/596/1 595/595/1 +f 571/571/1 572/572/1 597/597/1 596/596/1 +f 572/572/1 573/573/1 598/598/1 597/597/1 +f 573/573/1 574/574/1 599/599/1 598/598/1 +f 574/574/1 575/575/1 600/600/1 599/599/1 +f 576/577/1 577/576/1 602/601/1 601/602/1 +f 577/576/1 578/578/1 603/603/1 602/601/1 +f 578/578/1 579/579/1 604/604/1 603/603/1 +f 579/579/1 580/580/1 605/605/1 604/604/1 +f 580/580/1 581/581/1 606/606/1 605/605/1 +f 581/581/1 582/582/1 607/607/1 606/606/1 +f 582/582/1 583/583/1 608/608/1 607/607/1 +f 583/583/1 584/584/1 609/609/1 608/608/1 +f 584/584/1 585/585/1 610/610/1 609/609/1 +f 585/585/1 586/586/1 611/611/1 610/610/1 +f 586/586/1 587/587/1 612/612/1 611/611/1 +f 587/587/1 588/588/1 613/613/1 612/612/1 +f 588/588/1 589/589/1 614/614/1 613/613/1 +f 589/589/1 590/590/1 615/615/1 614/614/1 +f 590/590/1 591/591/1 616/616/1 615/615/1 +f 591/591/1 592/592/1 617/617/1 616/616/1 +f 592/592/1 593/593/1 618/618/1 617/617/1 +f 593/593/1 594/594/1 619/619/1 618/618/1 +f 594/594/1 595/595/1 620/620/1 619/619/1 +f 595/595/1 596/596/1 621/621/1 620/620/1 +f 596/596/1 597/597/1 622/622/1 621/621/1 +f 597/597/1 598/598/1 623/623/1 622/622/1 +f 598/598/1 599/599/1 624/624/1 623/623/1 +f 599/599/1 600/600/1 625/625/1 624/624/1 diff --git a/cliport/environments/assets/cloth/cloth.obj b/cliport/environments/assets/cloth/cloth.obj new file mode 100644 index 0000000000000000000000000000000000000000..e5d7a3128044016a751f4d90d1bbc78dc80bcd3d --- /dev/null +++ b/cliport/environments/assets/cloth/cloth.obj @@ -0,0 +1,64 @@ +# Blender v2.79 (sub 0) OBJ File: '' +# www.blender.org +mtllib cloth.mtl +o Plane_Plane.001 +v -1.000000 0.000000 1.000000 +v 1.000000 0.000000 1.000000 +v -1.000000 0.000000 -1.000000 +v 1.000000 0.000000 -1.000000 +v -1.000000 0.000000 0.000000 +v 0.000000 0.000000 1.000000 +v 1.000000 0.000000 0.000000 +v 0.000000 0.000000 -1.000000 +v 0.000000 0.000000 0.000000 +v -1.000000 0.000000 0.500000 +v 0.500000 0.000000 1.000000 +v 1.000000 0.000000 -0.500000 +v -0.500000 0.000000 -1.000000 +v -1.000000 0.000000 -0.500000 +v -0.500000 0.000000 1.000000 +v 1.000000 0.000000 0.500000 +v 0.500000 0.000000 -1.000000 +v 0.000000 0.000000 -0.500000 +v 0.000000 0.000000 0.500000 +v -0.500000 0.000000 0.000000 +v 0.500000 0.000000 0.000000 +v 0.500000 0.000000 0.500000 +v -0.500000 0.000000 0.500000 +v -0.500000 0.000000 -0.500000 +v 0.500000 0.000000 -0.500000 +vn 0.0000 1.0000 0.0000 +usemtl None +s off +f 12//1 17//1 25//1 +f 18//1 13//1 24//1 +f 19//1 20//1 23//1 +f 16//1 21//1 22//1 +f 22//1 9//1 19//1 +f 11//1 19//1 6//1 +f 2//1 22//1 11//1 +f 23//1 5//1 10//1 +f 15//1 10//1 1//1 +f 6//1 23//1 15//1 +f 24//1 3//1 14//1 +f 20//1 14//1 5//1 +f 9//1 24//1 20//1 +f 25//1 8//1 18//1 +f 21//1 18//1 9//1 +f 7//1 25//1 21//1 +f 12//1 4//1 17//1 +f 18//1 8//1 13//1 +f 19//1 9//1 20//1 +f 16//1 7//1 21//1 +f 22//1 21//1 9//1 +f 11//1 22//1 19//1 +f 2//1 16//1 22//1 +f 23//1 20//1 5//1 +f 15//1 23//1 10//1 +f 6//1 19//1 23//1 +f 24//1 13//1 3//1 +f 20//1 24//1 14//1 +f 9//1 18//1 24//1 +f 25//1 17//1 8//1 +f 21//1 25//1 18//1 +f 7//1 12//1 25//1 diff --git a/cliport/environments/assets/cloth/cloth_z_up.obj b/cliport/environments/assets/cloth/cloth_z_up.obj new file mode 100644 index 0000000000000000000000000000000000000000..e2667a984d216c9a0e63b14c8fb61b03f2668e98 --- /dev/null +++ b/cliport/environments/assets/cloth/cloth_z_up.obj @@ -0,0 +1,64 @@ +# Blender v2.79 (sub 0) OBJ File: '' +# www.blender.org +mtllib cloth_z_up.mtl +o Plane_Plane.001 +v -1.000000 -1.000000 0.000000 +v 1.000000 -1.000000 0.000000 +v -1.000000 1.000000 -0.000000 +v 1.000000 1.000000 -0.000000 +v -1.000000 0.000000 0.000000 +v -0.000000 -1.000000 0.000000 +v 1.000000 -0.000000 -0.000000 +v 0.000000 1.000000 -0.000000 +v 0.000000 0.000000 0.000000 +v -1.000000 -0.500000 0.000000 +v 0.500000 -1.000000 0.000000 +v 1.000000 0.500000 -0.000000 +v -0.500000 1.000000 -0.000000 +v -1.000000 0.500000 -0.000000 +v -0.500000 -1.000000 0.000000 +v 1.000000 -0.500000 0.000000 +v 0.500000 1.000000 -0.000000 +v 0.000000 0.500000 -0.000000 +v -0.000000 -0.500000 0.000000 +v -0.500000 0.000000 0.000000 +v 0.500000 -0.000000 -0.000000 +v 0.500000 -0.500000 0.000000 +v -0.500000 -0.500000 0.000000 +v -0.500000 0.500000 -0.000000 +v 0.500000 0.500000 -0.000000 +vn 0.0000 0.0000 1.0000 +usemtl None +s off +f 12//1 17//1 25//1 +f 18//1 13//1 24//1 +f 19//1 20//1 23//1 +f 16//1 21//1 22//1 +f 22//1 9//1 19//1 +f 11//1 19//1 6//1 +f 2//1 22//1 11//1 +f 23//1 5//1 10//1 +f 15//1 10//1 1//1 +f 6//1 23//1 15//1 +f 24//1 3//1 14//1 +f 20//1 14//1 5//1 +f 9//1 24//1 20//1 +f 25//1 8//1 18//1 +f 21//1 18//1 9//1 +f 7//1 25//1 21//1 +f 12//1 4//1 17//1 +f 18//1 8//1 13//1 +f 19//1 9//1 20//1 +f 16//1 7//1 21//1 +f 22//1 21//1 9//1 +f 11//1 22//1 19//1 +f 2//1 16//1 22//1 +f 23//1 20//1 5//1 +f 15//1 23//1 10//1 +f 6//1 19//1 23//1 +f 24//1 13//1 3//1 +f 20//1 24//1 14//1 +f 9//1 18//1 24//1 +f 25//1 17//1 8//1 +f 21//1 25//1 18//1 +f 7//1 12//1 25//1 diff --git a/cliport/environments/assets/container/container-template.urdf b/cliport/environments/assets/container/container-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..8eeeca00e6b33d80b1418fe2f9c540e0859a3b75 --- /dev/null +++ b/cliport/environments/assets/container/container-template.urdf @@ -0,0 +1,98 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/container/container-template_DIM_HALF.urdf b/cliport/environments/assets/container/container-template_DIM_HALF.urdf new file mode 100644 index 0000000000000000000000000000000000000000..8eeeca00e6b33d80b1418fe2f9c540e0859a3b75 --- /dev/null +++ b/cliport/environments/assets/container/container-template_DIM_HALF.urdf @@ -0,0 +1,98 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/corner/corner-template.urdf b/cliport/environments/assets/corner/corner-template.urdf new file mode 100755 index 0000000000000000000000000000000000000000..27142a65a190cb88d0f2275a3c64b2d7df40ae4f --- /dev/null +++ b/cliport/environments/assets/corner/corner-template.urdf @@ -0,0 +1,49 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/corner/corner-template_DIMX_DIMY.urdf b/cliport/environments/assets/corner/corner-template_DIMX_DIMY.urdf new file mode 100755 index 0000000000000000000000000000000000000000..27142a65a190cb88d0f2275a3c64b2d7df40ae4f --- /dev/null +++ b/cliport/environments/assets/corner/corner-template_DIMX_DIMY.urdf @@ -0,0 +1,49 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/cylinder/cylinder-template.urdf b/cliport/environments/assets/cylinder/cylinder-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..3fb7bfdda25eb243d53e0dfc7400c3811611b08d --- /dev/null +++ b/cliport/environments/assets/cylinder/cylinder-template.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/cylinder/cylinder-template_DIMR_DIMH.urdf b/cliport/environments/assets/cylinder/cylinder-template_DIMR_DIMH.urdf new file mode 100644 index 0000000000000000000000000000000000000000..969d234ed6cc064cb3e81ec7bbc491e89daa5627 --- /dev/null +++ b/cliport/environments/assets/cylinder/cylinder-template_DIMR_DIMH.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/cylinder/cylinder-template_old.urdf b/cliport/environments/assets/cylinder/cylinder-template_old.urdf new file mode 100644 index 0000000000000000000000000000000000000000..3fb7bfdda25eb243d53e0dfc7400c3811611b08d --- /dev/null +++ b/cliport/environments/assets/cylinder/cylinder-template_old.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/hanoi/block.urdf b/cliport/environments/assets/hanoi/block.urdf new file mode 100644 index 0000000000000000000000000000000000000000..6047ef37b69d4a2898c86ecba47d8ef22055c95e --- /dev/null +++ b/cliport/environments/assets/hanoi/block.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/hanoi/disk0.obj b/cliport/environments/assets/hanoi/disk0.obj new file mode 100644 index 0000000000000000000000000000000000000000..1cfd6b96bac089dc13936a57ce4e94a8bb509e85 --- /dev/null +++ b/cliport/environments/assets/hanoi/disk0.obj @@ -0,0 +1,833 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 11.597 9.517 -5 +v 10.608 10.608 -5 +v 12.474 8.335 -5 +v -10.608 10.608 -5 +v -11.597 9.517 -5 +v 13.231 7.072 -5 +v -7.072 -13.231 -5 +v -5.741 -13.861 -5 +v 13.861 5.741 -5 +v -8.335 -12.474 -5 +v 13.861 -5.741 5 +v 13.231 -7.072 5 +v 29.424 5.853 5 +v -9.517 -11.597 -5 +v 29.424 5.853 -5 +v 12.474 -8.335 5 +v 28.708 8.709 -5 +v 14.356 4.355 -5 +v -10.608 -10.608 -5 +v 28.708 8.709 5 +v 11.597 -9.517 5 +v 10.608 -10.608 5 +v 26.458 14.142 5 +v 26.458 14.142 -5 +v 24.944 16.667 -5 +v 24.944 16.667 5 +v 14.714 2.927 -5 +v 14.93 1.471 -5 +v 23.19 19.032 -5 +v 23.19 19.032 5 +v 1.471 -14.93 5 +v -29.856 2.941 -5 +v 15.002 0 -5 +v -30 0 -5 +v 1.471 -14.93 -5 +v -30 0 5 +v 0 -15.002 -5 +v -29.856 2.941 5 +v 0 30 5 +v 0 30 -5 +v -2.94 29.856 -5 +v 21.213 21.213 -5 +v -2.94 29.856 5 +v 21.213 21.213 5 +v 0 -15.002 5 +v 2.941 29.856 5 +v 0 15.002 5 +v -5.853 29.424 -5 +v -5.853 29.424 5 +v 19.032 23.191 -5 +v 19.032 23.191 5 +v 27.716 11.48 -5 +v 14.93 -1.471 -5 +v 29.856 2.94 -5 +v 14.93 -1.471 5 +v -8.709 28.708 5 +v 30 0 -5 +v 16.667 24.944 -5 +v 16.667 24.944 5 +v -8.709 28.708 -5 +v -11.48 27.716 -5 +v 15.002 0 5 +v 1.471 14.93 -5 +v 14.142 26.458 5 +v 0 15.002 -5 +v -11.48 27.716 5 +v 14.142 26.458 -5 +v 11.481 27.717 5 +v 8.709 28.708 5 +v 5.853 29.424 5 +v 14.714 -2.927 -5 +v 14.714 -2.927 5 +v 2.927 14.714 -5 +v 0 -30 -5 +v -10.608 10.608 5 +v -9.517 11.597 5 +v -2.941 -29.856 -5 +v -5.853 -29.424 -5 +v -8.709 -28.708 -5 +v -14.142 26.458 -5 +v 4.355 14.356 -5 +v -14.142 26.458 5 +v -8.335 12.474 5 +v -14.142 -26.458 -5 +v 14.356 -4.355 -5 +v 14.356 -4.355 5 +v -9.517 11.597 -5 +v 5.741 13.861 -5 +v 11.481 27.717 -5 +v -7.072 13.231 5 +v 29.856 -2.941 5 +v 30 0 5 +v 13.861 -5.741 -5 +v 7.072 13.231 -5 +v -8.335 12.474 -5 +v 8.709 28.708 -5 +v -5.741 13.861 5 +v 13.231 -7.072 -5 +v -29.424 5.853 -5 +v -16.667 -24.944 -5 +v 8.335 12.474 -5 +v -28.708 8.709 -5 +v -27.717 11.481 -5 +v -21.213 -21.213 -5 +v -26.458 14.142 -5 +v -24.944 16.667 -5 +v -23.191 19.032 -5 +v 5.853 29.424 -5 +v -21.213 21.213 -5 +v -4.355 14.356 5 +v -7.072 13.231 -5 +v 26.458 -14.142 5 +v 27.717 -11.481 5 +v 28.708 -8.709 5 +v 29.424 -5.853 5 +v -11.597 -9.517 -5 +v 9.517 11.597 -5 +v 12.474 -8.335 -5 +v 2.941 29.856 -5 +v -2.927 14.714 5 +v 21.213 -21.213 5 +v -12.474 -8.335 -5 +v -5.741 13.861 -5 +v 23.191 -19.032 5 +v 24.944 -16.667 5 +v -15.002 0 -5 +v -13.231 -7.072 -5 +v -4.355 14.356 -5 +v 9.517 -11.597 -5 +v 10.608 -10.608 -5 +v -19.032 -23.191 5 +v 11.597 -9.517 -5 +v -13.861 -5.741 -5 +v -21.213 -21.213 5 +v -1.471 14.93 5 +v -2.927 14.714 -5 +v 8.335 -12.474 -5 +v -14.356 -4.355 -5 +v 29.856 2.94 5 +v -16.667 -24.944 5 +v -14.714 -2.927 -5 +v -1.471 14.93 -5 +v -11.481 -27.717 5 +v 7.072 -13.231 -5 +v -14.142 -26.458 5 +v -29.856 -2.94 -5 +v -29.856 -2.94 5 +v -14.93 -1.471 -5 +v -8.709 -28.708 5 +v 5.741 -13.861 -5 +v -29.424 -5.853 -5 +v 27.716 11.48 5 +v -29.424 -5.853 5 +v -1.471 -14.93 5 +v 4.355 -14.356 -5 +v -28.708 -8.709 -5 +v -28.708 -8.709 5 +v -14.93 1.471 -5 +v -16.667 24.944 5 +v -2.927 -14.714 5 +v -19.032 23.19 5 +v -14.93 1.471 5 +v -27.716 -11.48 -5 +v -21.213 21.213 5 +v -27.716 -11.48 5 +v -15.002 0 5 +v 11.597 9.517 5 +v 10.608 10.608 5 +v 2.927 -14.714 -5 +v -23.19 -19.032 -5 +v -24.944 -16.667 -5 +v -26.458 -14.142 -5 +v -26.458 -14.142 5 +v -14.714 2.927 -5 +v 12.474 8.335 5 +v -14.714 2.927 5 +v -4.355 -14.356 5 +v -24.944 -16.667 5 +v -5.741 -13.861 5 +v 13.231 7.072 5 +v -14.356 4.355 -5 +v -14.356 4.355 5 +v -23.19 -19.032 5 +v -7.072 -13.231 5 +v 13.861 5.741 5 +v -13.861 5.741 -5 +v -13.861 5.741 5 +v -19.032 -23.191 -5 +v -8.335 -12.474 5 +v 14.356 4.355 5 +v 21.213 -21.213 -5 +v 19.032 -23.19 -5 +v -13.231 7.072 -5 +v -13.231 7.072 5 +v 16.667 -24.944 -5 +v 14.142 -26.458 -5 +v 11.48 -27.716 -5 +v -9.517 -11.597 5 +v 8.709 -28.708 -5 +v 5.853 -29.424 -5 +v 2.94 -29.856 -5 +v 14.714 2.927 5 +v -12.474 8.335 5 +v -12.474 8.335 -5 +v -10.608 -10.608 5 +v -11.597 9.517 5 +v 14.93 1.471 5 +v -11.481 -27.717 -5 +v 5.853 -29.424 5 +v 8.709 -28.708 5 +v 14.142 -26.458 5 +v 16.667 -24.944 5 +v 1.471 14.93 5 +v 19.032 -23.19 5 +v -5.853 -29.424 5 +v -2.941 -29.856 5 +v 2.927 14.714 5 +v 23.191 -19.032 -5 +v 0 -30 5 +v 4.355 14.356 5 +v 24.944 -16.667 -5 +v -1.471 -14.93 -5 +v 26.458 -14.142 -5 +v 5.741 13.861 5 +v -2.927 -14.714 -5 +v 7.072 13.231 5 +v 27.717 -11.481 -5 +v 28.708 -8.709 -5 +v -4.355 -14.356 -5 +v 8.335 12.474 5 +v 29.424 -5.853 -5 +v 9.517 11.597 5 +v 29.856 -2.941 -5 +v -19.032 23.19 -5 +v -16.667 24.944 -5 +v -23.191 19.032 5 +v -24.944 16.667 5 +v -26.458 14.142 5 +v -27.717 11.481 5 +v -28.708 8.709 5 +v -29.424 5.853 5 +v 2.94 -29.856 5 +v -11.597 -9.517 5 +v 9.517 -11.597 5 +v -12.474 -8.335 5 +v 8.335 -12.474 5 +v 11.48 -27.716 5 +v -13.231 -7.072 5 +v 7.072 -13.231 5 +v -13.861 -5.741 5 +v 5.741 -13.861 5 +v -14.356 -4.355 5 +v 4.355 -14.356 5 +v -14.714 -2.927 5 +v 2.927 -14.714 5 +v -14.93 -1.471 5 +# 256 vertices + +g group_0_40919 + +usemtl color_40919 +s 0 + +f 44 42 50 +f 44 50 51 +f 50 58 59 +f 50 59 51 +f 59 67 64 +f 226 64 224 +f 39 213 46 +f 230 64 226 +f 68 224 64 +f 64 230 59 +f 69 224 68 +f 69 70 217 +f 46 213 70 +f 59 230 51 +f 65 40 63 +f 58 67 59 +f 67 89 68 +f 67 68 64 +f 89 96 69 +f 89 69 68 +f 96 108 70 +f 96 70 69 +f 108 119 46 +f 108 46 70 +f 119 40 39 +f 119 39 46 +f 88 67 94 +f 94 67 101 +f 58 50 101 +f 117 101 50 +f 42 117 50 +f 2 117 42 +f 67 58 101 +f 81 73 96 +f 73 63 108 +f 119 108 63 +f 119 63 40 +f 108 96 73 +f 88 81 96 +f 96 89 88 +f 67 88 89 +f 63 213 47 +f 63 47 65 +f 73 217 213 +f 73 213 63 +f 81 220 217 +f 81 217 73 +f 217 70 213 +f 47 213 39 +f 88 224 220 +f 88 220 81 +f 220 69 217 +f 94 226 224 +f 94 224 88 +f 101 230 226 +f 101 226 94 +f 224 69 220 +f 117 232 230 +f 117 230 101 +f 168 232 117 +f 168 117 2 +f 168 44 232 +f 44 51 232 +f 232 51 230 +# 64 faces + +g group_0_3888547 + +usemtl color_3888547 +s 0 + +f 2 42 1 +f 42 29 1 +f 3 1 29 +f 13 15 17 +f 13 17 20 +f 23 24 25 +f 23 25 26 +f 29 25 3 +f 25 24 3 +f 6 3 24 +f 9 6 24 +f 24 52 9 +f 25 29 30 +f 25 30 26 +f 29 42 44 +f 29 44 30 +f 52 17 9 +f 18 9 17 +f 27 18 17 +f 17 15 27 +f 28 27 15 +f 15 54 28 +f 54 57 28 +f 33 28 57 +f 92 57 54 +f 92 54 139 +f 54 15 13 +f 54 13 139 +f 20 17 52 +f 20 52 152 +f 52 24 23 +f 52 23 152 +f 1 167 168 +f 1 168 2 +f 3 175 167 +f 3 167 1 +f 6 180 175 +f 6 175 3 +f 26 30 175 +f 9 185 180 +f 9 180 6 +f 152 23 185 +f 18 190 185 +f 18 185 9 +f 185 190 20 +f 168 167 44 +f 27 202 190 +f 27 190 18 +f 202 207 13 +f 28 207 202 +f 28 202 27 +f 139 13 207 +f 92 139 207 +f 33 62 207 +f 33 207 28 +f 62 92 207 +f 13 20 202 +f 190 202 20 +f 20 152 185 +f 180 185 23 +f 175 180 23 +f 23 26 175 +f 167 175 30 +f 44 167 30 +# 64 faces + +g group_0_4634441 + +usemtl color_4634441 +s 0 + +f 102 103 186 +f 32 34 36 +f 32 36 38 +f 193 186 105 +f 103 105 186 +f 204 193 105 +f 105 106 204 +f 106 107 204 +f 5 204 107 +f 4 5 109 +f 107 109 5 +f 99 102 174 +f 174 158 99 +f 34 32 158 +f 34 158 126 +f 158 162 166 +f 158 166 126 +f 174 176 162 +f 174 162 158 +f 181 182 176 +f 181 176 174 +f 186 187 182 +f 186 182 181 +f 193 194 187 +f 193 187 186 +f 204 203 194 +f 204 194 193 +f 5 206 203 +f 5 203 204 +f 75 206 5 +f 75 5 4 +f 206 75 164 +f 164 236 206 +f 187 194 238 +f 237 238 203 +f 194 203 238 +f 236 237 203 +f 203 206 236 +f 238 239 187 +f 239 240 187 +f 182 187 240 +f 176 182 240 +f 240 241 176 +f 162 176 241 +f 241 38 162 +f 38 36 162 +f 166 162 36 +f 32 99 158 +f 164 109 107 +f 164 107 236 +f 107 106 237 +f 107 237 236 +f 181 174 102 +f 186 181 102 +f 106 105 238 +f 106 238 237 +f 105 103 239 +f 105 239 238 +f 103 102 240 +f 103 240 239 +f 102 99 241 +f 102 241 240 +f 99 32 38 +f 99 38 241 +# 64 faces + +g group_0_8273816 + +usemtl color_8273816 +s 0 + +f 125 112 16 +f 53 55 62 +f 53 62 33 +f 71 72 55 +f 71 55 53 +f 85 86 72 +f 85 72 71 +f 93 11 86 +f 93 86 85 +f 98 12 11 +f 98 11 93 +f 62 55 92 +f 91 92 55 +f 72 115 55 +f 112 113 11 +f 12 16 112 +f 21 124 16 +f 22 121 21 +f 121 124 21 +f 11 12 112 +f 113 114 11 +f 72 86 114 +f 114 115 72 +f 91 55 115 +f 118 16 12 +f 118 12 98 +f 125 16 124 +f 132 21 16 +f 132 16 118 +f 22 21 132 +f 22 132 130 +f 33 57 53 +f 71 53 231 +f 121 191 218 +f 121 218 124 +f 218 221 125 +f 218 125 124 +f 223 112 221 +f 125 221 112 +f 221 218 118 +f 223 227 113 +f 223 113 112 +f 227 228 114 +f 227 114 113 +f 228 231 115 +f 228 115 114 +f 231 233 91 +f 231 91 115 +f 130 132 191 +f 233 57 92 +f 233 92 91 +f 98 93 223 +f 93 85 228 +f 118 98 223 +f 223 221 118 +f 191 132 218 +f 132 118 218 +f 85 71 228 +f 228 227 93 +f 227 223 93 +f 231 228 71 +f 233 231 53 +f 57 233 53 +f 86 11 114 +# 64 faces + +g group_0_14093196 + +usemtl color_14093196 +s 0 + +f 39 40 41 +f 39 41 43 +f 41 48 49 +f 41 49 43 +f 56 60 61 +f 56 61 66 +f 61 80 82 +f 61 82 66 +f 159 161 83 +f 75 76 164 +f 87 76 75 +f 87 75 4 +f 66 82 97 +f 95 83 76 +f 95 76 87 +f 49 56 120 +f 120 135 49 +f 111 90 83 +f 111 83 95 +f 43 49 135 +f 123 97 90 +f 123 90 111 +f 128 110 97 +f 128 97 123 +f 39 43 135 +f 136 120 110 +f 136 110 128 +f 47 39 135 +f 142 135 120 +f 142 120 136 +f 65 47 135 +f 65 135 142 +f 90 97 82 +f 56 66 97 +f 83 90 82 +f 82 159 83 +f 97 110 56 +f 110 120 56 +f 76 83 161 +f 164 76 161 +f 4 109 87 +f 109 234 87 +f 87 234 95 +f 111 95 80 +f 123 111 80 +f 80 61 123 +f 61 60 123 +f 128 123 60 +f 136 128 60 +f 60 48 136 +f 142 136 48 +f 48 41 142 +f 41 40 142 +f 65 142 40 +f 235 95 234 +f 80 95 235 +f 49 48 60 +f 49 60 56 +f 235 159 80 +f 82 80 159 +f 235 234 161 +f 235 161 159 +f 234 109 164 +f 234 164 161 +# 64 faces + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 31 35 37 +f 31 37 45 +f 130 191 129 +f 191 192 129 +f 137 129 192 +f 192 195 137 +f 195 196 137 +f 144 137 196 +f 150 144 196 +f 196 197 150 +f 197 199 150 +f 155 150 199 +f 169 155 199 +f 199 200 169 +f 35 169 200 +f 200 201 35 +f 201 74 35 +f 37 35 74 +f 209 200 199 +f 209 199 210 +f 211 196 195 +f 211 195 212 +f 195 192 214 +f 195 214 212 +f 192 191 121 +f 192 121 214 +f 219 74 201 +f 219 201 242 +f 201 200 209 +f 201 209 242 +f 210 199 197 +f 210 197 247 +f 212 214 246 +f 197 196 211 +f 197 211 247 +f 247 211 251 +f 251 253 210 +f 129 244 22 +f 129 22 130 +f 255 31 209 +f 22 244 121 +f 137 246 244 +f 137 244 129 +f 242 209 31 +f 144 249 246 +f 144 246 137 +f 150 251 249 +f 150 249 144 +f 219 242 31 +f 155 253 251 +f 155 251 150 +f 169 255 253 +f 169 253 155 +f 45 219 31 +f 35 31 255 +f 35 255 169 +f 209 210 255 +f 253 255 210 +f 210 247 251 +f 249 251 211 +f 246 249 211 +f 211 212 246 +f 244 246 214 +f 121 244 214 +# 64 faces + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 78 79 225 +f 229 225 79 +f 8 229 79 +f 7 8 84 +f 208 84 8 +f 84 100 10 +f 79 208 8 +f 19 14 104 +f 100 188 10 +f 74 222 37 +f 14 10 188 +f 149 215 160 +f 177 149 160 +f 188 131 134 +f 188 134 104 +f 189 145 184 +f 100 131 188 +f 131 100 140 +f 184 145 179 +f 140 100 145 +f 84 145 100 +f 208 143 145 +f 208 145 84 +f 79 143 208 +f 143 79 149 +f 78 215 149 +f 78 149 79 +f 77 216 215 +f 77 215 78 +f 74 219 216 +f 74 216 77 +f 222 154 45 +f 222 45 37 +f 225 160 154 +f 225 154 222 +f 229 177 160 +f 229 160 225 +f 8 179 177 +f 8 177 229 +f 45 154 219 +f 160 215 154 +f 219 154 216 +f 145 143 179 +f 134 131 198 +f 205 134 198 +f 198 131 189 +f 143 149 179 +f 177 179 149 +f 216 154 215 +f 7 184 179 +f 7 179 8 +f 140 189 131 +f 145 189 140 +f 10 189 184 +f 10 184 7 +f 14 198 189 +f 14 189 10 +f 205 198 14 +f 205 14 19 +f 104 14 188 +f 10 7 84 +f 74 77 222 +f 77 78 222 +f 225 222 78 +# 64 faces + +g group_0_16768282 + +usemtl color_16768282 +s 0 + +f 19 104 116 +f 104 170 116 +f 122 116 170 +f 170 171 122 +f 36 34 146 +f 36 146 147 +f 171 172 122 +f 127 122 172 +f 146 151 153 +f 146 153 147 +f 133 127 172 +f 172 163 133 +f 151 156 157 +f 151 157 153 +f 156 163 165 +f 156 165 157 +f 163 156 133 +f 138 133 156 +f 141 138 156 +f 156 151 141 +f 148 141 151 +f 151 146 148 +f 146 34 148 +f 126 148 34 +f 163 172 173 +f 163 173 165 +f 172 171 178 +f 172 178 173 +f 171 170 183 +f 171 183 178 +f 170 104 134 +f 170 134 183 +f 178 183 245 +f 165 173 250 +f 250 252 157 +f 254 256 153 +f 205 243 134 +f 116 243 205 +f 116 205 19 +f 147 153 256 +f 122 245 243 +f 122 243 116 +f 36 147 256 +f 127 248 245 +f 127 245 122 +f 166 36 256 +f 133 250 248 +f 133 248 127 +f 138 252 250 +f 138 250 133 +f 141 254 252 +f 141 252 138 +f 148 256 254 +f 148 254 141 +f 256 148 126 +f 256 126 166 +f 153 157 254 +f 252 254 157 +f 157 165 250 +f 248 250 173 +f 245 248 173 +f 173 178 245 +f 243 245 183 +f 134 243 183 +# 64 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/hanoi/disk0.urdf b/cliport/environments/assets/hanoi/disk0.urdf new file mode 100644 index 0000000000000000000000000000000000000000..6248e4a65fa3419b226cad423766af3f51e9c8f3 --- /dev/null +++ b/cliport/environments/assets/hanoi/disk0.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/hanoi/disk1.obj b/cliport/environments/assets/hanoi/disk1.obj new file mode 100644 index 0000000000000000000000000000000000000000..b9c32657dfbfdd0b38a773564764eb58cf0e6db0 --- /dev/null +++ b/cliport/environments/assets/hanoi/disk1.obj @@ -0,0 +1,833 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -11.597 9.517 -5 +v -12.474 8.335 -5 +v -10.608 10.608 -5 +v 30.867 16.499 -5 +v 29.101 19.445 -5 +v 29.101 19.445 5 +v 30.867 16.499 5 +v 27.055 22.204 -5 +v 27.055 22.204 5 +v 11.597 9.517 -5 +v 10.608 10.608 -5 +v 24.749 24.749 -5 +v 24.749 24.749 5 +v 12.474 8.335 -5 +v -35 0 -5 +v -34.832 3.431 -5 +v 22.204 27.056 -5 +v -34.328 6.828 -5 +v 22.204 27.056 5 +v -33.493 10.16 -5 +v -32.336 13.394 -5 +v -30.868 16.499 -5 +v -29.102 19.445 -5 +v -27.056 22.204 -5 +v -24.749 24.749 -5 +v 19.445 29.102 -5 +v 19.445 29.102 5 +v 16.499 30.868 -5 +v 16.499 30.868 5 +v -15.002 0 -5 +v 13.394 32.336 -5 +v 13.394 32.336 5 +v 9.517 -11.597 -5 +v 10.608 -10.608 -5 +v 8.335 -12.474 -5 +v 10.16 33.493 -5 +v 10.16 33.493 5 +v 7.072 -13.231 -5 +v 6.828 34.328 -5 +v 6.828 34.328 5 +v 3.431 34.832 -5 +v 3.431 34.832 5 +v 0 35 -5 +v 0 35 5 +v 34.831 3.431 5 +v 34.831 3.431 -5 +v 34.327 6.828 -5 +v 34.327 6.828 5 +v 33.493 10.16 -5 +v 33.493 10.16 5 +v 11.597 9.517 5 +v 10.608 10.608 5 +v 12.474 8.335 5 +v 13.231 7.072 -5 +v 13.231 7.072 5 +v 13.861 5.741 -5 +v 13.861 5.741 5 +v 14.356 4.355 -5 +v 14.356 4.355 5 +v 14.714 2.927 -5 +v 14.714 2.927 5 +v 14.93 1.471 -5 +v 14.93 1.471 5 +v 15.002 0 -5 +v 15.002 0 5 +v 1.471 14.93 -5 +v 1.471 14.93 5 +v 0 15.002 5 +v 0 15.002 -5 +v 2.927 14.714 -5 +v 2.927 14.714 5 +v 4.355 14.356 -5 +v 4.355 14.356 5 +v 5.741 13.861 -5 +v 5.741 13.861 5 +v 7.072 13.231 -5 +v 7.072 13.231 5 +v 8.335 12.474 -5 +v 8.335 12.474 5 +v 9.517 11.597 -5 +v 9.517 11.597 5 +v -3.431 34.831 -5 +v -3.431 34.831 5 +v -10.16 33.493 5 +v -10.16 33.493 -5 +v -13.394 32.336 -5 +v -13.394 32.336 5 +v -14.93 -1.471 -5 +v -14.714 -2.927 -5 +v -16.499 30.867 -5 +v -16.499 30.867 5 +v -19.445 29.101 -5 +v -19.445 29.101 5 +v -22.204 27.055 -5 +v -22.204 27.055 5 +v -24.749 24.749 5 +v 14.93 -1.471 -5 +v -24.749 -24.749 -5 +v -27.055 -22.204 -5 +v 14.93 -1.471 5 +v -29.101 -19.445 -5 +v -30.867 -16.499 -5 +v -32.336 -13.394 -5 +v -33.493 -10.16 -5 +v -34.327 -6.828 -5 +v 14.714 -2.927 -5 +v 14.714 -2.927 5 +v 14.356 -4.355 -5 +v 14.356 -4.355 5 +v 13.861 -5.741 -5 +v 13.861 -5.741 5 +v 13.231 -7.072 -5 +v -27.056 22.204 5 +v -29.102 19.445 5 +v -30.868 16.499 5 +v -32.336 13.394 5 +v -33.493 10.16 5 +v -34.328 6.828 5 +v -34.832 3.431 5 +v 5.741 -13.861 -5 +v 4.355 -14.356 -5 +v 2.927 -14.714 -5 +v 32.336 13.394 -5 +v 35 0 -5 +v 1.471 -14.93 -5 +v 0 -15.002 -5 +v 24.749 -24.749 -5 +v 22.204 -27.055 -5 +v 19.445 -29.101 -5 +v 16.499 -30.867 -5 +v 13.394 -32.336 -5 +v 10.16 -33.493 -5 +v 6.828 -34.327 -5 +v 3.431 -34.831 -5 +v 0 -35 -5 +v 12.474 -8.335 -5 +v 11.597 -9.517 -5 +v 34.832 -3.431 -5 +v 34.328 -6.828 -5 +v 33.493 -10.16 -5 +v 32.336 -13.394 -5 +v -9.517 11.597 -5 +v -8.335 12.474 -5 +v -7.072 13.231 -5 +v 30.868 -16.499 -5 +v 29.102 -19.445 -5 +v 27.056 -22.204 -5 +v -5.741 13.861 -5 +v -11.597 -9.517 -5 +v -10.608 -10.608 -5 +v -4.355 14.356 -5 +v -12.474 -8.335 -5 +v -2.927 14.714 -5 +v -13.231 -7.072 -5 +v -1.471 14.93 -5 +v -13.861 -5.741 -5 +v -14.356 -4.355 -5 +v -6.828 34.327 -5 +v -35 0 5 +v -14.93 1.471 -5 +v 13.231 -7.072 5 +v -6.828 34.327 5 +v -14.714 2.927 -5 +v 12.474 -8.335 5 +v -14.356 4.355 -5 +v -9.517 11.597 5 +v -10.608 10.608 5 +v 11.597 -9.517 5 +v -13.861 5.741 -5 +v -8.335 12.474 5 +v -13.231 7.072 -5 +v 10.608 -10.608 5 +v -7.072 13.231 5 +v -34.831 -3.431 -5 +v -34.831 -3.431 5 +v -5.741 13.861 5 +v -33.493 -10.16 5 +v -32.336 -13.394 5 +v -4.355 14.356 5 +v -30.867 -16.499 5 +v -29.101 -19.445 5 +v -2.927 14.714 5 +v -27.055 -22.204 5 +v -1.471 14.93 5 +v -24.749 -24.749 5 +v -22.204 -27.056 -5 +v -22.204 -27.056 5 +v -19.445 -29.102 -5 +v -19.445 -29.102 5 +v -14.93 1.471 5 +v -16.499 -30.868 -5 +v -16.499 -30.868 5 +v -15.002 0 5 +v -13.394 -32.336 -5 +v -13.394 -32.336 5 +v -14.714 2.927 5 +v -10.16 -33.493 -5 +v -10.16 -33.493 5 +v -14.356 4.355 5 +v -6.828 -34.328 -5 +v -6.828 -34.328 5 +v -13.861 5.741 5 +v -3.431 -34.832 -5 +v -3.431 -34.832 5 +v -13.231 7.072 5 +v 0 -35 5 +v -34.327 -6.828 5 +v -12.474 8.335 5 +v -11.597 9.517 5 +v -11.597 -9.517 5 +v -10.608 -10.608 5 +v -12.474 -8.335 5 +v 3.431 -34.831 5 +v -13.231 -7.072 5 +v 6.828 -34.327 5 +v 34.832 -3.431 5 +v -13.861 -5.741 5 +v 35 0 5 +v 10.16 -33.493 5 +v -14.356 -4.355 5 +v 13.394 -32.336 5 +v 32.336 -13.394 5 +v 33.493 -10.16 5 +v 34.328 -6.828 5 +v 16.499 -30.867 5 +v -14.714 -2.927 5 +v 19.445 -29.101 5 +v 24.749 -24.749 5 +v 27.056 -22.204 5 +v 29.102 -19.445 5 +v 30.868 -16.499 5 +v -14.93 -1.471 5 +v 22.204 -27.055 5 +v -1.471 -14.93 -5 +v -1.471 -14.93 5 +v 0 -15.002 5 +v -2.927 -14.714 -5 +v -2.927 -14.714 5 +v -4.355 -14.356 -5 +v -4.355 -14.356 5 +v -5.741 -13.861 -5 +v -5.741 -13.861 5 +v -7.072 -13.231 -5 +v -7.072 -13.231 5 +v -8.335 -12.474 -5 +v -8.335 -12.474 5 +v 9.517 -11.597 5 +v -9.517 -11.597 -5 +v -9.517 -11.597 5 +v 8.335 -12.474 5 +v 7.072 -13.231 5 +v 5.741 -13.861 5 +v 4.355 -14.356 5 +v 2.927 -14.714 5 +v 1.471 -14.93 5 +v 32.336 13.394 5 +# 256 vertices + +g group_0_40919 + +usemtl color_40919 +s 0 + +f 13 12 17 +f 13 17 19 +f 17 26 27 +f 17 27 19 +f 26 28 29 +f 26 29 27 +f 28 31 32 +f 28 32 29 +f 31 36 37 +f 31 37 32 +f 36 39 40 +f 36 40 37 +f 39 41 42 +f 39 42 40 +f 41 43 44 +f 41 44 42 +f 66 67 68 +f 66 68 69 +f 70 71 67 +f 70 67 66 +f 72 73 71 +f 72 71 70 +f 74 75 73 +f 74 73 72 +f 76 77 75 +f 76 75 74 +f 78 79 77 +f 78 77 76 +f 80 81 79 +f 80 79 78 +f 52 81 80 +f 52 80 11 +f 72 36 74 +f 36 31 74 +f 31 28 74 +f 12 11 80 +f 80 78 17 +f 26 17 78 +f 78 76 26 +f 76 74 28 +f 28 26 76 +f 66 39 70 +f 70 36 72 +f 69 43 66 +f 43 41 66 +f 39 66 41 +f 36 70 39 +f 12 80 17 +f 68 67 44 +f 42 44 67 +f 71 40 67 +f 13 19 81 +f 81 19 79 +f 71 73 37 +f 37 40 71 +f 42 67 40 +f 27 79 19 +f 29 77 27 +f 32 75 29 +f 73 75 37 +f 77 29 75 +f 32 37 75 +f 79 27 77 +f 13 81 52 +# 64 faces + +g group_0_3888547 + +usemtl color_3888547 +s 0 + +f 4 5 6 +f 4 6 7 +f 5 8 9 +f 5 9 6 +f 8 12 13 +f 8 13 9 +f 45 46 47 +f 45 47 48 +f 47 49 50 +f 47 50 48 +f 10 51 52 +f 10 52 11 +f 14 53 51 +f 14 51 10 +f 54 55 53 +f 54 53 14 +f 56 57 55 +f 56 55 54 +f 58 59 57 +f 58 57 56 +f 60 61 59 +f 60 59 58 +f 62 63 61 +f 62 61 60 +f 64 65 63 +f 64 63 62 +f 11 12 10 +f 12 8 10 +f 14 10 8 +f 8 5 14 +f 5 4 14 +f 54 14 4 +f 56 54 4 +f 4 123 56 +f 123 49 56 +f 58 56 49 +f 60 58 49 +f 49 47 60 +f 62 60 47 +f 47 46 62 +f 46 124 62 +f 64 62 124 +f 124 46 45 +f 124 45 218 +f 50 49 123 +f 50 123 256 +f 123 4 7 +f 123 7 256 +f 6 9 53 +f 256 7 57 +f 57 59 50 +f 61 63 48 +f 45 48 63 +f 52 51 13 +f 218 45 63 +f 65 218 63 +f 48 50 61 +f 59 61 50 +f 50 256 57 +f 55 57 7 +f 53 55 7 +f 7 6 53 +f 51 53 9 +f 13 51 9 +# 64 faces + +g group_0_4634441 + +usemtl color_4634441 +s 0 + +f 2 24 1 +f 165 163 20 +f 169 165 20 +f 21 169 20 +f 22 169 21 +f 25 1 24 +f 23 171 22 +f 24 2 23 +f 3 1 25 +f 163 160 18 +f 18 20 163 +f 15 16 160 +f 15 160 30 +f 96 25 24 +f 96 24 113 +f 24 23 114 +f 24 114 113 +f 23 22 115 +f 23 115 114 +f 22 21 116 +f 22 116 115 +f 21 20 117 +f 21 117 116 +f 20 18 118 +f 20 118 117 +f 18 16 119 +f 18 119 118 +f 16 15 159 +f 16 159 119 +f 16 18 160 +f 160 190 193 +f 160 193 30 +f 163 196 190 +f 163 190 160 +f 165 199 196 +f 165 196 163 +f 169 202 199 +f 169 199 165 +f 171 205 202 +f 171 202 169 +f 2 208 205 +f 2 205 171 +f 1 209 208 +f 1 208 2 +f 167 209 1 +f 167 1 3 +f 209 167 96 +f 96 113 209 +f 202 205 115 +f 205 208 114 +f 114 115 205 +f 113 114 208 +f 208 209 113 +f 115 116 202 +f 116 117 202 +f 199 202 117 +f 196 199 117 +f 117 118 196 +f 190 196 118 +f 118 119 190 +f 119 159 190 +f 193 190 159 +f 169 22 171 +f 171 23 2 +# 64 faces + +g group_0_8273816 + +usemtl color_8273816 +s 0 + +f 97 100 65 +f 97 65 64 +f 106 107 100 +f 106 100 97 +f 108 109 107 +f 108 107 106 +f 110 111 109 +f 110 109 108 +f 64 124 97 +f 139 140 106 +f 146 147 136 +f 34 137 127 +f 140 141 110 +f 112 110 145 +f 145 146 112 +f 108 106 140 +f 110 108 140 +f 141 145 110 +f 106 97 139 +f 138 139 97 +f 124 138 97 +f 136 112 146 +f 137 136 147 +f 127 137 147 +f 112 161 111 +f 112 111 110 +f 136 164 161 +f 136 161 112 +f 137 168 164 +f 137 164 136 +f 172 168 137 +f 172 137 34 +f 65 100 218 +f 216 218 100 +f 107 224 100 +f 161 231 111 +f 164 230 161 +f 168 229 164 +f 172 228 168 +f 229 168 228 +f 222 111 231 +f 223 111 222 +f 223 224 107 +f 216 100 224 +f 230 164 229 +f 231 161 230 +f 228 127 147 +f 228 147 229 +f 147 146 230 +f 147 230 229 +f 146 145 231 +f 146 231 230 +f 231 141 222 +f 145 141 231 +f 141 140 223 +f 141 223 222 +f 140 139 224 +f 140 224 223 +f 139 138 216 +f 139 216 224 +f 138 124 218 +f 138 218 216 +f 111 223 109 +f 109 223 107 +# 64 faces + +g group_0_14093196 + +usemtl color_14093196 +s 0 + +f 43 82 83 +f 43 83 44 +f 84 85 86 +f 84 86 87 +f 87 86 90 +f 87 90 91 +f 90 92 93 +f 90 93 91 +f 92 94 95 +f 92 95 93 +f 94 25 96 +f 94 96 95 +f 3 25 142 +f 25 94 142 +f 142 94 143 +f 143 90 144 +f 144 90 148 +f 86 85 148 +f 151 148 85 +f 153 151 85 +f 85 158 153 +f 155 153 158 +f 158 82 155 +f 82 43 155 +f 69 155 43 +f 92 143 94 +f 90 143 92 +f 86 148 90 +f 83 82 158 +f 83 158 162 +f 158 85 84 +f 158 84 162 +f 142 166 167 +f 142 167 3 +f 143 170 166 +f 143 166 142 +f 144 173 170 +f 144 170 143 +f 148 176 173 +f 148 173 144 +f 151 179 176 +f 151 176 148 +f 153 182 179 +f 153 179 151 +f 155 184 182 +f 155 182 153 +f 69 68 184 +f 69 184 155 +f 93 95 170 +f 167 166 96 +f 87 91 176 +f 176 179 84 +f 182 184 162 +f 83 162 184 +f 44 83 184 +f 68 44 184 +f 84 87 176 +f 173 176 91 +f 170 173 91 +f 179 182 84 +f 162 84 182 +f 91 93 170 +f 166 170 95 +f 96 166 95 +# 64 faces + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 34 127 33 +f 127 128 33 +f 35 33 128 +f 128 129 35 +f 129 130 35 +f 38 35 130 +f 120 38 130 +f 130 131 120 +f 131 132 120 +f 121 120 132 +f 122 121 132 +f 132 133 122 +f 125 122 133 +f 133 134 125 +f 134 135 125 +f 126 125 135 +f 134 213 135 +f 206 135 213 +f 134 133 215 +f 134 215 213 +f 133 132 219 +f 133 219 215 +f 132 131 221 +f 132 221 219 +f 131 130 225 +f 131 225 221 +f 130 129 227 +f 130 227 225 +f 129 128 233 +f 129 233 227 +f 128 127 228 +f 128 228 233 +f 33 247 172 +f 33 172 34 +f 35 250 247 +f 35 247 33 +f 38 251 250 +f 38 250 35 +f 120 252 251 +f 120 251 38 +f 121 253 252 +f 121 252 120 +f 122 254 253 +f 122 253 121 +f 125 255 254 +f 125 254 122 +f 255 125 126 +f 255 126 236 +f 227 233 250 +f 221 225 252 +f 252 253 219 +f 254 255 215 +f 172 247 228 +f 213 215 255 +f 206 213 255 +f 236 206 255 +f 215 219 254 +f 253 254 219 +f 219 221 252 +f 251 252 225 +f 250 251 225 +f 225 227 250 +f 247 250 233 +f 228 247 233 +# 64 faces + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 186 187 185 +f 186 185 98 +f 188 189 187 +f 188 187 186 +f 191 192 189 +f 191 189 188 +f 194 195 191 +f 191 195 192 +f 197 198 195 +f 197 195 194 +f 200 201 198 +f 200 198 197 +f 203 204 201 +f 203 201 200 +f 204 203 206 +f 135 206 203 +f 234 235 236 +f 234 236 126 +f 237 238 235 +f 237 235 234 +f 239 240 238 +f 239 238 237 +f 241 242 240 +f 241 240 239 +f 243 244 242 +f 243 242 241 +f 245 246 244 +f 245 244 243 +f 248 249 246 +f 248 246 245 +f 211 249 248 +f 211 248 150 +f 244 192 242 +f 249 187 246 +f 185 249 211 +f 185 187 249 +f 236 235 206 +f 238 201 235 +f 206 235 204 +f 240 198 238 +f 242 198 240 +f 246 189 244 +f 189 246 187 +f 198 242 195 +f 198 201 238 +f 204 235 201 +f 192 244 189 +f 195 242 192 +f 126 135 234 +f 200 197 237 +f 188 186 245 +f 150 248 98 +f 243 241 191 +f 191 188 243 +f 245 243 188 +f 241 239 197 +f 239 237 197 +f 197 194 241 +f 194 191 241 +f 237 234 200 +f 203 200 234 +f 135 203 234 +f 248 245 186 +f 98 248 186 +# 64 faces + +g group_0_16768282 + +usemtl color_16768282 +s 0 + +f 156 154 102 +f 102 103 156 +f 150 98 149 +f 98 99 149 +f 152 149 99 +f 99 101 152 +f 101 102 152 +f 154 152 102 +f 159 15 174 +f 159 174 175 +f 177 104 103 +f 177 103 178 +f 103 102 180 +f 103 180 178 +f 102 101 181 +f 102 181 180 +f 101 99 183 +f 101 183 181 +f 99 98 185 +f 99 185 183 +f 175 174 105 +f 175 105 207 +f 105 104 177 +f 105 177 207 +f 149 210 211 +f 149 211 150 +f 152 212 210 +f 152 210 149 +f 154 214 212 +f 154 212 152 +f 156 217 214 +f 156 214 154 +f 157 220 217 +f 157 217 156 +f 89 226 220 +f 89 220 157 +f 88 232 226 +f 88 226 89 +f 232 88 30 +f 232 30 193 +f 181 183 212 +f 211 210 185 +f 178 180 217 +f 217 220 177 +f 226 232 207 +f 175 207 232 +f 159 175 232 +f 193 159 232 +f 207 177 226 +f 220 226 177 +f 177 178 217 +f 214 217 180 +f 212 214 180 +f 180 181 212 +f 210 212 183 +f 185 210 183 +f 103 104 156 +f 157 156 104 +f 89 157 104 +f 104 105 89 +f 88 89 105 +f 105 174 88 +f 174 15 88 +f 30 88 15 +# 64 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/hanoi/disk1.urdf b/cliport/environments/assets/hanoi/disk1.urdf new file mode 100644 index 0000000000000000000000000000000000000000..8da7dd5980c410b52b915ad6d9757ba507960220 --- /dev/null +++ b/cliport/environments/assets/hanoi/disk1.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/hanoi/disk2.obj b/cliport/environments/assets/hanoi/disk2.obj new file mode 100644 index 0000000000000000000000000000000000000000..fdd89523f1f9087bf2c1aef52f7d721fecb98e46 --- /dev/null +++ b/cliport/environments/assets/hanoi/disk2.obj @@ -0,0 +1,881 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 11.597 9.517 -5 +v 10.608 10.608 -5 +v 12.474 8.335 -5 +v 13.231 7.072 -5 +v 13.861 5.741 -5 +v 14.356 4.355 -5 +v 14.714 -2.927 -5 +v 14.714 -2.927 5 +v 14.93 -1.471 5 +v 14.93 -1.471 -5 +v 14.714 2.927 -5 +v 14.356 -4.355 -5 +v 14.356 -4.355 5 +v 14.93 1.471 -5 +v 13.861 -5.741 -5 +v 13.861 -5.741 5 +v 15.002 0 -5 +v 13.231 -7.072 -5 +v 13.231 -7.072 5 +v 12.474 -8.335 -5 +v 12.474 -8.335 5 +v 11.597 -9.517 -5 +v 11.597 -9.517 5 +v 28.284 28.284 -5 +v 30.92 25.376 -5 +v 33.259 22.223 -5 +v 35.277 18.856 -5 +v 36.955 15.307 -5 +v 38.278 11.611 -5 +v 39.231 7.804 -5 +v 39.807 3.921 -5 +v 40 0 -5 +v 1.471 14.93 -5 +v 0 15.002 -5 +v 2.927 14.714 -5 +v 4.355 14.356 -5 +v 5.741 13.861 -5 +v 7.072 13.231 -5 +v 8.335 12.474 -5 +v 9.517 11.597 -5 +v 10.608 -10.608 5 +v 10.608 -10.608 -5 +v -40 0 5 +v -40 0 -5 +v -39.807 -3.921 -5 +v -39.807 -3.921 5 +v -39.231 -7.804 -5 +v -39.231 -7.804 5 +v -35.277 -18.856 5 +v -35.277 -18.856 -5 +v -33.259 -22.223 -5 +v -33.259 -22.223 5 +v -30.92 -25.376 -5 +v -30.92 -25.376 5 +v -28.2845 -28.2845 5 +v -28.2845 -28.2845 -5 +v -28.284 -28.285 -5 +v -28.284 -28.285 5 +v -25.376 -30.921 -5 +v -25.376 -30.921 5 +v -22.223 -33.259 -5 +v -22.223 -33.259 5 +v -10.608 10.608 -5 +v -11.597 9.517 -5 +v -18.856 -35.277 -5 +v -18.856 -35.277 5 +v -15.307 -36.956 -5 +v -15.307 -36.956 5 +v -11.611 -38.278 -5 +v -11.611 -38.278 5 +v -7.804 -39.232 -5 +v -7.804 -39.232 5 +v -3.921 -39.808 -5 +v -3.921 -39.808 5 +v 0 -40 -5 +v 0 -40 5 +v -38.278 -11.611 -5 +v -38.278 -11.611 5 +v -36.955 -15.307 -5 +v -36.955 -15.307 5 +v -28.284 -28.284 -5 +v -28.284 -28.284 5 +v -11.597 -9.517 -5 +v -11.597 -9.517 5 +v -10.608 -10.608 5 +v -10.608 -10.608 -5 +v -12.474 -8.335 -5 +v -12.474 -8.335 5 +v -13.231 -7.072 -5 +v -13.231 -7.072 5 +v -13.861 -5.741 -5 +v -13.861 -5.741 5 +v -39.808 3.921 -5 +v -39.232 7.804 -5 +v -38.278 11.611 -5 +v -36.956 15.307 -5 +v -35.277 18.856 -5 +v -33.259 22.223 -5 +v -30.921 25.376 -5 +v -28.285 28.284 -5 +v -28.2845 28.2845 -5 +v -14.356 -4.355 -5 +v -28.284 28.284 -5 +v -14.356 -4.355 5 +v -14.714 -2.927 -5 +v -14.714 -2.927 5 +v -15.002 0 -5 +v -14.93 -1.471 -5 +v -14.93 -1.471 5 +v 9.517 -11.597 -5 +v -15.002 0 5 +v 8.335 -12.474 -5 +v 7.072 -13.231 -5 +v -1.471 -14.93 -5 +v -1.471 -14.93 5 +v 0 -15.002 5 +v 0 -15.002 -5 +v 5.741 -13.861 -5 +v -2.927 -14.714 -5 +v -2.927 -14.714 5 +v 4.355 -14.356 -5 +v -4.355 -14.356 -5 +v -4.355 -14.356 5 +v 2.927 -14.714 -5 +v -5.741 -13.861 -5 +v -5.741 -13.861 5 +v 1.471 -14.93 -5 +v -7.072 -13.231 -5 +v -7.072 -13.231 5 +v -8.335 -12.474 -5 +v -8.335 -12.474 5 +v -9.517 -11.597 -5 +v -9.517 -11.597 5 +v 28.284 -28.284 -5 +v 25.376 -30.92 -5 +v 22.223 -33.259 -5 +v 18.856 -35.277 -5 +v 15.307 -36.955 -5 +v 11.611 -38.278 -5 +v 7.804 -39.231 -5 +v 3.921 -39.807 -5 +v 0 40 -5 +v 3.921 39.808 -5 +v 7.804 39.232 -5 +v 11.611 38.278 -5 +v 28.2845 28.2845 -5 +v 15.307 36.956 -5 +v 18.856 35.277 -5 +v 22.223 33.259 -5 +v 25.376 30.921 -5 +v 28.284 28.285 -5 +v -9.517 11.597 -5 +v -8.335 12.474 -5 +v -7.072 13.231 -5 +v -5.741 13.861 -5 +v -4.355 14.356 -5 +v -2.927 14.714 -5 +v -1.471 14.93 -5 +v -11.611 38.278 -5 +v -7.804 39.231 -5 +v -3.921 39.807 -5 +v -25.376 30.92 -5 +v -22.223 33.259 -5 +v -18.856 35.277 -5 +v -15.307 36.955 -5 +v -14.93 1.471 -5 +v -14.714 2.927 -5 +v -14.356 4.355 -5 +v -13.861 5.741 -5 +v 39.808 -3.921 -5 +v 39.232 -7.804 -5 +v -13.231 7.072 -5 +v 38.278 -11.611 -5 +v -12.474 8.335 -5 +v 36.956 -15.307 -5 +v 35.277 -18.856 -5 +v 33.259 -22.223 -5 +v 30.921 -25.376 -5 +v 28.285 -28.284 -5 +v 28.2845 -28.2845 -5 +v 15.307 36.956 5 +v 18.856 35.277 5 +v 11.611 38.278 5 +v 7.804 39.232 5 +v 3.921 39.808 5 +v 0 40 5 +v 39.231 7.804 5 +v 38.278 11.611 5 +v 36.955 15.307 5 +v 35.277 18.856 5 +v 30.92 25.376 5 +v 28.284 28.284 5 +v 11.597 9.517 5 +v 10.608 10.608 5 +v 12.474 8.335 5 +v 13.231 7.072 5 +v 13.861 5.741 5 +v 14.356 4.355 5 +v 14.714 2.927 5 +v 14.93 1.471 5 +v 15.002 0 5 +v 28.2845 28.2845 5 +v 1.471 14.93 5 +v 0 15.002 5 +v 2.927 14.714 5 +v 4.355 14.356 5 +v 5.741 13.861 5 +v 7.072 13.231 5 +v 8.335 12.474 5 +v 9.517 11.597 5 +v -3.921 39.807 5 +v -7.804 39.231 5 +v -18.856 35.277 5 +v -22.223 33.259 5 +v -25.376 30.92 5 +v -28.2845 28.2845 5 +v -28.285 28.284 5 +v -30.921 25.376 5 +v -33.259 22.223 5 +v -35.277 18.856 5 +v -36.956 15.307 5 +v -38.278 11.611 5 +v -39.232 7.804 5 +v -39.808 3.921 5 +v 40 0 5 +v 39.807 3.921 5 +v 33.259 22.223 5 +v -11.611 38.278 5 +v -15.307 36.955 5 +v -28.284 28.284 5 +v 28.284 28.285 5 +v 25.376 30.921 5 +v 22.223 33.259 5 +v -10.608 10.608 5 +v -9.517 11.597 5 +v -8.335 12.474 5 +v -7.072 13.231 5 +v -5.741 13.861 5 +v -4.355 14.356 5 +v -2.927 14.714 5 +v -1.471 14.93 5 +v -14.93 1.471 5 +v -14.714 2.927 5 +v -14.356 4.355 5 +v -13.861 5.741 5 +v -13.231 7.072 5 +v -12.474 8.335 5 +v -11.597 9.517 5 +v 9.517 -11.597 5 +v 8.335 -12.474 5 +v 7.072 -13.231 5 +v 5.741 -13.861 5 +v 4.355 -14.356 5 +v 2.927 -14.714 5 +v 1.471 -14.93 5 +v 25.376 -30.92 5 +v 28.284 -28.284 5 +v 3.921 -39.807 5 +v 7.804 -39.231 5 +v 11.611 -38.278 5 +v 15.307 -36.955 5 +v 18.856 -35.277 5 +v 22.223 -33.259 5 +v 39.808 -3.921 5 +v 38.278 -11.611 5 +v 39.232 -7.804 5 +v 28.2845 -28.2845 5 +v 28.285 -28.284 5 +v 30.921 -25.376 5 +v 33.259 -22.223 5 +v 35.277 -18.856 5 +v 36.956 -15.307 5 +# 272 vertices + +g group_0_40919 + +usemtl color_40919 +s 0 + +f 34 142 33 +f 38 37 148 +f 2 40 24 +f 148 149 39 +f 39 38 148 +f 149 150 39 +f 147 148 37 +f 145 147 37 +f 145 37 36 +f 35 145 36 +f 143 144 33 +f 143 33 142 +f 35 33 144 +f 145 35 144 +f 40 39 150 +f 150 151 40 +f 24 40 151 +f 146 24 151 +f 148 147 181 +f 148 181 182 +f 183 181 145 +f 147 145 181 +f 145 144 184 +f 145 184 183 +f 144 143 185 +f 144 185 184 +f 143 142 186 +f 143 186 185 +f 192 24 146 +f 192 146 202 +f 33 203 204 +f 33 204 34 +f 35 205 203 +f 35 203 33 +f 36 206 205 +f 36 205 35 +f 37 207 206 +f 37 206 36 +f 38 208 207 +f 38 207 37 +f 39 209 208 +f 39 208 38 +f 40 210 209 +f 40 209 39 +f 194 210 40 +f 194 40 2 +f 202 231 192 +f 232 210 231 +f 233 209 232 +f 182 209 233 +f 192 210 194 +f 208 182 207 +f 183 207 181 +f 204 203 186 +f 205 184 203 +f 186 203 185 +f 206 183 205 +f 207 183 206 +f 209 182 208 +f 210 232 209 +f 192 231 210 +f 181 207 182 +f 183 184 205 +f 185 203 184 +f 202 146 151 +f 202 151 231 +f 151 150 232 +f 151 232 231 +f 150 149 233 +f 150 233 232 +f 149 148 182 +f 149 182 233 +# 72 faces + +g group_0_3888547 + +usemtl color_3888547 +s 0 + +f 2 24 1 +f 24 25 1 +f 3 1 25 +f 25 26 3 +f 26 27 3 +f 4 3 27 +f 5 4 27 +f 27 28 5 +f 28 29 5 +f 6 5 29 +f 11 6 29 +f 29 30 11 +f 14 11 30 +f 30 31 14 +f 31 32 14 +f 17 14 32 +f 187 30 29 +f 187 29 188 +f 29 28 189 +f 29 189 188 +f 28 27 190 +f 28 190 189 +f 191 25 24 +f 191 24 192 +f 1 193 194 +f 1 194 2 +f 3 195 193 +f 3 193 1 +f 4 196 195 +f 4 195 3 +f 5 197 196 +f 5 196 4 +f 6 198 197 +f 6 197 5 +f 11 199 198 +f 11 198 6 +f 14 200 199 +f 14 199 11 +f 17 201 200 +f 17 200 14 +f 195 191 193 +f 194 193 192 +f 197 198 188 +f 187 188 199 +f 199 200 187 +f 226 187 200 +f 225 226 200 +f 201 225 200 +f 198 199 188 +f 196 197 190 +f 188 189 197 +f 189 190 197 +f 195 196 190 +f 190 227 195 +f 191 195 227 +f 192 193 191 +f 32 31 226 +f 32 226 225 +f 31 30 187 +f 31 187 226 +f 190 27 26 +f 190 26 227 +f 26 25 191 +f 26 191 227 +# 64 faces + +g group_0_4634441 + +usemtl color_4634441 +s 0 + +f 168 167 95 +f 169 168 95 +f 96 169 95 +f 97 169 96 +f 98 174 97 +f 99 100 64 +f 103 64 100 +f 101 103 100 +f 99 174 98 +f 63 64 103 +f 169 97 172 +f 167 166 94 +f 94 95 167 +f 93 94 166 +f 44 93 166 +f 44 166 107 +f 172 97 174 +f 174 99 64 +f 216 101 100 +f 216 100 217 +f 100 99 218 +f 100 218 217 +f 99 98 219 +f 99 219 218 +f 98 97 220 +f 98 220 219 +f 97 96 221 +f 97 221 220 +f 96 95 222 +f 96 222 221 +f 95 94 223 +f 95 223 222 +f 94 93 224 +f 94 224 223 +f 93 44 43 +f 93 43 224 +f 248 234 230 +f 247 248 230 +f 218 219 245 +f 230 217 245 +f 217 218 245 +f 246 230 245 +f 247 230 246 +f 219 220 245 +f 216 217 230 +f 220 221 245 +f 221 222 245 +f 244 245 222 +f 243 244 222 +f 222 223 243 +f 242 243 223 +f 223 224 242 +f 224 43 242 +f 111 242 43 +f 230 103 101 +f 230 101 216 +f 166 242 111 +f 166 111 107 +f 167 243 242 +f 167 242 166 +f 168 244 243 +f 168 243 167 +f 169 245 244 +f 169 244 168 +f 172 246 245 +f 172 245 169 +f 174 247 246 +f 174 246 172 +f 64 248 247 +f 64 247 174 +f 234 248 64 +f 234 64 63 +# 72 faces + +g group_0_8273816 + +usemtl color_8273816 +s 0 + +f 7 8 9 +f 7 9 10 +f 12 13 8 +f 12 8 7 +f 15 16 13 +f 15 13 12 +f 18 19 16 +f 18 16 15 +f 20 21 19 +f 20 19 18 +f 22 23 21 +f 22 21 20 +f 41 23 22 +f 41 22 42 +f 17 32 10 +f 7 10 171 +f 171 173 7 +f 177 178 20 +f 42 22 134 +f 175 176 15 +f 173 175 15 +f 15 12 173 +f 12 7 173 +f 18 15 176 +f 170 171 10 +f 32 170 10 +f 20 18 176 +f 176 177 20 +f 22 20 178 +f 178 179 22 +f 134 22 179 +f 180 134 179 +f 13 265 8 +f 257 268 21 +f 21 271 19 +f 23 257 21 +f 41 257 23 +f 201 9 225 +f 8 266 9 +f 225 9 264 +f 16 265 13 +f 19 271 16 +f 270 21 269 +f 265 16 272 +f 266 8 265 +f 264 9 266 +f 267 268 257 +f 269 21 268 +f 271 21 270 +f 272 16 271 +f 267 180 179 +f 267 179 268 +f 179 178 269 +f 179 269 268 +f 178 177 270 +f 178 270 269 +f 177 176 271 +f 177 271 270 +f 176 175 272 +f 176 272 271 +f 272 173 265 +f 175 173 272 +f 173 171 266 +f 173 266 265 +f 171 170 264 +f 171 264 266 +f 170 32 225 +f 170 225 264 +f 257 134 180 +f 257 180 267 +f 10 9 201 +f 10 201 17 +# 72 faces + +g group_0_14093196 + +usemtl color_14093196 +s 0 + +f 63 103 152 +f 103 162 152 +f 153 152 162 +f 153 164 154 +f 154 164 155 +f 165 159 155 +f 156 155 159 +f 157 156 159 +f 159 160 157 +f 158 157 160 +f 160 161 158 +f 161 142 158 +f 34 158 142 +f 164 153 163 +f 165 155 164 +f 162 163 153 +f 142 161 211 +f 142 211 186 +f 161 160 212 +f 161 212 211 +f 213 164 163 +f 213 163 214 +f 163 162 215 +f 163 215 214 +f 212 160 159 +f 212 159 228 +f 159 165 228 +f 228 165 229 +f 165 164 213 +f 165 213 229 +f 215 162 103 +f 215 103 230 +f 236 215 235 +f 234 235 230 +f 237 238 213 +f 238 239 228 +f 240 241 212 +f 211 212 241 +f 186 211 241 +f 204 186 241 +f 228 229 238 +f 229 213 238 +f 239 240 228 +f 212 228 240 +f 236 237 213 +f 213 214 236 +f 215 236 214 +f 230 235 215 +f 152 235 234 +f 152 234 63 +f 153 236 235 +f 153 235 152 +f 154 237 236 +f 154 236 153 +f 155 238 237 +f 155 237 154 +f 156 239 238 +f 156 238 155 +f 157 240 239 +f 157 239 156 +f 158 241 240 +f 158 240 157 +f 34 204 241 +f 34 241 158 +# 64 faces + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 42 134 110 +f 134 135 110 +f 112 110 135 +f 135 136 112 +f 136 137 112 +f 113 112 137 +f 118 113 137 +f 137 138 118 +f 138 139 118 +f 121 118 139 +f 124 121 139 +f 139 140 124 +f 127 124 140 +f 140 141 127 +f 141 75 127 +f 117 127 75 +f 250 256 249 +f 41 249 257 +f 251 252 262 +f 252 253 260 +f 254 255 259 +f 258 259 255 +f 76 258 255 +f 116 76 255 +f 259 260 254 +f 253 254 260 +f 260 261 252 +f 257 249 256 +f 261 262 252 +f 250 251 262 +f 262 263 250 +f 256 250 263 +f 76 75 141 +f 76 141 258 +f 141 140 259 +f 141 259 258 +f 262 137 136 +f 262 136 263 +f 136 135 256 +f 136 256 263 +f 259 140 139 +f 259 139 260 +f 139 138 261 +f 139 261 260 +f 138 137 262 +f 138 262 261 +f 256 135 134 +f 256 134 257 +f 110 249 41 +f 110 41 42 +f 112 250 249 +f 112 249 110 +f 113 251 250 +f 113 250 112 +f 118 252 251 +f 118 251 113 +f 121 253 252 +f 121 252 118 +f 124 254 253 +f 124 253 121 +f 127 255 254 +f 127 254 124 +f 255 127 117 +f 255 117 116 +# 64 faces + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 55 56 57 +f 55 57 58 +f 59 60 58 +f 59 58 57 +f 61 62 60 +f 61 60 59 +f 65 66 62 +f 65 62 61 +f 67 68 66 +f 67 66 65 +f 69 70 67 +f 67 70 68 +f 71 72 70 +f 71 70 69 +f 73 74 72 +f 73 72 71 +f 75 76 74 +f 75 74 73 +f 55 82 81 +f 55 81 56 +f 114 115 116 +f 114 116 117 +f 119 120 115 +f 119 115 114 +f 122 123 120 +f 122 120 119 +f 125 126 123 +f 125 123 122 +f 128 129 126 +f 128 126 125 +f 130 131 129 +f 130 129 128 +f 132 133 131 +f 132 131 130 +f 85 133 132 +f 85 132 86 +f 117 75 114 +f 71 69 119 +f 61 59 130 +f 86 132 81 +f 67 65 125 +f 130 128 65 +f 125 122 69 +f 122 119 69 +f 69 67 125 +f 128 125 65 +f 119 114 71 +f 73 71 114 +f 75 73 114 +f 65 61 130 +f 132 130 59 +f 59 57 132 +f 81 132 57 +f 56 81 57 +f 82 133 85 +f 129 66 126 +f 82 58 133 +f 116 115 76 +f 120 72 115 +f 76 115 74 +f 123 70 120 +f 126 70 123 +f 131 66 129 +f 133 60 131 +f 66 68 126 +f 70 72 120 +f 74 115 72 +f 55 58 82 +f 60 133 58 +f 62 131 60 +f 66 131 62 +f 70 126 68 +# 72 faces + +g group_0_16768282 + +usemtl color_16768282 +s 0 + +f 43 44 45 +f 43 45 46 +f 45 47 48 +f 45 48 46 +f 49 50 51 +f 49 51 52 +f 51 53 54 +f 51 54 52 +f 48 47 77 +f 48 77 78 +f 77 79 80 +f 77 80 78 +f 79 50 49 +f 79 49 80 +f 54 53 81 +f 54 81 82 +f 83 84 85 +f 83 85 86 +f 87 88 84 +f 87 84 83 +f 89 90 88 +f 89 88 87 +f 91 92 90 +f 91 90 89 +f 102 104 92 +f 102 92 91 +f 105 106 104 +f 105 104 102 +f 108 109 106 +f 108 106 105 +f 109 108 107 +f 109 107 111 +f 86 81 83 +f 81 53 83 +f 87 83 53 +f 53 51 87 +f 51 50 87 +f 89 87 50 +f 91 89 50 +f 50 79 91 +f 79 77 91 +f 102 91 77 +f 105 102 77 +f 77 47 105 +f 108 105 47 +f 47 45 108 +f 45 44 108 +f 107 108 44 +f 88 54 84 +f 85 84 82 +f 90 92 49 +f 48 78 106 +f 106 109 48 +f 46 48 109 +f 43 46 109 +f 111 43 109 +f 104 106 78 +f 92 104 78 +f 78 80 92 +f 80 49 92 +f 88 90 49 +f 49 52 88 +f 54 88 52 +f 82 84 54 +# 64 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/hanoi/disk2.urdf b/cliport/environments/assets/hanoi/disk2.urdf new file mode 100644 index 0000000000000000000000000000000000000000..fcac8dcac34e9a23b0de352228563b74dc562d9d --- /dev/null +++ b/cliport/environments/assets/hanoi/disk2.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/hanoi/disk3.obj b/cliport/environments/assets/hanoi/disk3.obj new file mode 100644 index 0000000000000000000000000000000000000000..0e02d497d2a95c9ec6cf0cf119ec4c15fc6244ca --- /dev/null +++ b/cliport/environments/assets/hanoi/disk3.obj @@ -0,0 +1,865 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 11.597 9.517 -5 +v 10.608 10.608 -5 +v 12.474 8.335 -5 +v 13.231 7.072 -5 +v -45 0 -5 +v -44.784 4.411 -5 +v -44.136 8.779 -5 +v -43.063 13.063 -5 +v -17.221 -41.575 -5 +v -41.575 17.221 -5 +v -21.213 -39.687 -5 +v -39.687 21.213 -5 +v -25.001 -37.417 -5 +v -37.417 25.001 -5 +v -28.548 -34.786 -5 +v 13.861 5.741 -5 +v -31.8197 -31.8203 -5 +v -34.786 28.548 -5 +v -31.8203 31.8197 -5 +v 10.608 10.608 5 +v 11.597 9.517 5 +v 14.356 4.355 -5 +v -31.8197 -31.8203 5 +v -28.548 -34.786 5 +v -25.001 -37.417 5 +v -21.213 -39.687 5 +v -15.002 0 5 +v -17.221 -41.575 5 +v -45 0 5 +v 14.714 2.927 -5 +v -44.783 -4.411 -5 +v -44.783 -4.411 5 +v 10.6079 10.6081 5 +v 9.517 11.597 5 +v 45 0 -5 +v 44.783 4.411 -5 +v 9.517 11.597 -5 +v 44.783 4.411 5 +v 0 -45 5 +v 10.6079 10.6081 -5 +v 45 0 5 +v 0 -45 -5 +v 14.93 1.471 -5 +v 4.411 -44.783 -5 +v 4.411 -44.783 5 +v -31.8203 31.8197 5 +v -34.786 28.548 5 +v 12.474 8.335 5 +v -37.417 25.001 5 +v -39.687 21.213 5 +v -41.575 17.221 5 +v -44.135 -8.779 -5 +v -43.063 13.063 5 +v -44.135 -8.779 5 +v 8.779 -44.135 -5 +v 8.779 -44.135 5 +v 15.002 0 -5 +v 44.135 8.779 -5 +v 44.135 8.779 5 +v 13.231 7.072 5 +v -43.062 -13.063 -5 +v 13.063 -43.062 -5 +v -43.062 -13.063 5 +v 43.062 13.063 -5 +v 13.063 -43.062 5 +v 43.062 13.063 5 +v 13.861 5.741 5 +v -15.002 0 -5 +v 41.575 17.221 -5 +v 14.356 4.355 5 +v -41.575 -17.221 -5 +v -41.575 -17.221 5 +v 31.82 31.82 -5 +v 34.785 28.548 -5 +v 9.517 -11.597 -5 +v 37.416 25.001 -5 +v 17.221 -41.575 -5 +v 10.608 -10.608 -5 +v 17.221 -41.575 5 +v 41.575 17.221 5 +v 39.686 21.213 -5 +v -39.686 -21.213 -5 +v -39.686 -21.213 5 +v 14.714 2.927 5 +v 39.686 21.213 5 +v 21.213 -39.686 -5 +v 8.335 -12.474 -5 +v 21.213 -39.686 5 +v -37.416 -25.001 -5 +v -37.416 -25.001 5 +v 37.416 25.001 5 +v 1.471 14.93 -5 +v 25.001 -37.416 -5 +v 25.001 -37.416 5 +v 7.072 -13.231 -5 +v 0 15.002 -5 +v 14.93 1.471 5 +v 34.785 28.548 5 +v 28.548 -34.785 -5 +v 28.548 -34.785 5 +v 2.927 14.714 -5 +v 5.741 -13.861 -5 +v 15.002 0 5 +v 0 45 -5 +v 31.82 31.82 5 +v -4.411 44.783 -5 +v -4.411 44.783 5 +v 31.82 -31.82 -5 +v 0 45 5 +v 31.82 -31.82 5 +v 4.355 -14.356 -5 +v 31.8197 31.8203 5 +v 31.8197 31.8203 -5 +v 28.548 34.786 -5 +v 4.355 14.356 -5 +v 28.548 34.786 5 +v 31.8203 -31.8197 5 +v -8.779 44.135 -5 +v 31.8203 -31.8197 -5 +v -8.779 44.135 5 +v 34.786 -28.548 -5 +v 25.001 37.417 -5 +v 2.927 -14.714 -5 +v 34.786 -28.548 5 +v 25.001 37.417 5 +v 5.741 13.861 -5 +v 21.213 39.687 -5 +v -13.063 43.062 -5 +v 37.417 -25.001 -5 +v 21.213 39.687 5 +v -13.063 43.062 5 +v 1.471 -14.93 -5 +v 37.417 -25.001 5 +v 17.221 41.575 -5 +v 17.221 41.575 5 +v 7.072 13.231 -5 +v 39.687 -21.213 -5 +v 39.687 -21.213 5 +v 0 -15.002 -5 +v 13.063 43.063 -5 +v 0 15.002 5 +v 13.063 43.063 5 +v 1.471 14.93 5 +v 41.575 -17.221 -5 +v 41.575 -17.221 5 +v 8.335 12.474 -5 +v -17.221 41.575 -5 +v -17.221 41.575 5 +v 8.779 44.136 -5 +v 8.779 44.136 5 +v 2.927 14.714 5 +v -21.213 39.686 -5 +v 43.063 -13.063 -5 +v -21.213 39.686 5 +v 43.063 -13.063 5 +v 4.411 44.784 -5 +v 4.411 44.784 5 +v -25.001 37.416 -5 +v 4.355 14.356 5 +v -25.001 37.416 5 +v 44.136 -8.779 -5 +v 44.136 -8.779 5 +v -28.548 34.785 -5 +v -28.548 34.785 5 +v 14.93 -1.471 -5 +v 44.784 -4.411 -5 +v 5.741 13.861 5 +v 44.784 -4.411 5 +v -31.82 31.82 -5 +v -31.82 31.82 5 +v 14.714 -2.927 -5 +v 7.072 13.231 5 +v 14.356 -4.355 -5 +v 8.335 12.474 5 +v 13.861 -5.741 -5 +v 10.608 -10.608 5 +v 13.231 -7.072 -5 +v 12.474 -8.335 -5 +v -44.136 8.779 5 +v 11.597 -9.517 -5 +v -44.784 4.411 5 +v 10.6081 -10.6079 -5 +v -10.608 10.608 -5 +v -10.608 10.608 5 +v 9.517 -11.597 5 +v -13.063 -43.063 -5 +v -13.063 -43.063 5 +v 8.335 -12.474 5 +v 7.072 -13.231 5 +v -9.517 11.597 -5 +v -8.779 -44.136 -5 +v -8.779 -44.136 5 +v -8.335 12.474 -5 +v 5.741 -13.861 5 +v -4.411 -44.784 -5 +v -4.411 -44.784 5 +v -7.072 13.231 -5 +v 4.355 -14.356 5 +v -5.741 13.861 -5 +v 2.927 -14.714 5 +v -34.785 -28.548 -5 +v -34.785 -28.548 5 +v -4.355 14.356 -5 +v -31.82 -31.82 -5 +v -31.82 -31.82 5 +v -9.517 11.597 5 +v -2.927 14.714 -5 +v 1.471 -14.93 5 +v -8.335 12.474 5 +v -10.608 -10.608 -5 +v -10.608 -10.608 5 +v -7.072 13.231 5 +v -1.471 14.93 -5 +v 0 -15.002 5 +v -5.741 13.861 5 +v 10.6081 -10.6079 5 +v -4.355 14.356 5 +v -2.927 14.714 5 +v -1.471 14.93 5 +v -14.93 1.471 -5 +v -14.714 2.927 -5 +v -14.356 4.355 -5 +v -11.597 -9.517 -5 +v -12.474 -8.335 -5 +v -13.861 5.741 -5 +v -11.597 -9.517 5 +v -14.93 1.471 5 +v -13.231 -7.072 -5 +v -13.231 7.072 -5 +v -12.474 -8.335 5 +v -14.714 2.927 5 +v -13.861 -5.741 -5 +v -12.474 8.335 -5 +v -13.231 -7.072 5 +v -14.356 4.355 5 +v -14.356 -4.355 -5 +v -11.597 9.517 -5 +v -14.714 -2.927 -5 +v -13.861 5.741 5 +v -13.861 -5.741 5 +v -10.6081 10.6079 -5 +v -14.93 -1.471 -5 +v -13.231 7.072 5 +v -14.356 -4.355 5 +v 14.93 -1.471 5 +v -12.474 8.335 5 +v -14.714 -2.927 5 +v -11.597 9.517 5 +v 14.714 -2.927 5 +v -14.93 -1.471 5 +v -10.6081 10.6079 5 +v 14.356 -4.355 5 +v -1.471 -14.93 -5 +v 13.861 -5.741 5 +v -10.6079 -10.6081 5 +v -10.6079 -10.6081 -5 +v -2.927 -14.714 -5 +v 13.231 -7.072 5 +v -4.355 -14.356 -5 +v 12.474 -8.335 5 +v -5.741 -13.861 -5 +v 11.597 -9.517 5 +v -7.072 -13.231 -5 +v -8.335 -12.474 -5 +v -9.517 -11.597 -5 +v -1.471 -14.93 5 +v -2.927 -14.714 5 +v -4.355 -14.356 5 +v -5.741 -13.861 5 +v -7.072 -13.231 5 +v -8.335 -12.474 5 +v -9.517 -11.597 5 +# 272 vertices + +g group_0_40919 + +usemtl color_40919 +s 0 + +f 33 34 37 +f 33 37 40 +f 96 104 92 +f 112 113 114 +f 112 114 116 +f 114 122 125 +f 114 125 116 +f 122 127 130 +f 122 130 125 +f 127 134 135 +f 127 135 130 +f 142 135 140 +f 134 140 135 +f 140 149 150 +f 140 150 142 +f 134 127 126 +f 149 156 157 +f 149 157 150 +f 159 142 151 +f 156 104 109 +f 156 109 157 +f 136 126 127 +f 125 130 174 +f 172 174 130 +f 40 37 113 +f 146 114 37 +f 146 136 127 +f 115 140 126 +f 134 126 140 +f 140 115 101 +f 156 149 92 +f 156 92 104 +f 101 92 149 +f 140 101 149 +f 127 122 146 +f 114 146 122 +f 113 37 114 +f 113 33 40 +f 141 143 109 +f 151 150 143 +f 109 143 157 +f 167 142 159 +f 34 116 174 +f 33 112 34 +f 150 151 142 +f 157 143 150 +f 116 34 112 +f 125 174 116 +f 167 172 130 +f 130 135 167 +f 142 167 135 +f 33 113 112 +f 92 143 141 +f 92 141 96 +f 101 151 143 +f 101 143 92 +f 115 159 151 +f 115 151 101 +f 126 167 159 +f 126 159 115 +f 136 172 167 +f 136 167 126 +f 146 174 172 +f 146 172 136 +f 37 34 174 +f 37 174 146 +# 66 faces + +g group_0_3888547 + +usemtl color_3888547 +s 0 + +f 2 73 1 +f 73 74 1 +f 3 1 74 +f 74 76 3 +f 76 81 3 +f 4 3 81 +f 35 36 38 +f 35 38 41 +f 48 98 21 +f 36 58 59 +f 36 59 38 +f 16 4 81 +f 81 69 16 +f 70 84 66 +f 58 64 66 +f 58 66 59 +f 59 66 84 +f 84 97 59 +f 20 21 105 +f 64 69 80 +f 64 80 66 +f 69 64 16 +f 22 16 64 +f 30 22 64 +f 64 58 30 +f 43 30 58 +f 58 36 43 +f 36 35 43 +f 57 43 35 +f 69 81 85 +f 69 85 80 +f 38 59 97 +f 81 76 91 +f 81 91 85 +f 41 38 97 +f 76 74 98 +f 76 98 91 +f 103 41 97 +f 74 73 105 +f 74 105 98 +f 80 85 67 +f 67 70 66 +f 66 80 67 +f 60 67 85 +f 48 60 85 +f 85 91 48 +f 105 21 98 +f 98 48 91 +f 20 105 2 +f 73 2 105 +f 1 21 20 +f 1 20 2 +f 3 48 21 +f 3 21 1 +f 4 60 48 +f 4 48 3 +f 16 67 60 +f 16 60 4 +f 22 70 67 +f 22 67 16 +f 30 84 70 +f 30 70 22 +f 43 97 84 +f 43 84 30 +f 57 103 97 +f 57 97 43 +# 66 faces + +g group_0_4634441 + +usemtl color_4634441 +s 0 + +f 225 222 8 +f 8 10 225 +f 10 12 225 +f 229 225 12 +f 14 233 12 +f 18 233 14 +f 221 220 7 +f 5 6 220 +f 5 220 68 +f 46 19 18 +f 46 18 47 +f 18 14 49 +f 18 49 47 +f 14 12 50 +f 14 50 49 +f 12 10 51 +f 12 51 50 +f 10 8 53 +f 10 53 51 +f 8 7 179 +f 8 179 53 +f 7 6 181 +f 7 181 179 +f 6 5 29 +f 6 29 181 +f 50 51 239 +f 51 53 239 +f 235 239 53 +f 231 235 53 +f 53 179 231 +f 227 231 179 +f 179 181 227 +f 181 29 227 +f 27 227 29 +f 6 7 220 +f 243 246 50 +f 239 243 50 +f 7 8 221 +f 222 221 8 +f 49 50 246 +f 229 12 233 +f 237 233 18 +f 18 19 237 +f 47 49 246 +f 46 47 248 +f 246 248 47 +f 241 237 19 +f 46 248 251 +f 251 241 46 +f 241 19 46 +f 220 227 27 +f 220 27 68 +f 221 231 227 +f 221 227 220 +f 222 235 231 +f 222 231 221 +f 225 239 235 +f 225 235 222 +f 229 243 239 +f 229 239 225 +f 233 246 243 +f 233 243 229 +f 237 248 246 +f 237 246 233 +f 251 248 237 +f 251 237 241 +# 66 faces + +g group_0_8273816 + +usemtl color_8273816 +s 0 + +f 117 119 121 +f 117 121 124 +f 121 129 133 +f 121 133 124 +f 129 137 138 +f 129 138 133 +f 137 144 145 +f 137 145 138 +f 144 153 155 +f 144 155 145 +f 153 161 162 +f 153 162 155 +f 161 166 168 +f 161 168 162 +f 57 35 165 +f 166 35 41 +f 166 41 168 +f 161 153 171 +f 175 173 153 +f 153 144 175 +f 177 175 137 +f 173 171 153 +f 119 182 180 +f 178 121 180 +f 144 137 175 +f 171 165 161 +f 166 161 165 +f 35 166 165 +f 178 177 137 +f 137 129 178 +f 121 178 129 +f 119 180 121 +f 119 117 182 +f 216 182 117 +f 165 245 103 +f 165 103 57 +f 171 249 245 +f 171 245 165 +f 173 252 249 +f 173 249 171 +f 175 254 252 +f 175 252 173 +f 177 258 254 +f 177 254 175 +f 178 260 258 +f 178 258 177 +f 180 262 260 +f 180 260 178 +f 216 262 180 +f 216 180 182 +f 252 155 249 +f 124 133 260 +f 258 260 138 +f 216 117 262 +f 103 245 41 +f 249 162 245 +f 41 245 168 +f 254 155 252 +f 262 124 260 +f 168 245 162 +f 124 262 117 +f 162 249 155 +f 133 138 260 +f 254 258 138 +f 138 145 254 +f 155 254 145 +# 66 faces + +g group_0_14093196 + +usemtl color_14093196 +s 0 + +f 104 106 107 +f 104 107 109 +f 106 118 120 +f 106 120 107 +f 118 128 131 +f 118 131 120 +f 147 148 128 +f 131 128 148 +f 147 152 154 +f 147 154 148 +f 152 158 160 +f 152 160 154 +f 158 163 164 +f 158 164 160 +f 163 169 170 +f 163 170 164 +f 183 169 190 +f 169 163 190 +f 193 190 163 +f 163 158 193 +f 209 164 206 +f 197 193 152 +f 217 218 131 +f 203 199 128 +f 120 131 218 +f 207 203 128 +f 128 118 207 +f 218 219 120 +f 184 206 170 +f 107 120 219 +f 213 207 118 +f 118 106 213 +f 106 104 213 +f 96 213 104 +f 109 107 219 +f 141 109 219 +f 158 152 193 +f 199 197 152 +f 152 147 199 +f 128 199 147 +f 212 215 154 +f 131 148 215 +f 215 217 131 +f 148 154 215 +f 209 212 154 +f 154 160 209 +f 164 209 160 +f 170 206 164 +f 184 170 183 +f 169 183 170 +f 190 206 184 +f 190 184 183 +f 193 209 206 +f 193 206 190 +f 197 212 209 +f 197 209 193 +f 199 215 212 +f 199 212 197 +f 203 217 215 +f 203 215 199 +f 207 218 217 +f 207 217 203 +f 213 219 218 +f 213 218 207 +f 96 141 219 +f 96 219 213 +# 66 faces + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 39 42 44 +f 39 44 45 +f 44 55 56 +f 44 56 45 +f 55 62 65 +f 55 65 56 +f 62 77 79 +f 62 79 65 +f 77 86 88 +f 77 88 79 +f 78 108 75 +f 108 99 75 +f 86 93 94 +f 86 94 88 +f 93 99 100 +f 93 100 94 +f 87 75 99 +f 99 108 110 +f 99 110 100 +f 99 93 87 +f 93 86 87 +f 95 87 86 +f 102 95 86 +f 86 77 102 +f 77 62 102 +f 111 102 62 +f 123 111 62 +f 62 55 123 +f 132 123 55 +f 55 44 132 +f 44 42 132 +f 139 132 42 +f 176 110 78 +f 108 78 110 +f 75 185 176 +f 75 176 78 +f 188 100 185 +f 87 188 185 +f 87 185 75 +f 79 88 194 +f 56 65 200 +f 95 189 188 +f 95 188 87 +f 200 208 56 +f 176 185 110 +f 102 194 189 +f 102 189 95 +f 111 198 194 +f 111 194 102 +f 123 200 198 +f 123 198 111 +f 132 208 200 +f 132 200 123 +f 208 132 139 +f 208 139 214 +f 45 56 208 +f 39 45 208 +f 214 39 208 +f 198 200 65 +f 194 198 65 +f 65 79 194 +f 189 194 88 +f 188 189 88 +f 88 94 188 +f 110 185 100 +f 100 188 94 +# 66 faces + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 13 15 264 +f 265 264 15 +f 17 265 15 +f 25 271 24 +f 26 271 25 +f 28 269 26 +f 15 24 23 +f 15 23 17 +f 13 25 24 +f 13 24 15 +f 11 26 25 +f 11 25 13 +f 9 28 26 +f 9 26 11 +f 186 187 28 +f 186 28 9 +f 191 192 187 +f 191 187 186 +f 195 196 192 +f 195 192 191 +f 42 39 196 +f 42 196 195 +f 139 42 253 +f 17 255 256 +f 259 257 186 +f 261 259 186 +f 255 17 23 +f 253 266 214 +f 253 214 139 +f 257 267 266 +f 257 266 253 +f 259 268 267 +f 259 267 257 +f 9 11 261 +f 186 9 261 +f 261 269 268 +f 261 268 259 +f 263 270 269 +f 263 269 261 +f 264 271 270 +f 264 270 263 +f 256 265 17 +f 265 272 271 +f 265 271 264 +f 255 272 265 +f 255 265 256 +f 264 263 11 +f 11 13 264 +f 263 261 11 +f 191 186 257 +f 257 253 191 +f 195 191 253 +f 42 195 253 +f 268 187 267 +f 270 26 269 +f 272 24 271 +f 187 269 28 +f 214 266 39 +f 267 192 266 +f 39 266 196 +f 269 187 268 +f 271 26 270 +f 255 23 272 +f 196 266 192 +f 24 272 23 +f 192 267 187 +# 66 faces + +g group_0_16768282 + +usemtl color_16768282 +s 0 + +f 29 5 31 +f 29 31 32 +f 31 52 54 +f 31 54 32 +f 52 61 63 +f 52 63 54 +f 61 71 72 +f 61 72 63 +f 71 82 83 +f 71 83 72 +f 82 89 90 +f 82 90 83 +f 90 89 201 +f 90 201 202 +f 201 204 205 +f 201 205 202 +f 205 210 211 +f 210 205 204 +f 210 204 223 +f 223 226 211 +f 223 211 210 +f 224 230 226 +f 224 226 223 +f 204 201 223 +f 224 223 201 +f 228 234 230 +f 228 230 224 +f 201 89 224 +f 232 240 234 +f 232 234 228 +f 89 82 224 +f 228 224 82 +f 236 244 240 +f 236 240 232 +f 232 228 82 +f 82 71 232 +f 238 247 244 +f 238 244 236 +f 242 250 247 +f 242 247 238 +f 71 61 232 +f 236 232 61 +f 238 236 61 +f 61 52 238 +f 242 238 52 +f 52 31 242 +f 31 5 242 +f 68 242 5 +f 250 242 68 +f 250 68 27 +f 230 202 226 +f 72 83 240 +f 240 244 63 +f 211 226 205 +f 247 250 54 +f 32 54 250 +f 29 32 250 +f 27 29 250 +f 54 63 247 +f 244 247 63 +f 63 72 240 +f 234 240 83 +f 230 234 83 +f 83 90 230 +f 202 230 90 +f 205 226 202 +# 66 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/hanoi/disk3.urdf b/cliport/environments/assets/hanoi/disk3.urdf new file mode 100644 index 0000000000000000000000000000000000000000..6f318d819b599400bd7ad93bd1523a9a4b66c51a --- /dev/null +++ b/cliport/environments/assets/hanoi/disk3.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/hanoi/slimdisk.urdf b/cliport/environments/assets/hanoi/slimdisk.urdf new file mode 100644 index 0000000000000000000000000000000000000000..036f10b65c54dfed5aa59fa5b60c250b6af61d86 --- /dev/null +++ b/cliport/environments/assets/hanoi/slimdisk.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/hanoi/stand.urdf b/cliport/environments/assets/hanoi/stand.urdf new file mode 100644 index 0000000000000000000000000000000000000000..77370ce44bdd7e2d0e4fd5af2186f7ec69cb9d8d --- /dev/null +++ b/cliport/environments/assets/hanoi/stand.urdf @@ -0,0 +1,141 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/insertion/ell.urdf b/cliport/environments/assets/insertion/ell.urdf new file mode 100755 index 0000000000000000000000000000000000000000..56d62e91740f7e102decf1e2033e98818dca1b68 --- /dev/null +++ b/cliport/environments/assets/insertion/ell.urdf @@ -0,0 +1,49 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/insertion/fixture.urdf b/cliport/environments/assets/insertion/fixture.urdf new file mode 100644 index 0000000000000000000000000000000000000000..c6611d84d39e89b56d7e3529870a5ba6ba5c2f70 --- /dev/null +++ b/cliport/environments/assets/insertion/fixture.urdf @@ -0,0 +1,137 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/kitting/00.obj b/cliport/environments/assets/kitting/00.obj new file mode 100644 index 0000000000000000000000000000000000000000..7a2c0a5ac2abaa56a2e4c1c1273e1c04f1d4cfa5 --- /dev/null +++ b/cliport/environments/assets/kitting/00.obj @@ -0,0 +1,349 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -2.837 1.23 0 +v -1.813 1.23 0 +v -0.696 1.311 20 +v -1.206 1.251 20 +v 0.925 2.232 20 +v 1.041 2.497 20 +v -6.752 9.457 20 +v -0.267 1.406 20 +v 1.135 2.817 20 +v -6.752 -9.457 20 +v 1.194 3.183 20 +v 0.391 1.678 0 +v 0.099 1.532 0 +v 1.215 3.602 20 +v -0.302 5.704 20 +v 1.192 4.046 20 +v -0.747 5.785 20 +v -1.265 5.836 20 +v -1.863 5.854 20 +v -1.206 1.251 0 +v -2.837 5.854 20 +v -1.681 9.457 20 +v -0.696 1.311 0 +v -2.837 -2.356 20 +v -1.517 -2.356 20 +v -0.267 1.406 0 +v -2.837 -9.457 20 +v 2.1932 -1.3177 20 +v 2.248 -1.291 20 +v 2.709 -1.033 20 +v 3.163 -0.728 20 +v 3.593 -0.373 20 +v 2.172 -1.281 20 +v -0.302 5.704 0 +v -0.747 5.785 0 +v 1.786 -1.516 20 +v -1.265 5.836 0 +v -1.863 5.854 0 +v 6.752 -9.191 20 +v -6.752 9.457 0 +v -1.681 9.457 0 +v 2.605 -9.457 20 +v 2.053 8.861 20 +v -2.837 1.23 20 +v 0.328 9.315 20 +v -1.813 1.23 20 +v 0.61 1.834 0 +v 5.082 5.424 20 +v 0.783 2.017 0 +v 4.479 6.896 20 +v 0.925 2.232 0 +v 3.45 8.059 20 +v 1.041 2.497 0 +v 1.13 4.414 20 +v 1.135 2.817 0 +v 1.035 4.71 20 +v 1.194 3.183 0 +v 1.215 3.602 0 +v 0.914 4.95 20 +v 0.768 5.145 20 +v 1.192 4.046 0 +v 0.592 5.309 20 +v 0.359 5.462 20 +v 5.082 5.424 0 +v 0.065 5.595 20 +v 4.479 6.896 0 +v -2.837 5.854 0 +v 2.1932 -1.3177 16.384 +v 3.45 8.059 0 +v 4.363 0.522 20 +v 1.13 4.414 0 +v 4.665 1.044 20 +v 1.035 4.71 0 +v 4.921 1.619 20 +v 0.914 4.95 0 +v 5.117 2.262 20 +v 0.768 5.145 0 +v 5.232 2.962 20 +v 5.271 3.733 20 +v 0.592 5.309 0 +v 0.359 5.462 0 +v 4.004 0.039 20 +v 0.065 5.595 0 +v 0.099 1.532 20 +v 4.363 0.522 0 +v 0.391 1.678 20 +v 4.665 1.044 0 +v 4.921 1.619 0 +v 0.61 1.834 20 +v 5.117 2.262 0 +v 0.783 2.017 20 +v 5.232 2.962 0 +v 5.271 3.733 0 +v -1.517 -2.356 0 +v -2.837 -2.356 0 +v -2.837 -9.457 0 +v -6.752 -9.457 0 +v 4.004 0.039 0 +v 3.593 -0.373 0 +v 3.163 -0.728 0 +v 2.709 -1.033 0 +v 2.248 -1.291 0 +v 2.1932 -1.3177 0 +v 2.172 -1.281 0 +v 1.786 -1.516 0 +v 6.752 -9.191 0 +v 2.605 -9.457 0 +v 0.328 9.315 0 +v 2.053 8.861 0 +# 109 vertices + +g group_0_9771553 + +usemtl color_9771553 +s 0 + +f 2 95 1 +f 24 25 46 +f 25 36 3 +f 15 65 45 +f 15 45 17 +f 20 94 2 +f 19 22 21 +f 17 45 18 +f 23 94 20 +f 26 105 23 +f 3 4 25 +f 4 46 25 +f 27 24 10 +f 5 91 82 +f 32 82 91 +f 31 32 91 +f 28 29 33 +f 33 86 36 +f 8 3 36 +f 42 36 25 +f 38 41 37 +f 37 108 35 +f 39 28 36 +f 39 36 42 +f 20 2 4 +f 27 96 24 +f 21 1 67 +f 29 28 68 +f 83 65 15 +f 68 28 39 +f 28 33 68 +f 104 68 33 +f 90 76 74 +f 36 105 33 +f 104 33 105 +f 105 36 68 +f 28 68 36 +f 90 92 76 +f 13 8 84 +f 82 98 85 +f 86 12 84 +f 13 84 12 +f 89 12 86 +f 38 67 41 +f 40 41 67 +f 78 92 79 +f 93 79 92 +f 61 14 16 +f 97 1 95 +f 96 97 95 +f 93 64 79 +f 101 102 47 +f 104 47 102 +f 103 104 102 +f 100 49 99 +f 48 79 64 +f 85 70 82 +f 48 64 50 +f 66 50 64 +f 107 94 105 +f 105 12 104 +f 66 52 50 +f 103 106 105 +f 107 105 106 +f 22 41 40 +f 22 40 7 +f 61 16 54 +f 7 21 22 +f 22 18 45 +f 19 18 22 +f 47 12 89 +f 16 14 79 +f 89 91 47 +f 49 47 91 +f 54 16 48 +f 56 54 48 +f 60 77 59 +f 51 49 91 +f 51 91 5 +f 48 50 56 +f 60 59 50 +f 59 56 50 +f 77 60 62 +f 77 62 80 +f 5 6 51 +f 53 51 6 +f 7 40 97 +f 80 62 63 +f 52 60 50 +f 43 62 52 +f 62 60 52 +f 43 45 65 +f 65 63 43 +f 63 62 43 +f 9 55 6 +f 53 6 55 +f 79 48 16 +f 76 78 11 +f 11 9 76 +f 57 55 11 +f 9 11 55 +f 10 7 97 +f 8 36 84 +f 10 97 27 +f 96 27 97 +f 58 57 11 +f 58 11 14 +f 70 85 72 +f 87 72 85 +f 69 80 109 +f 109 83 108 +f 41 108 37 +f 84 36 86 +f 88 74 72 +f 88 72 87 +f 14 61 58 +f 89 86 33 +f 74 88 90 +f 71 64 61 +f 78 76 92 +f 33 29 91 +f 91 89 33 +f 69 66 77 +f 45 108 22 +f 30 31 91 +f 29 30 91 +f 80 69 77 +f 82 70 5 +f 81 109 80 +f 75 77 66 +f 21 44 1 +f 70 72 6 +f 6 5 70 +f 23 20 3 +f 83 109 81 +f 46 2 44 +f 1 44 2 +f 3 8 23 +f 74 76 9 +f 9 6 74 +f 78 79 14 +f 14 11 78 +f 72 74 6 +f 46 4 2 +f 10 44 7 +f 93 61 64 +f 34 108 83 +f 35 108 34 +f 21 7 44 +f 20 4 3 +f 10 24 44 +f 46 44 24 +f 26 23 8 +f 90 57 92 +f 88 55 90 +f 87 53 88 +f 85 53 87 +f 98 51 85 +f 92 58 93 +f 34 17 35 +f 8 13 26 +f 12 105 13 +f 35 17 37 +f 94 23 105 +f 13 105 26 +f 34 83 15 +f 49 100 47 +f 21 67 38 +f 51 98 49 +f 95 2 94 +f 25 24 95 +f 25 95 94 +f 34 15 17 +f 96 95 24 +f 53 85 51 +f 107 42 94 +f 18 37 17 +f 55 88 53 +f 25 94 42 +f 57 90 55 +f 47 104 12 +f 19 38 18 +f 37 18 38 +f 42 107 106 +f 42 106 39 +f 102 29 68 +f 102 68 103 +f 21 38 19 +f 61 93 58 +f 101 47 100 +f 58 92 57 +f 29 102 30 +f 101 30 102 +f 43 52 109 +f 30 101 31 +f 100 31 101 +f 45 43 108 +f 109 108 43 +f 31 100 32 +f 99 32 100 +f 41 22 108 +f 73 64 71 +f 75 66 73 +f 64 73 66 +f 99 49 98 +f 97 40 1 +f 67 1 40 +f 82 32 98 +f 99 98 32 +f 39 106 68 +f 103 68 106 +f 104 103 68 +f 68 103 105 +f 69 52 66 +f 69 109 52 +f 71 61 54 +f 56 73 54 +f 71 54 73 +f 56 59 73 +f 75 73 59 +f 59 77 75 +f 80 63 81 +f 83 81 65 +f 63 65 81 +# 224 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/01.obj b/cliport/environments/assets/kitting/01.obj new file mode 100644 index 0000000000000000000000000000000000000000..f1ef69a42ef833f4a83fa393e9a2f24aac1dd636 --- /dev/null +++ b/cliport/environments/assets/kitting/01.obj @@ -0,0 +1,292 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0.2083 3.8632 0 +v 0.2675 4.067 0 +v -1.5145 -0.657 0 +v -2.5945 -4.174 0 +v -4.4995 -9.492 0 +v -8.3135 -9.328 0 +v 8.3135 -9.327 20 +v 1.5925 9.492 20 +v 4.4635 -9.492 20 +v 0.2015 3.84 20 +v 0.1415 3.6683 20 +v 0.0735 3.471 20 +v 0.0225 3.323 20 +v -1.6105 9.492 20 +v 2.5755 -4.174 20 +v -2.5945 -4.174 20 +v 0.2061 3.8557 20 +v -1.6105 9.492 0 +v 1.4955 -0.659 20 +v 1.5925 9.492 0 +v 0.4928 4.816 0 +v 0.5525 5.013 0 +v -4.4995 -9.492 20 +v 0.4063 4.5443 0 +v 0.4725 4.749 0 +v 0.6285 5.282 0 +v 0.6995 5.557 0 +v -1.5145 -0.657 20 +v 0.7645 5.817 0 +v 0.3955 4.511 0 +v -0.0165 5.045 0 +v -0.7975 5.816 0 +v 0.0688 3 0 +v -0.1655 3.655 20 +v -0.1115 3.493 20 +v -0.0785 3.3889 0 +v -0.0595 3.329 0 +v 0.5525 5.013 20 +v -0.0215 3.2091 0 +v 0.4928 4.816 20 +v -0.0785 3.0615 0 +v -0.5288 4.816 20 +v -0.1022 3 0 +v -0.5215 4.79 20 +v -0.4495 4.536 20 +v -0.3765 4.297 20 +v -0.0171 3.2204 0 +v -0.3045 4.069 20 +v -0.2315 3.846 20 +v 0.6285 5.282 20 +v 0.6995 5.557 20 +v 0.7645 5.817 20 +v 0.1295 3.634 0 +v 0.0735 3.471 0 +v 0.0225 3.323 0 +v -0.7975 5.816 20 +v 8.3135 -9.327 0 +v -0.0165 5.045 20 +v -0.7315 5.558 20 +v -0.6625 5.299 20 +v 0.1295 3.634 20 +v -0.5925 5.042 20 +v -8.3135 -9.328 20 +v 0.2083 3.8632 20 +v 2.5755 -4.174 0 +v 4.4635 -9.492 0 +v -0.5288 4.816 0 +v -0.5215 4.79 0 +v -0.7315 5.558 0 +v -0.4495 4.536 0 +v 0.0688 3 20 +v -0.3765 4.297 0 +v -0.6625 5.299 0 +v 1.4955 -0.659 0 +v -0.3045 4.069 0 +v -0.5925 5.042 0 +v -0.1022 3 20 +v -0.2315 3.846 0 +v -0.1655 3.655 0 +v -0.1115 3.493 0 +v 0.4725 4.749 20 +v 0.4063 4.5443 20 +v 0.2675 4.067 20 +v 0.3955 4.511 20 +v 0.1415 3.6683 0 +v 0.2015 3.84 0 +v 0.2061 3.8557 0 +v -0.0785 3.0615 20 +v -0.0215 3.2091 20 +v -0.0595 3.329 20 +v -0.0785 3.3889 20 +v -0.0171 3.2204 20 +# 92 vertices + +g group_0_13877221 + +usemtl color_13877221 +s 0 + +f 5 6 4 +f 3 4 6 +f 7 9 66 +f 61 19 11 +f 11 19 10 +f 10 19 17 +f 46 48 84 +f 22 57 21 +f 57 74 21 +f 22 26 57 +f 27 29 57 +f 8 18 14 +f 25 21 74 +f 27 57 26 +f 8 20 18 +f 1 87 75 +f 2 1 75 +f 20 57 29 +f 32 18 29 +f 8 52 7 +f 31 32 29 +f 20 29 18 +f 78 75 87 +f 40 7 38 +f 81 19 40 +f 13 71 12 +f 37 39 41 +f 41 36 37 +f 41 43 36 +f 7 57 8 +f 37 47 39 +f 38 7 50 +f 56 52 14 +f 11 10 49 +f 49 34 11 +f 61 11 34 +f 34 35 61 +f 10 17 49 +f 12 61 35 +f 50 7 51 +f 28 44 63 +f 51 7 52 +f 9 7 15 +f 58 52 56 +f 52 8 14 +f 85 53 79 +f 36 80 54 +f 79 78 85 +f 37 36 54 +f 47 37 55 +f 54 55 37 +f 87 86 78 +f 16 15 19 +f 33 43 41 +f 14 63 56 +f 56 63 59 +f 59 63 60 +f 92 71 13 +f 19 15 7 +f 19 28 16 +f 28 63 16 +f 12 19 61 +f 60 63 62 +f 23 16 63 +f 17 19 64 +f 20 8 57 +f 45 46 84 +f 83 84 48 +f 77 43 71 +f 67 68 6 +f 70 3 68 +f 75 78 3 +f 6 68 3 +f 65 66 15 +f 69 6 32 +f 73 6 69 +f 18 32 6 +f 72 3 70 +f 75 3 72 +f 66 57 7 +f 78 79 3 +f 16 4 15 +f 65 15 4 +f 73 76 6 +f 67 6 76 +f 33 71 43 +f 79 80 3 +f 3 28 74 +f 77 3 43 +f 43 3 80 +f 80 36 43 +f 18 63 14 +f 74 19 71 +f 74 71 33 +f 72 70 30 +f 32 31 69 +f 73 69 31 +f 76 73 31 +f 4 16 23 +f 4 23 5 +f 19 74 28 +f 24 30 70 +f 70 31 24 +f 21 25 31 +f 68 67 31 +f 67 76 31 +f 68 31 70 +f 18 6 63 +f 29 27 31 +f 27 26 31 +f 26 22 31 +f 22 21 31 +f 30 2 75 +f 75 72 30 +f 25 24 31 +f 77 28 3 +f 63 6 23 +f 84 19 82 +f 64 19 83 +f 82 19 81 +f 33 41 39 +f 33 39 47 +f 65 57 66 +f 5 23 6 +f 65 4 74 +f 3 74 4 +f 15 66 9 +f 55 54 33 +f 54 53 74 +f 47 55 33 +f 74 57 65 +f 33 54 74 +f 83 19 84 +f 53 85 74 +f 86 87 74 +f 87 1 74 +f 1 2 74 +f 2 30 74 +f 82 81 58 +f 40 58 81 +f 53 54 80 +f 85 86 74 +f 92 90 89 +f 30 24 74 +f 24 25 74 +f 88 89 90 +f 80 79 53 +f 86 85 78 +f 56 59 58 +f 59 60 58 +f 60 62 58 +f 42 58 62 +f 92 13 90 +f 13 12 90 +f 91 90 12 +f 17 64 48 +f 64 83 48 +f 84 82 45 +f 82 58 45 +f 44 45 58 +f 48 49 17 +f 91 12 35 +f 51 58 50 +f 38 50 58 +f 52 58 51 +f 58 40 38 +f 42 44 58 +f 88 91 77 +f 77 35 28 +f 28 45 44 +f 42 63 44 +f 62 63 42 +f 92 89 71 +f 89 88 71 +f 77 71 88 +f 71 19 12 +f 7 40 19 +f 45 28 46 +f 46 28 48 +f 90 91 88 +f 48 28 49 +f 35 77 91 +f 49 28 34 +f 34 28 35 +# 184 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/02.obj b/cliport/environments/assets/kitting/02.obj new file mode 100644 index 0000000000000000000000000000000000000000..05006a7962237f1dcc6acac5b2545f6a80753f4b --- /dev/null +++ b/cliport/environments/assets/kitting/02.obj @@ -0,0 +1,30 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0 -10 0 +v -10 10 0 +v 10 10 0 +v -10 10 20 +v 0 -10 20 +v 10 10 20 +# 6 vertices + +g group_0_8273816 + +usemtl color_8273816 +s 0 + +f 1 2 3 +f 4 5 6 +f 5 1 3 +f 5 3 6 +f 3 2 4 +f 3 4 6 +f 2 1 5 +f 2 5 4 +# 8 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/03.obj b/cliport/environments/assets/kitting/03.obj new file mode 100644 index 0000000000000000000000000000000000000000..76e7b6c2f1867ebf909873b89741c84e4e3b1ef2 --- /dev/null +++ b/cliport/environments/assets/kitting/03.obj @@ -0,0 +1,36 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 10 10 20 +v 10 10 0 +v -10 10 0 +v -10 10 20 +v -10 -10 0 +v -10 -10 20 +v 10 -10 0 +v 10 -10 20 +# 8 vertices + +g group_0_16768282 + +usemtl color_16768282 +s 0 + +f 1 2 3 +f 1 3 4 +f 4 3 5 +f 4 5 6 +f 7 5 3 +f 7 3 2 +f 1 4 6 +f 1 6 8 +f 6 5 7 +f 6 7 8 +f 8 7 2 +f 8 2 1 +# 12 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/04.obj b/cliport/environments/assets/kitting/04.obj new file mode 100644 index 0000000000000000000000000000000000000000..32852bb7474c8cd6e92cc66a33a6b41497b5439f --- /dev/null +++ b/cliport/environments/assets/kitting/04.obj @@ -0,0 +1,84 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 10 -5 20 +v 10 -5 0 +v 10 5 0 +v 10 5 20 +v 5 -10 20 +v 5 -10 0 +v -5 -10 20 +v -5 -10 0 +v 5 -5 20 +v -5 -5 20 +v -10 5 20 +v -5 -5 0 +v -5 10 20 +v -5 10 0 +v 5 5 20 +v -5 5 0 +v 5 10 20 +v -10 5 0 +v -5 5 20 +v -10 -5 0 +v -10 -5 20 +v 5 -5 0 +v 5 10 0 +v 5 5 0 +# 24 vertices + +g group_0_15708628 + +usemtl color_15708628 +s 0 + +f 1 2 3 +f 1 3 4 +f 6 5 7 +f 6 7 8 +f 5 9 10 +f 5 10 7 +f 15 17 13 +f 15 13 19 +f 13 14 16 +f 13 16 19 +f 22 6 8 +f 22 8 12 +f 21 10 19 +f 11 21 19 +f 15 19 10 +f 10 9 15 +f 4 15 9 +f 4 9 1 +f 23 24 16 +f 23 16 14 +f 10 12 8 +f 10 8 7 +f 4 3 24 +f 4 24 15 +f 5 6 22 +f 5 22 9 +f 15 24 23 +f 15 23 17 +f 18 16 12 +f 20 18 12 +f 22 12 16 +f 16 24 22 +f 2 22 24 +f 2 24 3 +f 21 20 12 +f 21 12 10 +f 11 18 20 +f 11 20 21 +f 19 16 18 +f 19 18 11 +f 9 22 2 +f 9 2 1 +f 17 23 14 +f 17 14 13 +# 44 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/05.obj b/cliport/environments/assets/kitting/05.obj new file mode 100644 index 0000000000000000000000000000000000000000..308380e6176193081d70e9ed32eb50f697881fd0 --- /dev/null +++ b/cliport/environments/assets/kitting/05.obj @@ -0,0 +1,60 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 10 10 20 +v 10 10 0 +v 4 10 0 +v 4 10 20 +v -10 3 0 +v -10 3 20 +v 4 3 0 +v -10 -3 20 +v -10 -3 0 +v 4 -3 0 +v 4 -3 20 +v 4 3 20 +v 10 -10 0 +v 4 -10 0 +v 10 -10 20 +v 4 -10 20 +# 16 vertices + +g group_0_11593967 + +usemtl color_11593967 +s 0 + +f 1 2 3 +f 1 3 4 +f 2 7 3 +f 8 9 10 +f 8 10 11 +f 13 14 10 +f 15 1 12 +f 4 12 1 +f 15 13 2 +f 11 10 14 +f 11 14 16 +f 6 5 9 +f 6 9 8 +f 5 6 12 +f 5 12 7 +f 6 8 11 +f 15 12 11 +f 6 11 12 +f 15 2 1 +f 16 14 13 +f 16 13 15 +f 2 13 10 +f 9 5 10 +f 5 7 10 +f 2 10 7 +f 4 3 7 +f 4 7 12 +f 11 16 15 +# 28 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/06.obj b/cliport/environments/assets/kitting/06.obj new file mode 100644 index 0000000000000000000000000000000000000000..b881f82747299d5edc296887864c683a80e8fbd1 --- /dev/null +++ b/cliport/environments/assets/kitting/06.obj @@ -0,0 +1,36 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0 -10 0 +v -12.5 0 0 +v 0 10 0 +v 12.5 0 0 +v -12.5 0 20 +v 0 -10 20 +v 12.5 0 20 +v 0 10 20 +# 8 vertices + +g group_0_14093196 + +usemtl color_14093196 +s 0 + +f 1 2 3 +f 1 3 4 +f 7 8 6 +f 5 6 8 +f 6 1 4 +f 6 4 7 +f 4 3 8 +f 4 8 7 +f 3 2 5 +f 3 5 8 +f 6 5 2 +f 6 2 1 +# 12 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/07.obj b/cliport/environments/assets/kitting/07.obj new file mode 100644 index 0000000000000000000000000000000000000000..2db64ff5104d1f0fbb4148058278a3c0cc539e00 --- /dev/null +++ b/cliport/environments/assets/kitting/07.obj @@ -0,0 +1,42 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0 -9.06 0 +v -9.526 -2.139 0 +v -5.887 9.06 0 +v 5.887 9.06 0 +v 9.526 -2.139 0 +v -5.887 9.06 20.032 +v -9.526 -2.139 20.032 +v 0 -9.06 20.032 +v 9.526 -2.139 20.032 +v 5.887 9.06 20.032 +# 10 vertices + +g group_0_3888547 + +usemtl color_3888547 +s 0 + +f 1 2 3 +f 1 3 4 +f 1 4 5 +f 6 7 8 +f 9 10 8 +f 6 8 10 +f 8 1 5 +f 8 5 9 +f 4 10 9 +f 4 9 5 +f 4 3 6 +f 4 6 10 +f 3 2 7 +f 3 7 6 +f 8 7 2 +f 8 2 1 +# 16 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/08.obj b/cliport/environments/assets/kitting/08.obj new file mode 100644 index 0000000000000000000000000000000000000000..40d71c0a4d25ad15ad81eeb0ea9ed1e16644c446 --- /dev/null +++ b/cliport/environments/assets/kitting/08.obj @@ -0,0 +1,36 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 12.5 -7.5 20 +v 12.5 -7.5 0 +v 12.5 7.5 0 +v 12.5 7.5 20 +v -12.5 7.5 20 +v -12.5 7.5 0 +v -12.5 -7.5 0 +v -12.5 -7.5 20 +# 8 vertices + +g group_0_4634441 + +usemtl color_4634441 +s 0 + +f 1 2 3 +f 1 3 4 +f 5 6 7 +f 5 7 8 +f 4 5 8 +f 4 8 1 +f 2 7 6 +f 2 6 3 +f 4 3 6 +f 4 6 5 +f 8 7 2 +f 8 2 1 +# 12 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/09.obj b/cliport/environments/assets/kitting/09.obj new file mode 100644 index 0000000000000000000000000000000000000000..94042d1e73b2087af633067d948a19dc8d875484 --- /dev/null +++ b/cliport/environments/assets/kitting/09.obj @@ -0,0 +1,780 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -5.975 4.904 0 +v -5.49 4.976 0 +v -5 5 0 +v 5.975 4.904 0 +v 3.865 -8.172 0 +v 4.157 -7.778 0 +v -10 0 0 +v 4.41 -7.357 0 +v -9.976 0.49 0 +v -9.904 0.975 0 +v -9.785 1.451 0 +v -9.619 1.913 0 +v -9.41 2.357 0 +v -9.157 2.778 0 +v -8.865 3.172 0 +v -8.536 3.536 0 +v -8.172 3.865 0 +v -7.778 4.157 0 +v 4.619 -6.913 0 +v -7.357 4.41 0 +v -6.913 4.619 0 +v -6.451 4.785 0 +v 4.785 -6.451 0 +v -5 -5 0 +v -5.49 -4.976 0 +v -5.975 -4.904 0 +v 3.536 -8.536 20 +v 3.172 -8.865 20 +v -6.451 -4.785 0 +v -6.913 -4.619 0 +v -7.357 -4.41 0 +v -7.778 -4.157 0 +v -8.172 -3.865 0 +v -8.536 -3.536 0 +v -8.865 -3.172 0 +v -9.157 -2.778 0 +v -9.41 -2.357 0 +v -9.619 -1.913 0 +v -9.785 -1.451 0 +v -9.904 -0.975 0 +v -9.976 -0.49 0 +v -5 -5 20 +v 9.976 0.49 0 +v 10 0 0 +v -5 5 20 +v -5.49 4.976 20 +v -5.975 4.904 20 +v 6.913 4.619 20 +v 6.451 4.785 20 +v 5.975 4.904 20 +v 9.904 0.975 0 +v 7.778 4.157 20 +v 7.357 4.41 20 +v 9.785 1.451 0 +v 9.619 1.913 0 +v 10 0 20 +v 9.976 0.49 20 +v 9.41 2.357 0 +v 9.904 0.975 20 +v 9.785 1.451 20 +v 9.619 1.913 20 +v 9.41 2.357 20 +v 9.157 2.778 20 +v 8.865 3.172 20 +v -4.976 -5.49 20 +v 8.536 3.536 20 +v 8.172 3.865 20 +v 9.157 2.778 0 +v -4.904 -5.975 20 +v 5.49 4.976 20 +v 5 5 20 +v 8.865 3.172 0 +v -4.785 -6.451 20 +v -6.451 4.785 20 +v -6.913 4.619 20 +v -7.357 4.41 20 +v -7.778 4.157 20 +v -8.172 3.865 20 +v -8.536 3.536 20 +v -8.865 3.172 20 +v -9.157 2.778 20 +v -9.41 2.357 20 +v -9.619 1.913 20 +v -4.619 -6.913 20 +v -9.785 1.451 20 +v -9.904 0.975 20 +v -9.976 0.49 20 +v -10 0 20 +v -4.41 -7.357 20 +v -5.975 -4.904 20 +v -5.49 -4.976 20 +v -4.157 -7.778 20 +v 4.904 -5.975 0 +v -3.865 -8.172 20 +v 4.976 -5.49 0 +v -7.357 -4.41 20 +v -6.913 -4.619 20 +v -6.451 -4.785 20 +v 5 -5 0 +v -9.976 -0.49 20 +v -9.904 -0.975 20 +v 0 -10 20 +v -9.785 -1.451 20 +v -9.619 -1.913 20 +v -9.41 -2.357 20 +v -9.157 -2.778 20 +v -8.865 -3.172 20 +v 0.49 -9.976 20 +v -8.536 -3.536 20 +v -8.172 -3.865 20 +v -7.778 -4.157 20 +v 1.913 -9.619 0 +v 0.975 -9.904 20 +v 2.357 -9.41 0 +v 1.451 -9.785 20 +v 2.778 -9.157 0 +v 3.172 -8.865 0 +v 3.536 -8.536 0 +v -3.536 -8.536 20 +v -3.172 -8.865 20 +v -2.778 -9.157 20 +v 8.536 3.536 0 +v 8.172 3.865 0 +v 5.49 4.976 0 +v 5 5 0 +v 3.172 8.865 20 +v 2.778 9.157 20 +v 2.357 9.41 20 +v 1.913 9.619 20 +v 3.865 8.172 20 +v 3.536 8.536 20 +v 0 10 20 +v -0.49 9.976 20 +v -0.975 9.904 20 +v -1.451 9.785 20 +v -1.913 9.619 20 +v -2.357 9.41 20 +v -2.778 9.157 20 +v -3.172 8.865 20 +v -3.536 8.536 20 +v -3.865 8.172 20 +v 1.451 9.785 20 +v 0.975 9.904 20 +v 0.49 9.976 20 +v 4.976 5.49 20 +v 4.904 5.975 20 +v 4.785 6.451 20 +v 4.619 6.913 20 +v 4.41 7.357 20 +v 4.157 7.778 20 +v -4.157 7.778 20 +v -4.41 7.357 20 +v -4.619 6.913 20 +v -4.785 6.451 20 +v -4.904 5.975 20 +v -4.976 5.49 20 +v -2.357 -9.41 20 +v -1.913 -9.619 20 +v -1.451 -9.785 20 +v -0.975 -9.904 20 +v -0.49 -9.976 20 +v 5.975 -4.904 0 +v 6.451 -4.785 0 +v 6.913 -4.619 0 +v 7.357 -4.41 0 +v 7.778 -4.157 0 +v 8.172 -3.865 0 +v 8.536 -3.536 0 +v 8.865 -3.172 0 +v 9.157 -2.778 0 +v 9.41 -2.357 0 +v 9.619 -1.913 0 +v 9.785 -1.451 0 +v 9.904 -0.975 0 +v 9.976 -0.49 0 +v 5.49 -4.976 0 +v 6.451 4.785 0 +v 6.913 4.619 0 +v 7.357 4.41 0 +v 7.778 4.157 0 +v 1.913 9.619 0 +v 2.357 9.41 0 +v 2.778 9.157 0 +v 3.172 8.865 0 +v 3.536 8.536 0 +v 3.865 8.172 0 +v -3.865 8.172 0 +v -3.536 8.536 0 +v -3.172 8.865 0 +v -2.778 9.157 0 +v -2.357 9.41 0 +v -1.913 9.619 0 +v -1.451 9.785 0 +v -0.975 9.904 0 +v -0.49 9.976 0 +v 0 10 0 +v 0.49 9.976 0 +v 0.975 9.904 0 +v 1.451 9.785 0 +v 4.157 7.778 0 +v 4.41 7.357 0 +v 4.619 6.913 0 +v 4.785 6.451 0 +v 4.904 5.975 0 +v 4.976 5.49 0 +v -4.976 5.49 0 +v -4.904 5.975 0 +v -4.785 6.451 0 +v -4.619 6.913 0 +v -4.41 7.357 0 +v -4.157 7.778 0 +v -4.976 -5.49 0 +v -4.904 -5.975 0 +v -4.785 -6.451 0 +v -4.619 -6.913 0 +v -4.41 -7.357 0 +v -4.157 -7.778 0 +v -3.865 -8.172 0 +v 0 -10 0 +v 0.49 -9.976 0 +v 0.975 -9.904 0 +v 1.451 -9.785 0 +v -3.536 -8.536 0 +v -3.172 -8.865 0 +v -2.778 -9.157 0 +v -2.357 -9.41 0 +v -1.913 -9.619 0 +v -1.451 -9.785 0 +v -0.975 -9.904 0 +v -0.49 -9.976 0 +v 9.976 -0.49 20 +v 5.975 -4.904 20 +v 6.451 -4.785 20 +v 6.913 -4.619 20 +v 7.357 -4.41 20 +v 7.778 -4.157 20 +v 8.172 -3.865 20 +v 8.536 -3.536 20 +v 8.865 -3.172 20 +v 9.157 -2.778 20 +v 9.41 -2.357 20 +v 9.619 -1.913 20 +v 9.785 -1.451 20 +v 9.904 -0.975 20 +v 5 -5 20 +v 5.49 -4.976 20 +v 4.976 -5.49 20 +v 3.865 -8.172 20 +v 4.157 -7.778 20 +v 4.41 -7.357 20 +v 4.619 -6.913 20 +v 4.785 -6.451 20 +v 4.904 -5.975 20 +v 1.913 -9.619 20 +v 2.357 -9.41 20 +v 2.778 -9.157 20 +# 256 vertices + +g group_0_1206582 + +usemtl color_1206582 +s 0 + +f 3 25 2 +f 1 2 25 +f 9 10 7 +f 7 10 11 +f 7 11 12 +f 7 12 13 +f 7 13 14 +f 7 14 15 +f 7 15 16 +f 7 16 17 +f 7 17 18 +f 7 18 20 +f 7 20 21 +f 7 21 22 +f 7 22 1 +f 26 1 25 +f 29 1 26 +f 32 1 31 +f 33 1 32 +f 34 1 33 +f 35 1 34 +f 36 1 35 +f 30 31 1 +f 37 1 36 +f 38 1 37 +f 39 1 38 +f 40 1 39 +f 41 1 40 +f 7 1 41 +f 29 30 1 +f 100 101 47 +f 50 56 49 +f 52 53 56 +f 49 56 48 +f 48 56 53 +f 56 57 59 +f 56 59 60 +f 56 60 61 +f 56 61 62 +f 56 62 63 +f 56 63 64 +f 56 64 66 +f 56 66 67 +f 67 52 56 +f 47 74 75 +f 47 75 76 +f 47 76 77 +f 47 77 78 +f 47 78 79 +f 47 79 80 +f 47 80 81 +f 47 81 82 +f 47 82 83 +f 47 83 85 +f 47 85 86 +f 47 86 87 +f 47 87 88 +f 46 47 101 +f 45 98 90 +f 45 90 91 +f 45 91 42 +f 98 45 97 +f 96 97 45 +f 88 100 47 +f 45 46 101 +f 101 103 45 +f 103 104 45 +f 104 105 45 +f 105 106 45 +f 106 107 45 +f 107 109 45 +f 110 45 109 +f 111 45 110 +f 96 45 111 +f 129 130 128 +f 127 128 130 +f 126 127 130 +f 126 130 131 +f 134 71 133 +f 135 71 134 +f 136 71 135 +f 137 71 136 +f 138 71 137 +f 139 71 138 +f 140 71 139 +f 133 71 132 +f 142 143 71 +f 143 144 71 +f 132 71 144 +f 71 245 70 +f 25 91 90 +f 42 91 25 +f 146 129 145 +f 147 129 146 +f 148 129 147 +f 149 129 148 +f 150 129 149 +f 130 129 150 +f 71 145 129 +f 129 142 71 +f 71 140 141 +f 141 151 71 +f 49 177 50 +f 153 154 71 +f 154 155 71 +f 155 156 71 +f 45 71 156 +f 4 70 50 +f 44 56 175 +f 152 153 71 +f 38 105 104 +f 72 64 63 +f 72 66 64 +f 29 98 97 +f 98 29 90 +f 46 45 2 +f 3 2 45 +f 2 1 46 +f 49 48 177 +f 4 50 177 +f 165 235 164 +f 20 76 75 +f 57 56 44 +f 20 77 76 +f 165 166 235 +f 51 59 57 +f 60 59 51 +f 55 61 60 +f 62 61 55 +f 68 63 62 +f 72 63 68 +f 80 15 81 +f 82 81 13 +f 14 13 81 +f 66 123 67 +f 13 12 82 +f 123 52 67 +f 53 178 48 +f 178 177 48 +f 172 173 243 +f 41 100 88 +f 243 173 174 +f 57 44 43 +f 231 174 175 +f 139 188 140 +f 57 43 51 +f 188 141 140 +f 54 60 51 +f 60 54 55 +f 245 71 42 +f 42 71 45 +f 58 62 55 +f 178 99 177 +f 179 99 178 +f 77 18 78 +f 62 58 68 +f 17 16 78 +f 72 99 122 +f 68 99 72 +f 58 99 68 +f 55 99 58 +f 54 99 55 +f 51 99 54 +f 43 99 51 +f 44 99 43 +f 122 66 72 +f 79 15 80 +f 180 99 179 +f 177 99 4 +f 123 99 180 +f 4 99 124 +f 122 123 66 +f 14 81 15 +f 186 200 3 +f 185 186 3 +f 200 201 3 +f 70 4 124 +f 211 210 151 +f 71 70 125 +f 124 125 70 +f 83 82 12 +f 180 52 123 +f 188 189 187 +f 187 189 190 +f 187 190 191 +f 187 191 192 +f 187 192 193 +f 187 193 194 +f 187 194 195 +f 187 195 196 +f 187 196 197 +f 187 197 198 +f 187 198 199 +f 187 199 181 +f 12 11 85 +f 12 85 83 +f 53 52 179 +f 180 179 52 +f 179 178 53 +f 86 85 10 +f 11 10 85 +f 253 93 247 +f 10 87 86 +f 247 95 99 +f 202 3 201 +f 203 3 202 +f 204 3 203 +f 205 3 204 +f 125 3 205 +f 125 124 99 +f 184 185 3 +f 183 3 182 +f 41 40 101 +f 41 101 100 +f 114 255 112 +f 88 7 41 +f 255 114 256 +f 116 256 114 +f 40 103 101 +f 207 181 206 +f 208 181 207 +f 209 181 208 +f 210 181 209 +f 211 181 210 +f 187 181 211 +f 3 206 181 +f 181 182 3 +f 117 28 256 +f 117 256 116 +f 38 104 103 +f 118 27 28 +f 118 28 117 +f 118 5 27 +f 105 36 106 +f 42 24 65 +f 107 106 35 +f 36 35 106 +f 212 69 65 +f 147 203 148 +f 35 109 107 +f 202 201 148 +f 33 110 109 +f 32 111 110 +f 32 110 33 +f 111 32 96 +f 152 151 210 +f 210 153 152 +f 212 65 24 +f 212 213 69 +f 213 214 69 +f 47 46 1 +f 73 215 84 +f 215 89 84 +f 89 217 92 +f 217 94 92 +f 74 47 1 +f 74 1 22 +f 153 209 208 +f 102 219 220 +f 102 220 108 +f 75 74 21 +f 22 21 74 +f 221 113 108 +f 221 108 220 +f 221 222 113 +f 115 113 222 +f 3 45 156 +f 112 115 222 +f 21 20 75 +f 77 20 18 +f 223 119 94 +f 224 120 119 +f 224 119 223 +f 17 78 18 +f 120 224 121 +f 225 121 224 +f 79 78 16 +f 226 157 121 +f 226 121 225 +f 16 15 79 +f 157 226 158 +f 227 158 226 +f 142 181 199 +f 228 159 158 +f 228 158 227 +f 73 69 214 +f 199 198 142 +f 159 228 160 +f 229 160 228 +f 214 215 73 +f 230 161 160 +f 230 160 229 +f 161 230 102 +f 219 102 230 +f 252 19 23 +f 23 93 252 +f 253 252 93 +f 89 215 216 +f 95 247 93 +f 216 217 89 +f 153 208 154 +f 217 218 94 +f 208 155 154 +f 186 130 150 +f 130 186 131 +f 185 131 186 +f 126 131 184 +f 185 184 131 +f 203 147 204 +f 184 183 127 +f 184 127 126 +f 218 223 94 +f 202 148 203 +f 128 127 182 +f 183 182 127 +f 149 148 201 +f 129 128 181 +f 182 181 128 +f 149 201 150 +f 181 142 129 +f 71 125 205 +f 198 143 142 +f 198 197 144 +f 198 144 143 +f 132 144 196 +f 197 196 144 +f 195 133 196 +f 132 196 133 +f 175 99 44 +f 123 122 99 +f 150 201 200 +f 133 195 134 +f 194 134 195 +f 186 150 200 +f 183 184 3 +f 135 134 193 +f 194 193 134 +f 136 135 192 +f 193 192 135 +f 192 191 137 +f 192 137 136 +f 137 191 138 +f 190 138 191 +f 173 172 174 +f 175 174 172 +f 175 172 171 +f 175 171 170 +f 175 170 169 +f 175 169 168 +f 175 168 167 +f 175 167 166 +f 175 166 165 +f 175 165 164 +f 163 162 175 +f 162 176 175 +f 164 163 175 +f 139 138 189 +f 190 189 138 +f 99 3 125 +f 99 175 176 +f 213 212 99 +f 189 188 139 +f 24 3 99 +f 25 3 24 +f 141 188 187 +f 232 233 50 +f 50 70 245 +f 153 210 209 +f 187 211 141 +f 211 151 141 +f 151 152 71 +f 155 208 207 +f 205 145 71 +f 207 206 156 +f 207 156 155 +f 145 205 146 +f 204 146 205 +f 206 3 156 +f 147 146 204 +f 56 50 231 +f 233 234 50 +f 234 235 50 +f 235 236 50 +f 236 237 50 +f 237 238 50 +f 238 239 50 +f 239 240 50 +f 240 241 50 +f 241 242 50 +f 242 243 50 +f 244 50 243 +f 231 50 244 +f 232 50 246 +f 245 246 50 +f 246 176 232 +f 162 232 176 +f 232 162 233 +f 163 233 162 +f 233 163 234 +f 164 234 163 +f 164 235 234 +f 169 239 238 +f 170 240 239 +f 170 239 169 +f 240 170 241 +f 171 241 170 +f 241 171 242 +f 172 242 171 +f 87 10 9 +f 9 7 88 +f 9 88 87 +f 172 243 242 +f 90 29 26 +f 174 244 243 +f 25 90 26 +f 42 25 24 +f 231 244 174 +f 99 176 245 +f 246 245 176 +f 40 39 103 +f 39 38 103 +f 38 37 105 +f 37 36 105 +f 109 35 34 +f 231 175 56 +f 109 34 33 +f 166 236 235 +f 31 96 32 +f 96 31 97 +f 30 97 31 +f 97 30 29 +f 236 166 237 +f 167 237 166 +f 167 168 237 +f 238 237 168 +f 116 114 93 +f 23 116 93 +f 19 116 23 +f 8 116 19 +f 6 116 8 +f 5 116 6 +f 228 227 93 +f 169 238 168 +f 118 117 5 +f 116 5 117 +f 112 93 114 +f 95 93 227 +f 99 218 217 +f 99 217 216 +f 99 216 215 +f 99 215 214 +f 99 214 213 +f 24 99 212 +f 229 93 230 +f 228 93 229 +f 99 95 227 +f 226 99 227 +f 225 99 226 +f 224 99 225 +f 223 99 224 +f 218 99 223 +f 230 93 219 +f 222 93 112 +f 221 93 222 +f 220 93 221 +f 219 93 220 +f 254 255 42 +f 248 249 42 +f 249 250 42 +f 250 251 42 +f 245 42 247 +f 251 252 42 +f 253 42 252 +f 247 42 253 +f 256 42 255 +f 28 27 42 +f 27 248 42 +f 256 28 42 +f 69 73 254 +f 73 84 254 +f 115 254 84 +f 89 115 84 +f 92 115 89 +f 94 108 92 +f 65 69 254 +f 42 65 254 +f 113 92 108 +f 119 120 108 +f 115 92 113 +f 119 108 94 +f 120 121 108 +f 102 108 121 +f 161 102 121 +f 161 121 157 +f 161 157 158 +f 159 160 158 +f 161 158 160 +f 5 248 27 +f 6 249 248 +f 6 248 5 +f 249 6 250 +f 8 250 6 +f 250 8 251 +f 19 251 8 +f 252 251 19 +f 99 245 247 +f 254 115 112 +f 255 254 112 +# 508 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/10.obj b/cliport/environments/assets/kitting/10.obj new file mode 100644 index 0000000000000000000000000000000000000000..057cc100e2f68e1d9d63741d9b4627bbbd71eb12 --- /dev/null +++ b/cliport/environments/assets/kitting/10.obj @@ -0,0 +1,72 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 2.264 10.084 0 +v 3.276 3.116 0 +v -9.59 6.232 0 +v -2.651 5.042 0 +v -9.59 -6.232 0 +v -6.314 0 0 +v -9.59 6.232 20 +v -2.651 5.042 20 +v 2.264 -10.084 0 +v -2.651 -5.042 0 +v -9.59 -6.232 20 +v -6.314 0 20 +v -2.651 -5.042 20 +v 9.59 0 0 +v 3.276 -3.116 0 +v 3.276 -3.116 20 +v 2.264 -10.084 20 +v 3.276 3.116 20 +v 2.264 10.084 20 +v 9.59 0 20 +# 20 vertices + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 17 16 13 +f 18 12 16 +f 13 16 12 +f 8 12 18 +f 7 12 8 +f 11 13 12 +f 1 19 18 +f 1 18 2 +f 18 14 2 +f 1 8 19 +f 10 13 11 +f 10 11 5 +f 4 3 7 +f 4 7 8 +f 20 14 18 +f 6 5 11 +f 6 11 12 +f 18 16 20 +f 20 16 15 +f 20 15 14 +f 1 4 8 +f 15 16 17 +f 15 17 9 +f 9 10 15 +f 10 6 15 +f 5 6 10 +f 6 2 15 +f 3 4 6 +f 4 2 6 +f 1 2 4 +f 14 15 2 +f 18 19 8 +f 12 7 6 +f 3 6 7 +f 10 9 17 +f 10 17 13 +# 36 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/11.obj b/cliport/environments/assets/kitting/11.obj new file mode 100644 index 0000000000000000000000000000000000000000..52c2ed97a9485bd62e2f150d47cf7b23b4882b7a --- /dev/null +++ b/cliport/environments/assets/kitting/11.obj @@ -0,0 +1,396 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -10 0 0 +v -9.952 -0.98 0 +v -9.808 -1.951 0 +v -9.569 -2.903 0 +v -9.239 -3.827 0 +v -8.819 -4.714 0 +v -8.315 -5.556 0 +v -7.73 -6.344 0 +v -7.071 -7.071 0 +v -6.344 -7.73 0 +v -5.556 -8.315 0 +v -4.714 -8.819 0 +v -3.827 -9.239 0 +v -2.903 -9.569 0 +v -1.951 -9.808 0 +v -0.98 -9.952 0 +v 0 -10 0 +v 0 -10 20 +v -0.98 -9.952 20 +v 5.556 8.315 0 +v 4.714 8.819 0 +v 3.827 9.239 0 +v 2.903 9.569 0 +v 1.951 9.808 0 +v 0.98 9.952 0 +v 0 10 0 +v 10 0 0 +v 9.952 0.98 0 +v 9.808 1.951 0 +v 9.569 2.903 0 +v 8.819 4.714 20 +v 9.239 3.827 20 +v 8.315 5.556 20 +v 7.73 6.344 20 +v 7.071 7.071 20 +v 6.344 7.73 20 +v 0 10 20 +v -0.98 9.952 20 +v -1.951 9.808 20 +v -2.903 9.569 20 +v -3.827 9.239 20 +v -4.714 8.819 20 +v -5.556 8.315 20 +v -6.344 7.73 20 +v -7.071 7.071 20 +v -7.73 6.344 20 +v -8.315 5.556 20 +v -8.819 4.714 20 +v -9.239 3.827 20 +v -9.569 2.903 20 +v -9.808 1.951 20 +v -9.952 0.98 20 +v -10 0 20 +v 6.344 -7.73 20 +v 7.071 -7.071 20 +v 7.73 -6.344 20 +v 8.315 -5.556 20 +v 8.819 -4.714 20 +v 6.344 -7.73 0 +v 7.071 -7.071 0 +v 7.73 -6.344 0 +v 8.315 -5.556 0 +v 8.819 -4.714 0 +v 9.239 -3.827 0 +v 9.569 -2.903 0 +v 9.808 -1.951 0 +v 9.952 -0.98 0 +v 0.98 -9.952 0 +v 1.951 -9.808 0 +v 2.903 -9.569 0 +v 3.827 -9.239 0 +v 4.714 -8.819 0 +v 5.556 -8.315 0 +v 6.344 7.73 0 +v 7.071 7.071 0 +v 7.73 6.344 0 +v 8.315 5.556 0 +v 8.819 4.714 0 +v 9.239 3.827 0 +v -5.556 8.315 0 +v -4.714 8.819 0 +v -3.827 9.239 0 +v -2.903 9.569 0 +v -1.951 9.808 0 +v -0.98 9.952 0 +v -9.952 0.98 0 +v -9.808 1.951 0 +v -9.569 2.903 0 +v -9.239 3.827 0 +v -8.819 4.714 0 +v -8.315 5.556 0 +v -7.73 6.344 0 +v -7.071 7.071 0 +v -6.344 7.73 0 +v 0.98 9.952 20 +v 5.556 8.315 20 +v 4.714 8.819 20 +v 3.827 9.239 20 +v 2.903 9.569 20 +v 1.951 9.808 20 +v 10 0 20 +v 9.952 0.98 20 +v 9.808 1.951 20 +v 9.569 2.903 20 +v 9.952 -0.98 20 +v 9.239 -3.827 20 +v 9.569 -2.903 20 +v 9.808 -1.951 20 +v 1.951 -9.808 20 +v 2.903 -9.569 20 +v 3.827 -9.239 20 +v 4.714 -8.819 20 +v 5.556 -8.315 20 +v 0.98 -9.952 20 +v -9.952 -0.98 20 +v -9.808 -1.951 20 +v -9.569 -2.903 20 +v -9.239 -3.827 20 +v -8.819 -4.714 20 +v -8.315 -5.556 20 +v -7.73 -6.344 20 +v -7.071 -7.071 20 +v -6.344 -7.73 20 +v -5.556 -8.315 20 +v -4.714 -8.819 20 +v -3.827 -9.239 20 +v -2.903 -9.569 20 +v -1.951 -9.808 20 +# 128 vertices + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 17 18 19 +f 125 11 12 +f 12 13 125 +f 19 15 16 +f 16 17 19 +f 77 33 31 +f 76 33 77 +f 100 23 24 +f 24 25 100 +f 37 25 26 +f 30 104 29 +f 31 32 79 +f 76 34 33 +f 35 34 76 +f 2 115 53 +f 2 53 1 +f 2 3 115 +f 3 4 117 +f 117 4 118 +f 5 118 4 +f 119 118 6 +f 5 6 118 +f 6 7 119 +f 7 8 121 +f 121 8 122 +f 9 122 8 +f 10 122 9 +f 23 1 24 +f 25 24 1 +f 22 1 23 +f 21 1 22 +f 20 1 21 +f 74 1 20 +f 75 1 74 +f 61 60 78 +f 77 78 17 +f 79 61 78 +f 30 61 79 +f 29 61 30 +f 28 61 29 +f 27 61 28 +f 83 1 82 +f 81 82 1 +f 84 1 83 +f 85 1 84 +f 26 1 85 +f 87 88 86 +f 1 86 88 +f 1 88 89 +f 1 89 90 +f 1 90 91 +f 1 91 92 +f 1 92 93 +f 1 93 94 +f 80 81 1 +f 94 80 1 +f 26 25 1 +f 66 65 67 +f 27 67 65 +f 27 65 64 +f 27 64 63 +f 27 63 62 +f 59 73 78 +f 27 62 61 +f 76 77 17 +f 72 78 73 +f 71 78 72 +f 60 59 78 +f 69 78 70 +f 68 78 69 +f 17 78 68 +f 70 78 71 +f 8 75 9 +f 7 75 8 +f 6 75 7 +f 10 9 75 +f 5 75 6 +f 4 75 5 +f 3 75 4 +f 2 75 3 +f 1 75 2 +f 11 10 75 +f 75 76 17 +f 14 75 15 +f 16 15 75 +f 13 75 14 +f 12 75 13 +f 11 75 12 +f 16 75 17 +f 96 97 37 +f 98 95 97 +f 37 97 95 +f 95 98 99 +f 95 99 100 +f 37 38 104 +f 103 104 45 +f 32 37 104 +f 31 37 32 +f 33 37 31 +f 34 37 33 +f 35 37 34 +f 36 37 35 +f 96 37 36 +f 102 103 45 +f 40 104 39 +f 38 39 104 +f 41 104 40 +f 42 104 41 +f 43 104 42 +f 44 104 43 +f 45 104 44 +f 46 101 45 +f 47 101 46 +f 48 101 47 +f 49 101 48 +f 50 101 49 +f 51 101 50 +f 52 101 51 +f 53 101 52 +f 101 102 45 +f 110 111 53 +f 55 56 53 +f 56 57 53 +f 101 53 105 +f 57 58 53 +f 58 106 53 +f 106 107 53 +f 107 108 53 +f 105 53 108 +f 112 53 111 +f 113 54 53 +f 112 113 53 +f 54 55 53 +f 109 122 114 +f 109 110 117 +f 116 117 110 +f 118 109 117 +f 119 109 118 +f 120 109 119 +f 121 109 120 +f 122 109 121 +f 123 114 122 +f 115 116 110 +f 53 115 110 +f 124 125 114 +f 124 114 123 +f 18 114 125 +f 19 18 125 +f 19 125 126 +f 19 126 127 +f 19 127 128 +f 36 20 96 +f 20 21 97 +f 20 97 96 +f 98 97 22 +f 21 22 97 +f 22 23 99 +f 22 99 98 +f 23 100 99 +f 100 25 95 +f 25 37 95 +f 28 102 101 +f 28 101 27 +f 102 28 103 +f 29 103 28 +f 104 103 29 +f 79 32 104 +f 27 101 105 +f 72 112 111 +f 73 113 112 +f 73 112 72 +f 54 113 73 +f 115 3 116 +f 3 117 116 +f 119 7 120 +f 7 121 120 +f 10 123 122 +f 11 124 123 +f 11 123 10 +f 125 124 11 +f 13 126 125 +f 14 127 126 +f 14 126 13 +f 127 14 128 +f 15 128 14 +f 19 128 15 +f 104 30 79 +f 78 31 79 +f 31 78 77 +f 35 76 75 +f 75 74 36 +f 75 36 35 +f 74 20 36 +f 38 84 39 +f 40 39 83 +f 84 83 39 +f 41 40 82 +f 83 82 40 +f 41 82 42 +f 81 42 82 +f 43 42 80 +f 81 80 42 +f 94 44 80 +f 43 80 44 +f 45 44 93 +f 94 93 44 +f 46 45 92 +f 93 92 45 +f 92 91 47 +f 92 47 46 +f 48 47 90 +f 91 90 47 +f 90 89 49 +f 90 49 48 +f 50 49 88 +f 89 88 49 +f 88 87 51 +f 88 51 50 +f 52 51 86 +f 87 86 51 +f 86 1 53 +f 86 53 52 +f 26 85 38 +f 26 38 37 +f 85 84 38 +f 59 54 73 +f 59 60 54 +f 55 54 60 +f 55 60 56 +f 61 56 60 +f 62 57 56 +f 62 56 61 +f 57 62 58 +f 63 58 62 +f 64 106 58 +f 64 58 63 +f 106 64 107 +f 65 107 64 +f 66 108 107 +f 66 107 65 +f 108 66 105 +f 67 105 66 +f 105 67 27 +f 17 68 18 +f 114 18 68 +f 114 68 109 +f 69 109 68 +f 109 69 110 +f 70 110 69 +f 70 71 110 +f 111 110 71 +f 72 111 71 +# 252 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/12.obj b/cliport/environments/assets/kitting/12.obj new file mode 100644 index 0000000000000000000000000000000000000000..32366f40958aafd53cbc73cf5ab2479e5e5ea15b --- /dev/null +++ b/cliport/environments/assets/kitting/12.obj @@ -0,0 +1,588 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0.302 9.626 0 +v 1.681 9.7 0 +v 2.603 9.669 0 +v 3.496 9.576 0 +v 4.367 9.42 0 +v 5.211 9.204 0 +v 6.02 8.928 0 +v 7.559 8.256 0 +v 5.995 4.758 0 +v 4.93 5.25 0 +v 4.662 5.364 0 +v 4.375 5.472 0 +v 4.073 5.575 0 +v 3.761 5.672 0 +v 3.443 5.762 0 +v 4.073 5.575 20 +v 4.375 5.472 20 +v 3.121 5.841 0 +v 3.761 5.672 20 +v 3.443 5.762 20 +v 2.793 5.91 0 +v 2.469 5.966 0 +v 3.121 5.841 20 +v 2.158 6 0 +v 2.793 5.91 20 +v 1.837 6.02 0 +v 2.469 5.966 20 +v 2.158 6 20 +v 1.837 6.02 20 +v 1.531 6.027 20 +v 0.697 5.98 20 +v 7.561 1.351 20 +v 0.148 1.351 20 +v -0.996 9.399 20 +v -2.198 9.017 20 +v -3.302 8.491 20 +v -0.038 5.845 20 +v -0.686 5.628 20 +v -1.254 5.325 20 +v -1.76 4.948 20 +v -2.2 4.499 20 +v -4.288 7.829 20 +v -5.146 7.036 20 +v -5.884 6.121 20 +v -6.49 5.09 20 +v -2.585 3.96 20 +v -2.913 3.333 20 +v -3.179 2.622 20 +v -3.368 1.828 20 +v -3.484 0.953 20 +v -6.961 3.952 20 +v -7.297 2.713 20 +v -7.495 1.402 20 +v -7.561 0.019 20 +v 3.629 -2.321 20 +v 0.148 -2.321 20 +v 0.569 -5.994 20 +v 1.486 -6.045 20 +v 1.781 -6.043 20 +v 2.081 -6.038 20 +v 2.347 -6.029 20 +v 1.531 6.027 0 +v 2.595 -6.007 20 +v 0.697 5.98 0 +v 2.843 -5.98 20 +v 3.077 -5.949 20 +v 3.304 -5.916 20 +v 0.148 1.351 0 +v 7.561 1.351 0 +v 3.523 -5.883 20 +v -3.302 8.491 0 +v -2.198 9.017 0 +v -0.996 9.399 0 +v -0.038 5.845 0 +v -0.686 5.628 0 +v 3.715 -5.851 20 +v -1.254 5.325 0 +v 4.135 -5.768 20 +v -1.76 4.948 0 +v 3.917 -5.81 20 +v -2.2 4.499 0 +v 3.629 -5.86 20 +v 4.63 -9.378 20 +v 4.157 -9.448 20 +v -6.49 5.09 0 +v -5.884 6.121 0 +v -5.146 7.036 0 +v -4.288 7.829 0 +v -2.585 3.96 0 +v -2.913 3.333 0 +v 0.926 -9.7 20 +v 1.535 -9.692 20 +v 2.103 -9.668 20 +v 2.641 -9.628 20 +v 3.161 -9.584 20 +v 3.676 -9.523 20 +v 5.118 -9.284 20 +v -3.179 2.622 0 +v 5.584 -9.173 20 +v 6.038 -9.059 20 +v 6.497 -8.933 20 +v 7.561 -8.611 20 +v -3.368 1.828 0 +v -3.524 -0.002 20 +v -3.484 0.953 0 +v -3.49 -0.931 20 +v -3.388 -1.793 20 +v -7.561 0.019 0 +v -7.495 1.402 0 +v -7.297 2.713 0 +v -6.961 3.952 0 +v -3.222 -2.587 20 +v -3 -3.296 20 +v -2.711 -3.914 20 +v 3.629 -2.321 0 +v 0.148 -2.321 0 +v -7.502 -1.386 20 +v -7.323 -2.701 20 +v -7.021 -3.927 20 +v 0.569 -5.994 0 +v -2.352 -4.457 20 +v 1.486 -6.045 0 +v -1.937 -4.918 20 +v -1.447 -5.301 20 +v 1.781 -6.043 0 +v -0.868 -5.615 20 +v 2.081 -6.038 0 +v -0.205 -5.849 20 +v 2.347 -6.029 0 +v 2.595 -6.007 0 +v -6.597 -5.068 20 +v -6.051 -6.102 20 +v 2.843 -5.98 0 +v -5.381 -7.023 20 +v -4.591 -7.822 20 +v 3.077 -5.949 0 +v 3.304 -5.916 0 +v 3.523 -5.883 0 +v -1.553 -9.405 20 +v -0.347 -9.628 20 +v -3.688 -8.489 20 +v -2.672 -9.026 20 +v 7.559 8.256 20 +v 6.02 8.928 20 +v 3.715 -5.851 0 +v 5.211 9.204 20 +v 3.917 -5.81 0 +v 4.135 -5.768 0 +v 4.367 9.42 20 +v 3.629 -5.86 0 +v 3.496 9.576 20 +v 4.63 -9.378 0 +v 4.157 -9.448 0 +v 2.603 9.669 20 +v 1.681 9.7 20 +v 0.302 9.626 20 +v 7.561 -8.611 0 +v 6.497 -8.933 0 +v 6.038 -9.059 0 +v 5.584 -9.173 0 +v 5.118 -9.284 0 +v 3.676 -9.523 0 +v 3.161 -9.584 0 +v 2.641 -9.628 0 +v 2.103 -9.668 0 +v 1.535 -9.692 0 +v 0.926 -9.7 0 +v -3.524 -0.002 0 +v 5.995 4.758 20 +v 4.93 5.25 20 +v -3.49 -0.931 0 +v -3.388 -1.793 0 +v -3.222 -2.587 0 +v 4.662 5.364 20 +v -3 -3.296 0 +v -2.711 -3.914 0 +v -7.021 -3.927 0 +v -7.323 -2.701 0 +v -7.502 -1.386 0 +v -2.352 -4.457 0 +v -1.937 -4.918 0 +v -1.447 -5.301 0 +v -0.868 -5.615 0 +v -0.205 -5.849 0 +v -4.591 -7.822 0 +v -5.381 -7.023 0 +v -6.051 -6.102 0 +v -6.597 -5.068 0 +v -0.347 -9.628 0 +v -1.553 -9.405 0 +v -2.672 -9.026 0 +v -3.688 -8.489 0 +# 192 vertices + +g group_0_40919 + +usemtl color_40919 +s 0 + +f 3 26 2 +f 4 22 3 +f 5 18 4 +f 6 14 5 +f 7 12 6 +f 8 10 7 +f 11 7 10 +f 9 10 8 +f 12 7 11 +f 13 6 12 +f 14 6 13 +f 15 5 14 +f 18 5 15 +f 17 174 144 +f 21 4 18 +f 144 146 17 +f 22 4 21 +f 19 16 146 +f 16 17 146 +f 24 3 22 +f 26 3 24 +f 146 149 19 +f 20 19 149 +f 149 151 23 +f 23 20 149 +f 27 25 151 +f 25 23 151 +f 28 27 154 +f 151 154 27 +f 36 39 35 +f 157 102 101 +f 31 156 37 +f 37 34 38 +f 40 39 36 +f 38 35 39 +f 41 40 43 +f 44 41 43 +f 45 46 44 +f 47 46 45 +f 41 44 46 +f 42 43 40 +f 36 42 40 +f 45 51 47 +f 48 47 51 +f 51 52 48 +f 49 48 52 +f 52 53 49 +f 50 49 53 +f 50 53 54 +f 56 55 33 +f 32 33 55 +f 58 92 59 +f 57 91 58 +f 62 2 26 +f 59 93 60 +f 64 1 62 +f 60 93 61 +f 63 61 94 +f 93 94 61 +f 1 2 62 +f 94 95 63 +f 65 63 95 +f 1 74 73 +f 73 75 72 +f 95 96 65 +f 75 73 74 +f 64 74 1 +f 66 65 96 +f 86 87 81 +f 96 84 67 +f 67 66 96 +f 32 78 102 +f 81 89 86 +f 77 72 75 +f 82 78 55 +f 32 55 78 +f 88 71 79 +f 77 79 71 +f 72 77 71 +f 87 88 79 +f 79 81 87 +f 90 85 89 +f 98 111 90 +f 85 86 89 +f 70 67 84 +f 76 70 84 +f 84 83 76 +f 80 76 83 +f 78 80 83 +f 83 97 78 +f 99 78 97 +f 99 100 78 +f 100 101 78 +f 102 78 101 +f 103 110 98 +f 50 54 104 +f 54 106 104 +f 54 117 106 +f 107 106 117 +f 111 98 110 +f 109 110 103 +f 85 90 111 +f 103 105 109 +f 109 105 108 +f 175 177 173 +f 117 118 107 +f 116 68 115 +f 68 69 115 +f 119 131 113 +f 113 112 119 +f 118 119 112 +f 112 107 118 +f 114 113 131 +f 125 166 122 +f 131 132 114 +f 123 121 134 +f 132 134 121 +f 121 114 132 +f 127 165 125 +f 130 164 129 +f 126 124 142 +f 124 123 141 +f 135 141 123 +f 134 135 123 +f 93 59 92 +f 128 140 57 +f 141 142 124 +f 136 162 133 +f 138 153 137 +f 92 58 91 +f 91 57 140 +f 142 139 126 +f 128 126 139 +f 140 128 139 +f 167 122 166 +f 159 160 148 +f 126 183 182 +f 145 153 138 +f 158 159 148 +f 157 158 148 +f 150 115 148 +f 115 69 148 +f 157 148 69 +f 128 183 126 +f 153 145 152 +f 154 2 155 +f 155 2 156 +f 160 161 148 +f 161 152 148 +f 145 147 152 +f 147 148 152 +f 162 137 153 +f 163 133 162 +f 164 130 163 +f 165 129 164 +f 166 125 165 +f 189 120 167 +f 171 108 168 +f 168 108 105 +f 186 134 132 +f 172 179 171 +f 173 178 172 +f 176 188 175 +f 191 142 141 +f 179 172 178 +f 108 171 179 +f 178 173 177 +f 181 186 180 +f 13 12 16 +f 182 192 181 +f 180 187 176 +f 183 191 182 +f 184 190 183 +f 12 174 17 +f 169 9 143 +f 17 16 12 +f 13 16 19 +f 22 25 27 +f 22 27 24 +f 28 24 27 +f 28 29 24 +f 72 35 73 +f 78 82 148 +f 91 189 167 +f 91 167 166 +f 96 163 162 +f 162 153 96 +f 161 97 152 +f 99 97 160 +f 161 160 97 +f 160 159 99 +f 101 159 158 +f 158 157 101 +f 38 75 74 +f 86 44 43 +f 184 183 128 +f 128 57 184 +f 110 52 111 +f 176 175 114 +f 114 121 176 +f 180 176 121 +f 178 177 119 +f 186 181 185 +f 187 180 186 +f 188 176 187 +f 177 175 188 +f 120 189 184 +f 122 167 120 +f 129 165 127 +f 133 163 130 +f 137 162 136 +f 190 184 189 +f 191 183 190 +f 192 182 191 +f 185 181 192 +f 123 181 121 +f 180 121 181 +f 182 181 123 +f 119 177 188 +f 132 188 187 +f 187 186 132 +f 141 135 192 +f 191 141 192 +f 157 32 102 +f 8 7 143 +f 69 32 157 +f 35 38 34 +f 34 37 156 +f 31 30 156 +f 29 28 154 +f 154 155 29 +f 30 29 155 +f 155 156 30 +f 5 4 151 +f 151 4 154 +f 3 154 4 +f 169 143 170 +f 3 2 154 +f 174 170 144 +f 143 144 170 +f 156 2 1 +f 1 73 156 +f 11 10 174 +f 11 174 12 +f 19 20 15 +f 15 20 23 +f 23 25 21 +f 21 25 22 +f 29 26 24 +f 64 62 31 +f 33 68 116 +f 170 10 169 +f 9 169 10 +f 170 174 10 +f 14 13 19 +f 8 143 9 +f 15 14 19 +f 18 15 23 +f 23 21 18 +f 29 30 26 +f 62 26 30 +f 30 31 62 +f 31 74 64 +f 33 32 68 +f 69 68 32 +f 77 40 79 +f 79 40 81 +f 36 71 88 +f 49 103 98 +f 105 103 50 +f 49 50 103 +f 77 75 38 +f 43 88 87 +f 87 86 43 +f 156 73 34 +f 73 35 34 +f 36 35 71 +f 72 71 35 +f 31 37 74 +f 74 37 38 +f 77 38 39 +f 77 39 40 +f 81 40 41 +f 89 81 46 +f 88 42 36 +f 88 43 42 +f 45 44 85 +f 86 85 44 +f 85 111 45 +f 41 46 81 +f 89 46 47 +f 89 47 90 +f 98 90 48 +f 47 48 90 +f 98 48 49 +f 111 51 45 +f 111 52 51 +f 53 52 109 +f 110 109 52 +f 54 53 108 +f 109 108 53 +f 179 117 108 +f 166 92 91 +f 92 166 93 +f 165 93 166 +f 164 94 93 +f 164 93 165 +f 94 164 95 +f 163 95 164 +f 96 95 163 +f 152 83 84 +f 152 84 153 +f 153 84 96 +f 97 83 152 +f 159 100 99 +f 101 100 159 +f 168 50 104 +f 168 104 171 +f 106 171 104 +f 172 171 107 +f 106 107 171 +f 172 107 173 +f 112 173 107 +f 175 173 113 +f 112 113 173 +f 175 113 114 +f 54 108 117 +f 179 178 118 +f 179 118 117 +f 178 119 118 +f 188 131 119 +f 182 123 124 +f 126 182 124 +f 188 132 131 +f 135 134 185 +f 186 185 134 +f 185 192 135 +f 190 139 142 +f 190 142 191 +f 189 140 139 +f 189 139 190 +f 91 140 189 +f 7 144 143 +f 146 144 6 +f 7 6 144 +f 146 6 149 +f 5 149 6 +f 5 151 149 +f 105 50 168 +f 55 56 116 +f 56 33 116 +f 138 67 70 +f 145 138 76 +f 55 115 82 +f 70 76 138 +f 120 184 57 +f 150 82 115 +f 55 116 115 +f 150 148 82 +f 133 65 136 +f 66 67 136 +f 137 136 67 +f 137 67 138 +f 80 147 76 +f 145 76 147 +f 122 57 58 +f 122 58 125 +f 61 129 60 +f 127 60 129 +f 61 63 129 +f 130 129 63 +f 65 133 63 +f 130 63 133 +f 66 136 65 +f 78 148 147 +f 147 80 78 +f 57 122 120 +f 59 125 58 +f 59 60 125 +f 127 125 60 +# 380 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/13.obj b/cliport/environments/assets/kitting/13.obj new file mode 100644 index 0000000000000000000000000000000000000000..e66b9f230d4bd84e826e0e72b2557bedda6455f4 --- /dev/null +++ b/cliport/environments/assets/kitting/13.obj @@ -0,0 +1,162 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -1.7415 -9.457 20 +v 1.7055 -9.457 20 +v -0.7435 -5.451 0 +v -0.0415 -5.011 0 +v 0.6735 -5.441 0 +v -0.4125 -4.157 20 +v -0.2245 -3.463 20 +v -3.8955 9.457 20 +v 1.7055 -9.457 0 +v -0.5885 -4.812 20 +v -7.8265 9.308 20 +v -1.7415 -9.457 0 +v 0.5225 -4.822 0 +v -0.7435 -5.451 20 +v 0.4876 -4.6794 0 +v -0.0256 -2.742 20 +v 3.8615 9.457 0 +v 7.8265 9.307 0 +v -0.2395 -2.06 20 +v -7.8265 9.308 0 +v -3.8955 9.457 0 +v 0.3635 -4.172 0 +v 0.6735 -5.441 20 +v -0.0415 -5.011 20 +v -0.0206 -2.7581 0 +v -0.0256 -2.742 0 +v 0.5225 -4.822 20 +v 0.2215 -1.975 0 +v 0.4876 -4.6794 20 +v 0.1865 -3.48 0 +v -0.0125 -2.732 0 +v -0.2395 -2.06 0 +v -0.0165 -2.771 0 +v -0.0203 -2.7589 0 +v -0.0154 -2.742 0 +v -0.0201 -2.7583 0 +v 0.2215 -1.975 20 +v 0.3635 -4.172 20 +v -0.2245 -3.463 0 +v 0.1865 -3.48 20 +v -0.4125 -4.157 0 +v -0.0201 -2.7583 20 +v -0.0165 -2.771 20 +v -0.0125 -2.732 20 +v -0.5885 -4.812 0 +v -0.0154 -2.742 20 +v -0.0203 -2.7589 20 +v 3.8615 9.457 20 +v 7.8265 9.307 20 +v -0.0206 -2.7581 20 +# 50 vertices + +g group_0_14789940 + +usemtl color_14789940 +s 0 + +f 12 2 1 +f 7 11 6 +f 4 5 3 +f 5 9 3 +f 6 11 10 +f 13 18 5 +f 2 12 9 +f 5 4 13 +f 15 13 4 +f 10 11 14 +f 24 14 23 +f 2 23 14 +f 14 1 2 +f 27 23 49 +f 2 49 23 +f 15 18 13 +f 22 18 15 +f 9 5 18 +f 22 30 18 +f 18 30 28 +f 18 28 17 +f 21 32 20 +f 26 39 32 +f 25 39 26 +f 29 24 27 +f 23 27 24 +f 26 35 25 +f 35 36 25 +f 34 25 36 +f 33 35 30 +f 36 35 33 +f 35 31 30 +f 28 30 31 +f 34 39 25 +f 20 32 39 +f 49 48 37 +f 37 44 49 +f 27 49 29 +f 38 29 49 +f 36 33 34 +f 38 49 40 +f 44 46 49 +f 39 41 20 +f 41 45 20 +f 45 3 20 +f 40 49 43 +f 43 49 46 +f 42 43 46 +f 17 28 48 +f 22 15 41 +f 30 22 41 +f 4 41 15 +f 41 39 30 +f 3 45 4 +f 45 41 4 +f 33 30 39 +f 34 33 39 +f 47 43 42 +f 21 20 11 +f 21 11 8 +f 12 20 3 +f 3 9 12 +f 46 16 50 +f 1 14 11 +f 16 19 7 +f 11 7 19 +f 11 19 8 +f 50 47 42 +f 50 42 46 +f 35 26 46 +f 47 50 7 +f 50 16 7 +f 43 7 40 +f 7 6 40 +f 47 7 43 +f 38 40 6 +f 29 38 6 +f 10 24 6 +f 14 24 10 +f 29 6 24 +f 44 31 46 +f 35 46 31 +f 17 48 18 +f 49 18 48 +f 37 48 28 +f 9 49 2 +f 16 46 26 +f 16 26 19 +f 44 37 28 +f 31 44 28 +f 9 18 49 +f 12 1 20 +f 1 11 20 +f 26 32 19 +f 8 19 21 +f 32 21 19 +# 96 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/14.obj b/cliport/environments/assets/kitting/14.obj new file mode 100644 index 0000000000000000000000000000000000000000..0e7ea7565c73c723d9c51e3742b51ad89c334147 --- /dev/null +++ b/cliport/environments/assets/kitting/14.obj @@ -0,0 +1,84 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -5.326 9.457 20 +v -5.326 9.457 0 +v -5.326 -9.457 0 +v -5.326 -9.457 20 +v 5.326 -9.457 0 +v 5.326 -9.457 20 +v -1.412 -5.802 20 +v -1.412 -1.455 20 +v -1.412 2.217 20 +v -1.412 5.785 20 +v 5.326 -5.802 20 +v 4.876 -1.455 0 +v 4.876 -1.455 20 +v -1.412 -1.455 0 +v 5.326 5.785 0 +v 5.326 5.785 20 +v 5.326 -5.802 0 +v -1.412 -5.802 0 +v 5.326 9.457 0 +v 5.326 9.457 20 +v 4.876 2.217 0 +v 4.876 2.217 20 +v -1.412 5.785 0 +v -1.412 2.217 0 +# 24 vertices + +g group_0_13165757 + +usemtl color_13165757 +s 0 + +f 1 2 4 +f 4 2 3 +f 5 6 4 +f 5 4 3 +f 4 8 1 +f 7 8 4 +f 1 8 9 +f 1 9 10 +f 6 11 7 +f 6 7 4 +f 12 13 8 +f 12 8 14 +f 11 17 18 +f 11 18 7 +f 19 20 16 +f 19 16 15 +f 6 5 17 +f 6 17 11 +f 19 2 20 +f 21 22 13 +f 21 13 12 +f 23 15 10 +f 16 10 15 +f 15 23 19 +f 2 19 23 +f 24 21 12 +f 24 12 14 +f 2 23 24 +f 2 24 14 +f 18 3 14 +f 2 1 20 +f 21 24 9 +f 21 9 22 +f 14 8 7 +f 14 7 18 +f 23 10 9 +f 23 9 24 +f 3 18 5 +f 2 14 3 +f 17 5 18 +f 20 1 10 +f 20 10 16 +f 22 9 8 +f 22 8 13 +# 44 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/15.obj b/cliport/environments/assets/kitting/15.obj new file mode 100644 index 0000000000000000000000000000000000000000..7e2c36074139f29b8f391f86d8eb973c0360e05a --- /dev/null +++ b/cliport/environments/assets/kitting/15.obj @@ -0,0 +1,48 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 10 -10 20 +v 10 -10 0 +v 10 -4 0 +v 10 -4 20 +v -4 -4 20 +v -4 -4 0 +v -4 10 0 +v -4 10 20 +v -10 10 20 +v -10 10 0 +v -10 -10 0 +v -10 -10 20 +# 12 vertices + +g group_0_30377 + +usemtl color_30377 +s 0 + +f 1 2 3 +f 1 3 4 +f 4 5 1 +f 1 11 2 +f 2 11 6 +f 2 6 3 +f 7 8 5 +f 7 5 6 +f 9 10 11 +f 9 11 12 +f 12 11 1 +f 8 7 10 +f 8 10 9 +f 12 5 9 +f 1 5 12 +f 8 9 5 +f 7 6 10 +f 11 10 6 +f 4 3 6 +f 4 6 5 +# 20 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/16.obj b/cliport/environments/assets/kitting/16.obj new file mode 100644 index 0000000000000000000000000000000000000000..43e1b249c79f1a33c4d1c649c471c2b0717f2b5a --- /dev/null +++ b/cliport/environments/assets/kitting/16.obj @@ -0,0 +1,784 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0 10 0 +v 0.98 9.952 0 +v 1.951 9.808 0 +v 2.903 9.569 0 +v 3.827 9.239 0 +v 4.714 8.819 0 +v 5.556 8.315 0 +v 4.047 1.228 20 +v 4.148 0.825 20 +v 4.209 0.415 20 +v 8.315 5.556 0 +v 8.819 4.714 0 +v 9.239 3.827 0 +v 9.569 2.903 0 +v 9.808 1.951 0 +v 9.952 0.98 0 +v 10 0 0 +v 4.229 0 20 +v 0.415 4.209 0 +v -10 0 20 +v -9.952 -0.98 20 +v -9.808 -1.951 20 +v 0 4.229 0 +v -9.569 -2.903 20 +v 0.825 4.148 0 +v -9.239 -3.827 20 +v 6.344 7.73 0 +v 7.071 7.071 0 +v 7.73 6.344 0 +v -8.819 -4.714 20 +v 1.228 4.047 0 +v -8.315 -5.556 20 +v 1.618 3.907 0 +v -3.827 9.239 0 +v -4.714 8.819 0 +v 0 10 20 +v -0.98 9.952 20 +v -1.951 9.808 20 +v -2.903 9.569 20 +v -3.827 9.239 20 +v -4.714 8.819 20 +v -5.556 8.315 20 +v 1.994 3.73 0 +v -5.556 8.315 0 +v -0.825 4.148 20 +v 2.35 3.517 0 +v -0.415 4.209 20 +v 2.683 3.269 0 +v 2.991 2.991 0 +v -6.344 7.73 20 +v -7.071 7.071 20 +v -7.73 6.344 20 +v 0 4.229 20 +v -5.556 -8.315 20 +v -4.229 0 20 +v -4.209 0.415 20 +v -4.714 -8.819 20 +v -4.148 0.825 20 +v -3.827 -9.239 20 +v -2.903 -9.569 20 +v -1.951 -9.808 20 +v -0.98 -9.952 20 +v 0 -10 20 +v 3.269 2.683 0 +v 3.517 2.35 0 +v 3.73 1.994 0 +v 3.907 1.618 0 +v -4.047 1.228 20 +v -3.907 1.618 20 +v -3.73 1.994 20 +v -3.517 2.35 20 +v -3.269 2.683 20 +v -2.991 2.991 20 +v -2.683 3.269 20 +v -2.35 3.517 20 +v -1.994 3.73 20 +v -1.618 3.907 20 +v -1.228 4.047 20 +v 8.315 -5.556 0 +v 8.819 -4.714 0 +v 9.239 -3.827 0 +v 9.569 -2.903 0 +v 4.047 1.228 0 +v 9.808 -1.951 0 +v 9.952 -0.98 0 +v 4.148 0.825 0 +v 4.209 0.415 0 +v -8.315 5.556 20 +v -8.819 4.714 20 +v 4.229 0 0 +v -9.239 3.827 20 +v -9.569 2.903 20 +v -9.808 1.951 20 +v -9.952 0.98 20 +v 8.315 -5.556 20 +v 8.819 -4.714 20 +v 9.239 -3.827 20 +v 9.569 -2.903 20 +v 9.808 -1.951 20 +v 9.952 -0.98 20 +v 10 0 20 +v 4.209 -0.415 20 +v 4.148 -0.825 20 +v -2.903 9.569 0 +v -1.951 9.808 0 +v 4.047 -1.228 20 +v -0.98 9.952 0 +v -0.825 4.148 0 +v 3.907 -1.618 20 +v -0.415 4.209 0 +v 3.73 -1.994 20 +v -7.73 6.344 0 +v -7.071 7.071 0 +v -6.344 7.73 0 +v 3.517 -2.35 20 +v 3.269 -2.683 20 +v -4.209 0.415 0 +v -4.229 0 0 +v -4.148 0.825 0 +v 2.991 -2.991 20 +v -4.047 1.228 0 +v 2.683 -3.269 20 +v -3.907 1.618 0 +v 2.35 -3.517 20 +v -3.73 1.994 0 +v 1.994 -3.73 20 +v -3.517 2.35 0 +v 1.618 -3.907 20 +v -3.269 2.683 0 +v 1.228 -4.047 20 +v -2.991 2.991 0 +v -2.683 3.269 0 +v 0.825 -4.148 20 +v 0.415 -4.209 20 +v -2.35 3.517 0 +v -1.994 3.73 0 +v 6.344 -7.73 20 +v 7.071 -7.071 20 +v 7.73 -6.344 20 +v -1.618 3.907 0 +v 0 -4.229 20 +v -1.228 4.047 0 +v 1.951 -9.808 20 +v 2.903 -9.569 20 +v 3.827 -9.239 20 +v 4.714 -8.819 20 +v 5.556 -8.315 20 +v 0.98 -9.952 20 +v -1.228 -4.047 20 +v -10 0 0 +v -9.952 0.98 0 +v -9.808 1.951 0 +v -9.569 2.903 0 +v -9.239 3.827 0 +v -8.819 4.714 0 +v -8.315 5.556 0 +v -1.618 -3.907 20 +v 4.209 -0.415 0 +v -1.994 -3.73 20 +v 4.148 -0.825 0 +v -2.35 -3.517 20 +v -2.683 -3.269 20 +v 4.047 -1.228 0 +v -2.991 -2.991 20 +v -3.269 -2.683 20 +v 3.907 -1.618 0 +v -3.517 -2.35 20 +v 3.73 -1.994 0 +v -3.73 -1.994 20 +v -3.907 -1.618 20 +v 3.517 -2.35 0 +v -4.047 -1.228 20 +v -4.148 -0.825 20 +v 3.269 -2.683 0 +v -4.209 -0.415 20 +v 2.991 -2.991 0 +v 2.683 -3.269 0 +v 2.35 -3.517 0 +v 1.994 -3.73 0 +v -0.415 -4.209 20 +v 1.618 -3.907 0 +v -0.825 -4.148 20 +v 1.228 -4.047 0 +v 0.825 -4.148 0 +v 0.415 -4.209 0 +v -7.73 -6.344 20 +v -7.071 -7.071 20 +v -6.344 -7.73 20 +v 0 -4.229 0 +v 7.73 -6.344 0 +v 7.071 -7.071 0 +v 6.344 -7.73 0 +v 5.556 -8.315 0 +v 4.714 -8.819 0 +v 3.827 -9.239 0 +v 2.903 -9.569 0 +v 1.951 -9.808 0 +v 0.98 -9.952 0 +v 0 -10 0 +v -1.228 -4.047 0 +v -1.618 -3.907 0 +v 5.556 8.315 20 +v -1.994 -3.73 0 +v 4.714 8.819 20 +v -2.35 -3.517 0 +v 3.827 9.239 20 +v -2.683 -3.269 0 +v 2.903 9.569 20 +v -2.991 -2.991 0 +v 1.951 9.808 20 +v -3.269 -2.683 0 +v 0.98 9.952 20 +v -3.517 -2.35 0 +v -3.73 -1.994 0 +v 9.952 0.98 20 +v -3.907 -1.618 0 +v 9.808 1.951 20 +v 9.569 2.903 20 +v 9.239 3.827 20 +v 8.819 4.714 20 +v 8.315 5.556 20 +v 0.415 4.209 20 +v 0.825 4.148 20 +v 7.73 6.344 20 +v 7.071 7.071 20 +v 6.344 7.73 20 +v 1.228 4.047 20 +v 1.618 3.907 20 +v 1.994 3.73 20 +v 2.35 3.517 20 +v 2.683 3.269 20 +v 2.991 2.991 20 +v 3.269 2.683 20 +v 3.517 2.35 20 +v 3.73 1.994 20 +v 3.907 1.618 20 +v -4.047 -1.228 0 +v -4.148 -0.825 0 +v -4.209 -0.415 0 +v -0.415 -4.209 0 +v -0.825 -4.148 0 +v -7.73 -6.344 0 +v -7.071 -7.071 0 +v -6.344 -7.73 0 +v -9.952 -0.98 0 +v -9.808 -1.951 0 +v -9.569 -2.903 0 +v -9.239 -3.827 0 +v -8.819 -4.714 0 +v -8.315 -5.556 0 +v -5.556 -8.315 0 +v -0.98 -9.952 0 +v -1.951 -9.808 0 +v -2.903 -9.569 0 +v -3.827 -9.239 0 +v -4.714 -8.819 0 +# 256 vertices + +g group_0_11107152 + +usemtl color_11107152 +s 0 + +f 4 25 3 +f 25 19 3 +f 5 31 4 +f 6 43 5 +f 7 46 6 +f 10 18 101 +f 9 218 8 +f 14 83 13 +f 246 247 22 +f 25 4 31 +f 19 23 1 +f 27 46 7 +f 28 49 27 +f 29 49 28 +f 11 65 29 +f 18 102 101 +f 109 97 106 +f 116 139 115 +f 39 45 38 +f 45 47 38 +f 40 78 39 +f 41 76 40 +f 42 75 41 +f 47 53 36 +f 31 5 33 +f 33 5 43 +f 52 73 51 +f 51 73 50 +f 50 75 42 +f 222 223 210 +f 92 93 58 +f 56 20 55 +f 210 3 2 +f 43 6 46 +f 12 65 11 +f 46 27 48 +f 41 40 35 +f 34 35 40 +f 19 222 23 +f 35 44 41 +f 48 27 49 +f 222 19 25 +f 49 29 64 +f 64 29 65 +f 66 65 12 +f 36 2 1 +f 68 69 91 +f 69 70 91 +f 89 91 70 +f 72 52 71 +f 74 50 73 +f 78 40 77 +f 77 40 76 +f 246 22 21 +f 24 22 247 +f 247 248 26 +f 247 26 24 +f 228 31 33 +f 30 26 249 +f 248 249 26 +f 33 43 228 +f 249 32 30 +f 232 48 49 +f 256 57 54 +f 232 49 64 +f 256 255 57 +f 59 57 255 +f 254 60 59 +f 254 59 255 +f 60 254 61 +f 253 61 254 +f 61 253 62 +f 252 62 253 +f 252 199 62 +f 36 1 37 +f 107 37 1 +f 107 38 37 +f 164 207 209 +f 34 40 39 +f 164 209 211 +f 42 41 44 +f 45 39 78 +f 12 13 66 +f 67 66 13 +f 83 67 13 +f 100 85 101 +f 75 50 74 +f 89 71 88 +f 76 41 75 +f 88 71 52 +f 91 92 68 +f 58 68 92 +f 58 93 56 +f 94 56 93 +f 20 56 94 +f 83 14 86 +f 15 86 14 +f 86 15 87 +f 15 16 87 +f 128 145 126 +f 96 115 95 +f 97 111 96 +f 98 106 97 +f 98 99 103 +f 100 102 99 +f 110 108 105 +f 105 107 110 +f 107 1 110 +f 23 110 1 +f 1 2 19 +f 2 3 19 +f 34 104 142 +f 103 99 102 +f 106 98 103 +f 136 135 35 +f 35 34 136 +f 140 136 34 +f 142 140 34 +f 104 105 108 +f 108 142 104 +f 111 97 109 +f 100 101 102 +f 115 96 111 +f 120 139 116 +f 150 151 117 +f 124 137 122 +f 122 137 120 +f 151 152 117 +f 126 146 124 +f 119 117 152 +f 114 113 51 +f 152 153 119 +f 51 113 112 +f 121 119 153 +f 133 144 130 +f 153 154 121 +f 134 185 189 +f 134 143 133 +f 154 155 125 +f 125 123 154 +f 123 121 154 +f 139 120 138 +f 95 115 139 +f 130 145 128 +f 138 120 137 +f 141 63 134 +f 145 130 144 +f 135 132 114 +f 114 44 135 +f 44 35 135 +f 146 126 145 +f 147 124 146 +f 137 124 147 +f 144 133 143 +f 155 156 127 +f 127 125 155 +f 156 112 127 +f 131 129 112 +f 112 113 131 +f 129 127 112 +f 113 114 131 +f 132 131 114 +f 90 158 102 +f 161 162 188 +f 102 158 160 +f 162 164 188 +f 80 79 171 +f 171 168 80 +f 192 193 178 +f 79 190 171 +f 81 80 168 +f 166 163 81 +f 187 188 164 +f 188 54 161 +f 16 17 87 +f 186 187 164 +f 75 132 135 +f 75 135 136 +f 32 186 167 +f 169 30 167 +f 170 26 169 +f 158 90 17 +f 90 87 17 +f 17 85 158 +f 160 158 84 +f 85 84 158 +f 21 22 175 +f 84 82 160 +f 163 160 82 +f 168 166 81 +f 82 81 163 +f 55 20 175 +f 21 175 20 +f 71 89 70 +f 73 52 72 +f 93 92 152 +f 174 171 190 +f 176 174 190 +f 151 94 152 +f 57 59 159 +f 180 63 141 +f 190 191 176 +f 20 94 150 +f 191 192 176 +f 177 176 192 +f 178 177 192 +f 193 194 178 +f 95 79 96 +f 80 96 79 +f 80 81 96 +f 97 96 81 +f 54 57 161 +f 159 161 57 +f 165 167 186 +f 172 26 170 +f 165 186 164 +f 157 159 59 +f 149 157 59 +f 59 60 149 +f 82 98 97 +f 82 97 81 +f 179 178 194 +f 194 195 179 +f 181 179 195 +f 183 181 195 +f 98 82 99 +f 84 99 82 +f 24 173 22 +f 173 175 22 +f 26 172 24 +f 30 169 26 +f 32 167 30 +f 172 173 24 +f 85 100 99 +f 85 99 84 +f 196 197 184 +f 185 184 197 +f 197 198 185 +f 198 199 185 +f 189 185 199 +f 240 189 199 +f 17 101 85 +f 143 134 148 +f 182 61 180 +f 148 134 63 +f 63 180 62 +f 182 149 60 +f 60 61 182 +f 62 180 61 +f 160 163 103 +f 106 103 163 +f 109 106 163 +f 210 2 212 +f 2 36 212 +f 207 244 209 +f 215 101 17 +f 23 222 53 +f 184 133 183 +f 189 141 134 +f 190 139 138 +f 79 95 190 +f 18 90 102 +f 201 203 159 +f 160 103 102 +f 159 203 205 +f 163 166 109 +f 64 65 233 +f 168 111 166 +f 109 166 111 +f 111 168 171 +f 111 171 115 +f 25 223 222 +f 174 116 171 +f 115 171 116 +f 25 31 223 +f 227 223 31 +f 116 174 176 +f 221 11 29 +f 224 221 29 +f 177 122 176 +f 224 29 225 +f 28 225 29 +f 177 178 122 +f 50 42 114 +f 44 114 42 +f 28 226 225 +f 124 178 179 +f 128 179 181 +f 55 239 118 +f 128 181 130 +f 47 110 53 +f 116 176 120 +f 228 227 31 +f 120 176 122 +f 51 112 52 +f 43 229 228 +f 124 179 126 +f 52 112 88 +f 243 244 188 +f 126 179 128 +f 43 46 229 +f 230 229 46 +f 56 55 117 +f 48 231 46 +f 230 46 231 +f 20 150 245 +f 20 245 21 +f 130 183 133 +f 245 246 21 +f 117 119 56 +f 48 232 231 +f 133 184 134 +f 64 233 232 +f 249 250 32 +f 234 233 65 +f 139 190 95 +f 66 235 65 +f 234 65 235 +f 251 54 188 +f 244 251 188 +f 209 242 211 +f 211 242 213 +f 250 249 213 +f 214 213 249 +f 249 248 214 +f 237 216 248 +f 124 122 178 +f 74 73 132 +f 247 246 238 +f 118 239 150 +f 118 150 117 +f 75 74 132 +f 195 196 183 +f 184 183 196 +f 235 66 67 +f 235 67 236 +f 83 8 67 +f 236 67 8 +f 8 83 86 +f 8 86 9 +f 216 214 248 +f 250 213 242 +f 248 247 237 +f 242 209 243 +f 205 244 207 +f 243 209 244 +f 200 241 254 +f 253 254 241 +f 241 240 253 +f 252 253 240 +f 199 252 240 +f 203 256 205 +f 87 10 86 +f 9 86 10 +f 238 246 239 +f 245 239 246 +f 150 239 245 +f 238 237 247 +f 108 110 45 +f 47 45 110 +f 10 87 90 +f 10 90 18 +f 201 200 255 +f 254 255 200 +f 203 201 255 +f 256 203 255 +f 251 205 256 +f 244 205 251 +f 23 53 110 +f 202 226 7 +f 37 38 47 +f 223 227 208 +f 210 212 222 +f 212 36 222 +f 53 222 36 +f 36 37 47 +f 202 7 204 +f 6 204 7 +f 114 51 50 +f 206 204 5 +f 6 5 204 +f 218 9 217 +f 9 10 217 +f 219 8 218 +f 220 235 219 +f 221 234 220 +f 215 217 10 +f 215 10 101 +f 208 206 4 +f 5 4 206 +f 210 208 3 +f 4 3 208 +f 204 206 229 +f 208 210 223 +f 55 118 117 +f 241 200 182 +f 17 16 215 +f 58 56 119 +f 202 204 230 +f 229 230 204 +f 228 229 206 +f 227 228 206 +f 206 208 227 +f 186 32 242 +f 242 187 186 +f 215 16 217 +f 15 217 16 +f 121 68 119 +f 58 119 68 +f 14 218 217 +f 14 217 15 +f 14 13 218 +f 219 218 13 +f 68 121 123 +f 68 123 69 +f 230 231 226 +f 219 13 220 +f 12 220 13 +f 224 225 232 +f 125 70 123 +f 69 123 70 +f 232 233 224 +f 12 11 220 +f 221 220 11 +f 233 234 224 +f 226 202 230 +f 70 125 127 +f 70 127 71 +f 221 224 234 +f 231 232 226 +f 235 220 234 +f 129 72 127 +f 71 127 72 +f 236 219 235 +f 225 226 232 +f 8 219 236 +f 131 73 129 +f 72 129 73 +f 251 256 54 +f 73 131 132 +f 181 183 130 +f 226 28 27 +f 63 62 199 +f 76 75 136 +f 27 7 226 +f 140 77 136 +f 76 136 77 +f 134 184 185 +f 78 77 142 +f 140 142 77 +f 138 137 191 +f 192 191 137 +f 108 45 142 +f 78 142 45 +f 138 191 190 +f 88 112 156 +f 148 63 198 +f 199 198 63 +f 156 155 89 +f 156 89 88 +f 148 198 143 +f 197 143 198 +f 196 144 143 +f 196 143 197 +f 91 89 154 +f 155 154 89 +f 196 195 144 +f 145 144 195 +f 154 153 92 +f 154 92 91 +f 145 195 146 +f 194 146 195 +f 146 194 147 +f 193 147 194 +f 153 152 92 +f 137 147 192 +f 193 192 147 +f 93 152 94 +f 149 182 200 +f 151 150 94 +f 201 157 200 +f 149 200 157 +f 107 105 38 +f 201 159 157 +f 39 38 104 +f 105 104 38 +f 205 161 159 +f 104 34 39 +f 162 161 207 +f 205 207 161 +f 162 207 164 +f 165 164 211 +f 211 213 165 +f 167 165 213 +f 169 167 213 +f 169 213 214 +f 214 216 169 +f 170 169 216 +f 172 170 216 +f 172 216 237 +f 173 172 237 +f 173 237 238 +f 238 239 173 +f 175 173 239 +f 239 55 175 +f 240 180 189 +f 141 189 180 +f 240 241 180 +f 182 180 241 +f 32 250 242 +f 187 242 243 +f 243 188 187 +# 512 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/17.obj b/cliport/environments/assets/kitting/17.obj new file mode 100644 index 0000000000000000000000000000000000000000..785151888e9037dba5d66e400cd50a4ad7d2919f --- /dev/null +++ b/cliport/environments/assets/kitting/17.obj @@ -0,0 +1,48 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -8.66 5 20 +v -8.66 5 0 +v -8.66 -5 0 +v -8.66 -5 20 +v 0 10 0 +v 8.66 5 0 +v 8.66 -5 0 +v 0 -10 0 +v 8.66 5 20 +v 0 10 20 +v 0 -10 20 +v 8.66 -5 20 +# 12 vertices + +g group_0_16500122 + +usemtl color_16500122 +s 0 + +f 1 2 3 +f 1 3 4 +f 2 5 6 +f 2 6 7 +f 8 3 7 +f 2 7 3 +f 9 10 1 +f 9 1 4 +f 11 12 4 +f 9 4 12 +f 6 5 10 +f 6 10 9 +f 11 4 3 +f 11 3 8 +f 5 2 1 +f 5 1 10 +f 11 8 7 +f 11 7 12 +f 6 9 12 +f 6 12 7 +# 20 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/18.obj b/cliport/environments/assets/kitting/18.obj new file mode 100644 index 0000000000000000000000000000000000000000..28286d5a63a976893f2da4302e57abece375de45 --- /dev/null +++ b/cliport/environments/assets/kitting/18.obj @@ -0,0 +1,192 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0 -8.796 0 +v -3.764 -5.848 0 +v 0 6.089 0 +v -0.311 6.741 0 +v -6.235 8.505 0 +v -7.76 7.739 0 +v -8.746 6.655 0 +v -9.303 5.413 0 +v -9.578 3.087 0 +v -9.472 2.03 0 +v -9.287 0.799 0 +v -8.754 -0.461 0 +v -6.766 -3.079 0 +v 0.311 6.741 0 +v 1.167 7.646 0 +v 2.455 8.449 0 +v 4.06 8.796 0 +v 6.235 8.505 0 +v 7.76 7.739 0 +v 8.746 6.655 0 +v 9.303 5.413 0 +v 9.578 3.087 0 +v 9.472 2.03 0 +v 9.287 0.799 0 +v 8.754 -0.461 0 +v 6.766 -3.079 0 +v 3.764 -5.848 0 +v -4.06 8.796 0 +v -2.455 8.449 0 +v -1.167 7.646 0 +v 4.06 8.796 20 +v 2.455 8.449 20 +v 1.167 7.646 20 +v 0.311 6.741 20 +v 0 6.089 20 +v 0 -8.796 20 +v 3.764 -5.848 20 +v 6.766 -3.079 20 +v 8.754 -0.461 20 +v 9.287 0.799 20 +v 9.472 2.03 20 +v 9.578 3.087 20 +v 9.303 5.413 20 +v 8.746 6.655 20 +v 7.76 7.739 20 +v 6.235 8.505 20 +v -4.06 8.796 20 +v -6.235 8.505 20 +v -7.76 7.739 20 +v -8.746 6.655 20 +v -9.303 5.413 20 +v -9.578 3.087 20 +v -9.472 2.03 20 +v -9.287 0.799 20 +v -8.754 -0.461 20 +v -6.766 -3.079 20 +v -3.764 -5.848 20 +v -0.311 6.741 20 +v -1.167 7.646 20 +v -2.455 8.449 20 +# 60 vertices + +g group_0_11452141 + +usemtl color_11452141 +s 0 + +f 6 7 50 +f 7 8 50 +f 9 10 53 +f 10 11 53 +f 11 12 55 +f 12 13 55 +f 3 14 15 +f 3 15 16 +f 3 16 17 +f 3 17 18 +f 3 18 19 +f 3 19 20 +f 3 20 21 +f 3 21 22 +f 3 22 23 +f 3 23 24 +f 3 24 25 +f 3 25 26 +f 3 26 27 +f 1 2 27 +f 11 10 12 +f 13 12 10 +f 10 9 13 +f 9 8 13 +f 8 7 13 +f 7 6 13 +f 6 5 13 +f 5 28 13 +f 28 29 13 +f 29 30 13 +f 30 4 13 +f 4 3 13 +f 2 13 3 +f 3 27 2 +f 39 40 35 +f 38 39 35 +f 37 38 35 +f 35 57 37 +f 40 41 35 +f 41 42 35 +f 34 35 42 +f 33 34 42 +f 32 33 42 +f 31 32 42 +f 43 46 42 +f 44 46 43 +f 45 46 44 +f 31 42 46 +f 49 50 48 +f 50 51 48 +f 51 52 48 +f 47 48 52 +f 53 35 52 +f 54 35 53 +f 55 35 54 +f 56 35 55 +f 57 35 56 +f 36 37 57 +f 35 58 52 +f 58 59 52 +f 59 60 52 +f 47 52 60 +f 1 37 36 +f 25 39 38 +f 40 39 25 +f 34 3 35 +f 59 58 4 +f 52 51 9 +f 8 9 51 +f 47 5 48 +f 52 9 53 +f 5 6 49 +f 5 49 48 +f 53 11 54 +f 6 50 49 +f 11 55 54 +f 50 8 51 +f 55 13 56 +f 2 57 56 +f 2 56 13 +f 57 2 36 +f 1 36 2 +f 3 4 35 +f 58 35 4 +f 1 27 37 +f 38 37 26 +f 27 26 37 +f 26 25 38 +f 40 25 24 +f 21 43 42 +f 24 23 41 +f 24 41 40 +f 44 43 21 +f 42 41 22 +f 23 22 41 +f 22 21 42 +f 45 18 46 +f 44 21 20 +f 18 31 46 +f 20 19 45 +f 20 45 44 +f 19 18 45 +f 31 18 17 +f 17 16 32 +f 17 32 31 +f 33 32 15 +f 16 15 32 +f 34 33 14 +f 15 14 33 +f 14 3 34 +f 4 30 59 +f 30 29 60 +f 30 60 59 +f 47 60 28 +f 29 28 60 +f 28 5 47 +# 116 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/19.obj b/cliport/environments/assets/kitting/19.obj new file mode 100644 index 0000000000000000000000000000000000000000..383293435c4e2bd59862b5a70169a9dacc86fd71 --- /dev/null +++ b/cliport/environments/assets/kitting/19.obj @@ -0,0 +1,333 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -4.113 9.457 0 +v -5.084 0.7238 0 +v -5.084 0.7238 16.384 +v -5.084 0.758 0 +v -5.0955 0.758 0 +v 5.066 -9.457 0 +v 1.368 -9.457 0 +v -0.042 -2.742 0 +v 0.0227 -2.742 0 +v -5.084 -9.457 0 +v -1.671 -9.457 0 +v -8.998 9.457 20 +v -8.998 -9.457 20 +v -8.998 9.457 0 +v -8.998 -9.457 0 +v 8.998 -9.457 20 +v 5.066 -9.457 20 +v -5.084 -9.457 20 +v 1.368 -9.457 20 +v -1.671 -9.457 20 +v 8.998 -9.457 0 +v 5.066 0.758 0 +v 4.9378 0.758 0 +v 4.9611 0.8246 0 +v 5.0227 1.0009 0 +v 5.0396 1.0493 0 +v 5.042 1.0559 0 +v 5.0595 1.1062 0 +v 5.066 1.1247 0 +v 6.616 5.56 0 +v 8.998 9.457 0 +v 5.221 5.579 0 +v 5.215 5.893 0 +v 5.1993 5.5793 0 +v 4.26 9.457 0 +v 5.187 5.334 0 +v 5.154 4.773 0 +v 5.132 4.279 0 +v 5.1277 4.1504 0 +v 5.215 5.893 20 +v 5.221 5.579 20 +v 6.616 5.56 20 +v 4.26 9.457 20 +v 5.1993 5.5793 20 +v 5.154 4.773 20 +v 5.187 5.334 20 +v 4.9611 0.8246 20 +v 5.132 4.279 20 +v 4.9378 0.758 20 +v 5.1277 4.1504 20 +v 5.0227 1.0009 20 +v 5.115 3.769 20 +v 5.082 2.747 20 +v 5.101 3.249 20 +v 5.0396 1.0493 20 +v 5.07 2.266 20 +v 5.042 1.0559 20 +v 5.0677 2.0126 20 +v 5.0595 1.1062 20 +v 5.066 1.823 20 +v 5.066 1.1247 20 +v -5.084 1.684 20 +v -5.084 0.758 20 +v -5.084 0.7238 20 +v -4.113 9.457 20 +v -5.088 2.15 20 +v -5.1 2.653 20 +v -5.119 3.187 20 +v -5.142 3.733 20 +v -5.189 4.759 20 +v -5.166 4.254 20 +v 5.115 3.769 0 +v 5.101 3.249 0 +v 5.082 2.747 0 +v 5.07 2.266 0 +v 5.0677 2.0126 0 +v 5.066 1.823 0 +v -5.084 1.684 0 +v -5.088 2.15 0 +v -5.1 2.653 0 +v -5.119 3.187 0 +v -5.142 3.733 0 +v -5.166 4.254 0 +v -5.189 4.759 0 +v -5.19 4.7745 0 +v -5.226 5.346 0 +v -5.267 5.929 0 +v -5.276 5.611 0 +v -6.711 5.577 0 +v -0.0103 -2.8371 0 +v -0.607 -4.555 0 +v 0.563 -4.555 0 +v 8.998 9.457 20 +v 5.066 0.758 20 +v -5.19 4.7745 20 +v -5.226 5.346 20 +v -5.267 5.929 20 +v -6.711 5.577 20 +v -5.276 5.611 20 +v -5.0955 0.758 20 +v 0.0227 -2.742 20 +v -0.042 -2.742 20 +v -0.0103 -2.8371 20 +v -0.607 -4.555 20 +v 0.563 -4.555 20 +# 105 vertices + +g group_0_2829873 + +usemtl color_2829873 +s 0 + +f 2 3 10 +f 3 63 4 +f 3 4 2 +f 5 3 2 +f 4 63 5 +f 2 11 3 +f 13 12 14 +f 13 14 15 +f 16 17 21 +f 10 18 13 +f 20 11 19 +f 7 19 11 +f 21 17 6 +f 10 13 15 +f 22 23 24 +f 22 24 25 +f 22 25 26 +f 22 26 27 +f 22 27 28 +f 22 28 29 +f 30 21 29 +f 31 21 30 +f 22 29 21 +f 30 32 33 +f 33 31 30 +f 34 9 33 +f 31 33 35 +f 34 33 32 +f 36 9 34 +f 37 9 36 +f 38 9 37 +f 39 9 38 +f 73 9 72 +f 73 74 9 +f 41 42 40 +f 42 93 40 +f 43 101 40 +f 40 44 41 +f 44 40 101 +f 46 44 101 +f 60 58 101 +f 49 47 101 +f 45 46 101 +f 47 51 101 +f 48 45 101 +f 50 42 48 +f 48 42 45 +f 50 48 101 +f 52 50 101 +f 54 52 101 +f 53 54 101 +f 51 55 101 +f 55 57 101 +f 56 53 101 +f 57 59 101 +f 58 42 56 +f 56 42 53 +f 58 56 101 +f 59 61 101 +f 60 101 61 +f 44 46 41 +f 42 41 46 +f 46 45 42 +f 42 50 52 +f 42 52 54 +f 54 53 42 +f 42 58 60 +f 42 60 61 +f 64 102 63 +f 62 63 102 +f 62 102 66 +f 66 102 67 +f 67 102 68 +f 68 102 69 +f 71 102 70 +f 69 102 71 +f 36 30 37 +f 38 37 30 +f 72 9 39 +f 74 75 9 +f 75 76 9 +f 76 77 9 +f 77 29 9 +f 23 9 24 +f 24 9 25 +f 25 9 26 +f 74 30 75 +f 73 30 74 +f 26 9 27 +f 27 9 28 +f 28 9 29 +f 76 75 30 +f 77 76 30 +f 72 39 30 +f 39 38 30 +f 73 72 30 +f 34 32 36 +f 32 30 36 +f 29 77 30 +f 78 8 4 +f 79 80 8 +f 78 79 8 +f 80 81 8 +f 81 82 8 +f 82 83 8 +f 84 85 8 +f 83 84 8 +f 85 86 8 +f 86 87 8 +f 82 81 89 +f 1 8 87 +f 89 14 87 +f 88 89 87 +f 1 87 14 +f 5 2 15 +f 88 86 89 +f 10 15 2 +f 86 85 89 +f 87 86 88 +f 85 84 89 +f 84 83 89 +f 83 82 89 +f 81 80 89 +f 5 89 78 +f 80 79 89 +f 78 89 79 +f 4 5 78 +f 6 22 21 +f 90 8 9 +f 2 4 8 +f 8 91 2 +f 90 91 8 +f 11 2 91 +f 89 5 15 +f 14 89 15 +f 92 7 91 +f 11 91 7 +f 23 7 92 +f 90 9 92 +f 23 92 9 +f 35 33 9 +f 90 92 91 +f 21 31 16 +f 31 93 16 +f 35 43 31 +f 93 31 43 +f 65 1 14 +f 65 14 12 +f 61 59 94 +f 59 57 94 +f 57 55 94 +f 55 51 94 +f 51 47 94 +f 49 94 47 +f 94 16 61 +f 17 16 94 +f 42 61 16 +f 43 40 93 +f 70 102 95 +f 95 98 70 +f 95 102 96 +f 96 102 97 +f 99 97 98 +f 65 12 97 +f 98 97 12 +f 12 13 98 +f 98 13 100 +f 100 13 64 +f 100 62 98 +f 62 66 98 +f 63 62 100 +f 66 67 98 +f 67 68 98 +f 68 69 98 +f 69 71 98 +f 71 70 98 +f 99 98 96 +f 96 98 95 +f 97 99 96 +f 93 42 16 +f 101 102 103 +f 64 20 104 +f 103 102 104 +f 64 104 102 +f 65 97 102 +f 18 64 13 +f 19 49 105 +f 19 105 104 +f 19 104 20 +f 49 101 105 +f 103 105 101 +f 104 105 103 +f 49 22 94 +f 94 22 17 +f 35 9 43 +f 1 65 8 +f 64 18 3 +f 63 3 64 +f 100 64 3 +f 100 3 5 +f 100 5 63 +f 19 7 23 +f 49 19 23 +f 8 102 9 +f 101 9 102 +f 65 102 8 +f 64 3 20 +f 11 20 3 +f 10 3 18 +f 101 43 9 +f 49 23 22 +f 6 17 22 +# 212 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/kitting/kit.urdf b/cliport/environments/assets/kitting/kit.urdf new file mode 100644 index 0000000000000000000000000000000000000000..eef707c08a583a1b025b39d68826e06e2aeb57dd --- /dev/null +++ b/cliport/environments/assets/kitting/kit.urdf @@ -0,0 +1,31 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/kitting/object-template-nocollision.urdf b/cliport/environments/assets/kitting/object-template-nocollision.urdf new file mode 100644 index 0000000000000000000000000000000000000000..f8561945c5abfcea2aa6b8007572fd5ce9df1828 --- /dev/null +++ b/cliport/environments/assets/kitting/object-template-nocollision.urdf @@ -0,0 +1,19 @@ + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/kitting/object-template.urdf b/cliport/environments/assets/kitting/object-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..925467fd542091b0a9c7719dcf31464e63cfaa13 --- /dev/null +++ b/cliport/environments/assets/kitting/object-template.urdf @@ -0,0 +1,31 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/kitting/object-template_FNAME_COLOR_SCALE.urdf b/cliport/environments/assets/kitting/object-template_FNAME_COLOR_SCALE.urdf new file mode 100644 index 0000000000000000000000000000000000000000..925467fd542091b0a9c7719dcf31464e63cfaa13 --- /dev/null +++ b/cliport/environments/assets/kitting/object-template_FNAME_COLOR_SCALE.urdf @@ -0,0 +1,31 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/line/line-template.urdf b/cliport/environments/assets/line/line-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..c028fd9286d872de99102615f6d312064e9e8ca6 --- /dev/null +++ b/cliport/environments/assets/line/line-template.urdf @@ -0,0 +1,23 @@ + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/line/line-template_DIM.urdf b/cliport/environments/assets/line/line-template_DIM.urdf new file mode 100644 index 0000000000000000000000000000000000000000..c028fd9286d872de99102615f6d312064e9e8ca6 --- /dev/null +++ b/cliport/environments/assets/line/line-template_DIM.urdf @@ -0,0 +1,23 @@ + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/line/line.obj b/cliport/environments/assets/line/line.obj new file mode 100644 index 0000000000000000000000000000000000000000..4766761c32178ad89a74799cb7466dfee4f3421d --- /dev/null +++ b/cliport/environments/assets/line/line.obj @@ -0,0 +1,64 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 10 -10 20 +v 10 -10 0 +v 10 10 0 +v 10 10 20 +v 9.002 9.003 20 +v 9.002 -9.002 20 +v -10 10 0 +v -10 10 20 +v -9.003 9.003 20 +v -9.003 9.003 0 +v 9.002 9.003 0 +v 9.002 -9.002 0 +v -9.003 -9.002 0 +v -9.003 -9.002 20 +v -10 -10 0 +v -10 -10 20 +# 16 vertices + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 1 2 3 +f 1 3 4 +f 4 5 6 +f 4 6 1 +f 9 10 11 +f 9 11 5 +f 6 12 13 +f 6 13 14 +f 10 9 14 +f 10 14 13 +f 7 10 13 +f 7 13 15 +f 4 8 5 +f 9 5 8 +f 8 7 15 +f 8 15 16 +f 10 7 11 +f 3 11 7 +f 11 3 12 +f 2 12 3 +f 14 16 6 +f 1 6 16 +f 16 15 2 +f 16 2 1 +f 9 8 14 +f 16 14 8 +f 7 8 3 +f 4 3 8 +f 2 15 12 +f 13 12 15 +f 12 6 5 +f 12 5 11 +# 32 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/line/single-green-line-template.urdf b/cliport/environments/assets/line/single-green-line-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..c028fd9286d872de99102615f6d312064e9e8ca6 --- /dev/null +++ b/cliport/environments/assets/line/single-green-line-template.urdf @@ -0,0 +1,23 @@ + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/pallet/pallet.obj b/cliport/environments/assets/pallet/pallet.obj new file mode 100644 index 0000000000000000000000000000000000000000..2b4a0fbb27144de8d958e94f17b3eb0581ab27d4 --- /dev/null +++ b/cliport/environments/assets/pallet/pallet.obj @@ -0,0 +1,656 @@ +#### +# +# OBJ File Generated by Meshlab +# +#### +# Object pallet.obj +# +# Vertices: 184 +# Faces: 452 +# +#### +mtllib ./pallet.obj.mtl + +v 0.220000 0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.220000 0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.390000 0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.390000 0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.290000 0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.290000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.290000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.050000 0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.120000 0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.460000 0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v -0.600000 0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.290000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.120000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.220000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.390000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.390000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.460000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.460000 -0.500000 -0.055000 0.749020 0.749020 0.749020 +v 0.220000 -0.500000 -0.055000 0.749020 0.749020 0.749020 +v 0.600000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.600000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.050000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.050000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.050000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.600000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.050000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.050000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.290000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.290000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.390000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.050000 0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.390000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.290000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.290000 0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.290000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.460000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.460000 0.500000 -0.055000 0.749020 0.749020 0.749020 +v 0.460000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.460000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.600000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.220000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.050000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.220000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.120000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.050000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.120000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.050000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.120000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.460000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.600000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.600000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.220000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.220000 0.500000 -0.055000 0.749020 0.749020 0.749020 +v 0.050000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.120000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.120000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.050000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.050000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.050000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.050000 0.500000 -0.055000 0.749020 0.749020 0.749020 +v -0.050000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.050000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.050000 0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.050000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.120000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.390000 0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.220000 0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.390000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.120000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.460000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.290000 0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.120000 0.500000 -0.055000 0.749020 0.749020 0.749020 +v 0.460000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.290000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.600000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v 0.600000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v -0.120000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.120000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.120000 0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.220000 0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.220000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.220000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.460000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.460000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.460000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v -0.290000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 0.500000 -0.055000 0.749020 0.749020 0.749020 +v -0.220000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.290000 0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 -0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.050000 0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.050000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.600000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.600000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.600000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.390000 0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.460000 0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.390000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.220000 0.500000 -0.055000 0.749020 0.749020 0.749020 +v -0.460000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.220000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v -0.460000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.460000 0.500000 0.075000 0.749020 0.749020 0.749020 +v -0.220000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.390000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.050000 -0.500000 -0.055000 0.749020 0.749020 0.749020 +v 0.050000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v -0.050000 0.500000 -0.055000 0.749020 0.749020 0.749020 +v 0.120000 -0.500000 -0.055000 0.749020 0.749020 0.749020 +v -0.050000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v -0.600000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.050000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.120000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.050000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.050000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.120000 0.500000 -0.055000 0.749020 0.749020 0.749020 +v -0.120000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.120000 0.500000 -0.075000 0.749020 0.749020 0.749020 +v -0.600000 0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.390000 0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.120000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.050000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.050000 -0.500000 -0.055000 0.749020 0.749020 0.749020 +v -0.120000 -0.500000 -0.055000 0.749020 0.749020 0.749020 +v -0.600000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.600000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.220000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.220000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.220000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.460000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.050000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.220000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v -0.220000 -0.500000 -0.055000 0.749020 0.749020 0.749020 +v -0.460000 -0.500000 -0.055000 0.749020 0.749020 0.749020 +v 0.460000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.600000 0.020000 -0.055000 0.749020 0.749020 0.749020 +v 0.390000 0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.600000 0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.600000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.600000 -0.020000 -0.055000 0.749020 0.749020 0.749020 +v -0.600000 -0.460000 -0.055000 0.749020 0.749020 0.749020 +v 0.220000 0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.120000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.120000 0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.290000 0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.390000 0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.460000 0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.460000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.460000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.460000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.600000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v -0.600000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.390000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.290000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 -0.020000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 -0.500000 0.055000 0.749020 0.749020 0.749020 +v -0.220000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.600000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v -0.050000 -0.500000 -0.075000 0.749020 0.749020 0.749020 +v 0.390000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.120000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.220000 -0.460000 0.055000 0.749020 0.749020 0.749020 +v 0.290000 -0.460000 0.055000 0.749020 0.749020 0.749020 +# 184 vertices, 0 vertices normals + + +usemtl material_0 +f 1 2 3 +f 1 3 4 +f 5 6 7 +f 5 7 9 +f 12 13 15 +f 8 16 20 +f 8 20 21 +f 19 22 23 +f 19 23 24 +f 30 171 32 +f 30 32 33 +f 10 11 17 +f 10 17 28 +f 9 7 35 +f 37 39 40 +f 37 40 42 +f 44 45 43 +f 43 46 47 +f 43 47 25 +f 49 51 53 +f 49 53 55 +f 48 50 53 +f 48 53 56 +f 57 22 58 +f 57 58 59 +f 54 60 61 +f 27 29 31 +f 27 31 34 +f 27 34 38 +f 52 73 38 +f 62 63 64 +f 62 64 66 +f 65 67 68 +f 71 73 52 +f 27 38 73 +f 60 14 18 +f 69 55 29 +f 69 29 27 +f 36 41 75 +f 36 75 77 +f 74 78 81 +f 85 84 82 +f 79 82 84 +f 56 53 51 +f 56 51 17 +f 56 17 11 +f 86 87 11 +f 26 47 85 +f 25 47 26 +f 85 47 59 +f 85 59 58 +f 76 80 83 +f 76 83 90 +f 88 87 86 +f 56 11 87 +f 87 88 89 +f 87 89 91 +f 92 93 96 +f 22 57 94 +f 23 22 94 +f 45 94 57 +f 57 46 45 +f 43 45 46 +f 97 95 40 +f 97 40 50 +f 36 99 41 +f 98 100 1 +f 42 40 95 +f 42 95 83 +f 42 83 80 +f 99 36 80 +f 42 80 36 +f 73 71 101 +f 73 101 102 +f 15 103 105 +f 9 8 21 +f 106 108 109 +f 106 109 111 +f 60 110 14 +f 54 110 60 +f 110 112 14 +f 112 19 14 +f 24 14 19 +f 12 114 13 +f 104 26 107 +f 104 107 117 +f 113 115 118 +f 30 33 12 +f 33 32 116 +f 33 116 109 +f 33 109 108 +f 114 12 108 +f 33 108 12 +f 119 116 32 +f 119 32 39 +f 70 72 123 +f 70 123 120 +f 125 133 15 +f 122 124 126 +f 45 44 26 +f 37 42 36 +f 127 128 129 +f 127 129 131 +f 114 108 133 +f 114 133 125 +f 96 93 103 +f 96 103 15 +f 18 64 132 +f 130 132 135 +f 136 137 138 +f 136 138 139 +f 77 75 134 +f 134 106 77 +f 81 78 115 +f 81 115 113 +f 44 43 54 +f 44 54 61 +f 30 15 133 +f 30 133 140 +f 30 140 141 +f 171 30 141 +f 91 89 144 +f 144 76 91 +f 142 143 145 +f 142 145 146 +f 109 116 141 +f 109 141 140 +f 68 67 124 +f 68 124 122 +f 130 135 65 +f 130 65 68 +f 102 101 147 +f 61 60 132 +f 61 132 130 +f 102 69 27 +f 148 149 150 +f 148 150 151 +f 99 80 106 +f 99 106 134 +f 122 126 74 +f 122 74 81 +f 117 107 152 +f 152 166 117 +f 37 77 106 +f 37 106 111 +f 37 111 119 +f 39 37 119 +f 83 95 119 +f 83 119 111 +f 105 153 142 +f 105 142 92 +f 6 154 152 +f 6 152 107 +f 113 118 92 +f 113 92 96 +f 156 25 26 +f 2 159 35 +f 2 35 7 +f 86 11 76 +f 86 76 144 +f 67 62 121 +f 65 62 67 +f 62 66 121 +f 66 70 121 +f 120 121 70 +f 3 2 61 +f 68 122 101 +f 89 88 81 +f 41 89 113 +f 113 96 75 +f 13 75 96 +f 15 13 96 +f 75 41 113 +f 81 113 89 +f 122 81 88 +f 88 101 122 +f 101 71 68 +f 130 68 71 +f 71 3 130 +f 61 130 3 +f 2 7 61 +f 44 61 7 +f 7 6 44 +f 6 107 44 +f 26 44 107 +f 48 91 76 +f 48 76 90 +f 97 48 90 +f 50 48 97 +f 15 105 125 +f 71 52 160 +f 71 160 3 +f 17 51 97 +f 17 97 90 +f 78 127 161 +f 74 127 78 +f 127 131 161 +f 131 136 161 +f 139 161 136 +f 102 147 10 +f 102 10 28 +f 49 69 28 +f 55 69 49 +f 102 28 69 +f 155 47 46 +f 162 163 110 +f 62 128 10 +f 76 11 127 +f 80 76 143 +f 143 142 106 +f 108 106 142 +f 133 108 142 +f 153 133 142 +f 106 80 143 +f 127 143 76 +f 128 127 11 +f 11 10 128 +f 10 38 62 +f 63 62 38 +f 38 162 63 +f 110 63 162 +f 163 164 110 +f 46 110 164 +f 164 165 46 +f 165 166 46 +f 155 46 166 +f 93 142 167 +f 92 142 93 +f 142 146 167 +f 146 148 167 +f 151 167 148 +f 79 117 166 +f 79 166 168 +f 79 168 169 +f 82 79 169 +f 88 86 147 +f 88 147 101 +f 157 158 148 +f 157 148 146 +f 52 38 10 +f 52 10 147 +f 41 99 144 +f 41 144 89 +f 118 143 127 +f 118 127 74 +f 158 157 171 +f 103 171 157 +f 157 153 103 +f 105 103 153 +f 34 31 49 +f 34 49 28 +f 140 157 146 +f 17 90 145 +f 129 66 34 +f 174 176 64 +f 173 174 112 +f 112 57 172 +f 168 172 57 +f 170 168 57 +f 59 170 57 +f 172 173 112 +f 64 112 174 +f 66 64 176 +f 176 34 66 +f 34 28 129 +f 131 129 28 +f 28 17 131 +f 145 131 17 +f 90 83 145 +f 146 145 83 +f 83 111 146 +f 111 109 146 +f 140 146 109 +f 145 149 136 +f 145 136 131 +f 156 155 166 +f 156 166 152 +f 13 114 134 +f 13 134 75 +f 53 50 150 +f 138 120 29 +f 175 177 123 +f 16 175 24 +f 20 16 24 +f 24 23 20 +f 82 20 23 +f 85 82 23 +f 123 24 175 +f 120 123 177 +f 177 29 120 +f 29 55 138 +f 139 138 55 +f 55 53 139 +f 150 139 53 +f 50 40 150 +f 151 150 40 +f 40 39 151 +f 39 32 151 +f 171 151 32 +f 170 59 47 +f 170 47 155 +f 126 128 62 +f 126 62 65 +f 170 179 169 +f 170 169 168 +f 23 94 85 +f 133 153 157 +f 133 157 140 +f 129 137 70 +f 129 70 66 +f 171 167 151 +f 149 145 178 +f 150 149 178 +f 115 178 145 +f 145 143 115 +f 118 115 143 +f 84 85 179 +f 84 179 170 +f 155 84 170 +f 156 104 155 +f 135 63 110 +f 135 110 54 +f 150 178 161 +f 150 161 139 +f 125 105 92 +f 86 144 118 +f 126 65 52 +f 159 160 135 +f 35 159 54 +f 54 43 154 +f 152 154 43 +f 156 152 43 +f 25 156 43 +f 154 35 54 +f 135 54 159 +f 65 135 160 +f 160 52 65 +f 52 147 126 +f 74 126 147 +f 147 86 74 +f 118 74 86 +f 144 99 118 +f 92 118 99 +f 99 134 92 +f 134 114 92 +f 125 92 114 +f 137 129 180 +f 138 137 180 +f 124 180 129 +f 129 128 124 +f 126 124 128 +f 21 20 181 +f 21 181 172 +f 165 21 172 +f 154 5 165 +f 64 72 19 +f 64 19 112 +f 138 180 121 +f 138 121 120 +f 4 98 1 +f 123 18 14 +f 123 14 24 +f 94 45 85 +f 26 85 45 +f 179 58 22 +f 182 183 19 +f 70 137 49 +f 97 51 136 +f 95 97 149 +f 149 148 119 +f 116 119 148 +f 141 116 148 +f 158 141 148 +f 119 95 149 +f 136 149 97 +f 137 136 51 +f 51 49 137 +f 49 31 70 +f 72 70 31 +f 31 182 72 +f 19 72 182 +f 183 184 19 +f 22 19 184 +f 184 181 22 +f 181 169 22 +f 179 22 169 +f 123 72 18 +f 72 64 18 +f 64 63 132 +f 135 132 63 +f 9 21 5 +f 60 18 132 +f 98 177 175 +f 98 175 100 +f 100 175 183 +f 100 183 174 +f 100 174 163 +f 159 1 163 +f 100 163 1 +f 85 58 179 +f 171 103 167 +f 93 167 103 +f 166 165 172 +f 166 172 168 +f 15 30 12 +f 141 158 171 +f 169 181 20 +f 169 20 82 +f 77 37 36 +f 178 115 161 +f 78 161 115 +f 98 4 162 +f 98 162 176 +f 98 176 182 +f 177 98 182 +f 56 87 48 +f 91 48 87 +f 110 46 57 +f 110 57 112 +f 180 124 121 +f 67 121 124 +f 164 163 174 +f 164 174 173 +f 27 73 102 +f 117 79 84 +f 117 84 104 +f 9 35 164 +f 9 164 173 +f 184 8 173 +f 16 8 184 +f 9 173 8 +f 26 104 156 +f 84 155 104 +f 184 183 175 +f 184 175 16 +f 6 5 154 +f 21 165 5 +f 1 159 2 +f 162 38 34 +f 162 34 176 +f 4 3 160 +f 160 162 4 +f 182 31 29 +f 182 29 177 +f 159 163 162 +f 159 162 160 +f 174 183 182 +f 174 182 176 +f 154 165 164 +f 154 164 35 +f 172 181 184 +f 172 184 173 +# 452 faces, 0 coords texture + +# End of File diff --git a/cliport/environments/assets/pallet/pallet.urdf b/cliport/environments/assets/pallet/pallet.urdf new file mode 100644 index 0000000000000000000000000000000000000000..b549fa1c95966c7b81c8006eeb3f162fa155a3b3 --- /dev/null +++ b/cliport/environments/assets/pallet/pallet.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/plane/checker_blue.png b/cliport/environments/assets/plane/checker_blue.png new file mode 100644 index 0000000000000000000000000000000000000000..0894b91f1df3b097b25faf202db2da6984716d35 Binary files /dev/null and b/cliport/environments/assets/plane/checker_blue.png differ diff --git a/cliport/environments/assets/plane/plane.mtl b/cliport/environments/assets/plane/plane.mtl new file mode 100644 index 0000000000000000000000000000000000000000..cd101528d364fc8f6553c4312cd0f90757f2b6bb --- /dev/null +++ b/cliport/environments/assets/plane/plane.mtl @@ -0,0 +1,15 @@ +newmtl Material + Ns 10.0000 + Ni 1.5000 + d 1.0000 + Tr 0.0000 + Tf 1.0000 1.0000 1.0000 + illum 2 + Ka 0.0000 0.0000 0.0000 + Kd 0.5880 0.5880 0.5880 + Ks 0.0000 0.0000 0.0000 + Ke 0.0000 0.0000 0.0000 + map_Ka cube.tga + map_Kd checker_blue.png + + diff --git a/cliport/environments/assets/plane/plane.urdf b/cliport/environments/assets/plane/plane.urdf new file mode 100644 index 0000000000000000000000000000000000000000..102c6b323a7709acc2c9cf4907801f0c2379f032 --- /dev/null +++ b/cliport/environments/assets/plane/plane.urdf @@ -0,0 +1,20 @@ + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/plane/plane100.obj b/cliport/environments/assets/plane/plane100.obj new file mode 100644 index 0000000000000000000000000000000000000000..3a74f590b5548ed1531e80f90e24e56d2f9cc33a --- /dev/null +++ b/cliport/environments/assets/plane/plane100.obj @@ -0,0 +1,22 @@ +# Blender v2.66 (sub 1) OBJ File: '' +# www.blender.org +mtllib plane.mtl +o Plane +v 100.000000 -100.000000 0.000000 +v 100.000000 100.000000 0.000000 +v -100.000000 100.000000 0.000000 +v -100.000000 -100.000000 0.000000 + +vt 100.000000 0.000000 +vt 100.000000 100.000000 +vt 0.000000 100.000000 +vt 0.000000 0.000000 + + + +usemtl Material +s off +f 1/1 2/2 3/3 +f 1/1 3/3 4/4 + + diff --git a/cliport/environments/assets/rectangle/rectangle-template-sides-1.urdf b/cliport/environments/assets/rectangle/rectangle-template-sides-1.urdf new file mode 100644 index 0000000000000000000000000000000000000000..8861f731446bb4a02f7d29329571ea142a80b5ed --- /dev/null +++ b/cliport/environments/assets/rectangle/rectangle-template-sides-1.urdf @@ -0,0 +1,63 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/rectangle/rectangle-template-sides-1_test.urdf b/cliport/environments/assets/rectangle/rectangle-template-sides-1_test.urdf new file mode 100644 index 0000000000000000000000000000000000000000..dc82160e60dd3bf2bd2fbfe76108a80fee531176 --- /dev/null +++ b/cliport/environments/assets/rectangle/rectangle-template-sides-1_test.urdf @@ -0,0 +1,63 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/rectangle/rectangle-template-sides-2.urdf b/cliport/environments/assets/rectangle/rectangle-template-sides-2.urdf new file mode 100644 index 0000000000000000000000000000000000000000..65f11c8b25e1995f6f2b08c8582b0e9b789c1cd8 --- /dev/null +++ b/cliport/environments/assets/rectangle/rectangle-template-sides-2.urdf @@ -0,0 +1,63 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/rectangle/rectangle-template-sides-3.urdf b/cliport/environments/assets/rectangle/rectangle-template-sides-3.urdf new file mode 100644 index 0000000000000000000000000000000000000000..98483b28380dcc14a71b79720d533eef0204464a --- /dev/null +++ b/cliport/environments/assets/rectangle/rectangle-template-sides-3.urdf @@ -0,0 +1,60 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/rectangle/rectangle-template-sides-4.urdf b/cliport/environments/assets/rectangle/rectangle-template-sides-4.urdf new file mode 100644 index 0000000000000000000000000000000000000000..d66b36ef4dfa0fb7be7ed25f7f53d04ed4e68864 --- /dev/null +++ b/cliport/environments/assets/rectangle/rectangle-template-sides-4.urdf @@ -0,0 +1,57 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/sphere/sphere-template.urdf b/cliport/environments/assets/sphere/sphere-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..5a9836da647f8bc8ef24b6da537a820b9970c1dc --- /dev/null +++ b/cliport/environments/assets/sphere/sphere-template.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/sphere/sphere-template_DIM.urdf b/cliport/environments/assets/sphere/sphere-template_DIM.urdf new file mode 100644 index 0000000000000000000000000000000000000000..5a9836da647f8bc8ef24b6da537a820b9970c1dc --- /dev/null +++ b/cliport/environments/assets/sphere/sphere-template_DIM.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/sphere/sphere.urdf b/cliport/environments/assets/sphere/sphere.urdf new file mode 100644 index 0000000000000000000000000000000000000000..45f0b490e32574b605b769491cd5e63b17073383 --- /dev/null +++ b/cliport/environments/assets/sphere/sphere.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/sphere/sphere_rope.urdf b/cliport/environments/assets/sphere/sphere_rope.urdf new file mode 100644 index 0000000000000000000000000000000000000000..4ab3bb2a438345ea5e85801142815e8140a95463 --- /dev/null +++ b/cliport/environments/assets/sphere/sphere_rope.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/square/square-template-allsides-COLOR.urdf b/cliport/environments/assets/square/square-template-allsides-COLOR.urdf new file mode 100644 index 0000000000000000000000000000000000000000..bfdb13c0d48b5a2bb9bfc0ccf66c085fcd69522d --- /dev/null +++ b/cliport/environments/assets/square/square-template-allsides-COLOR.urdf @@ -0,0 +1,57 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/square/square-template-allsides-blue.urdf b/cliport/environments/assets/square/square-template-allsides-blue.urdf new file mode 100644 index 0000000000000000000000000000000000000000..0cc912875fd3f4e663dd04ef1d477bc95d793799 --- /dev/null +++ b/cliport/environments/assets/square/square-template-allsides-blue.urdf @@ -0,0 +1,57 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/square/square-template-allsides-green.urdf b/cliport/environments/assets/square/square-template-allsides-green.urdf new file mode 100644 index 0000000000000000000000000000000000000000..e3641a0965500164a92ea2121fc017448b64f4b9 --- /dev/null +++ b/cliport/environments/assets/square/square-template-allsides-green.urdf @@ -0,0 +1,57 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/square/square-template.urdf b/cliport/environments/assets/square/square-template.urdf new file mode 100644 index 0000000000000000000000000000000000000000..e51e1973158d91ce5fa14c25d324b6b783af2cf7 --- /dev/null +++ b/cliport/environments/assets/square/square-template.urdf @@ -0,0 +1,45 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/square/square-template_HALF_DIM.urdf b/cliport/environments/assets/square/square-template_HALF_DIM.urdf new file mode 100644 index 0000000000000000000000000000000000000000..e51e1973158d91ce5fa14c25d324b6b783af2cf7 --- /dev/null +++ b/cliport/environments/assets/square/square-template_HALF_DIM.urdf @@ -0,0 +1,45 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/stacking/block.urdf b/cliport/environments/assets/stacking/block.urdf new file mode 100644 index 0000000000000000000000000000000000000000..938423cb8040b9b45022a434e1a001fe995c779f --- /dev/null +++ b/cliport/environments/assets/stacking/block.urdf @@ -0,0 +1,32 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/stacking/stand.urdf b/cliport/environments/assets/stacking/stand.urdf new file mode 100644 index 0000000000000000000000000000000000000000..16c5d70fa2e05b59943d221a1768f5d8eede1837 --- /dev/null +++ b/cliport/environments/assets/stacking/stand.urdf @@ -0,0 +1,89 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/ur5/collision/base.stl b/cliport/environments/assets/ur5/collision/base.stl new file mode 100644 index 0000000000000000000000000000000000000000..339a8164007954c38541f204af1354c8b991828e --- /dev/null +++ b/cliport/environments/assets/ur5/collision/base.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7af57d109de6a73f57943613bb000346518df06bb5ae119a2e80cf00bcbebde +size 28984 diff --git a/cliport/environments/assets/ur5/collision/forearm.stl b/cliport/environments/assets/ur5/collision/forearm.stl new file mode 100644 index 0000000000000000000000000000000000000000..5ab694eba4c13bad33e513a31f4fa594aed1e8f6 --- /dev/null +++ b/cliport/environments/assets/ur5/collision/forearm.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e79aa80a532494ba5320c30b40363ff63d228e3d59e2904703dca341dcba2ac +size 52584 diff --git a/cliport/environments/assets/ur5/collision/shoulder.stl b/cliport/environments/assets/ur5/collision/shoulder.stl new file mode 100644 index 0000000000000000000000000000000000000000..d10054cd74b1e1e00509dcbdcb11599fdbd7decb --- /dev/null +++ b/cliport/environments/assets/ur5/collision/shoulder.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d62e23a8c3ff9e6334fb157c805e6202037bcfca65bc6a36c5c9ae866751b3b +size 33784 diff --git a/cliport/environments/assets/ur5/collision/upperarm.stl b/cliport/environments/assets/ur5/collision/upperarm.stl new file mode 100644 index 0000000000000000000000000000000000000000..a445b087e1dadad4ea0f3cd289cf25c8383281e3 --- /dev/null +++ b/cliport/environments/assets/ur5/collision/upperarm.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55c11ac0ad1e144f230849b2033532e8b140b2e818ea497296d08dfb88757440 +size 58884 diff --git a/cliport/environments/assets/ur5/collision/wrist1.stl b/cliport/environments/assets/ur5/collision/wrist1.stl new file mode 100644 index 0000000000000000000000000000000000000000..9b73783ed4086f61809fd5883380296e1b5344a7 --- /dev/null +++ b/cliport/environments/assets/ur5/collision/wrist1.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0a1fd12150140efdee91650dcb4c2d0443065551a9207a2d2dbde58ff1fb4eb7 +size 35184 diff --git a/cliport/environments/assets/ur5/collision/wrist2.stl b/cliport/environments/assets/ur5/collision/wrist2.stl new file mode 100644 index 0000000000000000000000000000000000000000..fa66a3e3e4e719832c9fadc9b240f59a9ff77b31 --- /dev/null +++ b/cliport/environments/assets/ur5/collision/wrist2.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c1d9f7843366068cb331f3f5c43fa716d3eceeb8c80216eccbbc878905dab123 +size 35184 diff --git a/cliport/environments/assets/ur5/collision/wrist3.stl b/cliport/environments/assets/ur5/collision/wrist3.stl new file mode 100644 index 0000000000000000000000000000000000000000..c7bed14cb60de2bc786c7871733ae16e8ae2ee65 --- /dev/null +++ b/cliport/environments/assets/ur5/collision/wrist3.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf7220397b56f1d3047be9465eea1181d471b40fc82728052e31c97588585b4b +size 22384 diff --git a/cliport/environments/assets/ur5/gripper/README.md b/cliport/environments/assets/ur5/gripper/README.md new file mode 100644 index 0000000000000000000000000000000000000000..aa41fefe70e51225486449b011c2a954972f3b2c --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/README.md @@ -0,0 +1,52 @@ +## Robotiq 2F 85 gripper +For this gripper, the following Github repo can be used as a reference: https://github.com/Shreeyak/robotiq.git + +### mimic tag in URDF +This gripper is developed for ROS and uses the `mimic` tag within the URDF files to make the gripper move. From our research `mimic` tag within URDF is not supported by pybullet. To overcome this, one can use the `createConstraint` function. Please refer to [this](https://github.com/bulletphysics/bullet3/blob/master/examples/pybullet/examples/mimicJointConstraint.py) example from the bullet3 repo to see how to replicate a `mimic` joint: + +```python +#a mimic joint can act as a gear between two joints +#you can control the gear ratio in magnitude and sign (>0 reverses direction) + +import pybullet as p +import time +p.connect(p.GUI) +p.loadURDF("plane.urdf",0,0,-2) +wheelA = p.loadURDF("differential/diff_ring.urdf",[0,0,0]) +for i in range(p.getNumJoints(wheelA)): + print(p.getJointInfo(wheelA,i)) + p.setJointMotorControl2(wheelA,i,p.VELOCITY_CONTROL,targetVelocity=0,force=0) + + +c = p.createConstraint(wheelA,1,wheelA,3,jointType=p.JOINT_GEAR,jointAxis =[0,1,0],parentFramePosition=[0,0,0],childFramePosition=[0,0,0]) +p.changeConstraint(c,gearRatio=1, maxForce=10000) + +c = p.createConstraint(wheelA,2,wheelA,4,jointType=p.JOINT_GEAR,jointAxis =[0,1,0],parentFramePosition=[0,0,0],childFramePosition=[0,0,0]) +p.changeConstraint(c,gearRatio=-1, maxForce=10000) + +c = p.createConstraint(wheelA,1,wheelA,4,jointType=p.JOINT_GEAR,jointAxis =[0,1,0],parentFramePosition=[0,0,0],childFramePosition=[0,0,0]) +p.changeConstraint(c,gearRatio=-1, maxForce=10000) + + +p.setRealTimeSimulation(1) +while(1): + p.setGravity(0,0,-10) + time.sleep(0.01) +#p.removeConstraint(c) + +``` + + +Details on `createConstraint` can be found in the pybullet [getting started](https://docs.google.com/document/d/10sXEhzFRSnvFcl3XxNGhnD4N2SedqwdAvK3dsihxVUA/edit#heading=h.fq749wu22x4c) guide. + +### Files in folder +Since parameters like gear ratio and direction are required, one can find the `robotiq_2f_85_mimic_joints.urdf` which contains the mimic tags as in original URDF, which can be used as a reference. It was generated from `robotiq/robotiq_2f_robot/robot/simple_rq2f85_pybullet.urdf.xacro` as so: +``` +rosrun xacro xacro --inorder simple_rq2f85_pybullet.urdf.xacro +adaptive_transmission:="true" > robotiq_2f_85_mimic_joints.urdf +``` + +The URDF meant for use in pybullet is `robotiq_2f_85.urdf` and it is generated in a similar manner as above by running: +``` +rosrun xacro xacro --inorder simple_rq2f85_pybullet.urdf.xacro > robotiq_2f_85.urdf +``` diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-base.mtl b/cliport/environments/assets/ur5/gripper/robotiq-2f-base.mtl new file mode 100644 index 0000000000000000000000000000000000000000..35d36cfef2bea7c53cb427fdfdc6a639abfa9110 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-base.mtl @@ -0,0 +1,13 @@ +# Blender MTL File: 'gripper-2f.blend' +# Material Count: 1 + +newmtl Default +Ns 96.078431 +Ka 1.000000 1.000000 1.000000 +Kd 0.640000 0.640000 0.640000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 +map_Kd textures/gripper-2f_BaseColor.jpg diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-base.obj b/cliport/environments/assets/ur5/gripper/robotiq-2f-base.obj new file mode 100644 index 0000000000000000000000000000000000000000..200622647ea851b45d264e20333ff37d40d25031 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-base.obj @@ -0,0 +1,88905 @@ +# Blender v2.79 (sub 5) OBJ File: 'gripper-2f.blend' +# www.blender.org +mtllib robotiq-2f-base.mtl +o robotiq-2f-base_Part__Feature +v -0.055000 -0.371734 0.585177 +v -0.047000 -0.369228 0.589402 +v -0.047000 -0.378005 0.570066 +v 0.055000 -0.371734 0.585177 +v 0.047000 -0.378005 0.570066 +v 0.047000 -0.369228 0.589402 +v 0.055000 -0.360684 0.600386 +v 0.047000 -0.355383 0.605503 +v 0.055000 -0.346198 0.612370 +v 0.047000 -0.337579 0.617078 +v 0.055000 -0.329188 0.620374 +v 0.047000 -0.317246 0.623199 +v 0.055000 -0.310721 0.623897 +v 0.047000 -0.296011 0.623375 +v 0.055000 -0.236278 0.576654 +v -0.055000 -0.245335 0.593129 +v -0.055000 -0.236278 0.576654 +v 0.055000 -0.381011 0.549045 +v 0.047000 -0.381011 0.549045 +v 0.055000 -0.378655 0.567697 +v 0.055000 -0.231603 0.558445 +v -0.055000 -0.231603 0.558445 +v 0.055000 -0.231603 0.539645 +v -0.055000 -0.231603 0.539645 +v 0.055000 -0.236278 0.521436 +v -0.055000 -0.236278 0.521436 +v 0.055000 -0.245335 0.504961 +v -0.047000 -0.381011 0.549045 +v -0.055000 -0.381011 0.549045 +v -0.055000 -0.378655 0.567697 +v -0.055000 -0.245335 0.504961 +v 0.055000 -0.258205 0.491257 +v -0.055000 -0.258205 0.491257 +v 0.055000 -0.274078 0.481183 +v -0.055000 -0.274078 0.481183 +v 0.055000 -0.291958 0.475374 +v -0.055000 -0.291958 0.475374 +v 0.055000 -0.310721 0.474193 +v -0.055000 -0.310721 0.474193 +v 0.055000 -0.329188 0.477716 +v -0.055000 -0.360684 0.600386 +v -0.055000 -0.329188 0.477716 +v -0.047000 -0.355383 0.605503 +v -0.055000 -0.346198 0.612370 +v 0.055000 -0.346198 0.485721 +v 0.047000 -0.354221 0.491592 +v 0.055000 -0.360684 0.497704 +v -0.000000 -0.354221 0.491592 +v -0.055000 -0.346198 0.485721 +v 0.047000 -0.368673 0.507832 +v 0.055000 -0.371734 0.512914 +v -0.047000 -0.337579 0.617078 +v -0.055000 -0.329188 0.620374 +v -0.047000 -0.354221 0.491592 +v 0.055000 -0.291958 0.622717 +v -0.055000 -0.360684 0.497704 +v 0.047000 -0.377861 0.527535 +v 0.055000 -0.378655 0.530393 +v -0.000000 -0.296011 0.623375 +v -0.047000 -0.317246 0.623199 +v -0.055000 -0.310721 0.623897 +v 0.055000 -0.274078 0.616907 +v -0.047000 -0.368673 0.507832 +v -0.055000 -0.371734 0.512914 +v -0.047000 -0.296011 0.623375 +v -0.055000 -0.291958 0.622717 +v -0.055000 -0.274078 0.616907 +v -0.047000 -0.377861 0.527535 +v -0.055000 -0.378655 0.530393 +v 0.055000 -0.258205 0.606834 +v -0.055000 -0.258205 0.606834 +v 0.055000 -0.245335 0.593129 +v 0.055000 0.380420 0.539645 +v 0.055000 0.380420 0.558445 +v 0.047000 0.380640 0.541595 +v 0.047000 0.380075 0.560862 +v 0.055000 0.233368 0.567697 +v 0.055000 0.231011 0.549045 +v -0.055000 0.231011 0.549045 +v -0.047000 0.374617 0.579348 +v -0.055000 0.375745 0.576654 +v -0.047000 0.380075 0.560862 +v 0.055000 0.240288 0.585177 +v -0.055000 0.233368 0.567697 +v -0.055000 0.380420 0.558445 +v 0.055000 0.251339 0.600386 +v -0.055000 0.240288 0.585177 +v 0.055000 0.375745 0.521436 +v 0.047000 0.376277 0.522819 +v 0.055000 0.265824 0.612370 +v -0.055000 0.251339 0.600386 +v -0.047000 0.380640 0.541595 +v -0.055000 0.380420 0.539645 +v 0.055000 0.282835 0.620374 +v -0.055000 0.265824 0.612370 +v 0.055000 0.366688 0.504961 +v 0.047000 0.367272 0.505777 +v 0.047000 0.296011 0.623375 +v 0.055000 0.301302 0.623897 +v -0.047000 0.376277 0.522819 +v 0.000000 0.296011 0.623375 +v -0.055000 0.375745 0.521436 +v -0.055000 0.282835 0.620374 +v 0.055000 0.353818 0.491257 +v 0.047000 0.354221 0.491592 +v 0.047000 0.315287 0.623469 +v 0.055000 0.320065 0.622717 +v -0.047000 0.367272 0.505777 +v -0.047000 0.296011 0.623375 +v -0.055000 0.366688 0.504961 +v -0.055000 0.301302 0.623897 +v 0.047000 0.333949 0.618647 +v 0.000000 0.354221 0.491592 +v 0.055000 0.337945 0.481183 +v 0.055000 0.337945 0.616907 +v -0.047000 0.354221 0.491592 +v -0.055000 0.353818 0.491257 +v -0.047000 0.315287 0.623469 +v -0.055000 0.320065 0.622717 +v 0.047000 0.350767 0.609228 +v 0.055000 0.320065 0.475374 +v -0.055000 0.337945 0.481183 +v 0.055000 0.353818 0.606834 +v 0.055000 0.301302 0.474193 +v -0.055000 0.320065 0.475374 +v -0.047000 0.333949 0.618647 +v -0.055000 0.337945 0.616907 +v -0.055000 0.301302 0.474193 +v 0.047000 0.364628 0.595833 +v 0.055000 0.282835 0.477716 +v 0.055000 0.366688 0.593129 +v -0.055000 0.282835 0.477716 +v 0.055000 0.265824 0.485721 +v -0.047000 0.350767 0.609228 +v -0.055000 0.353818 0.606834 +v -0.055000 0.265824 0.485721 +v 0.055000 0.251339 0.497704 +v 0.047000 0.374617 0.579348 +v -0.055000 0.251339 0.497704 +v 0.055000 0.240288 0.512914 +v 0.055000 0.375745 0.576654 +v -0.055000 0.240288 0.512914 +v -0.047000 0.364628 0.595833 +v 0.055000 0.233368 0.530393 +v -0.055000 0.366688 0.593129 +v -0.055000 0.233368 0.530393 +v -0.161727 -0.242554 -0.000000 +v -0.154847 -0.242987 -0.000000 +v -0.161727 -0.242554 0.290000 +v -0.154847 -0.242987 0.290000 +v -0.168498 -0.243846 -0.000000 +v -0.168498 -0.243846 0.290000 +v -0.174735 -0.246781 -0.000000 +v -0.174735 -0.246781 0.290000 +v -0.186636 -0.276839 -0.000000 +v -0.187500 -0.270000 -0.000000 +v -0.186636 -0.276839 0.290000 +v -0.187500 -0.270000 0.290000 +v -0.180047 -0.251175 -0.000000 +v -0.180047 -0.251175 0.290000 +v -0.184098 -0.283248 -0.000000 +v -0.184098 -0.283248 0.290000 +v -0.184098 -0.256752 -0.000000 +v -0.184098 -0.256752 0.290000 +v -0.180047 -0.288825 -0.000000 +v -0.180047 -0.288825 0.290000 +v -0.186636 -0.263161 -0.000000 +v -0.186636 -0.263161 0.290000 +v -0.174735 -0.293219 -0.000000 +v -0.174735 -0.293219 0.290000 +v -0.168498 -0.296154 -0.000000 +v -0.168498 -0.296154 0.290000 +v -0.161727 -0.297446 -0.000000 +v -0.161727 -0.297446 0.290000 +v -0.154847 -0.297013 -0.000000 +v -0.154847 -0.297013 0.290000 +v -0.148291 -0.294883 -0.000000 +v -0.148291 -0.294883 0.290000 +v -0.142471 -0.291189 -0.000000 +v -0.142471 -0.291189 0.290000 +v -0.137752 -0.286164 -0.000000 +v -0.137752 -0.286164 0.290000 +v -0.134431 -0.280123 -0.000000 +v -0.134431 -0.280123 0.290000 +v -0.132717 -0.273447 0.290000 +v -0.132717 -0.273447 -0.000000 +v -0.132717 -0.266553 0.290000 +v -0.132717 -0.266553 -0.000000 +v -0.134431 -0.259877 0.290000 +v -0.134431 -0.259877 -0.000000 +v -0.137752 -0.253836 -0.000000 +v -0.137752 -0.253836 0.290000 +v -0.142471 -0.248811 -0.000000 +v -0.142471 -0.248811 0.290000 +v -0.148291 -0.245117 -0.000000 +v -0.148291 -0.245117 0.290000 +v -0.161727 0.297446 -0.000000 +v -0.154847 0.297013 -0.000000 +v -0.161727 0.297446 0.290000 +v -0.154847 0.297013 0.290000 +v -0.168498 0.296154 -0.000000 +v -0.168498 0.296154 0.290000 +v -0.174735 0.293219 -0.000000 +v -0.174735 0.293219 0.290000 +v -0.186636 0.263161 -0.000000 +v -0.187500 0.270000 -0.000000 +v -0.186636 0.263161 0.290000 +v -0.187500 0.270000 0.290000 +v -0.180047 0.288825 -0.000000 +v -0.180047 0.288825 0.290000 +v -0.184098 0.256752 -0.000000 +v -0.184098 0.256752 0.290000 +v -0.184098 0.283248 -0.000000 +v -0.184098 0.283248 0.290000 +v -0.180047 0.251175 -0.000000 +v -0.180047 0.251175 0.290000 +v -0.186636 0.276839 -0.000000 +v -0.186636 0.276839 0.290000 +v -0.174735 0.246781 -0.000000 +v -0.174735 0.246781 0.290000 +v -0.168498 0.243846 -0.000000 +v -0.168498 0.243846 0.290000 +v -0.161727 0.242554 -0.000000 +v -0.161727 0.242554 0.290000 +v -0.154847 0.242987 -0.000000 +v -0.154847 0.242987 0.290000 +v -0.148291 0.245117 -0.000000 +v -0.148291 0.245117 0.290000 +v -0.142471 0.248811 -0.000000 +v -0.142471 0.248811 0.290000 +v -0.137752 0.253836 -0.000000 +v -0.137752 0.253836 0.290000 +v -0.134431 0.259877 -0.000000 +v -0.134431 0.259877 0.290000 +v -0.132717 0.266553 0.290000 +v -0.132717 0.266553 -0.000000 +v -0.132717 0.273447 0.290000 +v -0.132717 0.273447 -0.000000 +v -0.134431 0.280123 0.290000 +v -0.134431 0.280123 -0.000000 +v -0.137752 0.286164 -0.000000 +v -0.137752 0.286164 0.290000 +v -0.142471 0.291189 -0.000000 +v -0.142471 0.291189 0.290000 +v -0.148291 0.294883 -0.000000 +v -0.148291 0.294883 0.290000 +v 0.180047 0.251175 0.000000 +v 0.174735 0.246781 0.000000 +v 0.174735 0.246781 0.290000 +v 0.168498 0.243846 0.290000 +v 0.186636 0.276839 0.000000 +v 0.187500 0.270000 0.000000 +v 0.187500 0.270000 0.290000 +v 0.184098 0.256752 0.000000 +v 0.180047 0.251175 0.290000 +v 0.186636 0.263161 0.000000 +v 0.184098 0.256752 0.290000 +v 0.184098 0.283248 0.000000 +v 0.186636 0.276839 0.290000 +v 0.186636 0.263161 0.290000 +v 0.180047 0.288825 0.000000 +v 0.184098 0.283248 0.290000 +v 0.174735 0.293219 0.000000 +v 0.180047 0.288825 0.290000 +v 0.168498 0.296154 0.000000 +v 0.174735 0.293219 0.290000 +v 0.161727 0.297446 0.000000 +v 0.168498 0.296154 0.290000 +v 0.161727 0.297446 0.290000 +v 0.154847 0.297013 0.000000 +v 0.154847 0.297013 0.290000 +v 0.148291 0.294883 0.000000 +v 0.142471 0.291189 0.000000 +v 0.148291 0.294883 0.290000 +v 0.142471 0.291189 0.290000 +v 0.137752 0.286164 0.000000 +v 0.137752 0.286164 0.290000 +v 0.134431 0.280123 0.000000 +v 0.134431 0.280123 0.290000 +v 0.132717 0.273447 0.000000 +v 0.132717 0.273447 0.290000 +v 0.132717 0.266553 0.290000 +v 0.132717 0.266553 0.000000 +v 0.134431 0.259877 0.000000 +v 0.134431 0.259877 0.290000 +v 0.137752 0.253836 0.000000 +v 0.137752 0.253836 0.290000 +v 0.142471 0.248811 0.000000 +v 0.148291 0.245117 0.000000 +v 0.142471 0.248811 0.290000 +v 0.154847 0.242987 0.000000 +v 0.148291 0.245117 0.290000 +v 0.161727 0.242554 0.000000 +v 0.154847 0.242987 0.290000 +v 0.168498 0.243846 0.000000 +v 0.161727 0.242554 0.290000 +v 0.168498 -0.296154 -0.000000 +v 0.161727 -0.297446 -0.000000 +v 0.168498 -0.296154 0.290000 +v 0.161727 -0.297446 0.290000 +v 0.174735 -0.293219 -0.000000 +v 0.174735 -0.293219 0.290000 +v 0.186636 -0.263161 -0.000000 +v 0.187500 -0.270000 -0.000000 +v 0.186636 -0.263161 0.290000 +v 0.187500 -0.270000 0.290000 +v 0.180047 -0.288825 -0.000000 +v 0.180047 -0.288825 0.290000 +v 0.184098 -0.256752 -0.000000 +v 0.184098 -0.256752 0.290000 +v 0.184098 -0.283248 -0.000000 +v 0.184098 -0.283248 0.290000 +v 0.180047 -0.251175 -0.000000 +v 0.180047 -0.251175 0.290000 +v 0.186636 -0.276839 -0.000000 +v 0.186636 -0.276839 0.290000 +v 0.174735 -0.246781 -0.000000 +v 0.174735 -0.246781 0.290000 +v 0.168498 -0.243846 -0.000000 +v 0.168498 -0.243846 0.290000 +v 0.161727 -0.242554 -0.000000 +v 0.161727 -0.242554 0.290000 +v 0.154847 -0.242987 -0.000000 +v 0.154847 -0.242987 0.290000 +v 0.148291 -0.245117 -0.000000 +v 0.148291 -0.245117 0.290000 +v 0.142471 -0.248811 -0.000000 +v 0.142471 -0.248811 0.290000 +v 0.137752 -0.253836 -0.000000 +v 0.137752 -0.253836 0.290000 +v 0.134431 -0.259877 -0.000000 +v 0.134431 -0.259877 0.290000 +v 0.132717 -0.266553 -0.000000 +v 0.132717 -0.266553 0.290000 +v 0.132717 -0.273447 0.290000 +v 0.132717 -0.273447 -0.000000 +v 0.134431 -0.280123 -0.000000 +v 0.134431 -0.280123 0.290000 +v 0.137752 -0.286164 -0.000000 +v 0.137752 -0.286164 0.290000 +v 0.142471 -0.291189 -0.000000 +v 0.142471 -0.291189 0.290000 +v 0.148291 -0.294883 -0.000000 +v 0.148291 -0.294883 0.290000 +v 0.154847 -0.297013 -0.000000 +v 0.154847 -0.297013 0.290000 +v 0.103000 0.332150 0.382869 +v 0.095000 0.332150 0.382869 +v 0.095000 0.330348 0.381882 +v 0.103000 0.330348 0.381882 +v 0.095000 0.328876 0.380449 +v 0.103000 0.328876 0.380449 +v 0.095000 0.327841 0.378675 +v 0.103000 0.327841 0.378675 +v 0.095000 0.327317 0.376689 +v 0.103000 0.327317 0.376689 +v 0.095000 0.327343 0.374635 +v 0.103000 0.327343 0.374635 +v 0.095000 0.327917 0.372663 +v 0.103000 0.327917 0.372663 +v 0.095000 0.306621 0.399895 +v 0.095000 0.307404 0.399417 +v 0.103000 0.307404 0.399417 +v 0.095000 0.305738 0.400150 +v 0.103000 0.306621 0.399895 +v 0.095000 0.304820 0.400162 +v 0.103000 0.305738 0.400150 +v 0.095000 0.303932 0.399932 +v 0.103000 0.304820 0.400162 +v 0.095000 0.303135 0.399475 +v 0.103000 0.303932 0.399932 +v 0.095000 0.302487 0.398824 +v 0.103000 0.303135 0.399475 +v 0.095000 0.302034 0.398026 +v 0.103000 0.302487 0.398824 +v 0.095000 0.301808 0.397136 +v 0.103000 0.302034 0.398026 +v 0.095000 0.301825 0.396218 +v 0.103000 0.301808 0.397136 +v 0.095000 0.302083 0.395337 +v 0.103000 0.301825 0.396218 +v 0.103000 0.302083 0.395337 +v 0.095000 0.297044 0.384691 +v 0.095000 0.297850 0.385131 +v 0.103000 0.297850 0.385131 +v 0.095000 0.296383 0.384054 +v 0.103000 0.297044 0.384691 +v 0.095000 0.295913 0.383265 +v 0.103000 0.296383 0.384054 +v 0.095000 0.295669 0.382380 +v 0.103000 0.295913 0.383265 +v 0.095000 0.295666 0.381462 +v 0.103000 0.295669 0.382380 +v 0.095000 0.295905 0.380576 +v 0.103000 0.295666 0.381462 +v 0.095000 0.296370 0.379784 +v 0.103000 0.295905 0.380576 +v 0.095000 0.297028 0.379144 +v 0.103000 0.296370 0.379784 +v 0.095000 0.297831 0.378699 +v 0.103000 0.297028 0.379144 +v 0.095000 0.298723 0.378482 +v 0.103000 0.297831 0.378699 +v 0.103000 0.298723 0.378482 +v 0.101647 0.305843 0.403742 +v 0.103000 0.307545 0.402019 +v 0.103000 0.312462 0.403334 +v 0.095280 0.287839 0.395227 +v 0.103000 0.295668 0.386553 +v 0.103000 0.296987 0.391469 +v 0.103000 0.299534 0.395877 +v 0.091977 0.282851 0.383198 +v 0.081000 0.279054 0.396323 +v 0.092920 0.310558 0.415114 +v 0.098457 0.324983 0.408074 +v 0.081000 0.325042 0.420649 +v 0.081000 0.315612 0.421995 +v 0.081000 0.306144 0.420954 +v 0.103000 0.317553 0.403332 +v 0.092009 0.292830 0.407263 +v 0.082948 0.296629 0.416425 +v 0.081000 0.297232 0.417590 +v 0.081000 0.289437 0.412116 +v 0.088738 0.348376 0.375862 +v 0.081000 0.352207 0.376279 +v 0.081000 0.352958 0.385775 +v 0.081000 0.349118 0.367269 +v 0.095280 0.342135 0.372711 +v 0.092009 0.347127 0.384747 +v 0.093555 0.313292 0.353136 +v 0.081000 0.309631 0.346381 +v 0.092854 0.319418 0.352830 +v 0.103000 0.317538 0.364666 +v 0.093657 0.310230 0.353545 +v 0.103000 0.312447 0.364668 +v 0.087469 0.301557 0.351581 +v 0.095392 0.308422 0.355464 +v 0.098393 0.304988 0.359856 +v 0.095392 0.299454 0.359183 +v 0.103000 0.303123 0.368534 +v 0.093657 0.296818 0.359106 +v 0.103000 0.299525 0.372135 +v 0.081000 0.292172 0.353621 +v 0.093555 0.294365 0.360984 +v 0.092854 0.289820 0.365103 +v 0.088738 0.285659 0.401869 +v 0.081000 0.283248 0.404875 +v 0.091977 0.337147 0.360682 +v 0.081000 0.343886 0.359309 +v 0.081000 0.336838 0.352902 +v 0.081000 0.328418 0.348448 +v 0.103000 0.330466 0.372123 +v 0.103000 0.326865 0.368525 +v 0.081000 0.319155 0.346228 +v 0.103000 0.334332 0.381447 +v 0.103000 0.333013 0.376530 +v 0.101611 0.324125 0.364181 +v 0.103000 0.322455 0.365981 +v 0.081000 0.300444 0.348898 +v 0.103000 0.334334 0.386538 +v 0.103000 0.307530 0.365987 +v 0.082948 0.350926 0.393909 +v 0.081000 0.351325 0.395159 +v 0.081000 0.347408 0.403842 +v 0.101647 0.335441 0.391469 +v 0.103000 0.330475 0.395865 +v 0.103000 0.333019 0.391455 +v 0.081000 0.285334 0.360252 +v 0.081000 0.280360 0.368376 +v 0.092920 0.340156 0.402840 +v 0.081000 0.341455 0.411278 +v 0.081000 0.333840 0.417001 +v 0.103000 0.326877 0.399466 +v 0.101611 0.294527 0.376455 +v 0.103000 0.296981 0.376545 +v 0.103000 0.322469 0.402013 +v 0.081000 0.277563 0.377481 +v 0.081000 0.277118 0.386996 +v 0.087555 0.328425 0.416374 +v 0.110000 0.072327 0.562859 +v 0.120000 0.072327 0.562859 +v 0.120000 0.061277 0.578068 +v 0.110000 0.086813 0.550875 +v 0.110000 0.052000 0.614200 +v 0.120000 0.052000 0.614200 +v 0.120000 0.054356 0.632852 +v 0.110000 0.061277 0.578068 +v 0.120000 0.054356 0.595548 +v 0.110000 0.054356 0.632852 +v 0.120000 0.061277 0.650331 +v 0.110000 0.054356 0.595548 +v 0.110000 0.061277 0.650331 +v 0.120000 0.072327 0.665541 +v 0.110000 0.072327 0.665541 +v 0.120000 0.086813 0.677525 +v 0.110000 0.086813 0.677525 +v 0.120000 0.103824 0.685529 +v 0.110000 0.103824 0.685529 +v 0.120000 0.122291 0.689052 +v 0.110000 0.122291 0.689052 +v 0.120000 0.141054 0.687871 +v 0.110000 0.141054 0.687871 +v 0.120000 0.158933 0.682062 +v 0.110000 0.158933 0.682062 +v 0.120000 0.174807 0.671988 +v 0.110000 0.174807 0.671988 +v 0.120000 0.187676 0.658284 +v 0.110000 0.187676 0.658284 +v 0.120000 0.196733 0.641809 +v 0.110000 0.196733 0.641809 +v 0.120000 0.201409 0.623600 +v 0.110000 0.201409 0.623600 +v 0.120000 0.201409 0.604800 +v 0.110000 0.201409 0.604800 +v 0.120000 0.196733 0.586591 +v 0.110000 0.196733 0.586591 +v 0.120000 0.187676 0.570116 +v 0.110000 0.187676 0.570116 +v 0.120000 0.174807 0.556411 +v 0.110000 0.174807 0.556411 +v 0.120000 0.158933 0.546338 +v 0.110000 0.158933 0.546338 +v 0.120000 0.141054 0.540528 +v 0.110000 0.141054 0.540528 +v 0.120000 0.122291 0.539348 +v 0.110000 0.122291 0.539348 +v 0.120000 0.103824 0.542871 +v 0.110000 0.103824 0.542871 +v 0.120000 0.086813 0.550875 +v 0.110000 -0.131709 0.539348 +v 0.110000 -0.112946 0.540528 +v 0.120000 -0.112946 0.540528 +v 0.110000 -0.150176 0.542871 +v 0.120000 -0.131709 0.539348 +v 0.120000 -0.150176 0.542871 +v 0.110000 -0.167187 0.550875 +v 0.120000 -0.167187 0.550875 +v 0.110000 -0.199644 0.632852 +v 0.120000 -0.202000 0.614200 +v 0.120000 -0.199644 0.632852 +v 0.110000 -0.202000 0.614200 +v 0.110000 -0.181673 0.562859 +v 0.120000 -0.181673 0.562859 +v 0.110000 -0.192723 0.650331 +v 0.120000 -0.192723 0.650331 +v 0.110000 -0.192723 0.578068 +v 0.120000 -0.192723 0.578068 +v 0.110000 -0.181673 0.665541 +v 0.120000 -0.181673 0.665541 +v 0.110000 -0.199644 0.595548 +v 0.120000 -0.199644 0.595548 +v 0.110000 -0.167187 0.677525 +v 0.120000 -0.167187 0.677525 +v 0.110000 -0.150176 0.685529 +v 0.120000 -0.150176 0.685529 +v 0.110000 -0.131709 0.689052 +v 0.120000 -0.131709 0.689052 +v 0.110000 -0.112946 0.687871 +v 0.120000 -0.112946 0.687871 +v 0.110000 -0.095067 0.682062 +v 0.120000 -0.095067 0.682062 +v 0.110000 -0.079193 0.671988 +v 0.120000 -0.079193 0.671988 +v 0.110000 -0.066324 0.658284 +v 0.120000 -0.066324 0.658284 +v 0.110000 -0.057267 0.641809 +v 0.120000 -0.057267 0.641809 +v 0.110000 -0.052591 0.623600 +v 0.120000 -0.052591 0.623600 +v 0.110000 -0.052591 0.604800 +v 0.120000 -0.052591 0.604800 +v 0.110000 -0.057267 0.586591 +v 0.120000 -0.057267 0.586591 +v 0.110000 -0.066324 0.570116 +v 0.120000 -0.066324 0.570116 +v 0.110000 -0.079193 0.556411 +v 0.120000 -0.079193 0.556411 +v 0.110000 -0.095067 0.546338 +v 0.120000 -0.095067 0.546338 +v -0.103000 -0.300011 0.380077 +v -0.095000 -0.298725 0.378475 +v -0.095000 -0.300011 0.380077 +v -0.103000 -0.298725 0.378475 +v -0.103000 -0.300822 0.381965 +v -0.095000 -0.300822 0.381965 +v -0.103000 -0.301099 0.384000 +v -0.095000 -0.301099 0.384000 +v -0.103000 -0.300822 0.386035 +v -0.095000 -0.300822 0.386035 +v -0.103000 -0.300011 0.387923 +v -0.095000 -0.300011 0.387923 +v -0.103000 -0.298725 0.389525 +v -0.095000 -0.298725 0.389525 +v -0.095000 -0.328829 0.372527 +v -0.095000 -0.327922 0.372668 +v -0.103000 -0.327922 0.372668 +v -0.095000 -0.329741 0.372630 +v -0.103000 -0.328829 0.372527 +v -0.095000 -0.330594 0.372970 +v -0.103000 -0.329741 0.372630 +v -0.095000 -0.331327 0.373523 +v -0.103000 -0.330594 0.372970 +v -0.095000 -0.331887 0.374250 +v -0.103000 -0.331327 0.373523 +v -0.095000 -0.332237 0.375099 +v -0.103000 -0.331887 0.374250 +v -0.095000 -0.332349 0.376010 +v -0.103000 -0.332237 0.375099 +v -0.095000 -0.332217 0.376919 +v -0.103000 -0.332349 0.376010 +v -0.095000 -0.331851 0.377760 +v -0.103000 -0.332217 0.376919 +v -0.095000 -0.331275 0.378475 +v -0.103000 -0.331851 0.377760 +v -0.103000 -0.331275 0.378475 +v -0.095000 -0.331275 0.389525 +v -0.103000 -0.331275 0.389525 +v -0.103000 -0.331851 0.390239 +v -0.095000 -0.331851 0.390239 +v -0.095000 -0.332217 0.391081 +v -0.103000 -0.332217 0.391081 +v -0.095000 -0.332349 0.391990 +v -0.103000 -0.332349 0.391990 +v -0.095000 -0.332237 0.392901 +v -0.103000 -0.332237 0.392901 +v -0.095000 -0.331887 0.393750 +v -0.103000 -0.331887 0.393750 +v -0.095000 -0.331327 0.394477 +v -0.103000 -0.331327 0.394477 +v -0.095000 -0.330594 0.395030 +v -0.103000 -0.330594 0.395030 +v -0.095000 -0.329741 0.395370 +v -0.103000 -0.329741 0.395370 +v -0.095000 -0.328829 0.395473 +v -0.103000 -0.328829 0.395473 +v -0.095000 -0.327922 0.395332 +v -0.103000 -0.327922 0.395332 +v -0.101647 -0.331021 0.369271 +v -0.103000 -0.328789 0.370211 +v -0.103000 -0.324750 0.367112 +v -0.095280 -0.344390 0.384034 +v -0.103000 -0.333836 0.389047 +v -0.103000 -0.334500 0.384000 +v -0.103000 -0.333836 0.378953 +v -0.091977 -0.344390 0.397056 +v -0.081000 -0.352925 0.386386 +v -0.092920 -0.331021 0.356961 +v -0.098457 -0.315000 0.357938 +v -0.081000 -0.319763 0.346300 +v -0.081000 -0.328989 0.348668 +v -0.081000 -0.337336 0.353257 +v -0.103000 -0.320047 0.365164 +v -0.092009 -0.344390 0.371003 +v -0.082948 -0.344390 0.361085 +v -0.081000 -0.344279 0.359778 +v -0.081000 -0.349383 0.367820 +v -0.088738 -0.281052 0.378733 +v -0.081000 -0.277673 0.376879 +v -0.081000 -0.280617 0.367820 +v -0.081000 -0.277075 0.386386 +v -0.095280 -0.285610 0.384034 +v -0.092009 -0.285610 0.371003 +v -0.093555 -0.304755 0.413164 +v -0.081000 -0.305550 0.420806 +v -0.092854 -0.298979 0.411101 +v -0.103000 -0.305250 0.400887 +v -0.093657 -0.307741 0.413960 +v -0.103000 -0.309953 0.402836 +v -0.087469 -0.315000 0.419095 +v -0.095392 -0.310146 0.412879 +v -0.098393 -0.315000 0.410137 +v -0.095392 -0.319854 0.412879 +v -0.103000 -0.320047 0.402836 +v -0.093657 -0.322259 0.413960 +v -0.081000 -0.324450 0.420806 +v -0.103000 -0.324750 0.400887 +v -0.093555 -0.325245 0.413164 +v -0.092854 -0.331021 0.411101 +v -0.088738 -0.348948 0.378733 +v -0.081000 -0.352327 0.376879 +v -0.091977 -0.285610 0.397056 +v -0.081000 -0.278860 0.395743 +v -0.081000 -0.282916 0.404361 +v -0.081000 -0.288987 0.411701 +v -0.103000 -0.296164 0.389047 +v -0.103000 -0.298112 0.393750 +v -0.081000 -0.296693 0.417300 +v -0.103000 -0.296164 0.378953 +v -0.103000 -0.295500 0.384000 +v -0.101611 -0.298979 0.398812 +v -0.103000 -0.301211 0.397789 +v -0.081000 -0.315000 0.422000 +v -0.103000 -0.298112 0.374250 +v -0.103000 -0.315000 0.403500 +v -0.082948 -0.285610 0.361085 +v -0.081000 -0.285720 0.359778 +v -0.081000 -0.292664 0.353257 +v -0.101647 -0.298979 0.369271 +v -0.103000 -0.305250 0.367112 +v -0.103000 -0.301211 0.370211 +v -0.081000 -0.333307 0.417300 +v -0.081000 -0.341013 0.411701 +v -0.092920 -0.298979 0.356961 +v -0.081000 -0.301011 0.348668 +v -0.081000 -0.310237 0.346300 +v -0.103000 -0.309953 0.365164 +v -0.101611 -0.331021 0.398812 +v -0.103000 -0.328789 0.397789 +v -0.103000 -0.315000 0.364500 +v -0.081000 -0.347084 0.404361 +v -0.081000 -0.351140 0.395743 +v -0.087555 -0.315000 0.348953 +v -0.103000 0.331275 0.378475 +v -0.095000 0.331275 0.378475 +v -0.095000 0.329989 0.380077 +v -0.103000 0.329989 0.380077 +v -0.095000 0.329178 0.381965 +v -0.103000 0.329178 0.381965 +v -0.095000 0.328901 0.384000 +v -0.103000 0.328901 0.384000 +v -0.095000 0.329178 0.386035 +v -0.103000 0.329178 0.386035 +v -0.095000 0.329989 0.387923 +v -0.103000 0.329989 0.387923 +v -0.095000 0.331275 0.389525 +v -0.103000 0.331275 0.389525 +v -0.095000 0.301171 0.372527 +v -0.095000 0.302078 0.372668 +v -0.103000 0.302078 0.372668 +v -0.095000 0.300259 0.372630 +v -0.103000 0.301171 0.372527 +v -0.095000 0.299406 0.372970 +v -0.103000 0.300259 0.372630 +v -0.095000 0.298673 0.373523 +v -0.103000 0.299406 0.372970 +v -0.095000 0.298112 0.374250 +v -0.103000 0.298673 0.373523 +v -0.095000 0.297763 0.375099 +v -0.103000 0.298112 0.374250 +v -0.095000 0.297651 0.376010 +v -0.103000 0.297763 0.375099 +v -0.095000 0.297782 0.376919 +v -0.103000 0.297651 0.376010 +v -0.095000 0.298149 0.377760 +v -0.103000 0.297782 0.376919 +v -0.095000 0.298725 0.378475 +v -0.103000 0.298149 0.377760 +v -0.103000 0.298725 0.378475 +v -0.095000 0.298725 0.389525 +v -0.103000 0.298725 0.389525 +v -0.103000 0.298149 0.390239 +v -0.095000 0.298149 0.390239 +v -0.095000 0.297782 0.391081 +v -0.103000 0.297782 0.391081 +v -0.095000 0.297651 0.391990 +v -0.103000 0.297651 0.391990 +v -0.095000 0.297763 0.392901 +v -0.103000 0.297763 0.392901 +v -0.095000 0.298112 0.393750 +v -0.103000 0.298112 0.393750 +v -0.095000 0.298673 0.394477 +v -0.103000 0.298673 0.394477 +v -0.095000 0.299406 0.395030 +v -0.103000 0.299406 0.395030 +v -0.095000 0.300259 0.395370 +v -0.103000 0.300259 0.395370 +v -0.095000 0.301171 0.395473 +v -0.103000 0.301171 0.395473 +v -0.095000 0.302078 0.395332 +v -0.103000 0.302078 0.395332 +v -0.101647 0.298979 0.369271 +v -0.103000 0.301211 0.370211 +v -0.103000 0.305250 0.367112 +v -0.095280 0.285610 0.384034 +v -0.103000 0.296164 0.389047 +v -0.103000 0.295500 0.384000 +v -0.103000 0.296164 0.378953 +v -0.091977 0.285610 0.397056 +v -0.081000 0.277075 0.386386 +v -0.092920 0.298979 0.356961 +v -0.098457 0.315000 0.357938 +v -0.081000 0.310237 0.346300 +v -0.081000 0.301011 0.348668 +v -0.081000 0.292664 0.353257 +v -0.103000 0.309953 0.365164 +v -0.092009 0.285610 0.371003 +v -0.082948 0.285610 0.361085 +v -0.081000 0.285720 0.359778 +v -0.081000 0.280617 0.367820 +v -0.088738 0.348948 0.378733 +v -0.092009 0.344390 0.371003 +v -0.095280 0.344390 0.384034 +v -0.081000 0.352327 0.376879 +v -0.081000 0.349383 0.367820 +v -0.081000 0.352925 0.386386 +v -0.093555 0.325245 0.413164 +v -0.081000 0.324450 0.420806 +v -0.092854 0.331021 0.411101 +v -0.103000 0.324750 0.400887 +v -0.093657 0.322259 0.413960 +v -0.103000 0.320047 0.402836 +v -0.087469 0.315000 0.419095 +v -0.095392 0.319854 0.412879 +v -0.098393 0.315000 0.410137 +v -0.095392 0.310146 0.412879 +v -0.103000 0.309953 0.402836 +v -0.093657 0.307741 0.413960 +v -0.081000 0.305550 0.420806 +v -0.103000 0.305250 0.400887 +v -0.093555 0.304755 0.413164 +v -0.092854 0.298979 0.411101 +v -0.088738 0.281052 0.378733 +v -0.081000 0.277673 0.376879 +v -0.091977 0.344390 0.397056 +v -0.081000 0.351140 0.395743 +v -0.081000 0.347084 0.404361 +v -0.081000 0.341013 0.411701 +v -0.103000 0.333836 0.389047 +v -0.103000 0.331887 0.393750 +v -0.081000 0.333307 0.417300 +v -0.103000 0.333836 0.378953 +v -0.103000 0.334500 0.384000 +v -0.101611 0.331021 0.398812 +v -0.103000 0.328789 0.397789 +v -0.081000 0.315000 0.422000 +v -0.103000 0.331887 0.374250 +v -0.103000 0.315000 0.403500 +v -0.082948 0.344390 0.361085 +v -0.081000 0.344279 0.359778 +v -0.081000 0.337336 0.353257 +v -0.101647 0.331021 0.369271 +v -0.103000 0.324750 0.367112 +v -0.103000 0.328789 0.370211 +v -0.081000 0.296693 0.417300 +v -0.081000 0.288987 0.411701 +v -0.092920 0.331021 0.356961 +v -0.081000 0.328989 0.348668 +v -0.081000 0.319763 0.346300 +v -0.103000 0.320047 0.365164 +v -0.101611 0.298979 0.398812 +v -0.103000 0.301211 0.397789 +v -0.103000 0.315000 0.364500 +v -0.081000 0.282916 0.404361 +v -0.081000 0.278860 0.395743 +v -0.087555 0.315000 0.348953 +v -0.110000 -0.270000 0.384000 +v -0.110000 -0.270000 0.426500 +v -0.110491 -0.263073 0.418690 +v -0.208429 -0.282434 0.290000 +v -0.210000 -0.270000 0.290000 +v -0.208840 -0.280708 0.350092 +v -0.210000 -0.270000 0.355166 +v -0.113511 -0.251594 0.290000 +v -0.110394 -0.263733 0.290000 +v -0.112012 -0.255982 0.410669 +v -0.203815 -0.294088 0.290000 +v -0.205608 -0.290491 0.344902 +v -0.119549 -0.240611 0.290000 +v -0.116615 -0.245156 0.398293 +v -0.128129 -0.231474 0.290000 +v -0.121836 -0.237707 0.389592 +v -0.196448 -0.304227 0.290000 +v -0.200623 -0.299151 0.340255 +v -0.194761 -0.305940 0.337285 +v -0.128452 -0.231211 0.381748 +v -0.138711 -0.224759 0.290000 +v -0.135934 -0.226180 0.375313 +v -0.186791 -0.312216 0.290000 +v -0.189555 -0.310330 0.336336 +v -0.184199 -0.313754 0.336680 +v -0.150631 -0.220886 0.290000 +v -0.142560 -0.223141 0.371049 +v -0.175451 -0.317553 0.290000 +v -0.180359 -0.315667 0.337618 +v -0.149868 -0.221050 0.367574 +v -0.163139 -0.220099 0.290000 +v -0.157560 -0.220062 0.365036 +v -0.176500 -0.317199 0.339054 +v -0.170144 -0.318953 0.339169 +v -0.175451 -0.222447 0.290000 +v -0.165442 -0.220301 0.363517 +v -0.163139 -0.319901 0.290000 +v -0.163719 -0.319858 0.339260 +v -0.173500 -0.221857 0.363000 +v -0.186791 -0.227784 0.290000 +v -0.183323 -0.225773 0.363000 +v -0.150631 -0.319114 0.290000 +v -0.154939 -0.319735 0.339244 +v -0.138711 -0.315241 0.290000 +v -0.146059 -0.318008 0.339094 +v -0.196448 -0.235773 0.290000 +v -0.192103 -0.231667 0.363000 +v -0.137540 -0.314666 0.339002 +v -0.203815 -0.245912 0.290000 +v -0.199447 -0.239276 0.363000 +v -0.128129 -0.308526 0.290000 +v -0.129859 -0.309879 0.339295 +v -0.202971 -0.244437 0.362694 +v -0.208429 -0.257565 0.290000 +v -0.205798 -0.249937 0.361805 +v -0.119549 -0.299389 0.290000 +v -0.123370 -0.304030 0.340358 +v -0.117912 -0.296993 0.342760 +v -0.113511 -0.288406 0.290000 +v -0.208859 -0.259377 0.359244 +v -0.114066 -0.289750 0.346752 +v -0.110394 -0.276267 0.290000 +v -0.111790 -0.283257 0.352104 +v -0.110593 -0.277677 0.358863 +v -0.110114 -0.273460 0.366715 +v -0.109992 -0.270875 0.375258 +v -0.138711 0.315241 0.290000 +v -0.128129 0.308526 0.290000 +v -0.131024 0.310731 0.339206 +v -0.123205 0.303851 0.340404 +v -0.141565 0.316477 0.339024 +v -0.208429 0.257565 0.290000 +v -0.210000 0.270000 0.290000 +v -0.209464 0.262693 0.358091 +v -0.210000 0.270000 0.355166 +v -0.150631 0.319114 0.290000 +v -0.153184 0.319522 0.339219 +v -0.203815 0.245912 0.290000 +v -0.207809 0.255361 0.360474 +v -0.163139 0.319901 0.290000 +v -0.164812 0.319763 0.339249 +v -0.204406 0.247018 0.362341 +v -0.175451 0.317553 0.290000 +v -0.176497 0.317200 0.339054 +v -0.196448 0.235773 0.290000 +v -0.199447 0.239276 0.363000 +v -0.186791 0.312216 0.290000 +v -0.183216 0.314283 0.336866 +v -0.186791 0.227784 0.290000 +v -0.192103 0.231667 0.363000 +v -0.188489 0.311090 0.336303 +v -0.175451 0.222447 0.290000 +v -0.183323 0.225773 0.363000 +v -0.196448 0.304227 0.290000 +v -0.192989 0.307573 0.336802 +v -0.173500 0.221857 0.363000 +v -0.196973 0.303660 0.338138 +v -0.163139 0.220099 0.290000 +v -0.166424 0.220419 0.363400 +v -0.198880 0.301438 0.339124 +v -0.203815 0.294088 0.290000 +v -0.200623 0.299151 0.340255 +v -0.150631 0.220886 0.290000 +v -0.159459 0.220003 0.364572 +v -0.208429 0.282434 0.290000 +v -0.205635 0.290432 0.344935 +v -0.149830 0.221057 0.367589 +v -0.138711 0.224759 0.290000 +v -0.208845 0.280684 0.350105 +v -0.139865 0.224235 0.372641 +v -0.128129 0.231474 0.290000 +v -0.129607 0.230302 0.380618 +v -0.120350 0.239554 0.391771 +v -0.119549 0.240611 0.290000 +v -0.113511 0.251594 0.290000 +v -0.110394 0.263733 0.290000 +v -0.113049 0.252813 0.407067 +v -0.109991 0.270616 0.376671 +v -0.110394 0.276267 0.290000 +v -0.110047 0.272441 0.369425 +v -0.110000 0.270000 0.384000 +v -0.110310 0.275558 0.362336 +v -0.110974 0.279821 0.355940 +v -0.110000 0.270000 0.426500 +v -0.113511 0.288406 0.290000 +v -0.112299 0.284984 0.350475 +v -0.114504 0.290736 0.346103 +v -0.119549 0.299389 0.290000 +v -0.117957 0.297063 0.342730 +v -0.081000 -0.317826 0.339089 +v -0.081000 -0.306568 0.339797 +v -0.081000 -0.360000 0.384000 +v -0.089872 -0.360000 0.384000 +v -0.089466 -0.359976 0.385460 +v -0.088850 -0.359584 0.390104 +v -0.081000 -0.358586 0.395191 +v -0.081000 -0.328906 0.341202 +v -0.089202 -0.358702 0.394731 +v -0.090311 -0.357370 0.399156 +v -0.081000 -0.354434 0.405679 +v -0.092562 -0.354990 0.404635 +v -0.095641 -0.351608 0.410170 +v -0.081000 -0.347804 0.414805 +v -0.099619 -0.346600 0.416038 +v -0.081000 -0.339112 0.421995 +v -0.103440 -0.340577 0.421025 +v -0.081000 -0.328906 0.426797 +v -0.106997 -0.332487 0.425464 +v -0.109094 -0.324235 0.428043 +v -0.081000 -0.317826 0.428911 +v -0.109775 -0.318931 0.428829 +v -0.163360 -0.325790 0.340312 +v -0.110000 -0.313510 0.428975 +v -0.081000 -0.306568 0.428203 +v -0.081000 -0.339112 0.346005 +v -0.149939 -0.333726 0.343081 +v -0.110000 -0.302158 0.427129 +v -0.081000 -0.347804 0.353195 +v -0.128123 -0.345238 0.350674 +v -0.081000 -0.295840 0.424717 +v -0.081000 -0.286316 0.418673 +v -0.110000 -0.291645 0.422465 +v -0.081000 -0.354434 0.362321 +v -0.113007 -0.352185 0.358660 +v -0.102022 -0.356579 0.366791 +v -0.081000 -0.278594 0.410450 +v -0.110000 -0.282658 0.415289 +v -0.081000 -0.358586 0.372809 +v -0.096123 -0.358597 0.372851 +v -0.081000 -0.273160 0.400566 +v -0.110000 -0.275783 0.406068 +v -0.092463 -0.359612 0.378103 +v -0.081000 -0.270355 0.389640 +v -0.110000 -0.271470 0.395407 +v -0.081000 -0.270355 0.378360 +v -0.081000 -0.273160 0.367434 +v -0.081000 -0.278594 0.357550 +v -0.081000 -0.286316 0.349327 +v -0.081000 -0.295840 0.343283 +v -0.081000 0.343684 0.349327 +v -0.081000 0.351406 0.357550 +v -0.122995 0.347698 0.353084 +v -0.110071 0.353421 0.360576 +v -0.081000 0.270000 0.384000 +v -0.081000 0.271414 0.395191 +v -0.110000 0.271470 0.395407 +v -0.081000 0.334160 0.343283 +v -0.144636 0.336677 0.344565 +v -0.081000 0.275566 0.405679 +v -0.110000 0.275783 0.406068 +v -0.081000 0.323432 0.339797 +v -0.160680 0.327430 0.340751 +v -0.081000 0.282196 0.414805 +v -0.110000 0.282658 0.415289 +v -0.081000 0.290888 0.421995 +v -0.081000 0.312174 0.339089 +v -0.110000 0.291645 0.422465 +v -0.081000 0.301094 0.426797 +v -0.110000 0.302158 0.427129 +v -0.081000 0.312174 0.428911 +v -0.110000 0.313510 0.428975 +v -0.081000 0.323432 0.428203 +v -0.109395 0.322322 0.428401 +v -0.081000 0.301094 0.341202 +v -0.081000 0.334160 0.424717 +v -0.107562 0.330724 0.426164 +v -0.081000 0.290888 0.346005 +v -0.105714 0.335870 0.423869 +v -0.103440 0.340577 0.421025 +v -0.081000 0.343684 0.418673 +v -0.081000 0.282196 0.353195 +v -0.081000 0.351406 0.410450 +v -0.097351 0.349567 0.412812 +v -0.092056 0.355522 0.403569 +v -0.081000 0.356840 0.400566 +v -0.081000 0.275566 0.362321 +v -0.089560 0.358234 0.396482 +v -0.081000 0.359645 0.389640 +v -0.081000 0.271414 0.372809 +v -0.088857 0.359401 0.391320 +v -0.088959 0.359787 0.388375 +v -0.089466 0.359976 0.385460 +v -0.089592 0.359989 0.384971 +v -0.089728 0.359997 0.384484 +v -0.081000 0.359645 0.378360 +v -0.089872 0.360000 0.384000 +v -0.092453 0.359614 0.378121 +v -0.096097 0.358605 0.372883 +v -0.081000 0.356840 0.367434 +v -0.101987 0.356592 0.366822 +v -0.369642 0.052093 0.314118 +v -0.368570 0.059200 0.314118 +v -0.371331 0.052331 0.299500 +v -0.304131 0.111022 0.361805 +v -0.295831 0.097550 0.363000 +v -0.287134 0.120773 0.363000 +v -0.298436 0.125527 0.361805 +v -0.309700 0.130265 0.358091 +v -0.315609 0.115212 0.358091 +v -0.319081 0.105217 0.358091 +v -0.352282 0.075090 0.340255 +v -0.357811 0.087142 0.327951 +v -0.360178 0.076773 0.327951 +v -0.349966 0.085232 0.340255 +v -0.363609 0.058403 0.327951 +v -0.339938 0.082789 0.350093 +v -0.336247 0.096694 0.350093 +v -0.307476 0.101390 0.361805 +v -0.322895 0.092855 0.358091 +v -0.332276 0.109568 0.350093 +v -0.364666 0.051392 0.327951 +v -0.342187 0.072938 0.350093 +v -0.372112 0.029694 0.314118 +v -0.374081 0.026230 0.299500 +v -0.355637 0.057123 0.340255 +v -0.311151 0.089478 0.361805 +v -0.302654 0.073709 0.363000 +v -0.326439 0.079502 0.358091 +v -0.356671 0.050265 0.340255 +v -0.367103 0.029295 0.327951 +v -0.328599 0.070042 0.358091 +v -0.345447 0.055486 0.350093 +v -0.314567 0.076610 0.361805 +v -0.346451 0.048825 0.350093 +v -0.373295 -0.000000 0.314118 +v -0.375000 -0.000000 0.299500 +v -0.316648 0.067495 0.361805 +v -0.307558 0.049400 0.363000 +v -0.359054 0.028652 0.340255 +v -0.331729 0.053283 0.358091 +v -0.332693 0.046886 0.358091 +v -0.368270 -0.000000 0.327951 +v -0.348766 0.027831 0.350093 +v -0.319664 0.051345 0.361805 +v -0.372380 -0.026111 0.314118 +v -0.374081 -0.026230 0.299500 +v -0.371331 -0.052331 0.299500 +v -0.320593 0.045181 0.361805 +v -0.310513 0.024779 0.363000 +v -0.360196 -0.000000 0.340255 +v -0.334916 0.026726 0.358091 +v -0.367368 -0.025759 0.327951 +v -0.349874 -0.000000 0.350093 +v -0.322735 0.025754 0.361805 +v -0.369642 -0.052093 0.314118 +v -0.359313 -0.025194 0.340255 +v -0.368570 -0.059200 0.314118 +v -0.366761 -0.078176 0.299500 +v -0.335981 -0.000000 0.358091 +v -0.364666 -0.051392 0.327951 +v -0.349017 -0.024472 0.350093 +v -0.363609 -0.058403 0.327951 +v -0.365093 -0.077821 0.314118 +v -0.323761 -0.000000 0.361805 +v -0.311500 -0.000000 0.363000 +v -0.356671 -0.050265 0.340255 +v -0.362693 -0.088331 0.314118 +v -0.360394 -0.103638 0.299500 +v -0.335158 -0.023501 0.358091 +v -0.355637 -0.057123 0.340255 +v -0.360178 -0.076773 0.327951 +v -0.346451 -0.048825 0.350093 +v -0.358755 -0.103167 0.314118 +v -0.322968 -0.022646 0.361805 +v -0.310513 -0.024779 0.363000 +v -0.357811 -0.087142 0.327951 +v -0.345447 -0.055486 0.350093 +v -0.352282 -0.075090 0.340255 +v -0.332693 -0.046886 0.358091 +v -0.354518 -0.116902 0.314118 +v -0.352262 -0.128593 0.299500 +v -0.353926 -0.101778 0.327951 +v -0.349966 -0.085232 0.340255 +v -0.331729 -0.053283 0.358091 +v -0.342187 -0.072938 0.350093 +v -0.350660 -0.128008 0.314118 +v -0.320593 -0.045181 0.361805 +v -0.307558 -0.049400 0.363000 +v -0.222836 0.299488 0.314118 +v -0.208868 0.311447 0.299500 +v -0.230141 0.296074 0.299500 +v -0.349746 -0.115328 0.327951 +v -0.207918 0.310030 0.314118 +v -0.346167 -0.099547 0.340255 +v -0.229095 0.294728 0.314118 +v -0.219837 0.295456 0.327951 +v -0.339938 -0.082789 0.350093 +v -0.319664 -0.051345 0.361805 +v -0.205120 0.305857 0.327951 +v -0.328599 -0.070042 0.358091 +v -0.235621 0.289537 0.314118 +v -0.250287 0.279252 0.299500 +v -0.226011 0.290761 0.327951 +v -0.345940 -0.126285 0.327951 +v -0.215017 0.288979 0.340255 +v -0.344095 -0.144732 0.314118 +v -0.342405 -0.152917 0.299500 +v -0.342078 -0.112800 0.340255 +v -0.232449 0.285640 0.327951 +v -0.336247 -0.096694 0.350093 +v -0.326439 -0.079502 0.358091 +v -0.249149 0.277982 0.314118 +v -0.221056 0.284386 0.340255 +v -0.340848 -0.152222 0.314118 +v -0.208856 0.280698 0.350093 +v -0.316648 -0.067495 0.361805 +v -0.302654 -0.073709 0.363000 +v -0.227353 0.279377 0.340255 +v -0.338356 -0.123516 0.340255 +v -0.245795 0.274240 0.327951 +v -0.339463 -0.142784 0.327951 +v -0.261065 0.266822 0.314118 +v -0.269207 0.261061 0.299500 +v -0.332276 -0.109568 0.350093 +v -0.214721 0.276237 0.350093 +v -0.314567 -0.076610 0.361805 +v -0.322895 -0.092855 0.358091 +v -0.267982 0.259874 0.314118 +v -0.220838 0.271372 0.350093 +v -0.336260 -0.150173 0.327951 +v -0.328660 -0.119977 0.350093 +v -0.240406 0.268227 0.340255 +v -0.331492 -0.171645 0.314118 +v -0.330871 -0.176493 0.299500 +v -0.257551 0.263231 0.327951 +v -0.332021 -0.139654 0.340255 +v -0.264375 0.256376 0.327951 +v -0.311151 -0.089478 0.361805 +v -0.295831 -0.097550 0.363000 +v -0.281462 0.245210 0.314118 +v -0.319081 -0.105217 0.358091 +v -0.286808 0.241591 0.299500 +v -0.328888 -0.146880 0.340255 +v -0.212069 0.260595 0.358091 +v -0.233517 0.260541 0.350093 +v -0.327030 -0.169335 0.327951 +v -0.251904 0.257459 0.340255 +v -0.315609 -0.115212 0.358091 +v -0.322507 -0.135652 0.350093 +v -0.258579 0.250755 0.340255 +v -0.277673 0.241909 0.327951 +v -0.307476 -0.101390 0.361805 +v -0.244686 0.250082 0.350093 +v -0.319463 -0.142672 0.350093 +v -0.224244 0.250195 0.358091 +v -0.316788 -0.197470 0.314118 +v -0.317715 -0.199204 0.299500 +v -0.251169 0.243569 0.350093 +v -0.304131 -0.111022 0.361805 +v -0.287134 -0.120773 0.363000 +v -0.300076 0.222044 0.314118 +v -0.319860 -0.165622 0.340255 +v -0.303003 0.220939 0.299500 +v -0.271586 0.236606 0.340255 +v -0.309700 -0.130265 0.358091 +v -0.216089 0.241096 0.361805 +v -0.217848 0.222653 0.363000 +v -0.234969 0.240151 0.358091 +v -0.306777 -0.137006 0.358091 +v -0.312523 -0.194812 0.327951 +v -0.241195 0.233897 0.358091 +v -0.310694 -0.160876 0.350093 +v -0.298436 -0.125527 0.361805 +v -0.296037 0.219055 0.327951 +v -0.263803 0.229826 0.350093 +v -0.301625 -0.219934 0.314118 +v -0.303003 -0.220939 0.299500 +v -0.286808 -0.241591 0.299500 +v -0.226423 0.231417 0.361805 +v -0.295620 -0.132023 0.361805 +v -0.276617 -0.143231 0.363000 +v -0.316270 0.198298 0.314118 +v -0.317715 0.199204 0.299500 +v -0.330871 0.176493 0.299500 +v -0.305672 -0.190541 0.340255 +v -0.232423 0.225390 0.361805 +v -0.234869 0.204618 0.363000 +v -0.298356 -0.154488 0.358091 +v -0.289546 0.214252 0.340255 +v -0.297565 -0.216973 0.327951 +v -0.253328 0.220699 0.358091 +v -0.296913 -0.185081 0.350093 +v -0.312013 0.195628 0.327951 +v -0.287505 -0.148869 0.361805 +v -0.281249 0.208113 0.350093 +v -0.285503 -0.240493 0.314118 +v -0.244114 0.212673 0.361805 +v -0.291041 -0.212216 0.340255 +v -0.329366 0.175690 0.314118 +v -0.342405 0.152917 0.299500 +v -0.285122 -0.177731 0.358091 +v -0.305172 0.191339 0.340255 +v -0.281660 -0.237256 0.327951 +v -0.270081 0.199848 0.358091 +v -0.324932 0.173325 0.327951 +v -0.282702 -0.206135 0.350093 +v -0.274752 -0.171267 0.361805 +v -0.296428 0.185857 0.350093 +v -0.264347 -0.164781 0.363000 +v -0.267982 -0.259874 0.314118 +v -0.269207 -0.261061 0.299500 +v -0.260258 0.192580 0.361805 +v -0.250402 0.185287 0.363000 +v -0.275485 -0.232054 0.340255 +v -0.340848 0.152222 0.314118 +v -0.261065 -0.266822 0.314118 +v -0.250287 -0.279252 0.299500 +v -0.317808 0.169525 0.340255 +v -0.344095 0.144732 0.314118 +v -0.352262 0.128593 0.299500 +v -0.271475 -0.197950 0.358091 +v -0.264375 -0.256376 0.327951 +v -0.284656 0.178476 0.358091 +v -0.336260 0.150173 0.327951 +v -0.267591 -0.225405 0.350093 +v -0.308702 0.164667 0.350093 +v -0.257551 -0.263231 0.327951 +v -0.339463 0.142784 0.327951 +v -0.249149 -0.277982 0.314118 +v -0.261602 -0.190750 0.361805 +v -0.350660 0.128008 0.314118 +v -0.274304 0.171985 0.361805 +v -0.250402 -0.185287 0.363000 +v -0.264347 0.164781 0.363000 +v -0.258579 -0.250755 0.340255 +v -0.328888 0.146880 0.340255 +v -0.354518 0.116902 0.314118 +v -0.256965 -0.216453 0.358091 +v -0.360394 0.103638 0.299500 +v -0.239013 -0.286743 0.314118 +v -0.230141 -0.296074 0.299500 +v -0.296443 0.158128 0.358091 +v -0.251904 -0.257459 0.340255 +v -0.332021 0.139654 0.340255 +v -0.345940 0.126285 0.327951 +v -0.245795 -0.274240 0.327951 +v -0.319463 0.142672 0.350093 +v -0.251169 -0.243569 0.350093 +v -0.229181 -0.294661 0.314118 +v -0.358755 0.103167 0.314118 +v -0.285661 0.152377 0.361805 +v -0.247619 -0.208581 0.361805 +v -0.234869 -0.204618 0.363000 +v -0.276617 0.143231 0.363000 +v -0.349746 0.115328 0.327951 +v -0.235795 -0.282884 0.327951 +v -0.244686 -0.250082 0.350093 +v -0.322507 0.135652 0.350093 +v -0.338356 0.123516 0.340255 +v -0.240406 -0.268227 0.340255 +v -0.306777 0.137006 0.358091 +v -0.222820 -0.299499 0.314118 +v -0.208868 -0.311447 0.299500 +v -0.207918 -0.310030 0.314118 +v -0.362693 0.088331 0.314118 +v -0.366761 0.078176 0.299500 +v -0.241195 -0.233897 0.358091 +v -0.353926 0.101778 0.327951 +v -0.226096 -0.290694 0.327951 +v -0.342078 0.112800 0.340255 +v -0.230626 -0.276682 0.340255 +v -0.233517 -0.260541 0.350093 +v -0.328660 0.119977 0.350093 +v -0.234969 -0.240151 0.358091 +v -0.365093 0.077821 0.314118 +v -0.219821 -0.295468 0.327951 +v -0.205120 -0.305857 0.327951 +v -0.295620 0.132023 0.361805 +v -0.232423 -0.225390 0.361805 +v -0.217848 -0.222653 0.363000 +v -0.221139 -0.284321 0.340255 +v -0.346167 0.099547 0.340255 +v -0.224017 -0.268753 0.350093 +v -0.226423 -0.231417 0.361805 +v -0.224244 -0.250195 0.358091 +v -0.215002 -0.288990 0.340255 +v -0.214802 -0.276174 0.350093 +v -0.215121 -0.258081 0.358091 +v -0.216089 -0.241096 0.361805 +v -0.207297 -0.248695 0.361805 +v -0.014579 -0.291309 -0.033700 +v -0.013349 -0.292465 -0.040000 +v -0.016047 -0.296178 -0.040000 +v -0.010717 -0.288113 -0.033700 +v -0.020000 -0.305000 -0.033700 +v -0.018312 -0.305000 -0.040000 +v -0.017737 -0.309554 -0.040000 +v -0.017526 -0.295365 -0.033700 +v -0.017737 -0.300446 -0.040000 +v -0.019372 -0.309974 -0.033700 +v -0.016047 -0.313822 -0.040000 +v -0.019372 -0.300026 -0.033700 +v -0.017526 -0.314635 -0.033700 +v -0.013349 -0.317535 -0.040000 +v -0.014579 -0.318691 -0.033700 +v -0.009812 -0.320461 -0.040000 +v -0.010717 -0.321887 -0.033700 +v -0.005659 -0.322416 -0.040000 +v -0.006180 -0.324021 -0.033700 +v -0.001150 -0.323276 -0.040000 +v -0.001256 -0.324960 -0.033700 +v 0.003431 -0.322988 -0.040000 +v 0.003748 -0.324646 -0.033700 +v 0.007797 -0.321569 -0.040000 +v 0.008516 -0.323096 -0.033700 +v 0.011672 -0.319110 -0.040000 +v 0.012748 -0.320410 -0.033700 +v 0.014815 -0.315763 -0.040000 +v 0.016180 -0.316756 -0.033700 +v 0.017026 -0.311741 -0.040000 +v 0.018596 -0.312362 -0.033700 +v 0.018168 -0.307295 -0.040000 +v 0.019842 -0.307507 -0.033700 +v 0.018168 -0.302705 -0.040000 +v 0.019842 -0.302493 -0.033700 +v 0.017026 -0.298259 -0.040000 +v 0.018596 -0.297637 -0.033700 +v 0.014815 -0.294236 -0.040000 +v 0.016180 -0.293244 -0.033700 +v 0.011672 -0.290890 -0.040000 +v 0.012748 -0.289590 -0.033700 +v 0.007797 -0.288431 -0.040000 +v 0.008516 -0.286904 -0.033700 +v 0.003431 -0.287012 -0.040000 +v 0.003748 -0.285354 -0.033700 +v -0.001150 -0.286724 -0.040000 +v -0.001256 -0.285039 -0.033700 +v -0.005659 -0.287584 -0.040000 +v -0.006180 -0.285979 -0.033700 +v -0.009812 -0.289539 -0.040000 +v -0.001256 -0.285039 0.001125 +v 0.003748 -0.285354 0.001125 +v -0.006180 -0.285979 0.001125 +v -0.010717 -0.288113 0.001125 +v -0.019372 -0.309974 0.001125 +v -0.020000 -0.305000 0.001125 +v -0.014579 -0.291309 0.001125 +v -0.017526 -0.314635 0.001125 +v -0.017526 -0.295365 0.001125 +v -0.014579 -0.318691 0.001125 +v -0.019372 -0.300026 0.001125 +v -0.010717 -0.321887 0.001125 +v -0.006180 -0.324021 0.001125 +v -0.001256 -0.324960 0.001125 +v 0.003748 -0.324646 0.001125 +v 0.008516 -0.323096 0.001125 +v 0.012748 -0.320410 0.001125 +v 0.016180 -0.316756 0.001125 +v 0.018596 -0.312362 0.001125 +v 0.019842 -0.307507 0.001125 +v 0.019842 -0.302493 0.001125 +v 0.018596 -0.297637 0.001125 +v 0.016180 -0.293244 0.001125 +v 0.012748 -0.289590 0.001125 +v 0.008516 -0.286904 0.001125 +v -0.110000 -0.132914 0.539433 +v -0.120000 -0.151322 0.543253 +v -0.120000 -0.132914 0.539433 +v -0.120000 -0.114135 0.540312 +v -0.110000 -0.151322 0.543253 +v -0.110000 -0.114135 0.540312 +v -0.110000 -0.052752 0.603603 +v -0.120000 -0.057720 0.585471 +v -0.120000 -0.052752 0.603603 +v -0.110000 -0.096163 0.545832 +v -0.120000 -0.096163 0.545832 +v -0.110000 -0.057720 0.585471 +v -0.110000 -0.052450 0.622401 +v -0.120000 -0.052450 0.622401 +v -0.110000 -0.080130 0.555649 +v -0.120000 -0.080130 0.555649 +v -0.120000 -0.067041 0.569145 +v -0.110000 -0.056831 0.640683 +v -0.120000 -0.056831 0.640683 +v -0.110000 -0.067041 0.569145 +v -0.110000 -0.065622 0.657301 +v -0.120000 -0.065622 0.657301 +v -0.120000 -0.078269 0.671211 +v -0.110000 -0.078269 0.671211 +v -0.110000 -0.093978 0.681539 +v -0.120000 -0.093978 0.681539 +v -0.110000 -0.111762 0.687636 +v -0.120000 -0.111762 0.687636 +v -0.110000 -0.130503 0.689118 +v -0.120000 -0.130503 0.689118 +v -0.110000 -0.149025 0.685893 +v -0.120000 -0.149025 0.685893 +v -0.110000 -0.166162 0.678163 +v -0.120000 -0.166162 0.678163 +v -0.110000 -0.180839 0.666415 +v -0.120000 -0.180839 0.666415 +v -0.110000 -0.192133 0.651385 +v -0.120000 -0.192133 0.651385 +v -0.120000 -0.199334 0.634019 +v -0.110000 -0.199334 0.634019 +v -0.120000 -0.201990 0.615408 +v -0.110000 -0.201990 0.615408 +v -0.120000 -0.199935 0.596720 +v -0.110000 -0.199935 0.596720 +v -0.110000 -0.193296 0.579131 +v -0.120000 -0.193296 0.579131 +v -0.110000 -0.182492 0.563746 +v -0.120000 -0.182492 0.563746 +v -0.120000 -0.168202 0.551531 +v -0.110000 -0.168202 0.551531 +v -0.110000 0.132914 0.688966 +v -0.120000 0.151322 0.685147 +v -0.120000 0.132914 0.688966 +v -0.110000 0.151322 0.685147 +v -0.110000 0.114135 0.688088 +v -0.120000 0.114135 0.688088 +v -0.110000 0.057720 0.642929 +v -0.120000 0.057720 0.642929 +v -0.120000 0.052752 0.624797 +v -0.120000 0.096163 0.682567 +v -0.110000 0.052752 0.624797 +v -0.120000 0.052450 0.605999 +v -0.110000 0.096163 0.682567 +v -0.110000 0.080130 0.672751 +v -0.120000 0.080130 0.672751 +v -0.120000 0.067041 0.659255 +v -0.110000 0.052450 0.605999 +v -0.110000 0.067041 0.659255 +v -0.110000 0.056831 0.587717 +v -0.120000 0.056831 0.587717 +v -0.120000 0.065622 0.571099 +v -0.110000 0.065622 0.571099 +v -0.110000 0.078269 0.557189 +v -0.120000 0.078269 0.557189 +v -0.120000 0.093978 0.546861 +v -0.110000 0.093978 0.546861 +v -0.110000 0.111762 0.540764 +v -0.120000 0.111762 0.540764 +v -0.110000 0.130503 0.539282 +v -0.120000 0.130503 0.539282 +v -0.110000 0.149025 0.542507 +v -0.120000 0.149025 0.542507 +v -0.120000 0.166162 0.550236 +v -0.110000 0.166162 0.550236 +v -0.110000 0.180839 0.561985 +v -0.120000 0.180839 0.561985 +v -0.110000 0.192133 0.577015 +v -0.120000 0.192133 0.577015 +v -0.120000 0.199334 0.594381 +v -0.110000 0.199334 0.594381 +v -0.110000 0.201990 0.612992 +v -0.120000 0.201990 0.612992 +v -0.110000 0.199935 0.631679 +v -0.120000 0.199935 0.631679 +v -0.110000 0.193296 0.649269 +v -0.120000 0.193296 0.649269 +v -0.120000 0.182492 0.664654 +v -0.110000 0.182492 0.664654 +v -0.110000 0.168202 0.676869 +v -0.120000 0.168202 0.676869 +v 0.110000 0.270000 0.384000 +v 0.110000 0.270000 0.426500 +v 0.110491 0.263073 0.418690 +v 0.208429 0.282434 0.290000 +v 0.210000 0.270000 0.290000 +v 0.208840 0.280708 0.350092 +v 0.210000 0.270000 0.355166 +v 0.113511 0.251594 0.290000 +v 0.110394 0.263733 0.290000 +v 0.112012 0.255982 0.410669 +v 0.203815 0.294088 0.290000 +v 0.205608 0.290491 0.344902 +v 0.119549 0.240611 0.290000 +v 0.116615 0.245156 0.398293 +v 0.128129 0.231474 0.290000 +v 0.121836 0.237707 0.389592 +v 0.196448 0.304227 0.290000 +v 0.200623 0.299151 0.340255 +v 0.194761 0.305940 0.337285 +v 0.128452 0.231211 0.381748 +v 0.138711 0.224759 0.290000 +v 0.135934 0.226180 0.375313 +v 0.186791 0.312216 0.290000 +v 0.189555 0.310330 0.336336 +v 0.184199 0.313754 0.336680 +v 0.150631 0.220886 0.290000 +v 0.142560 0.223141 0.371049 +v 0.175451 0.317553 0.290000 +v 0.180359 0.315667 0.337618 +v 0.149868 0.221050 0.367574 +v 0.163139 0.220099 0.290000 +v 0.157560 0.220062 0.365036 +v 0.176500 0.317199 0.339054 +v 0.170144 0.318953 0.339169 +v 0.175451 0.222447 0.290000 +v 0.165442 0.220301 0.363517 +v 0.163139 0.319901 0.290000 +v 0.163719 0.319858 0.339260 +v 0.173500 0.221857 0.363000 +v 0.186791 0.227784 0.290000 +v 0.183323 0.225773 0.363000 +v 0.150631 0.319114 0.290000 +v 0.154939 0.319735 0.339244 +v 0.138711 0.315241 0.290000 +v 0.146059 0.318008 0.339094 +v 0.196448 0.235773 0.290000 +v 0.192103 0.231667 0.363000 +v 0.137540 0.314666 0.339002 +v 0.203815 0.245912 0.290000 +v 0.199447 0.239276 0.363000 +v 0.128129 0.308526 0.290000 +v 0.129859 0.309879 0.339295 +v 0.202971 0.244437 0.362694 +v 0.208429 0.257565 0.290000 +v 0.205798 0.249937 0.361805 +v 0.119549 0.299389 0.290000 +v 0.123370 0.304030 0.340358 +v 0.117912 0.296993 0.342760 +v 0.113511 0.288406 0.290000 +v 0.208859 0.259377 0.359244 +v 0.114066 0.289750 0.346752 +v 0.110394 0.276267 0.290000 +v 0.111790 0.283257 0.352104 +v 0.110593 0.277677 0.358863 +v 0.110114 0.273460 0.366715 +v 0.109992 0.270875 0.375258 +v 0.138711 -0.315241 0.290000 +v 0.128129 -0.308526 0.290000 +v 0.130969 -0.310691 0.339210 +v 0.123142 -0.303784 0.340421 +v 0.141520 -0.316459 0.339023 +v 0.208429 -0.257565 0.290000 +v 0.210000 -0.270000 0.290000 +v 0.209464 -0.262693 0.358091 +v 0.150631 -0.319114 0.290000 +v 0.210000 -0.270000 0.355166 +v 0.153147 -0.319516 0.339218 +v 0.203815 -0.245912 0.290000 +v 0.207809 -0.255361 0.360474 +v 0.163139 -0.319901 0.290000 +v 0.164801 -0.319764 0.339249 +v 0.204406 -0.247018 0.362341 +v 0.175451 -0.317553 0.290000 +v 0.176497 -0.317200 0.339054 +v 0.196448 -0.235773 0.290000 +v 0.199447 -0.239276 0.363000 +v 0.186791 -0.312216 0.290000 +v 0.183216 -0.314283 0.336866 +v 0.186791 -0.227784 0.290000 +v 0.192103 -0.231667 0.363000 +v 0.188489 -0.311090 0.336303 +v 0.175451 -0.222447 0.290000 +v 0.183323 -0.225773 0.363000 +v 0.196448 -0.304227 0.290000 +v 0.192989 -0.307573 0.336802 +v 0.173500 -0.221857 0.363000 +v 0.196973 -0.303660 0.338138 +v 0.163139 -0.220099 0.290000 +v 0.166424 -0.220419 0.363400 +v 0.198880 -0.301438 0.339124 +v 0.203815 -0.294088 0.290000 +v 0.200623 -0.299151 0.340255 +v 0.150631 -0.220886 0.290000 +v 0.159459 -0.220003 0.364572 +v 0.208429 -0.282434 0.290000 +v 0.205635 -0.290432 0.344935 +v 0.149830 -0.221057 0.367589 +v 0.138711 -0.224759 0.290000 +v 0.208845 -0.280684 0.350105 +v 0.139865 -0.224235 0.372641 +v 0.128129 -0.231474 0.290000 +v 0.129607 -0.230302 0.380618 +v 0.120350 -0.239554 0.391771 +v 0.119549 -0.240611 0.290000 +v 0.113511 -0.251594 0.290000 +v 0.110394 -0.263733 0.290000 +v 0.113049 -0.252813 0.407067 +v 0.109991 -0.270594 0.376806 +v 0.110394 -0.276267 0.290000 +v 0.110043 -0.272354 0.369682 +v 0.110000 -0.270000 0.384000 +v 0.110297 -0.275445 0.362542 +v 0.110949 -0.279697 0.356095 +v 0.110000 -0.270000 0.426500 +v 0.113511 -0.288406 0.290000 +v 0.112260 -0.284861 0.350586 +v 0.114456 -0.290630 0.346173 +v 0.119549 -0.299389 0.290000 +v 0.117913 -0.296995 0.342759 +v 0.081000 0.317826 0.339089 +v 0.081000 0.306568 0.339797 +v 0.081000 0.360000 0.384000 +v 0.089872 0.360000 0.384000 +v 0.089466 0.359976 0.385460 +v 0.088850 0.359584 0.390104 +v 0.081000 0.358586 0.395191 +v 0.081000 0.328906 0.341202 +v 0.089202 0.358702 0.394731 +v 0.090311 0.357370 0.399156 +v 0.081000 0.354434 0.405679 +v 0.092562 0.354990 0.404635 +v 0.095641 0.351608 0.410170 +v 0.081000 0.347804 0.414805 +v 0.099619 0.346600 0.416038 +v 0.081000 0.339112 0.421995 +v 0.103440 0.340577 0.421025 +v 0.081000 0.328906 0.426797 +v 0.106997 0.332487 0.425464 +v 0.109094 0.324235 0.428043 +v 0.081000 0.317826 0.428911 +v 0.109775 0.318931 0.428829 +v 0.163360 0.325790 0.340312 +v 0.110000 0.313510 0.428975 +v 0.081000 0.306568 0.428203 +v 0.081000 0.339112 0.346005 +v 0.149939 0.333726 0.343081 +v 0.110000 0.302158 0.427129 +v 0.081000 0.347804 0.353195 +v 0.128123 0.345238 0.350674 +v 0.081000 0.295840 0.424717 +v 0.081000 0.286316 0.418673 +v 0.110000 0.291645 0.422465 +v 0.081000 0.354434 0.362321 +v 0.113007 0.352185 0.358660 +v 0.102022 0.356579 0.366791 +v 0.081000 0.278594 0.410450 +v 0.110000 0.282658 0.415289 +v 0.081000 0.358586 0.372809 +v 0.096123 0.358597 0.372851 +v 0.081000 0.273160 0.400566 +v 0.110000 0.275783 0.406068 +v 0.092463 0.359612 0.378103 +v 0.081000 0.270355 0.389640 +v 0.110000 0.271470 0.395407 +v 0.081000 0.270355 0.378360 +v 0.081000 0.273160 0.367434 +v 0.081000 0.278594 0.357550 +v 0.081000 0.286316 0.349327 +v 0.081000 0.295840 0.343283 +v 0.081000 -0.343684 0.349327 +v 0.081000 -0.351406 0.357550 +v 0.122995 -0.347698 0.353084 +v 0.110071 -0.353421 0.360576 +v 0.081000 -0.270000 0.384000 +v 0.081000 -0.271414 0.395191 +v 0.110000 -0.271470 0.395407 +v 0.081000 -0.334160 0.343283 +v 0.144636 -0.336677 0.344565 +v 0.081000 -0.275566 0.405679 +v 0.110000 -0.275783 0.406068 +v 0.081000 -0.323432 0.339797 +v 0.160680 -0.327430 0.340751 +v 0.081000 -0.282196 0.414805 +v 0.110000 -0.282658 0.415289 +v 0.081000 -0.290888 0.421995 +v 0.081000 -0.312174 0.339089 +v 0.110000 -0.291645 0.422465 +v 0.081000 -0.301094 0.426797 +v 0.110000 -0.302158 0.427129 +v 0.081000 -0.312174 0.428911 +v 0.110000 -0.313510 0.428975 +v 0.081000 -0.323432 0.428203 +v 0.109395 -0.322322 0.428401 +v 0.081000 -0.301094 0.341202 +v 0.081000 -0.334160 0.424717 +v 0.107562 -0.330724 0.426164 +v 0.081000 -0.290888 0.346005 +v 0.105714 -0.335870 0.423869 +v 0.103440 -0.340577 0.421025 +v 0.081000 -0.343684 0.418673 +v 0.081000 -0.282196 0.353195 +v 0.081000 -0.351406 0.410450 +v 0.097351 -0.349567 0.412812 +v 0.092056 -0.355522 0.403569 +v 0.081000 -0.356840 0.400566 +v 0.081000 -0.275566 0.362321 +v 0.089560 -0.358234 0.396482 +v 0.081000 -0.359645 0.389640 +v 0.081000 -0.271414 0.372809 +v 0.088857 -0.359401 0.391320 +v 0.088959 -0.359787 0.388375 +v 0.089466 -0.359976 0.385460 +v 0.089592 -0.359989 0.384971 +v 0.089728 -0.359997 0.384484 +v 0.081000 -0.359645 0.378360 +v 0.089872 -0.360000 0.384000 +v 0.092453 -0.359614 0.378121 +v 0.096097 -0.358605 0.372883 +v 0.081000 -0.356840 0.367434 +v 0.101987 -0.356592 0.366822 +v 0.369642 -0.052093 0.314118 +v 0.368570 -0.059200 0.314118 +v 0.371331 -0.052331 0.299500 +v 0.304131 -0.111022 0.361805 +v 0.295831 -0.097550 0.363000 +v 0.287134 -0.120773 0.363000 +v 0.298436 -0.125527 0.361805 +v 0.309700 -0.130265 0.358091 +v 0.315609 -0.115212 0.358091 +v 0.352282 -0.075090 0.340255 +v 0.349966 -0.085232 0.340255 +v 0.360178 -0.076773 0.327951 +v 0.363609 -0.058403 0.327951 +v 0.339938 -0.082789 0.350093 +v 0.346167 -0.099547 0.340255 +v 0.336247 -0.096694 0.350093 +v 0.307476 -0.101390 0.361805 +v 0.319081 -0.105217 0.358091 +v 0.322895 -0.092855 0.358091 +v 0.332276 -0.109568 0.350093 +v 0.364666 -0.051392 0.327951 +v 0.342187 -0.072938 0.350093 +v 0.372112 -0.029694 0.314118 +v 0.374081 -0.026230 0.299500 +v 0.355637 -0.057123 0.340255 +v 0.311151 -0.089478 0.361805 +v 0.302654 -0.073709 0.363000 +v 0.326439 -0.079502 0.358091 +v 0.356671 -0.050265 0.340255 +v 0.367103 -0.029295 0.327951 +v 0.328599 -0.070042 0.358091 +v 0.345447 -0.055486 0.350093 +v 0.314567 -0.076610 0.361805 +v 0.346451 -0.048825 0.350093 +v 0.373295 -0.000000 0.314118 +v 0.375000 -0.000000 0.299500 +v 0.316648 -0.067495 0.361805 +v 0.307558 -0.049400 0.363000 +v 0.359054 -0.028652 0.340255 +v 0.331729 -0.053283 0.358091 +v 0.332693 -0.046886 0.358091 +v 0.368270 -0.000000 0.327951 +v 0.348766 -0.027831 0.350093 +v 0.319664 -0.051345 0.361805 +v 0.372380 0.026111 0.314118 +v 0.374081 0.026230 0.299500 +v 0.320593 -0.045181 0.361805 +v 0.310513 -0.024779 0.363000 +v 0.360196 -0.000000 0.340255 +v 0.334916 -0.026726 0.358091 +v 0.367368 0.025759 0.327951 +v 0.349874 -0.000000 0.350093 +v 0.322735 -0.025754 0.361805 +v 0.369642 0.052093 0.314118 +v 0.371331 0.052331 0.299500 +v 0.359313 0.025194 0.340255 +v 0.368570 0.059200 0.314118 +v 0.366761 0.078176 0.299500 +v 0.335981 -0.000000 0.358091 +v 0.364666 0.051392 0.327951 +v 0.349017 0.024472 0.350093 +v 0.363609 0.058403 0.327951 +v 0.365093 0.077821 0.314118 +v 0.323761 -0.000000 0.361805 +v 0.311500 -0.000000 0.363000 +v 0.356671 0.050265 0.340255 +v 0.362693 0.088331 0.314118 +v 0.360394 0.103638 0.299500 +v 0.335158 0.023501 0.358091 +v 0.355637 0.057123 0.340255 +v 0.360178 0.076773 0.327951 +v 0.346451 0.048825 0.350093 +v 0.358755 0.103167 0.314118 +v 0.322968 0.022646 0.361805 +v 0.310513 0.024779 0.363000 +v 0.357811 0.087142 0.327951 +v 0.345447 0.055486 0.350093 +v 0.352282 0.075090 0.340255 +v 0.332693 0.046886 0.358091 +v 0.354518 0.116902 0.314118 +v 0.352262 0.128593 0.299500 +v 0.353926 0.101778 0.327951 +v 0.349966 0.085232 0.340255 +v 0.331729 0.053283 0.358091 +v 0.342187 0.072938 0.350093 +v 0.350660 0.128008 0.314118 +v 0.320593 0.045181 0.361805 +v 0.307558 0.049400 0.363000 +v 0.222836 -0.299488 0.314118 +v 0.208868 -0.311447 0.299500 +v 0.230141 -0.296074 0.299500 +v 0.207918 -0.310030 0.314118 +v 0.349746 0.115328 0.327951 +v 0.346167 0.099547 0.340255 +v 0.229095 -0.294728 0.314118 +v 0.219837 -0.295456 0.327951 +v 0.339938 0.082789 0.350093 +v 0.205120 -0.305857 0.327951 +v 0.319664 0.051345 0.361805 +v 0.328599 0.070042 0.358091 +v 0.235621 -0.289537 0.314118 +v 0.250287 -0.279252 0.299500 +v 0.226011 -0.290761 0.327951 +v 0.345940 0.126285 0.327951 +v 0.215017 -0.288979 0.340255 +v 0.344095 0.144732 0.314118 +v 0.342405 0.152917 0.299500 +v 0.342078 0.112800 0.340255 +v 0.232449 -0.285640 0.327951 +v 0.336247 0.096694 0.350093 +v 0.326439 0.079502 0.358091 +v 0.249149 -0.277982 0.314118 +v 0.221056 -0.284386 0.340255 +v 0.208856 -0.280698 0.350093 +v 0.340848 0.152222 0.314118 +v 0.316648 0.067495 0.361805 +v 0.302654 0.073709 0.363000 +v 0.227353 -0.279377 0.340255 +v 0.338356 0.123516 0.340255 +v 0.245795 -0.274240 0.327951 +v 0.339463 0.142784 0.327951 +v 0.261065 -0.266822 0.314118 +v 0.269207 -0.261061 0.299500 +v 0.332276 0.109568 0.350093 +v 0.214721 -0.276237 0.350093 +v 0.314567 0.076610 0.361805 +v 0.322895 0.092855 0.358091 +v 0.267982 -0.259874 0.314118 +v 0.220838 -0.271372 0.350093 +v 0.336260 0.150173 0.327951 +v 0.328660 0.119977 0.350093 +v 0.240406 -0.268227 0.340255 +v 0.331492 0.171645 0.314118 +v 0.330871 0.176493 0.299500 +v 0.257551 -0.263231 0.327951 +v 0.332021 0.139654 0.340255 +v 0.264375 -0.256376 0.327951 +v 0.281462 -0.245210 0.314118 +v 0.311151 0.089478 0.361805 +v 0.295831 0.097550 0.363000 +v 0.286808 -0.241591 0.299500 +v 0.319081 0.105217 0.358091 +v 0.212069 -0.260595 0.358091 +v 0.328888 0.146880 0.340255 +v 0.233517 -0.260541 0.350093 +v 0.327030 0.169335 0.327951 +v 0.251904 -0.257459 0.340255 +v 0.315609 0.115212 0.358091 +v 0.258579 -0.250755 0.340255 +v 0.322507 0.135652 0.350093 +v 0.277673 -0.241909 0.327951 +v 0.307476 0.101390 0.361805 +v 0.319463 0.142672 0.350093 +v 0.244686 -0.250082 0.350093 +v 0.224244 -0.250195 0.358091 +v 0.316788 0.197470 0.314118 +v 0.317715 0.199204 0.299500 +v 0.304131 0.111022 0.361805 +v 0.287134 0.120773 0.363000 +v 0.251169 -0.243569 0.350093 +v 0.319860 0.165622 0.340255 +v 0.300076 -0.222044 0.314118 +v 0.303003 -0.220939 0.299500 +v 0.271586 -0.236606 0.340255 +v 0.309700 0.130265 0.358091 +v 0.306777 0.137006 0.358091 +v 0.216089 -0.241096 0.361805 +v 0.217848 -0.222653 0.363000 +v 0.234969 -0.240151 0.358091 +v 0.312523 0.194812 0.327951 +v 0.241195 -0.233897 0.358091 +v 0.310694 0.160876 0.350093 +v 0.298436 0.125527 0.361805 +v 0.296037 -0.219055 0.327951 +v 0.263803 -0.229826 0.350093 +v 0.301625 0.219934 0.314118 +v 0.303003 0.220939 0.299500 +v 0.286808 0.241591 0.299500 +v 0.226423 -0.231417 0.361805 +v 0.295620 0.132023 0.361805 +v 0.276617 0.143231 0.363000 +v 0.316270 -0.198298 0.314118 +v 0.317715 -0.199204 0.299500 +v 0.305672 0.190541 0.340255 +v 0.232423 -0.225390 0.361805 +v 0.234869 -0.204618 0.363000 +v 0.289546 -0.214252 0.340255 +v 0.298356 0.154488 0.358091 +v 0.297565 0.216973 0.327951 +v 0.253328 -0.220699 0.358091 +v 0.312013 -0.195628 0.327951 +v 0.296913 0.185081 0.350093 +v 0.287505 0.148869 0.361805 +v 0.264347 0.164781 0.363000 +v 0.285503 0.240493 0.314118 +v 0.281249 -0.208113 0.350093 +v 0.244114 -0.212673 0.361805 +v 0.250402 -0.185287 0.363000 +v 0.329366 -0.175690 0.314118 +v 0.330871 -0.176493 0.299500 +v 0.342405 -0.152917 0.299500 +v 0.291041 0.212216 0.340255 +v 0.285122 0.177731 0.358091 +v 0.305172 -0.191339 0.340255 +v 0.281660 0.237256 0.327951 +v 0.270081 -0.199848 0.358091 +v 0.282702 0.206135 0.350093 +v 0.324932 -0.173325 0.327951 +v 0.274752 0.171267 0.361805 +v 0.296428 -0.185857 0.350093 +v 0.267982 0.259874 0.314118 +v 0.269207 0.261061 0.299500 +v 0.260258 -0.192580 0.361805 +v 0.275485 0.232054 0.340255 +v 0.340848 -0.152222 0.314118 +v 0.317808 -0.169525 0.340255 +v 0.261065 0.266822 0.314118 +v 0.250287 0.279252 0.299500 +v 0.344095 -0.144732 0.314118 +v 0.352262 -0.128593 0.299500 +v 0.271475 0.197950 0.358091 +v 0.284656 -0.178476 0.358091 +v 0.264375 0.256376 0.327951 +v 0.336260 -0.150173 0.327951 +v 0.267591 0.225405 0.350093 +v 0.308702 -0.164667 0.350093 +v 0.339463 -0.142784 0.327951 +v 0.257551 0.263231 0.327951 +v 0.249149 0.277982 0.314118 +v 0.350660 -0.128008 0.314118 +v 0.261602 0.190750 0.361805 +v 0.274304 -0.171985 0.361805 +v 0.264347 -0.164781 0.363000 +v 0.250402 0.185287 0.363000 +v 0.328888 -0.146880 0.340255 +v 0.258579 0.250755 0.340255 +v 0.256965 0.216453 0.358091 +v 0.354518 -0.116902 0.314118 +v 0.360394 -0.103638 0.299500 +v 0.239013 0.286743 0.314118 +v 0.230141 0.296074 0.299500 +v 0.296443 -0.158128 0.358091 +v 0.251904 0.257459 0.340255 +v 0.332021 -0.139654 0.340255 +v 0.345940 -0.126285 0.327951 +v 0.245795 0.274240 0.327951 +v 0.319463 -0.142672 0.350093 +v 0.251169 0.243569 0.350093 +v 0.358755 -0.103167 0.314118 +v 0.229181 0.294661 0.314118 +v 0.285661 -0.152377 0.361805 +v 0.276617 -0.143231 0.363000 +v 0.247619 0.208581 0.361805 +v 0.234869 0.204618 0.363000 +v 0.349746 -0.115328 0.327951 +v 0.235795 0.282884 0.327951 +v 0.322507 -0.135652 0.350093 +v 0.338356 -0.123516 0.340255 +v 0.244686 0.250082 0.350093 +v 0.240406 0.268227 0.340255 +v 0.306777 -0.137006 0.358091 +v 0.222820 0.299499 0.314118 +v 0.208868 0.311447 0.299500 +v 0.207918 0.310030 0.314118 +v 0.362693 -0.088331 0.314118 +v 0.366761 -0.078176 0.299500 +v 0.241195 0.233897 0.358091 +v 0.353926 -0.101778 0.327951 +v 0.226096 0.290694 0.327951 +v 0.342078 -0.112800 0.340255 +v 0.230626 0.276682 0.340255 +v 0.328660 -0.119977 0.350093 +v 0.233517 0.260541 0.350093 +v 0.234969 0.240151 0.358091 +v 0.365093 -0.077821 0.314118 +v 0.219821 0.295468 0.327951 +v 0.205120 0.305857 0.327951 +v 0.295620 -0.132023 0.361805 +v 0.232423 0.225390 0.361805 +v 0.357811 -0.087142 0.327951 +v 0.217848 0.222653 0.363000 +v 0.221139 0.284321 0.340255 +v 0.224017 0.268753 0.350093 +v 0.226423 0.231417 0.361805 +v 0.224244 0.250195 0.358091 +v 0.215002 0.288990 0.340255 +v 0.214802 0.276174 0.350093 +v 0.215121 0.258081 0.358091 +v 0.216089 0.241096 0.361805 +v 0.207297 0.248695 0.361805 +v 0.103000 -0.299652 0.381882 +v 0.095000 -0.297850 0.382869 +v 0.095000 -0.299652 0.381882 +v 0.103000 -0.297850 0.382869 +v 0.103000 -0.301124 0.380449 +v 0.095000 -0.301124 0.380449 +v 0.103000 -0.302159 0.378675 +v 0.095000 -0.302159 0.378675 +v 0.103000 -0.302683 0.376689 +v 0.095000 -0.302683 0.376689 +v 0.103000 -0.302657 0.374635 +v 0.095000 -0.302657 0.374635 +v 0.103000 -0.302083 0.372663 +v 0.095000 -0.302083 0.372663 +v 0.095000 -0.322595 0.399417 +v 0.103000 -0.322595 0.399417 +v 0.103000 -0.323379 0.399895 +v 0.095000 -0.323379 0.399895 +v 0.095000 -0.324261 0.400150 +v 0.103000 -0.324261 0.400150 +v 0.095000 -0.325179 0.400162 +v 0.095000 -0.326068 0.399932 +v 0.103000 -0.325179 0.400162 +v 0.095000 -0.326865 0.399475 +v 0.103000 -0.326068 0.399932 +v 0.095000 -0.327512 0.398824 +v 0.103000 -0.326865 0.399475 +v 0.095000 -0.327966 0.398026 +v 0.103000 -0.327512 0.398824 +v 0.095000 -0.328192 0.397136 +v 0.103000 -0.327966 0.398026 +v 0.103000 -0.328192 0.397136 +v 0.095000 -0.328175 0.396218 +v 0.103000 -0.328175 0.396218 +v 0.095000 -0.327917 0.395337 +v 0.103000 -0.327917 0.395337 +v 0.095000 -0.332955 0.384691 +v 0.095000 -0.332150 0.385131 +v 0.103000 -0.332150 0.385131 +v 0.095000 -0.333617 0.384054 +v 0.103000 -0.332955 0.384691 +v 0.095000 -0.334086 0.383265 +v 0.103000 -0.333617 0.384054 +v 0.095000 -0.334331 0.382380 +v 0.103000 -0.334086 0.383265 +v 0.095000 -0.334334 0.381462 +v 0.103000 -0.334331 0.382380 +v 0.095000 -0.334095 0.380576 +v 0.103000 -0.334334 0.381462 +v 0.095000 -0.333630 0.379784 +v 0.103000 -0.334095 0.380576 +v 0.095000 -0.332972 0.379144 +v 0.103000 -0.333630 0.379784 +v 0.095000 -0.332169 0.378699 +v 0.103000 -0.332972 0.379144 +v 0.095000 -0.331277 0.378482 +v 0.103000 -0.332169 0.378699 +v 0.103000 -0.331277 0.378482 +v 0.101647 -0.324157 0.403742 +v 0.103000 -0.322455 0.402019 +v 0.103000 -0.317538 0.403334 +v 0.095280 -0.342161 0.395227 +v 0.103000 -0.334332 0.386553 +v 0.103000 -0.333013 0.391469 +v 0.103000 -0.330466 0.395877 +v 0.081000 -0.350946 0.396323 +v 0.091977 -0.347149 0.383198 +v 0.092920 -0.319442 0.415114 +v 0.098457 -0.305017 0.408074 +v 0.081000 -0.304958 0.420649 +v 0.081000 -0.314388 0.421995 +v 0.081000 -0.323856 0.420954 +v 0.103000 -0.312447 0.403332 +v 0.092009 -0.337170 0.407263 +v 0.082948 -0.333371 0.416425 +v 0.081000 -0.332768 0.417590 +v 0.081000 -0.340563 0.412116 +v 0.088738 -0.281624 0.375862 +v 0.092009 -0.282873 0.384747 +v 0.095280 -0.287864 0.372711 +v 0.081000 -0.277793 0.376279 +v 0.081000 -0.277041 0.385775 +v 0.081000 -0.280882 0.367269 +v 0.093555 -0.316708 0.353136 +v 0.081000 -0.320369 0.346381 +v 0.092854 -0.310582 0.352830 +v 0.103000 -0.312462 0.364666 +v 0.093657 -0.319770 0.353545 +v 0.103000 -0.317553 0.364668 +v 0.087469 -0.328443 0.351581 +v 0.095392 -0.321578 0.355464 +v 0.098393 -0.325012 0.359856 +v 0.095392 -0.330546 0.359183 +v 0.103000 -0.326877 0.368534 +v 0.093657 -0.333182 0.359106 +v 0.081000 -0.337828 0.353621 +v 0.103000 -0.330475 0.372135 +v 0.093555 -0.335635 0.360984 +v 0.092854 -0.340180 0.365103 +v 0.088738 -0.344341 0.401869 +v 0.081000 -0.346752 0.404875 +v 0.091977 -0.292853 0.360682 +v 0.081000 -0.286114 0.359309 +v 0.081000 -0.293162 0.352902 +v 0.081000 -0.301582 0.348448 +v 0.103000 -0.299534 0.372123 +v 0.103000 -0.303135 0.368525 +v 0.081000 -0.310845 0.346228 +v 0.103000 -0.295668 0.381447 +v 0.103000 -0.296987 0.376530 +v 0.101611 -0.305875 0.364181 +v 0.103000 -0.307545 0.365981 +v 0.081000 -0.329556 0.348898 +v 0.103000 -0.295666 0.386538 +v 0.103000 -0.322469 0.365987 +v 0.082948 -0.279074 0.393909 +v 0.081000 -0.278675 0.395159 +v 0.081000 -0.282592 0.403842 +v 0.101647 -0.294559 0.391469 +v 0.103000 -0.299525 0.395865 +v 0.103000 -0.296981 0.391455 +v 0.081000 -0.344666 0.360252 +v 0.081000 -0.349639 0.368376 +v 0.092920 -0.289844 0.402840 +v 0.081000 -0.288544 0.411278 +v 0.081000 -0.296159 0.417001 +v 0.103000 -0.303123 0.399466 +v 0.101611 -0.335473 0.376455 +v 0.103000 -0.333019 0.376545 +v 0.103000 -0.307530 0.402013 +v 0.081000 -0.352437 0.377481 +v 0.081000 -0.352882 0.386996 +v 0.087555 -0.301575 0.416374 +v -0.000000 -0.296011 0.725301 +v 0.047000 -0.296011 0.725301 +v 0.047000 -0.360963 0.483557 +v -0.000000 -0.360963 0.483557 +v -0.047000 0.360963 0.483557 +v 0.000000 0.360963 0.483557 +v -0.047000 0.296011 0.725301 +v 0.000000 0.296011 0.725301 +v -0.047000 -0.296011 0.725301 +v 0.047000 0.360963 0.483557 +v 0.047000 0.296011 0.725301 +v 0.103000 -0.330348 0.386118 +v 0.103000 -0.327317 0.391311 +v 0.103000 -0.327343 0.393365 +v 0.103000 -0.327841 0.389325 +v 0.103000 -0.328876 0.387551 +v 0.103000 -0.324355 0.367904 +v 0.103000 -0.324576 0.368796 +v 0.103000 -0.323907 0.367103 +v 0.103000 -0.323263 0.366449 +v 0.103000 -0.324554 0.369713 +v 0.103000 -0.324508 0.371767 +v 0.103000 -0.325013 0.373758 +v 0.103000 -0.326032 0.375542 +v 0.103000 -0.327490 0.376988 +v 0.103000 -0.329282 0.377993 +v 0.103000 -0.313061 0.399372 +v 0.103000 -0.311640 0.400855 +v 0.103000 -0.309336 0.402241 +v 0.103000 -0.308418 0.402248 +v 0.103000 -0.310220 0.401993 +v 0.103000 -0.311006 0.401519 +v 0.103000 -0.314827 0.398322 +v 0.103000 -0.316809 0.397783 +v 0.103000 -0.318863 0.397793 +v 0.103000 -0.320840 0.398351 +v 0.103000 -0.304820 0.367838 +v 0.103000 -0.303932 0.368068 +v 0.103000 -0.305738 0.367850 +v 0.103000 -0.306621 0.368105 +v 0.103000 -0.307404 0.368582 +v 0.103000 -0.309160 0.369649 +v 0.103000 -0.320664 0.365758 +v 0.103000 -0.319780 0.366007 +v 0.103000 -0.318994 0.366481 +v 0.103000 -0.321582 0.365752 +v 0.103000 -0.318360 0.367145 +v 0.103000 -0.311137 0.370207 +v 0.103000 -0.316939 0.368628 +v 0.103000 -0.313191 0.370217 +v 0.103000 -0.315173 0.369677 +v 0.103000 -0.296370 0.388215 +v 0.103000 -0.295905 0.387424 +v 0.103000 -0.297028 0.388856 +v 0.103000 -0.297831 0.389301 +v 0.103000 -0.298723 0.389518 +v 0.103000 -0.300718 0.390007 +v 0.103000 -0.302510 0.391012 +v 0.103000 -0.303968 0.392458 +v 0.103000 -0.304987 0.394242 +v 0.103000 -0.305491 0.396233 +v 0.103000 -0.305446 0.398287 +v 0.103000 -0.305424 0.399204 +v 0.103000 -0.305645 0.400095 +v 0.103000 -0.306093 0.400897 +v 0.103000 -0.306737 0.401551 +v 0.103000 -0.302034 0.369974 +v 0.103000 -0.302487 0.369175 +v 0.103000 -0.301808 0.370864 +v 0.103000 -0.301825 0.371782 +v 0.103000 -0.297044 0.383309 +v 0.103000 -0.296383 0.383946 +v 0.103000 -0.295913 0.384735 +v 0.103000 -0.295669 0.385619 +v 0.095000 -0.307404 0.368582 +v 0.095000 -0.309160 0.369649 +v 0.095000 -0.311137 0.370207 +v 0.095000 -0.313191 0.370217 +v 0.095000 -0.315173 0.369677 +v 0.095000 -0.316939 0.368628 +v 0.095000 -0.318360 0.367145 +v 0.095000 -0.324554 0.369713 +v 0.095000 -0.324576 0.368796 +v 0.095000 -0.324355 0.367904 +v 0.095000 -0.323907 0.367103 +v 0.095000 -0.323263 0.366449 +v 0.095000 -0.322469 0.365987 +v 0.095000 -0.321582 0.365752 +v 0.095000 -0.320664 0.365758 +v 0.095000 -0.319780 0.366007 +v 0.095000 -0.318994 0.366481 +v 0.095000 -0.324508 0.371767 +v 0.095000 -0.325013 0.373758 +v 0.095000 -0.326032 0.375542 +v 0.095000 -0.327490 0.376988 +v 0.095000 -0.329282 0.377993 +v 0.095000 -0.330348 0.386118 +v 0.095000 -0.328876 0.387551 +v 0.095000 -0.327841 0.389325 +v 0.095000 -0.327317 0.391311 +v 0.095000 -0.327343 0.393365 +v 0.095000 -0.320840 0.398351 +v 0.095000 -0.318863 0.397793 +v 0.095000 -0.316809 0.397783 +v 0.095000 -0.314827 0.398322 +v 0.095000 -0.313061 0.399372 +v 0.095000 -0.311640 0.400855 +v 0.095000 -0.305446 0.398287 +v 0.095000 -0.305424 0.399204 +v 0.095000 -0.305645 0.400095 +v 0.095000 -0.306093 0.400897 +v 0.095000 -0.306737 0.401551 +v 0.095000 -0.307530 0.402013 +v 0.095000 -0.308418 0.402248 +v 0.095000 -0.309336 0.402241 +v 0.095000 -0.310220 0.401993 +v 0.095000 -0.311006 0.401519 +v 0.095000 -0.305491 0.396233 +v 0.095000 -0.304987 0.394242 +v 0.095000 -0.303968 0.392458 +v 0.095000 -0.302510 0.391012 +v 0.095000 -0.300718 0.390007 +v 0.095000 -0.298723 0.389518 +v 0.095000 -0.297044 0.383309 +v 0.095000 -0.296383 0.383946 +v 0.095000 -0.295913 0.384735 +v 0.095000 -0.295669 0.385619 +v 0.095000 -0.295666 0.386538 +v 0.095000 -0.295905 0.387424 +v 0.095000 -0.296370 0.388215 +v 0.095000 -0.297028 0.388856 +v 0.095000 -0.297831 0.389301 +v 0.095000 -0.306621 0.368105 +v 0.095000 -0.305738 0.367850 +v 0.095000 -0.304820 0.367838 +v 0.095000 -0.303932 0.368068 +v 0.095000 -0.303135 0.368525 +v 0.095000 -0.302487 0.369175 +v 0.095000 -0.302034 0.369974 +v 0.095000 -0.301808 0.370864 +v 0.095000 -0.301825 0.371782 +v 0.110000 -0.090101 0.467198 +v 0.110000 -0.106231 0.467138 +v 0.110000 -0.153801 0.442393 +v 0.110000 -0.089035 0.467138 +v 0.110000 -0.154286 0.441912 +v 0.110000 0.022345 0.493546 +v 0.110000 0.013555 0.490792 +v 0.110000 0.015246 0.488376 +v 0.110000 0.023199 0.486688 +v 0.110000 0.012233 0.499177 +v 0.110000 0.050049 0.466252 +v 0.110000 0.045051 0.466678 +v 0.110000 -0.005706 0.467002 +v 0.110000 0.150395 0.509420 +v 0.110000 0.138427 0.519888 +v 0.110000 0.138003 0.519176 +v 0.110000 0.147693 0.504652 +v 0.110000 -0.322316 0.460911 +v 0.110000 0.120477 0.520364 +v 0.110000 0.126418 0.520364 +v 0.110000 0.022923 0.499337 +v 0.110000 0.013493 0.501331 +v 0.110000 0.014286 0.503755 +v 0.110000 -0.162757 0.827042 +v 0.110000 -0.174343 0.819929 +v 0.110000 0.191523 0.473624 +v 0.110000 0.188040 0.471233 +v 0.110000 0.188040 0.471027 +v 0.110000 0.194796 0.468026 +v 0.110000 -0.358221 0.534225 +v 0.110000 -0.355347 0.526896 +v 0.110000 -0.351475 0.520032 +v 0.110000 -0.183139 0.534314 +v 0.110000 -0.182038 0.534488 +v 0.110000 -0.184000 0.533946 +v 0.110000 -0.184669 0.533443 +v 0.110000 -0.360675 0.547221 +v 0.110000 -0.185185 0.532853 +v 0.110000 -0.360054 0.560453 +v 0.110000 -0.116740 0.498188 +v 0.110000 -0.137739 0.498064 +v 0.110000 -0.116740 0.490680 +v 0.110000 -0.138128 0.499116 +v 0.110000 -0.356390 0.573213 +v 0.110000 -0.105207 0.488224 +v 0.110000 -0.107050 0.488224 +v 0.110000 -0.107050 0.485494 +v 0.110000 0.024586 0.504652 +v 0.110000 0.154442 0.513913 +v 0.110000 0.138427 0.520364 +v 0.110000 0.014106 0.510218 +v 0.110000 0.014562 0.506377 +v 0.110000 -0.180636 0.534393 +v 0.110000 -0.150688 0.528910 +v 0.110000 -0.202922 0.436975 +v 0.110000 -0.202444 0.436235 +v 0.110000 -0.334973 0.491262 +v 0.110000 -0.015737 0.520161 +v 0.110000 -0.011165 0.520365 +v 0.110000 -0.003932 0.520502 +v 0.110000 -0.185620 0.532132 +v 0.110000 -0.185959 0.531324 +v 0.110000 -0.186225 0.530397 +v 0.110000 0.194384 0.476439 +v 0.110000 0.200664 0.465909 +v 0.110000 -0.349910 0.584756 +v 0.110000 -0.078799 0.467138 +v 0.110000 -0.203248 0.437871 +v 0.110000 0.196501 0.479285 +v 0.110000 0.203053 0.465364 +v 0.110000 -0.203395 0.439068 +v 0.110000 0.160057 0.517751 +v 0.110000 0.198676 0.482877 +v 0.110000 0.203395 0.465091 +v 0.110000 0.027253 0.509420 +v 0.110000 0.013045 0.512997 +v 0.110000 0.031259 0.513913 +v 0.110000 -0.203241 0.440670 +v 0.110000 0.011708 0.515002 +v 0.110000 0.010140 0.516584 +v 0.110000 -0.198524 0.465287 +v 0.110000 -0.149050 0.528481 +v 0.110000 -0.147023 0.527601 +v 0.110000 -0.198256 0.466213 +v 0.110000 -0.150200 0.832253 +v 0.110000 -0.197915 0.467020 +v 0.110000 0.036828 0.517751 +v 0.110000 -0.093658 0.491235 +v 0.110000 -0.095585 0.490271 +v 0.110000 -0.095585 0.490135 +v 0.110000 -0.083234 0.472939 +v 0.110000 0.200425 0.487908 +v 0.110000 0.008466 0.517788 +v 0.110000 0.006761 0.518683 +v 0.110000 -0.116811 0.514714 +v 0.110000 -0.138494 0.499702 +v 0.110000 0.094412 0.467138 +v 0.110000 0.057225 0.467105 +v 0.110000 -0.141203 0.510207 +v 0.110000 -0.141185 0.509454 +v 0.110000 0.063606 0.469532 +v 0.110000 -0.141317 0.510945 +v 0.110000 0.069025 0.473331 +v 0.110000 -0.141523 0.511746 +v 0.110000 0.073310 0.478303 +v 0.110000 0.094412 0.467548 +v 0.110000 0.201142 0.493956 +v 0.110000 0.197185 0.458471 +v 0.110000 0.197071 0.458420 +v 0.110000 -0.117559 0.519819 +v 0.110000 0.094620 0.467724 +v 0.110000 0.094520 0.467623 +v 0.110000 -0.117312 0.519610 +v 0.110000 0.094765 0.467958 +v 0.110000 -0.117388 0.519708 +v 0.110000 -0.117470 0.519777 +v 0.110000 -0.136982 0.835432 +v 0.110000 -0.117559 0.520228 +v 0.110000 0.094979 0.468673 +v 0.110000 0.076293 0.484246 +v 0.110000 -0.144717 0.524663 +v 0.110000 -0.071369 0.475161 +v 0.110000 -0.080658 0.469552 +v 0.110000 -0.078799 0.467547 +v 0.110000 -0.066388 0.470899 +v 0.110000 0.166659 0.520192 +v 0.110000 0.174051 0.521047 +v 0.110000 -0.075173 0.480492 +v 0.110000 -0.060430 0.467910 +v 0.110000 -0.181754 0.474045 +v 0.110000 -0.192922 0.469266 +v 0.110000 -0.181322 0.473562 +v 0.110000 -0.123429 0.836500 +v 0.110000 -0.145084 0.525624 +v 0.110000 -0.145618 0.526423 +v 0.110000 -0.146277 0.527076 +v 0.110000 -0.180770 0.473154 +v 0.110000 -0.077601 0.486688 +v 0.110000 -0.089539 0.494603 +v 0.110000 -0.091627 0.492660 +v 0.110000 -0.182066 0.474605 +v 0.110000 -0.180097 0.472821 +v 0.110000 -0.055749 0.466678 +v 0.110000 0.181973 0.519976 +v 0.110000 0.187062 0.517971 +v 0.110000 0.178123 0.520774 +v 0.110000 -0.182271 0.475315 +v 0.110000 0.106559 0.467548 +v 0.110000 0.106374 0.467602 +v 0.110000 0.106459 0.467566 +v 0.110000 0.106303 0.467654 +v 0.110000 0.106236 0.467725 +v 0.110000 0.106172 0.467817 +v 0.110000 0.106094 0.467975 +v 0.110000 -0.179396 0.472588 +v 0.110000 -0.178598 0.472416 +v 0.110000 0.191523 0.515043 +v 0.110000 0.195254 0.511292 +v 0.110000 -0.078454 0.493546 +v 0.110000 -0.087576 0.497553 +v 0.110000 -0.182322 0.476290 +v 0.110000 0.322316 0.460911 +v 0.110000 -0.050751 0.466252 +v 0.110000 -0.155038 0.441467 +v 0.110000 0.105604 0.473725 +v 0.110000 -0.182091 0.477679 +v 0.110000 0.201142 0.494025 +v 0.110000 -0.194325 0.469366 +v 0.110000 0.198156 0.506815 +v 0.110000 -0.164638 0.464891 +v 0.110000 -0.077877 0.499337 +v 0.110000 -0.086365 0.500854 +v 0.110000 -0.085895 0.504874 +v 0.110000 0.095367 0.490680 +v 0.110000 0.077533 0.488975 +v 0.110000 0.077959 0.494025 +v 0.110000 0.077103 0.501169 +v 0.110000 0.077959 0.494093 +v 0.110000 0.334973 0.491262 +v 0.110000 0.200287 0.501109 +v 0.110000 0.080423 0.510742 +v 0.110000 0.074966 0.506871 +v 0.110000 0.072049 0.511345 +v 0.110000 0.080970 0.510742 +v 0.110000 -0.190050 0.501343 +v 0.110000 -0.196288 0.468829 +v 0.110000 -0.195427 0.469194 +v 0.110000 -0.112577 0.520433 +v 0.110000 -0.106162 0.520570 +v 0.110000 0.351475 0.520032 +v 0.110000 -0.189445 0.500749 +v 0.110000 -0.100712 0.520280 +v 0.110000 -0.188749 0.500283 +v 0.110000 -0.076214 0.504652 +v 0.110000 -0.086344 0.508998 +v 0.110000 -0.190535 0.502079 +v 0.110000 -0.196959 0.468329 +v 0.110000 0.360418 0.544485 +v 0.110000 0.357371 0.531716 +v 0.110000 0.081876 0.511340 +v 0.110000 0.081366 0.511075 +v 0.110000 -0.187737 0.499834 +v 0.110000 -0.179668 0.490773 +v 0.110000 0.126349 0.467138 +v 0.110000 0.106559 0.467138 +v 0.110000 -0.073546 0.509420 +v 0.110000 -0.087556 0.512338 +v 0.110000 0.360452 0.557583 +v 0.110000 0.126349 0.467615 +v 0.110000 -0.190868 0.502973 +v 0.110000 -0.197477 0.467740 +v 0.110000 0.357504 0.570327 +v 0.110000 0.126626 0.467936 +v 0.110000 0.126495 0.467753 +v 0.110000 0.354223 0.577810 +v 0.110000 -0.069540 0.513913 +v 0.110000 -0.089324 0.514966 +v 0.110000 0.126808 0.468368 +v 0.110000 -0.091446 0.516951 +v 0.110000 -0.191021 0.504167 +v 0.110000 0.349910 0.584756 +v 0.110000 0.083481 0.511723 +v 0.110000 -0.185086 0.499346 +v 0.110000 -0.179270 0.492071 +v 0.110000 0.123429 0.836500 +v 0.110000 -0.095926 0.519273 +v 0.110000 -0.093714 0.518363 +v 0.110000 -0.190873 0.505769 +v 0.110000 0.085607 0.511835 +v 0.110000 0.080423 0.520364 +v 0.110000 -0.183647 0.499366 +v 0.110000 -0.015806 0.467342 +v 0.110000 -0.043574 0.467105 +v 0.110000 0.136982 0.835432 +v 0.110000 -0.037193 0.469532 +v 0.110000 -0.031774 0.473331 +v 0.110000 -0.178738 0.493102 +v 0.110000 0.068292 0.515091 +v 0.110000 0.063790 0.518011 +v 0.110000 0.150200 0.832253 +v 0.110000 -0.015806 0.467753 +v 0.110000 -0.027489 0.478303 +v 0.110000 -0.177994 0.494001 +v 0.110000 0.162757 0.827042 +v 0.110000 -0.015660 0.467831 +v 0.110000 -0.015731 0.467784 +v 0.110000 0.193485 0.800738 +v 0.110000 -0.177222 0.494602 +v 0.110000 -0.015570 0.467923 +v 0.110000 0.174343 0.819929 +v 0.110000 0.184670 0.811088 +v 0.110000 -0.015455 0.468121 +v 0.110000 -0.015279 0.468748 +v 0.110000 -0.197049 0.434201 +v 0.110000 -0.198983 0.434395 +v 0.110000 -0.200149 0.434711 +v 0.110000 -0.176108 0.495149 +v 0.110000 -0.201155 0.435165 +v 0.110000 -0.201845 0.435636 +v 0.110000 0.138128 0.468080 +v 0.110000 0.138297 0.467766 +v 0.110000 0.138496 0.467548 +v 0.110000 -0.196033 0.434250 +v 0.110000 -0.063971 0.517751 +v 0.110000 -0.156222 0.441114 +v 0.110000 0.196835 0.458369 +v 0.110000 0.196719 0.458380 +v 0.110000 0.196434 0.458471 +v 0.110000 0.095367 0.511835 +v 0.110000 0.138496 0.467138 +v 0.110000 -0.011437 0.467137 +v 0.110000 -0.173851 0.495747 +v 0.110000 0.196968 0.458386 +v 0.110000 -0.193485 0.800738 +v 0.110000 -0.138949 0.466415 +v 0.110000 -0.156796 0.460764 +v 0.110000 -0.156341 0.459482 +v 0.110000 -0.157498 0.461811 +v 0.110000 -0.158401 0.462652 +v 0.110000 -0.159460 0.463319 +v 0.110000 -0.162012 0.464287 +v 0.110000 -0.153350 0.446508 +v 0.110000 -0.144377 0.506343 +v 0.110000 -0.091218 0.467412 +v 0.110000 -0.106959 0.472234 +v 0.110000 0.137615 0.473581 +v 0.110000 -0.153192 0.445697 +v 0.110000 -0.024506 0.484246 +v 0.110000 -0.136531 0.466737 +v 0.110000 -0.153118 0.444950 +v 0.110000 -0.153132 0.444190 +v 0.110000 0.127306 0.490612 +v 0.110000 0.105534 0.490680 +v 0.110000 0.127306 0.498186 +v 0.110000 -0.134858 0.467319 +v 0.110000 -0.184670 0.811088 +v 0.110000 0.115361 0.511835 +v 0.110000 0.105534 0.511835 +v 0.110000 0.155384 0.472369 +v 0.110000 0.151223 0.476566 +v 0.110000 -0.014918 0.490682 +v 0.110000 -0.022841 0.494093 +v 0.110000 -0.022841 0.494025 +v 0.110000 0.160420 0.469138 +v 0.110000 -0.023267 0.488975 +v 0.110000 -0.057414 0.520192 +v 0.110000 -0.050066 0.521047 +v 0.110000 0.148076 0.481575 +v 0.110000 0.120002 0.510742 +v 0.110000 0.117902 0.511649 +v 0.110000 0.118888 0.511390 +v 0.110000 0.119501 0.511108 +v 0.110000 0.120477 0.510742 +v 0.110000 0.166190 0.467027 +v 0.110000 -0.117559 0.467138 +v 0.110000 -0.153251 0.443510 +v 0.110000 -0.153474 0.442911 +v 0.110000 -0.133651 0.468033 +v 0.110000 -0.014918 0.498188 +v 0.110000 -0.023697 0.501170 +v 0.110000 0.146086 0.487241 +v 0.110000 0.137541 0.490680 +v 0.110000 -0.132860 0.468757 +v 0.110000 -0.132236 0.469649 +v 0.110000 0.043385 0.520192 +v 0.110000 0.050734 0.521047 +v 0.110000 0.054800 0.520781 +v 0.110000 0.058640 0.520004 +v 0.110000 -0.117559 0.467547 +v 0.110000 -0.131840 0.470651 +v 0.110000 -0.131666 0.471743 +v 0.110000 0.169634 0.466398 +v 0.110000 -0.117411 0.467660 +v 0.110000 -0.117483 0.467595 +v 0.110000 -0.117305 0.467813 +v 0.110000 -0.117166 0.468178 +v 0.110000 -0.131691 0.472813 +v 0.110000 0.145391 0.493411 +v 0.110000 -0.131897 0.474016 +v 0.110000 0.137541 0.498186 +v 0.110000 0.000870 0.520195 +v 0.110000 0.005212 0.519273 +v 0.110000 -0.014978 0.514029 +v 0.110000 -0.025834 0.506872 +v 0.110000 -0.028751 0.511345 +v 0.110000 0.127230 0.514510 +v 0.110000 0.145543 0.496411 +v 0.110000 0.145990 0.499302 +v 0.110000 -0.046001 0.520781 +v 0.110000 -0.042161 0.520005 +v 0.110000 0.126704 0.519532 +v 0.110000 0.126418 0.519888 +v 0.110000 0.126570 0.519740 +v 0.110000 -0.015737 0.519751 +v 0.110000 -0.032509 0.515092 +v 0.110000 -0.015397 0.519261 +v 0.110000 -0.015497 0.519483 +v 0.110000 -0.106231 0.467547 +v 0.110000 -0.106405 0.467706 +v 0.110000 -0.106321 0.467612 +v 0.110000 -0.015610 0.519642 +v 0.110000 -0.106482 0.467834 +v 0.110000 -0.037011 0.518012 +v 0.110000 0.187631 0.462498 +v 0.110000 0.179647 0.466934 +v 0.110000 0.176714 0.466386 +v 0.110000 -0.143545 0.501125 +v 0.110000 -0.142551 0.501240 +v 0.110000 0.173235 0.466183 +v 0.110000 -0.143118 0.506717 +v 0.110000 -0.141676 0.501243 +v 0.110000 0.008520 0.495963 +v 0.110000 0.006169 0.495048 +v 0.110000 0.006169 0.494912 +v 0.110000 0.008895 0.494100 +v 0.110000 -0.142327 0.507174 +v 0.110000 -0.140638 0.501088 +v 0.110000 0.029431 0.475160 +v 0.110000 0.014644 0.474788 +v 0.110000 0.012472 0.472111 +v 0.110000 0.016013 0.477669 +v 0.110000 0.034412 0.470898 +v 0.110000 0.009785 0.470072 +v 0.110000 -0.141825 0.507661 +v 0.110000 -0.139798 0.500780 +v 0.110000 0.025627 0.480491 +v 0.110000 0.016555 0.479833 +v 0.110000 0.016745 0.482150 +v 0.110000 -0.141496 0.508181 +v 0.110000 -0.139070 0.500308 +v 0.110000 0.016745 0.482219 +v 0.110000 0.010558 0.497363 +v 0.110000 -0.141283 0.508778 +v 0.110000 0.011397 0.492713 +v 0.110000 0.040371 0.467910 +v 0.110000 0.006680 0.468603 +v 0.110000 0.002832 0.467608 +v 0.110000 0.016350 0.485505 +v 0.110000 0.138171 0.519588 +v 0.110000 0.138292 0.519760 +v 0.129115 -0.237127 0.003125 +v 0.132662 -0.235161 0.003125 +v 0.132662 -0.235161 -0.000000 +v 0.129115 -0.237127 -0.000000 +v 0.125539 -0.239039 0.003125 +v 0.125539 -0.239039 -0.000000 +v 0.121936 -0.240898 0.003125 +v 0.121936 -0.240898 -0.000000 +v 0.125539 0.239039 0.003125 +v 0.121936 0.240898 0.003125 +v 0.121936 0.240898 0.000000 +v 0.125539 0.239039 0.000000 +v 0.129115 0.237127 0.003125 +v 0.129115 0.237127 0.000000 +v 0.132662 0.235161 0.003125 +v 0.132662 0.235161 0.000000 +v 0.235924 -0.230000 -0.000000 +v 0.152315 -0.230000 -0.000000 +v 0.235924 -0.230000 0.003125 +v 0.152315 -0.230000 0.003125 +v 0.260435 -0.218571 0.003125 +v 0.276592 -0.197730 0.003125 +v 0.260435 -0.218571 -0.000000 +v 0.260435 0.218571 0.003125 +v 0.260435 0.218571 0.000000 +v 0.276592 0.197730 0.000000 +v 0.276592 0.197730 0.003125 +v 0.291084 0.175698 0.003125 +v 0.291084 0.175698 0.000000 +v 0.303826 0.152610 0.003125 +v 0.303826 0.152610 0.000000 +v 0.314740 0.128604 0.003125 +v 0.314740 0.128604 0.000000 +v 0.323760 0.103824 0.003125 +v 0.323760 0.103824 0.000000 +v 0.330833 0.078419 0.003125 +v 0.330833 0.078419 0.000000 +v 0.335915 0.052543 0.003125 +v 0.335915 0.052543 0.000000 +v 0.338977 0.026351 0.003125 +v 0.338977 0.026351 0.000000 +v 0.340000 0.000000 0.003125 +v 0.340000 0.000000 0.000000 +v 0.338977 -0.026351 0.003125 +v 0.338977 -0.026351 -0.000000 +v 0.335915 -0.052543 0.003125 +v 0.335915 -0.052543 -0.000000 +v 0.330833 -0.078419 0.003125 +v 0.330833 -0.078419 -0.000000 +v 0.323760 -0.103824 0.003125 +v 0.323760 -0.103824 -0.000000 +v 0.314740 -0.128604 0.003125 +v 0.314740 -0.128604 -0.000000 +v 0.303826 -0.152610 -0.000000 +v 0.303826 -0.152610 0.003125 +v 0.291084 -0.175698 -0.000000 +v 0.291084 -0.175698 0.003125 +v 0.276592 -0.197730 -0.000000 +v 0.152315 0.230000 0.000000 +v 0.235924 0.230000 0.000000 +v 0.152315 0.230000 0.003125 +v 0.235924 0.230000 0.003125 +v 0.100000 0.300400 0.000000 +v 0.100000 0.276586 0.000000 +v 0.100000 0.300400 0.003125 +v 0.100000 0.276586 0.003125 +v 0.075065 0.331610 0.003125 +v 0.075065 0.331610 0.000000 +v 0.083124 0.328600 0.000000 +v 0.083124 0.328600 0.003125 +v 0.090089 0.323553 0.003125 +v 0.090089 0.323553 0.000000 +v 0.095459 0.316832 0.003125 +v 0.095459 0.316832 0.000000 +v 0.098844 0.308924 0.003125 +v 0.098844 0.308924 0.000000 +v -0.050274 0.336263 0.003125 +v -0.075065 0.331610 0.003125 +v -0.075065 0.331610 -0.000000 +v -0.025206 0.339064 0.003125 +v -0.050274 0.336263 -0.000000 +v -0.025206 0.339064 -0.000000 +v -0.000000 0.340000 0.003125 +v 0.000000 0.340000 -0.000000 +v 0.025206 0.339064 0.003125 +v 0.050274 0.336263 0.003125 +v 0.025206 0.339064 0.000000 +v 0.050274 0.336263 0.000000 +v 0.100000 -0.300400 -0.000000 +v 0.100000 -0.276586 0.003125 +v 0.100000 -0.276586 -0.000000 +v 0.100000 -0.300400 0.003125 +v 0.050274 -0.336263 0.003125 +v 0.075065 -0.331610 0.003125 +v 0.075065 -0.331610 -0.000000 +v 0.025206 -0.339064 0.003125 +v 0.050274 -0.336263 -0.000000 +v 0.000000 -0.340000 0.003125 +v 0.025206 -0.339064 -0.000000 +v -0.025206 -0.339064 0.003125 +v -0.000000 -0.340000 -0.000000 +v -0.050274 -0.336263 0.003125 +v -0.025206 -0.339064 -0.000000 +v -0.075065 -0.331610 0.003125 +v -0.050274 -0.336263 -0.000000 +v -0.075065 -0.331610 -0.000000 +v 0.098844 -0.308924 -0.000000 +v 0.098844 -0.308924 0.003125 +v 0.095459 -0.316832 0.003125 +v 0.095459 -0.316832 -0.000000 +v 0.090089 -0.323553 0.003125 +v 0.090089 -0.323553 -0.000000 +v 0.083124 -0.328600 0.003125 +v 0.083124 -0.328600 -0.000000 +v 0.101509 -0.265703 -0.000000 +v 0.101509 -0.265703 0.003125 +v 0.105922 -0.255641 -0.000000 +v 0.105922 -0.255641 0.003125 +v 0.112907 -0.247159 -0.000000 +v 0.112907 -0.247159 0.003125 +v 0.112907 0.247159 0.003125 +v 0.112907 0.247159 0.000000 +v 0.105922 0.255641 0.003125 +v 0.105922 0.255641 0.000000 +v 0.101509 0.265703 0.003125 +v 0.101509 0.265703 0.000000 +v 0.138885 -0.232322 0.003125 +v 0.138885 -0.232322 -0.000000 +v 0.145500 -0.230585 0.003125 +v 0.145500 -0.230585 -0.000000 +v 0.145500 0.230585 0.003125 +v 0.145500 0.230585 0.000000 +v 0.138885 0.232322 0.003125 +v 0.138885 0.232322 0.000000 +v 0.253506 -0.224737 -0.000000 +v 0.253506 -0.224737 0.003125 +v 0.245100 -0.228656 0.003125 +v 0.245100 -0.228656 -0.000000 +v 0.245100 0.228656 0.000000 +v 0.245100 0.228656 0.003125 +v 0.253506 0.224737 0.003125 +v 0.253506 0.224737 0.000000 +v 0.184475 0.326487 0.301127 +v 0.185233 0.325380 0.309687 +v 0.186296 0.324770 0.309564 +v 0.179071 0.317684 0.336249 +v 0.176805 0.318568 0.337148 +v 0.178961 0.317235 0.336913 +v 0.188876 0.323961 0.300590 +v 0.176899 0.319019 0.336489 +v 0.121653 0.352680 0.340305 +v 0.122438 0.350350 0.347107 +v 0.124825 0.349484 0.345496 +v 0.199455 0.315613 0.314072 +v 0.192832 0.319754 0.314345 +v 0.199141 0.314803 0.317342 +v 0.119117 0.353555 0.342021 +v 0.189426 0.322946 0.309241 +v 0.189909 0.323357 0.300480 +v 0.117540 0.354769 0.339717 +v 0.112778 0.356323 0.343191 +v 0.114477 0.355103 0.345402 +v 0.162906 0.335360 0.322154 +v 0.161787 0.335910 0.322450 +v 0.163764 0.332477 0.328622 +v 0.190410 0.322365 0.309151 +v 0.171423 0.327902 0.328106 +v 0.163875 0.331900 0.329739 +v 0.164017 0.330997 0.331397 +v 0.192916 0.320864 0.308950 +v 0.199764 0.316627 0.308588 +v 0.171448 0.327021 0.329810 +v 0.121978 0.352566 0.340092 +v 0.125130 0.349372 0.345296 +v 0.173118 0.326095 0.329516 +v 0.173108 0.325706 0.330244 +v 0.153316 0.341646 0.316736 +v 0.150726 0.342801 0.317615 +v 0.154602 0.340117 0.321511 +v 0.139852 0.340420 0.344017 +v 0.180490 0.316137 0.336940 +v 0.178932 0.317117 0.337084 +v 0.120142 0.353889 0.337954 +v 0.171414 0.328077 0.327753 +v 0.120474 0.353775 0.337735 +v 0.163842 0.332080 0.329396 +v 0.163775 0.332422 0.328730 +v 0.141534 0.339686 0.343209 +v 0.180523 0.316254 0.336767 +v 0.177314 0.321288 0.332918 +v 0.172996 0.323806 0.333542 +v 0.142275 0.339359 0.342865 +v 0.101611 0.360971 0.335995 +v 0.109834 0.358056 0.339478 +v 0.104816 0.360054 0.333450 +v 0.106820 0.358969 0.341859 +v 0.101678 0.360463 0.346268 +v 0.138859 0.342476 0.341202 +v 0.126726 0.347330 0.348099 +v 0.172740 0.321512 0.337062 +v 0.171394 0.328410 0.327069 +v 0.171390 0.328464 0.326957 +v 0.114794 0.356492 0.335849 +v 0.110086 0.358477 0.329567 +v 0.180644 0.316702 0.336101 +v 0.161257 0.336979 0.319531 +v 0.138630 0.342901 0.340582 +v 0.125651 0.348743 0.346196 +v 0.126409 0.347763 0.347532 +v 0.173119 0.326971 0.327801 +v 0.173116 0.327145 0.327446 +v 0.140599 0.341735 0.340365 +v 0.173106 0.327476 0.326758 +v 0.162403 0.336422 0.319224 +v 0.138076 0.343862 0.339121 +v 0.140382 0.342159 0.339737 +v 0.173104 0.327529 0.326645 +v 0.179568 0.319938 0.332653 +v 0.137959 0.344053 0.338819 +v 0.125492 0.348938 0.345920 +v 0.141364 0.341406 0.340007 +v 0.183347 0.314308 0.336729 +v 0.117503 0.355605 0.334005 +v 0.183385 0.314424 0.336556 +v 0.177568 0.323161 0.329571 +v 0.137730 0.344420 0.338233 +v 0.125181 0.349312 0.345384 +v 0.117849 0.355490 0.333776 +v 0.112963 0.357581 0.327594 +v 0.128406 0.352331 0.318510 +v 0.141153 0.341829 0.339377 +v 0.183527 0.314868 0.335884 +v 0.184238 0.313870 0.336506 +v 0.137692 0.344479 0.338137 +v 0.139857 0.343117 0.338261 +v 0.177608 0.323544 0.328832 +v 0.139746 0.343308 0.337956 +v 0.181201 0.318946 0.332487 +v 0.184387 0.314313 0.335832 +v 0.140641 0.342785 0.337893 +v 0.148138 0.344500 0.309949 +v 0.138182 0.348613 0.313889 +v 0.143490 0.345904 0.320343 +v 0.139528 0.343673 0.337363 +v 0.177681 0.324405 0.327091 +v 0.147506 0.336988 0.340609 +v 0.179897 0.321797 0.329282 +v 0.089313 0.360380 0.383713 +v 0.139492 0.343731 0.337266 +v 0.089221 0.360441 0.383667 +v 0.160220 0.338451 0.314632 +v 0.082950 0.363846 0.382302 +v 0.177692 0.324576 0.326731 +v 0.083702 0.363672 0.380890 +v 0.081154 0.364883 0.379632 +v 0.076002 0.366752 0.379034 +v 0.140532 0.342976 0.337586 +v 0.179953 0.322177 0.328537 +v 0.140320 0.343340 0.336991 +v 0.087170 0.362850 0.374974 +v 0.140285 0.343399 0.336894 +v 0.096040 0.358658 0.372793 +v 0.076812 0.366583 0.377519 +v 0.068738 0.368646 0.375710 +v 0.177710 0.324901 0.326032 +v 0.149322 0.336140 0.339897 +v 0.097534 0.358209 0.370942 +v 0.177712 0.324954 0.325918 +v 0.146773 0.339015 0.337662 +v 0.097452 0.358271 0.370882 +v 0.186751 0.312216 0.336396 +v 0.084722 0.364067 0.373556 +v 0.170966 0.331252 0.320303 +v 0.146600 0.339433 0.337012 +v 0.098423 0.357962 0.369785 +v 0.161408 0.337884 0.314304 +v 0.159408 0.339432 0.306329 +v 0.098342 0.358023 0.369724 +v 0.135307 0.347601 0.332446 +v 0.184195 0.317092 0.332239 +v 0.090994 0.361903 0.369329 +v 0.181583 0.320794 0.329098 +v 0.148649 0.338159 0.336920 +v 0.080545 0.365779 0.371176 +v 0.186918 0.312656 0.335718 +v 0.101811 0.356753 0.366613 +v 0.146177 0.340379 0.335482 +v 0.150873 0.343311 0.308992 +v 0.187542 0.311689 0.336373 +v 0.101952 0.356712 0.366449 +v 0.146087 0.340567 0.335166 +v 0.101338 0.357133 0.366214 +v 0.180062 0.323030 0.326783 +v 0.148489 0.338576 0.336264 +v 0.101261 0.357194 0.366148 +v 0.181651 0.321171 0.328350 +v 0.101480 0.357092 0.366048 +v 0.137216 0.346842 0.331512 +v 0.185087 0.316532 0.332178 +v 0.092503 0.361516 0.367298 +v 0.187715 0.312128 0.335693 +v 0.145909 0.340927 0.334552 +v 0.180080 0.323199 0.326420 +v 0.101403 0.357153 0.365983 +v 0.145880 0.340985 0.334451 +v 0.138056 0.346503 0.331113 +v 0.088655 0.363124 0.367760 +v 0.172776 0.330295 0.319952 +v 0.093453 0.361270 0.366067 +v 0.180113 0.323521 0.325716 +v 0.134141 0.348778 0.329868 +v 0.090207 0.362739 0.365675 +v 0.157810 0.329776 0.340422 +v 0.091184 0.362494 0.364411 +v 0.180118 0.323573 0.325601 +v 0.148097 0.339517 0.334718 +v 0.170650 0.332269 0.317288 +v 0.084659 0.364847 0.365125 +v 0.096569 0.360442 0.362268 +v 0.181786 0.322018 0.326586 +v 0.148013 0.339705 0.334399 +v 0.181811 0.322186 0.326222 +v 0.155339 0.333232 0.337780 +v 0.096720 0.360401 0.362092 +v 0.147848 0.340063 0.333779 +v 0.086280 0.364466 0.362949 +v 0.184675 0.318921 0.328819 +v 0.147821 0.340121 0.333678 +v 0.110585 0.353277 0.360031 +v 0.189743 0.310766 0.335653 +v 0.094387 0.361668 0.360510 +v 0.136096 0.348013 0.328906 +v 0.181854 0.322506 0.325513 +v 0.087302 0.364222 0.361630 +v 0.136957 0.347672 0.328494 +v 0.094543 0.361627 0.360329 +v 0.181860 0.322557 0.325398 +v 0.187716 0.314856 0.332038 +v 0.157496 0.332152 0.337109 +v 0.154868 0.335225 0.334712 +v 0.109551 0.354272 0.358907 +v 0.184764 0.319293 0.328063 +v 0.132067 0.350440 0.325538 +v 0.109336 0.354471 0.358674 +v 0.172501 0.331300 0.316919 +v 0.154751 0.335635 0.334035 +v 0.112330 0.352711 0.358404 +v 0.185597 0.318354 0.328750 +v 0.108916 0.354850 0.358223 +v 0.188543 0.314322 0.332004 +v 0.163360 0.326239 0.339718 +v 0.185691 0.318725 0.327992 +v 0.163360 0.326362 0.339556 +v 0.108847 0.354911 0.358149 +v 0.143984 0.344046 0.328488 +v 0.112589 0.352626 0.358169 +v 0.184948 0.320129 0.326283 +v 0.177643 0.327655 0.319120 +v 0.163356 0.326827 0.338928 +v 0.111328 0.353705 0.357252 +v 0.164307 0.325718 0.339494 +v 0.184982 0.320294 0.325915 +v 0.164308 0.325840 0.339331 +v 0.111119 0.353903 0.357014 +v 0.134099 0.349665 0.324529 +v 0.111591 0.353620 0.357014 +v 0.185890 0.319557 0.326207 +v 0.157097 0.334135 0.334009 +v 0.111383 0.353818 0.356775 +v 0.185044 0.320609 0.325200 +v 0.154460 0.336562 0.332441 +v 0.110711 0.354282 0.356552 +v 0.185054 0.320659 0.325083 +v 0.110645 0.354343 0.356477 +v 0.154397 0.336747 0.332112 +v 0.190649 0.312946 0.331944 +v 0.164311 0.326305 0.338701 +v 0.110977 0.354197 0.356311 +v 0.185927 0.319722 0.325838 +v 0.134994 0.349319 0.324097 +v 0.130559 0.351539 0.317424 +v 0.110911 0.354258 0.356235 +v 0.188312 0.316660 0.328583 +v 0.156996 0.334543 0.333326 +v 0.169955 0.333649 0.312227 +v 0.168412 0.335056 0.304027 +v 0.090648 0.363402 0.357558 +v 0.146039 0.343165 0.327654 +v 0.090810 0.363361 0.357370 +v 0.093633 0.363122 0.343037 +v 0.084558 0.365342 0.352565 +v 0.154272 0.337100 0.331473 +v 0.185995 0.320035 0.325121 +v 0.079724 0.366427 0.358524 +v 0.080814 0.366189 0.357115 +v 0.154251 0.337156 0.331368 +v 0.186006 0.320085 0.325004 +v 0.117360 0.350718 0.354925 +v 0.143030 0.345194 0.325786 +v 0.188425 0.317027 0.327819 +v 0.156741 0.335465 0.331716 +v 0.116974 0.351155 0.354408 +v 0.189165 0.316120 0.328541 +v 0.156686 0.335649 0.331383 +v 0.104658 0.358154 0.353767 +v 0.163254 0.329175 0.335532 +v 0.180183 0.326240 0.318751 +v 0.116053 0.352145 0.353189 +v 0.189284 0.316485 0.327776 +v 0.156575 0.335999 0.330737 +v 0.195000 0.306386 0.336589 +v 0.115860 0.352342 0.352937 +v 0.177479 0.328629 0.316040 +v 0.156556 0.336055 0.330631 +v 0.145135 0.344305 0.324925 +v 0.119915 0.349824 0.352911 +v 0.195060 0.306499 0.336410 +v 0.115485 0.352720 0.352448 +v 0.164246 0.328648 0.335291 +v 0.171873 0.332661 0.311827 +v 0.115424 0.352781 0.352368 +v 0.188667 0.317848 0.326020 +v 0.163045 0.331129 0.332355 +v 0.195288 0.306928 0.335718 +v 0.106572 0.357583 0.351989 +v 0.188712 0.318011 0.325648 +v 0.171065 0.321359 0.338787 +v 0.106856 0.357497 0.351733 +v 0.141304 0.346806 0.321250 +v 0.182023 0.325198 0.318511 +v 0.119548 0.350260 0.352379 +v 0.191341 0.314728 0.328461 +v 0.162985 0.331531 0.331653 +v 0.102698 0.359381 0.351782 +v 0.118671 0.351247 0.351126 +v 0.189540 0.317303 0.325973 +v 0.171126 0.321839 0.338129 +v 0.188797 0.318320 0.324925 +v 0.164070 0.330597 0.332101 +v 0.118488 0.351445 0.350867 +v 0.188810 0.318369 0.324807 +v 0.171140 0.321959 0.337961 +v 0.189588 0.317465 0.325600 +v 0.152846 0.340141 0.325155 +v 0.104664 0.358809 0.349957 +v 0.191475 0.315090 0.327691 +v 0.118131 0.351821 0.350364 +v 0.180077 0.327196 0.315646 +v 0.171193 0.322417 0.337315 +v 0.118073 0.351882 0.350282 +v 0.189678 0.317773 0.324875 +v 0.172586 0.320458 0.338542 +v 0.104955 0.358724 0.349693 +v 0.189692 0.317822 0.324757 +v 0.124127 0.348301 0.349846 +v 0.191764 0.315899 0.325877 +v 0.162826 0.332437 0.330002 +v 0.099323 0.361121 0.348449 +v 0.131505 0.351185 0.316959 +v 0.181958 0.326142 0.315389 +v 0.191820 0.316059 0.325501 +v 0.123791 0.348735 0.349291 +v 0.172658 0.320936 0.337881 +v 0.162790 0.332617 0.329661 +v 0.196407 0.309065 0.331957 +v 0.111659 0.356010 0.347621 +v 0.185394 0.323251 0.318129 +v 0.172676 0.321056 0.337713 +v 0.122988 0.349718 0.347986 +v 0.191923 0.316363 0.324772 +v 0.162717 0.332961 0.328998 +v 0.101374 0.360549 0.346543 +v 0.177029 0.329935 0.310869 +v 0.122820 0.349914 0.347716 +v 0.191939 0.316412 0.324653 +v 0.186399 0.322662 0.318030 +v 0.162705 0.333016 0.328890 +v 0.126432 0.347442 0.348292 +v 0.170431 0.334033 0.303579 +v 0.095816 0.362552 0.341001 +v 0.179718 0.328471 0.310436 +v 0.155284 0.339016 0.324355 +v 0.185405 0.324171 0.314976 +v 0.122491 0.350289 0.347192 +v 0.152105 0.341252 0.322341 +v 0.197289 0.310803 0.328421 +v 0.126113 0.347875 0.347726 +v 0.189359 0.320900 0.317776 +v 0.186432 0.323574 0.314868 +v 0.197463 0.311154 0.327639 +v 0.171390 0.324720 0.333813 +v 0.109887 0.357233 0.345470 +v 0.181665 0.327394 0.310150 +v 0.190289 0.320338 0.317708 +v 0.176677 0.317975 0.337989 +v 0.125349 0.348854 0.346393 +v 0.197846 0.311939 0.325795 +v 0.197921 0.312094 0.325414 +v 0.125189 0.349050 0.346118 +v 0.176780 0.318449 0.337318 +v 0.198061 0.312387 0.324673 +v 0.189457 0.321790 0.314589 +v 0.198083 0.312434 0.324552 +v 0.171450 0.326630 0.330534 +v 0.124876 0.349424 0.345583 +v 0.192660 0.318890 0.317561 +v 0.190408 0.321221 0.314513 +v 0.178812 0.316645 0.337759 +v 0.178682 0.329694 0.302000 +v 0.160609 -0.328787 0.338947 +v 0.163513 -0.326310 0.339476 +v 0.160662 -0.327853 0.340201 +v 0.120158 -0.351157 0.348727 +v 0.122556 -0.350307 0.347025 +v 0.120558 -0.350722 0.349323 +v 0.163360 -0.329740 0.334475 +v 0.171624 -0.326901 0.329822 +v 0.171592 -0.325261 0.332734 +v 0.163501 -0.327239 0.338207 +v 0.121802 -0.352628 0.340208 +v 0.127234 -0.350679 0.336828 +v 0.130081 -0.347509 0.342237 +v 0.124965 -0.349432 0.345406 +v 0.125255 -0.352941 0.329215 +v 0.132309 -0.350348 0.325416 +v 0.127591 -0.351249 0.333376 +v 0.177476 -0.328631 0.316039 +v 0.180152 -0.327154 0.315633 +v 0.177641 -0.327657 0.319119 +v 0.157917 -0.329304 0.340974 +v 0.128663 -0.352237 0.318379 +v 0.135188 -0.349244 0.324004 +v 0.128663 -0.352237 0.318379 +v 0.131710 -0.351109 0.316859 +v 0.131711 -0.351109 0.316860 +v 0.123459 -0.353575 0.330264 +v 0.125864 -0.351877 0.334378 +v 0.172930 -0.330213 0.319923 +v 0.177710 -0.324954 0.325918 +v 0.173250 -0.327449 0.326621 +v 0.171570 -0.328366 0.326924 +v 0.157823 -0.330243 0.339735 +v 0.119243 -0.353512 0.341934 +v 0.179796 -0.328429 0.310421 +v 0.185282 -0.324242 0.314986 +v 0.185106 -0.325453 0.309698 +v 0.178763 -0.329650 0.301985 +v 0.120294 -0.353837 0.337854 +v 0.163156 -0.331421 0.331654 +v 0.171623 -0.326924 0.329778 +v 0.117669 -0.354726 0.339628 +v 0.116694 -0.354372 0.343745 +v 0.163152 -0.331445 0.331611 +v 0.171601 -0.327805 0.328072 +v 0.114046 -0.352127 0.356925 +v 0.121596 -0.349514 0.350898 +v 0.114021 -0.352153 0.356895 +v 0.121575 -0.349540 0.350866 +v 0.160348 -0.331306 0.335261 +v 0.117661 -0.355552 0.333901 +v 0.171156 -0.331152 0.320265 +v 0.113048 -0.353145 0.355718 +v 0.120733 -0.350525 0.349587 +v 0.162996 -0.332350 0.329959 +v 0.171593 -0.327980 0.327720 +v 0.121188 -0.354878 0.322461 +v 0.121188 -0.354878 0.322460 +v 0.172659 -0.331217 0.316888 +v 0.119284 -0.355523 0.323586 +v 0.112846 -0.353343 0.355475 +v 0.155727 -0.331316 0.340380 +v 0.162960 -0.332530 0.329618 +v 0.112478 -0.352645 0.358322 +v 0.177026 -0.329936 0.310868 +v 0.112453 -0.352671 0.358293 +v 0.170603 -0.333946 0.303543 +v 0.155410 -0.331476 0.340481 +v 0.115053 -0.355590 0.341489 +v 0.112386 -0.353783 0.354926 +v 0.162876 -0.332929 0.328847 +v 0.119284 -0.355523 0.323586 +v 0.113131 -0.357528 0.327482 +v 0.160057 -0.333000 0.332475 +v 0.111452 -0.353665 0.357139 +v 0.114928 -0.356448 0.335755 +v 0.111244 -0.353863 0.356901 +v 0.160052 -0.333024 0.332433 +v 0.157448 -0.332777 0.336096 +v 0.110747 -0.353208 0.359931 +v 0.110721 -0.353234 0.359902 +v 0.170844 -0.332168 0.317248 +v 0.159846 -0.333938 0.330802 +v 0.110771 -0.354303 0.356363 +v 0.110046 -0.353450 0.360549 +v 0.159801 -0.334120 0.330465 +v 0.109690 -0.354228 0.358775 +v 0.155265 -0.333861 0.336776 +v 0.109475 -0.354427 0.358542 +v 0.112204 -0.357318 0.337701 +v 0.159694 -0.334522 0.329704 +v 0.109003 -0.354445 0.359433 +v 0.154935 -0.334024 0.336883 +v 0.108988 -0.354867 0.358017 +v 0.157073 -0.334484 0.333345 +v 0.108786 -0.354644 0.359202 +v 0.108293 -0.355084 0.358682 +v 0.108425 -0.357019 0.350340 +v 0.157067 -0.334509 0.333304 +v 0.199225 -0.301987 0.338299 +v 0.172036 -0.332576 0.311794 +v 0.199645 -0.302656 0.337253 +v 0.113132 -0.357528 0.327483 +v 0.110229 -0.358433 0.329467 +v 0.199885 -0.303039 0.336633 +v 0.106706 -0.357543 0.351868 +v 0.156813 -0.335430 0.331694 +v 0.200410 -0.303879 0.335218 +v 0.170156 -0.333546 0.312184 +v 0.197367 -0.304334 0.337097 +v 0.197592 -0.304720 0.336480 +v 0.106566 -0.358245 0.348263 +v 0.156757 -0.335614 0.331361 +v 0.110230 -0.358433 0.329468 +v 0.154827 -0.335578 0.334053 +v 0.198083 -0.305567 0.335071 +v 0.104807 -0.358110 0.353626 +v 0.154820 -0.335602 0.334012 +v 0.201790 -0.306099 0.331033 +v 0.193146 -0.307889 0.336307 +v 0.104801 -0.358769 0.349832 +v 0.154487 -0.335741 0.334165 +v 0.104067 -0.358328 0.354332 +v 0.199366 -0.307808 0.330910 +v 0.154480 -0.335766 0.334124 +v 0.097929 -0.361988 0.339112 +v 0.107336 -0.359310 0.331549 +v 0.202682 -0.307548 0.327854 +v 0.156629 -0.336020 0.330610 +v 0.202694 -0.307568 0.327806 +v 0.102851 -0.359337 0.351637 +v 0.193571 -0.308749 0.334913 +v 0.161968 -0.335822 0.322401 +v 0.103359 -0.359984 0.344775 +v 0.203159 -0.308329 0.325938 +v 0.203250 -0.308479 0.325552 +v 0.154530 -0.336529 0.332418 +v 0.102091 -0.359555 0.352362 +v 0.154467 -0.336714 0.332089 +v 0.101781 -0.356761 0.366648 +v 0.200188 -0.309275 0.327748 +v 0.154185 -0.336694 0.332532 +v 0.200200 -0.309296 0.327701 +v 0.101232 -0.357202 0.366184 +v 0.154121 -0.336879 0.332204 +v 0.154322 -0.337122 0.331346 +v 0.101518 -0.360509 0.346413 +v 0.203450 -0.308808 0.324680 +v 0.200626 -0.310068 0.325845 +v 0.099483 -0.361077 0.348297 +v 0.153973 -0.337288 0.331461 +v 0.099130 -0.357802 0.368727 +v 0.200709 -0.310220 0.325461 +v 0.098690 -0.361295 0.349055 +v 0.161443 -0.336889 0.319481 +v 0.158603 -0.337451 0.323341 +v 0.098446 -0.357994 0.369592 +v 0.194667 -0.311031 0.330797 +v 0.097537 -0.358247 0.370771 +v 0.200890 -0.310555 0.324594 +v 0.157999 -0.338535 0.320459 +v 0.097929 -0.361988 0.339113 +v 0.188844 -0.311962 0.334925 +v 0.155361 -0.338981 0.324330 +v 0.195356 -0.312531 0.327673 +v 0.096537 -0.360450 0.362305 +v 0.168624 -0.334949 0.303980 +v 0.168624 -0.334949 0.303979 +v 0.095969 -0.362512 0.340862 +v 0.095969 -0.362512 0.340862 +v 0.160412 -0.338360 0.314579 +v 0.096016 -0.358664 0.372827 +v 0.195365 -0.312553 0.327626 +v 0.152920 -0.340107 0.325130 +v 0.094354 -0.361676 0.360549 +v 0.204802 -0.311075 0.317370 +v 0.152551 -0.340275 0.325256 +v 0.094294 -0.361049 0.365008 +v 0.195716 -0.313346 0.325792 +v 0.154680 -0.340081 0.321485 +v 0.195783 -0.313503 0.325413 +v 0.093803 -0.363078 0.342875 +v 0.093803 -0.363079 0.342875 +v 0.143712 -0.339277 0.341172 +v 0.189745 -0.314284 0.330859 +v 0.093563 -0.361241 0.365927 +v 0.156840 -0.340037 0.315620 +v 0.195931 -0.313847 0.324557 +v 0.092958 -0.363296 0.343684 +v 0.092593 -0.361493 0.367180 +v 0.183293 -0.314520 0.336514 +v 0.142154 -0.339967 0.341875 +v 0.202102 -0.312871 0.317331 +v 0.092048 -0.362274 0.363323 +v 0.152182 -0.341218 0.322315 +v 0.183572 -0.315405 0.335155 +v 0.091297 -0.362465 0.364267 +v 0.151803 -0.341388 0.322444 +v 0.205238 -0.311834 0.314056 +v 0.090613 -0.363410 0.357599 +v 0.190294 -0.315818 0.327776 +v 0.142936 -0.341037 0.338611 +v 0.090968 -0.361909 0.369365 +v 0.190301 -0.315840 0.327730 +v 0.090299 -0.362716 0.365553 +v 0.190572 -0.316654 0.325921 +v 0.088205 -0.364004 0.360494 +v 0.142924 -0.341062 0.338573 +v 0.139745 -0.341015 0.343016 +v 0.088629 -0.363131 0.367797 +v 0.202480 -0.313655 0.314038 +v 0.178929 -0.316820 0.337448 +v 0.087420 -0.364193 0.361479 +v 0.142441 -0.342015 0.337073 +v 0.190624 -0.316815 0.325547 +v 0.141333 -0.341732 0.339337 +v 0.086377 -0.364443 0.362822 +v 0.089638 -0.360059 0.384438 +v 0.179031 -0.317227 0.336860 +v 0.153398 -0.341609 0.316709 +v 0.087159 -0.362853 0.374992 +v 0.190735 -0.317169 0.324703 +v 0.141320 -0.341757 0.339299 +v 0.089222 -0.360441 0.383668 +v 0.142339 -0.342205 0.336764 +v 0.089406 -0.360118 0.384878 +v 0.184255 -0.317770 0.331150 +v 0.081778 -0.365974 0.355902 +v 0.084349 -0.365391 0.352810 +v 0.142104 -0.342626 0.336065 +v 0.176563 -0.317480 0.338674 +v 0.088985 -0.360500 0.384110 +v 0.179247 -0.318122 0.335518 +v 0.084631 -0.364853 0.365163 +v 0.140810 -0.342713 0.337814 +v 0.088751 -0.360559 0.384552 +v 0.082950 -0.363846 0.382302 +v 0.196871 -0.316256 0.317386 +v 0.158358 -0.339923 0.306632 +v 0.158358 -0.339923 0.306631 +v 0.084710 -0.364070 0.373575 +v 0.205740 -0.312759 0.308497 +v 0.081779 -0.365974 0.355903 +v 0.176722 -0.318191 0.337686 +v 0.176810 -0.318600 0.337102 +v 0.140703 -0.342904 0.337507 +v 0.080941 -0.366161 0.356955 +v 0.080940 -0.366161 0.356954 +v 0.150805 -0.342766 0.317587 +v 0.079828 -0.366405 0.358389 +v 0.079827 -0.366405 0.358388 +v 0.184647 -0.319338 0.328115 +v 0.150412 -0.342939 0.317725 +v 0.083702 -0.363672 0.380890 +v 0.138853 -0.342788 0.340517 +v 0.184652 -0.319360 0.328070 +v 0.083448 -0.363731 0.381360 +v 0.138839 -0.342813 0.340479 +v 0.083198 -0.363789 0.381831 +v 0.080533 -0.365782 0.371195 +v 0.176993 -0.319501 0.335770 +v 0.068738 -0.368646 0.375710 +v 0.202891 -0.314623 0.308514 +v 0.140456 -0.343326 0.336815 +v 0.081153 -0.364883 0.379632 +v 0.138288 -0.343773 0.339017 +v 0.197135 -0.317086 0.314135 +v 0.080893 -0.364942 0.380115 +v 0.184835 -0.320196 0.326290 +v 0.138172 -0.343965 0.338714 +v 0.080635 -0.364999 0.380598 +v 0.076002 -0.366752 0.379034 +v 0.179753 -0.320519 0.331566 +v 0.076812 -0.366583 0.377520 +v 0.150959 -0.343273 0.308963 +v 0.154592 -0.341652 0.307773 +v 0.076539 -0.366640 0.378024 +v 0.137907 -0.344390 0.338032 +v 0.076269 -0.366696 0.378528 +v 0.184869 -0.320362 0.325922 +v 0.133853 -0.343486 0.346108 +v 0.184940 -0.320727 0.325091 +v 0.172749 -0.320597 0.338224 +v 0.139984 -0.345717 0.330222 +v 0.150959 -0.343273 0.308963 +v 0.148222 -0.344464 0.309919 +v 0.191390 -0.319669 0.317632 +v 0.132355 -0.344092 0.346967 +v 0.172811 -0.321010 0.337648 +v 0.138237 -0.346430 0.331027 +v 0.177406 -0.321914 0.331846 +v 0.132784 -0.345275 0.343709 +v 0.171253 -0.321482 0.338463 +v 0.132768 -0.345301 0.343673 +v 0.180017 -0.322114 0.328573 +v 0.180020 -0.322137 0.328528 +v 0.138932 -0.346880 0.327576 +v 0.172936 -0.321919 0.336333 +v 0.148222 -0.344463 0.309920 +v 0.147807 -0.344642 0.310068 +v 0.171305 -0.321896 0.337890 +v 0.147808 -0.344642 0.310069 +v 0.197366 -0.318134 0.308681 +v 0.132116 -0.346271 0.342269 +v 0.191533 -0.320543 0.314427 +v 0.180130 -0.322990 0.326773 +v 0.131241 -0.345886 0.344594 +v 0.131224 -0.345912 0.344559 +v 0.131979 -0.346465 0.341979 +v 0.171408 -0.322809 0.336582 +v 0.180149 -0.323159 0.326410 +v 0.135535 -0.347511 0.332333 +v 0.137143 -0.347598 0.328406 +v 0.177604 -0.323523 0.328876 +v 0.131668 -0.346894 0.341325 +v 0.177606 -0.323546 0.328831 +v 0.130547 -0.346884 0.343171 +v 0.180187 -0.323532 0.325592 +v 0.130405 -0.347079 0.342884 +v 0.173182 -0.324361 0.332464 +v 0.127527 -0.345992 0.349951 +v 0.177678 -0.324407 0.327090 +v 0.185274 -0.323321 0.318138 +v 0.134374 -0.348688 0.329751 +v 0.177689 -0.324577 0.326730 +v 0.137047 -0.348516 0.323132 +v 0.125256 -0.346857 0.351479 +v 0.126267 -0.347798 0.347671 +v 0.191573 -0.321671 0.309049 +v 0.173259 -0.325993 0.329535 +v 0.126248 -0.347824 0.347637 +v 0.173260 -0.326016 0.329491 +v 0.128917 -0.350055 0.335854 +v 0.125487 -0.348803 0.346303 +v 0.163512 -0.325889 0.340033 +v 0.125327 -0.348999 0.346028 +v 0.173263 -0.326891 0.327776 +v 0.123926 -0.348667 0.349245 +v 0.173260 -0.327065 0.327421 +v 0.123906 -0.348693 0.349212 +v 0.180257 -0.326198 0.318739 +v 0.123105 -0.349676 0.347905 +v 0.122937 -0.349872 0.347635 +v 0.133679 -0.350364 0.315920 +v 0.081431 0.364288 0.411847 +v 0.082354 0.363140 0.406696 +v 0.080426 0.364328 0.406267 +v 0.085087 0.361583 0.393142 +v 0.083461 0.363004 0.387782 +v 0.081341 0.363776 0.391739 +v 0.087094 0.360793 0.389339 +v 0.087567 0.359395 0.407939 +v 0.087808 0.359157 0.406922 +v 0.084809 0.361480 0.407265 +v 0.074458 0.367041 0.399509 +v 0.068738 0.368854 0.392216 +v 0.066726 0.369758 0.397644 +v 0.083904 0.362632 0.412283 +v 0.075100 0.368615 0.415457 +v 0.091595 0.356857 0.417792 +v 0.076311 0.366104 0.394505 +v 0.091642 0.355802 0.407970 +v 0.084207 0.361972 0.395024 +v 0.080413 0.364158 0.393700 +v 0.091413 0.356042 0.408946 +v 0.086899 0.360380 0.393835 +v 0.086685 0.360555 0.412813 +v 0.064163 0.371912 0.409499 +v 0.055656 0.374639 0.414260 +v 0.055997 0.373573 0.408735 +v 0.093044 0.354423 0.408376 +v 0.057064 0.372395 0.402039 +v 0.065190 0.370757 0.403330 +v 0.092820 0.354664 0.409338 +v 0.083445 0.362338 0.396796 +v 0.079610 0.364518 0.395546 +v 0.090566 0.357216 0.413629 +v 0.086042 0.360772 0.395680 +v 0.091987 0.355844 0.413955 +v 0.077830 0.365468 0.400374 +v 0.094839 0.352805 0.414660 +v 0.073306 0.367821 0.403560 +v 0.065488 0.370526 0.402041 +v 0.073026 0.368053 0.404747 +v 0.085301 0.361141 0.397417 +v 0.088377 0.359097 0.396531 +v 0.073133 0.367464 0.383522 +v 0.061854 0.370231 0.387725 +v 0.076717 0.366253 0.404281 +v 0.070710 0.368166 0.387946 +v 0.081752 0.363302 0.401425 +v 0.069652 0.368518 0.390144 +v 0.087662 0.359468 0.398225 +v 0.076446 0.366486 0.405426 +v 0.057379 0.372164 0.400640 +v 0.057375 0.372164 0.400639 +v 0.083650 0.362110 0.401953 +v 0.080331 0.364622 0.386467 +v 0.072042 0.369198 0.410435 +v 0.080687 0.364093 0.405170 +v 0.078117 0.365376 0.390561 +v 0.086067 0.360444 0.402645 +v 0.082610 0.362905 0.405622 +v 0.077148 0.365750 0.392591 +v 0.075483 0.367630 0.410911 +v 0.088781 0.358353 0.403452 +v 0.085058 0.361243 0.406219 +v 0.079490 0.365473 0.411525 +v 0.077153 -0.365749 0.392586 +v 0.078145 -0.365279 0.399422 +v 0.074786 -0.366855 0.398522 +v 0.067081 -0.369576 0.396573 +v 0.069657 -0.368517 0.390138 +v 0.083202 -0.362517 0.405768 +v 0.082475 -0.363264 0.409130 +v 0.081824 -0.363402 0.405440 +v 0.085395 -0.361230 0.409745 +v 0.077371 -0.365662 0.392115 +v 0.069895 -0.368435 0.389628 +v 0.082052 -0.363111 0.400513 +v 0.080685 -0.364094 0.405174 +v 0.076714 -0.366254 0.404285 +v 0.083173 -0.362416 0.400835 +v 0.086101 -0.360480 0.406486 +v 0.080418 -0.364157 0.393694 +v 0.080626 -0.364068 0.393240 +v 0.079717 -0.364821 0.387544 +v 0.072460 -0.367648 0.384685 +v 0.084529 -0.361528 0.401231 +v 0.090196 -0.357289 0.410854 +v 0.091595 -0.356857 0.417792 +v 0.064644 -0.371266 0.406102 +v 0.075100 -0.368615 0.415457 +v 0.055656 -0.374639 0.414260 +v 0.081256 -0.364337 0.384927 +v 0.057373 -0.372164 0.400644 +v 0.074146 -0.367201 0.381861 +v 0.084212 -0.361971 0.395019 +v 0.065484 -0.370526 0.402046 +v 0.087378 -0.359484 0.402087 +v 0.072509 -0.368560 0.407302 +v 0.084409 -0.361880 0.394582 +v 0.061857 -0.370230 0.387718 +v 0.092395 -0.355189 0.411411 +v 0.073303 -0.367822 0.403565 +v 0.082873 -0.363208 0.388823 +v 0.085299 -0.361271 0.395406 +v 0.075942 -0.366994 0.407889 +v 0.090863 -0.356529 0.407754 +v 0.085494 -0.361181 0.394975 +v 0.086614 -0.360379 0.395880 +v 0.084346 -0.362711 0.386293 +v 0.079940 -0.364837 0.408628 +v 0.086805 -0.360288 0.395455 +v 0.093042 -0.354423 0.408379 +v 0.086537 -0.361002 0.390340 +v 0.081087 -0.364146 0.408852 +v 0.089378 -0.358326 0.396895 +v 0.087588 -0.360298 0.390782 +v 0.087932 -0.360494 0.387907 +v 0.264512 0.229201 0.000000 +v 0.280189 0.209747 0.000000 +v 0.247487 0.247487 0.000000 +v 0.229201 0.264512 0.000000 +v -0.000000 -0.350000 -0.000000 +v 0.024969 -0.349108 -0.000000 +v 0.049810 -0.346437 -0.000000 +v 0.074398 -0.342001 -0.000000 +v 0.098606 -0.335822 -0.000000 +v 0.122312 -0.327932 -0.000000 +v 0.145395 -0.318371 -0.000000 +v 0.167737 -0.307188 -0.000000 +v 0.189224 -0.294439 -0.000000 +v 0.209747 -0.280189 -0.000000 +v 0.229201 -0.264512 -0.000000 +v 0.247487 -0.247487 -0.000000 +v 0.264512 -0.229201 -0.000000 +v 0.280189 -0.209747 -0.000000 +v 0.294439 -0.189224 -0.000000 +v 0.307188 -0.167737 -0.000000 +v 0.318371 -0.145395 -0.000000 +v 0.327932 -0.122312 -0.000000 +v 0.335822 -0.098606 -0.000000 +v 0.342001 -0.074398 -0.000000 +v 0.346437 -0.049810 -0.000000 +v 0.349108 -0.024969 -0.000000 +v 0.350000 -0.000000 0.000000 +v 0.024969 0.349108 0.000000 +v 0.000000 0.350000 -0.000000 +v 0.349108 0.024969 0.000000 +v 0.049810 0.346437 0.000000 +v 0.346437 0.049810 0.000000 +v 0.074398 0.342001 0.000000 +v 0.342001 0.074398 0.000000 +v 0.098606 0.335822 0.000000 +v 0.335822 0.098606 0.000000 +v 0.327932 0.122312 0.000000 +v 0.122312 0.327932 0.000000 +v 0.145395 0.318371 0.000000 +v 0.318371 0.145395 0.000000 +v 0.167737 0.307188 0.000000 +v 0.307188 0.167737 0.000000 +v 0.189224 0.294439 0.000000 +v 0.294439 0.189224 0.000000 +v 0.209747 0.280189 0.000000 +v -0.000000 -0.244914 0.837985 +v -0.000000 -0.271298 0.801555 +v 0.046500 -0.244914 0.837985 +v 0.046500 -0.271298 0.801555 +v 0.045970 -0.372172 0.375710 +v 0.047000 -0.387738 0.453092 +v 0.054228 -0.393150 0.466657 +v 0.054156 -0.394154 0.468561 +v 0.053468 -0.404145 0.485252 +v 0.051313 -0.404361 0.485156 +v 0.049157 -0.404569 0.485065 +v 0.047000 -0.404767 0.484977 +v 0.023028 -0.374292 0.375710 +v 0.047000 -0.375000 0.409841 +v -0.000000 -0.375000 0.375710 +v 0.055334 -0.372473 0.400644 +v 0.049388 -0.373308 0.400644 +v 0.043433 -0.374047 0.400644 +v 0.054885 -0.384299 0.447162 +v 0.050237 -0.379724 0.431821 +v 0.047000 -0.380138 0.431821 +v 0.054763 -0.385898 0.451127 +v 0.051120 -0.386397 0.451127 +v 0.047000 -0.413328 0.500378 +v 0.052734 -0.417154 0.511228 +v 0.047000 -0.419537 0.516873 +v 0.051652 -0.423517 0.539316 +v 0.047000 -0.423961 0.540195 +v 0.047000 -0.423720 0.563960 +v 0.050224 -0.422981 0.568347 +v 0.047000 -0.418010 0.589731 +v 0.048707 -0.416693 0.593251 +v 0.047000 -0.405324 0.616143 +v 0.047000 -0.271717 0.800974 +v 0.047000 -0.401337 0.622001 +v 0.063337 -0.399498 0.620669 +v 0.062935 -0.243162 0.836716 +v 0.078250 -0.238024 0.832995 +v 0.078538 -0.394313 0.616914 +v 0.091401 -0.229851 0.827076 +v 0.091578 -0.386132 0.610989 +v 0.101493 -0.219200 0.819362 +v 0.101576 -0.375507 0.603294 +v 0.107836 -0.206796 0.810378 +v 0.107858 -0.363155 0.594349 +v 0.047167 -0.402703 0.620074 +v 0.047000 -0.402704 0.620075 +v 0.047333 -0.404031 0.618121 +v 0.047000 -0.404034 0.618122 +v 0.047498 -0.405321 0.616141 +v 0.063475 -0.400808 0.618757 +v 0.063611 -0.402081 0.616821 +v 0.066120 -0.400155 0.618303 +v 0.048894 -0.414937 0.597687 +v 0.063746 -0.403316 0.614861 +v 0.066250 -0.401415 0.616377 +v 0.066379 -0.402638 0.614428 +v 0.049197 -0.416676 0.593245 +v 0.078637 -0.395535 0.615093 +v 0.078734 -0.396721 0.613249 +v 0.078831 -0.397871 0.611384 +v 0.064889 -0.412469 0.596655 +v 0.083850 -0.392732 0.613145 +v 0.067470 -0.411692 0.596331 +v 0.083932 -0.393879 0.611355 +v 0.065136 -0.414109 0.592289 +v 0.050574 -0.422579 0.570762 +v 0.084014 -0.394990 0.609545 +v 0.067706 -0.413313 0.591993 +v 0.050708 -0.422945 0.568341 +v 0.091636 -0.387239 0.609328 +v 0.091695 -0.388313 0.607646 +v 0.091752 -0.389354 0.605946 +v 0.079647 -0.406363 0.594103 +v 0.079823 -0.407878 0.589969 +v 0.097953 -0.381120 0.605076 +v 0.084702 -0.403191 0.592777 +v 0.066254 -0.419600 0.570271 +v 0.097991 -0.382117 0.603518 +v 0.066363 -0.419929 0.567907 +v 0.098028 -0.383084 0.601943 +v 0.068773 -0.418728 0.570127 +v 0.084850 -0.404651 0.588767 +v 0.068877 -0.419051 0.567780 +v 0.101602 -0.376477 0.601849 +v 0.051975 -0.423784 0.542810 +v 0.101628 -0.377418 0.600387 +v 0.052129 -0.423476 0.539321 +v 0.101654 -0.378330 0.598907 +v 0.092239 -0.397031 0.590202 +v 0.092344 -0.398398 0.586439 +v 0.080618 -0.412897 0.569166 +v 0.106945 -0.366541 0.594945 +v 0.080695 -0.413192 0.566936 +v 0.098345 -0.390219 0.587355 +v 0.106954 -0.367363 0.593687 +v 0.107864 -0.363971 0.593159 +v 0.106963 -0.368161 0.592414 +v 0.085520 -0.409484 0.568603 +v 0.067387 -0.420495 0.543040 +v 0.098414 -0.391491 0.583867 +v 0.107870 -0.364763 0.591954 +v 0.085585 -0.409767 0.566443 +v 0.107877 -0.365532 0.590735 +v 0.067511 -0.420166 0.539649 +v 0.069853 -0.419581 0.543104 +v 0.101872 -0.385069 0.585202 +v 0.053067 -0.418487 0.515328 +v 0.069971 -0.419250 0.539740 +v 0.101919 -0.386272 0.581924 +v 0.053206 -0.417109 0.511244 +v 0.092817 -0.402915 0.567520 +v 0.092863 -0.403179 0.565494 +v 0.107039 -0.374073 0.580605 +v 0.081420 -0.413582 0.543523 +v 0.053562 -0.412348 0.499817 +v 0.098722 -0.395699 0.566330 +v 0.081508 -0.413255 0.540335 +v 0.107929 -0.371232 0.579417 +v 0.107055 -0.375133 0.577776 +v 0.098752 -0.395946 0.564452 +v 0.086195 -0.410117 0.543765 +v 0.068264 -0.415142 0.516377 +v 0.107940 -0.372255 0.576704 +v 0.086269 -0.409798 0.540679 +v 0.070689 -0.414243 0.516659 +v 0.102132 -0.390263 0.565434 +v 0.068376 -0.413779 0.512421 +v 0.102152 -0.390498 0.563667 +v 0.070795 -0.412889 0.512736 +v 0.093295 -0.403495 0.544228 +v 0.093347 -0.403194 0.541335 +v 0.068660 -0.409098 0.501361 +v 0.071352 -0.400238 0.487832 +v 0.107129 -0.378680 0.563524 +v 0.071066 -0.408237 0.501769 +v 0.082040 -0.408433 0.518481 +v 0.107137 -0.378892 0.561995 +v 0.099033 -0.396260 0.544734 +v 0.107991 -0.375688 0.563030 +v 0.082119 -0.407139 0.514769 +v 0.107996 -0.375896 0.561563 +v 0.099067 -0.395983 0.542051 +v 0.086717 -0.405110 0.519523 +v 0.102347 -0.390824 0.545114 +v 0.086783 -0.403855 0.515930 +v 0.102370 -0.390567 0.542588 +v 0.082319 -0.402707 0.504397 +v 0.087130 -0.392198 0.493141 +v 0.093663 -0.398792 0.521504 +v 0.093710 -0.397615 0.518137 +v 0.086952 -0.399559 0.505892 +v 0.107205 -0.379263 0.545922 +v 0.107213 -0.379051 0.543732 +v 0.099274 -0.391918 0.523659 +v 0.108043 -0.376279 0.546130 +v 0.108049 -0.376079 0.544027 +v 0.099304 -0.390829 0.520537 +v 0.093829 -0.393586 0.508730 +v 0.099464 -0.380707 0.500729 +v 0.102512 -0.386764 0.525275 +v 0.102533 -0.385743 0.522335 +v 0.099382 -0.387099 0.511811 +v 0.107263 -0.375818 0.528708 +v 0.102587 -0.382240 0.514120 +v 0.107309 -0.366738 0.509953 +v 0.108083 -0.372994 0.529593 +v 0.107270 -0.374941 0.526155 +v 0.108089 -0.372155 0.527140 +v 0.107289 -0.371927 0.519019 +v 0.108102 -0.369267 0.520283 +v 0.107983 0.123429 0.852378 +v 0.105491 0.123429 0.860000 +v 0.105491 -0.123429 0.860000 +v 0.107983 -0.123429 0.852378 +v 0.109494 -0.123429 0.844503 +v 0.109494 0.123429 0.844503 +v -0.000000 0.155000 0.896640 +v 0.046500 0.155000 0.896640 +v 0.046500 0.172609 0.891708 +v -0.046500 0.172609 0.891708 +v 0.046500 0.189488 0.884671 +v -0.046500 0.155000 0.896640 +v -0.046500 0.189488 0.884671 +v 0.046500 0.205384 0.875632 +v -0.046500 0.205384 0.875632 +v 0.046500 0.220063 0.864726 +v -0.046500 0.220063 0.864726 +v 0.046500 0.233305 0.852114 +v -0.000000 0.244914 0.837985 +v 0.046500 0.244914 0.837985 +v -0.046500 0.233305 0.852114 +v -0.046500 0.244914 0.837985 +v 0.046500 -0.233305 0.852114 +v -0.046500 -0.233305 0.852114 +v 0.046500 -0.220063 0.864726 +v -0.046500 -0.244914 0.837985 +v -0.046500 -0.220063 0.864726 +v 0.046500 -0.205384 0.875632 +v -0.046500 -0.205384 0.875632 +v 0.046500 -0.189488 0.884671 +v -0.046500 -0.189488 0.884671 +v 0.046500 -0.172609 0.891708 +v -0.000000 -0.155000 0.896640 +v 0.046500 -0.155000 0.896640 +v -0.046500 -0.172609 0.891708 +v -0.046500 -0.155000 0.896640 +v 0.101493 -0.193030 0.845596 +v 0.095005 -0.193081 0.856771 +v 0.095005 -0.198464 0.853059 +v 0.107836 -0.179669 0.836213 +v 0.095005 -0.158597 0.872534 +v 0.095002 -0.155000 0.873507 +v 0.083807 -0.161468 0.882534 +v 0.107836 -0.168761 0.842416 +v 0.101493 -0.188037 0.849040 +v 0.058514 -0.204757 0.874671 +v 0.058514 -0.188982 0.883641 +v 0.070128 -0.187480 0.880577 +v 0.101493 -0.199608 0.840442 +v 0.095005 -0.205555 0.847502 +v 0.107836 -0.137797 0.851927 +v 0.105051 -0.138935 0.860000 +v 0.095005 -0.213685 0.840030 +v 0.083807 -0.221051 0.847377 +v 0.083807 -0.212258 0.855460 +v 0.095005 -0.165226 0.870435 +v 0.107836 -0.184016 0.833215 +v 0.083807 -0.168637 0.880263 +v 0.101493 -0.156051 0.863661 +v 0.103522 -0.155000 0.860000 +v 0.101493 -0.207149 0.833511 +v 0.058514 -0.211043 0.870337 +v 0.107836 -0.189742 0.828728 +v 0.107836 -0.196306 0.822695 +v 0.083807 -0.184152 0.873794 +v 0.070128 -0.171114 0.887401 +v 0.070128 -0.202893 0.871813 +v 0.107836 -0.145094 0.850629 +v 0.101493 -0.162199 0.861713 +v 0.058514 -0.219324 0.863848 +v 0.070128 -0.209035 0.867578 +v 0.107836 -0.151826 0.848941 +v 0.095005 -0.179571 0.864453 +v 0.083807 -0.198765 0.865485 +v 0.070128 -0.217125 0.861238 +v 0.107836 -0.157178 0.847245 +v 0.058514 -0.228816 0.855123 +v 0.101493 -0.175505 0.856166 +v 0.083807 -0.204588 0.861470 +v 0.058514 -0.164493 0.893077 +v 0.070128 -0.155000 0.891972 +v 0.058514 -0.155000 0.895467 +v 0.070128 -0.226400 0.852713 +v 0.058514 -0.172233 0.890625 +v 0.070128 -0.163552 0.889797 +v 0.083806 -0.155000 0.884221 +v 0.073706 0.163120 0.888293 +v 0.073706 0.170602 0.885924 +v 0.060563 0.172092 0.890219 +v 0.060563 0.155998 0.894806 +v 0.073704 0.155000 0.890368 +v 0.060563 0.164375 0.892664 +v 0.085808 0.168141 0.878833 +v 0.085808 0.185431 0.871461 +v 0.073706 0.216118 0.860042 +v 0.060563 0.232150 0.851041 +v 0.060563 0.219047 0.863520 +v 0.107836 0.179669 0.836213 +v 0.073706 0.228819 0.847946 +v 0.107836 0.184016 0.833215 +v 0.103522 0.190788 0.842517 +v 0.060563 0.210790 0.869989 +v 0.103522 0.185956 0.845849 +v 0.060563 0.204523 0.874311 +v 0.103522 0.175461 0.851928 +v 0.095565 0.192713 0.856209 +v 0.095565 0.181084 0.862945 +v 0.095565 0.216318 0.836327 +v 0.101493 0.219200 0.819362 +v 0.091401 0.229851 0.827076 +v 0.085808 0.161050 0.881079 +v 0.085806 0.155000 0.882663 +v 0.095562 0.155000 0.872813 +v 0.085808 0.223321 0.842836 +v 0.095565 0.165006 0.869800 +v 0.073706 0.208114 0.866314 +v 0.107836 0.170229 0.841681 +v 0.085808 0.211282 0.854302 +v 0.095565 0.158412 0.871888 +v 0.099934 0.155000 0.866609 +v 0.103522 0.160951 0.858115 +v 0.103522 0.155000 0.860000 +v 0.073706 0.202038 0.870503 +v 0.107836 0.157178 0.847245 +v 0.060563 0.190911 0.882195 +v 0.107836 0.151826 0.848941 +v 0.103522 0.207258 0.827907 +v 0.107836 0.206796 0.810378 +v 0.107836 0.146016 0.850426 +v 0.105051 0.138935 0.860000 +v 0.107836 0.139557 0.851664 +v 0.085808 0.203696 0.860246 +v 0.095565 0.205123 0.846988 +v 0.085808 0.197938 0.864217 +v 0.107836 0.198829 0.820074 +v 0.073706 0.188844 0.878146 +v 0.095565 0.198068 0.852516 +v 0.103522 0.197155 0.837529 +v 0.062935 0.243162 0.836716 +v 0.107836 0.189742 0.828728 +v 0.078250 0.238024 0.832995 +v 0.060563 0.155000 0.895026 +v 0.048751 0.416937 0.592586 +v 0.047000 0.416756 0.593249 +v 0.047000 0.405324 0.616143 +v 0.047000 0.423144 0.568454 +v 0.050283 0.423123 0.567254 +v 0.051575 0.423685 0.541074 +v 0.047000 0.423877 0.539285 +v 0.052592 0.418551 0.515373 +v 0.047000 0.417632 0.510973 +v 0.053090 0.412422 0.499838 +v 0.047000 0.404767 0.484977 +v 0.049157 0.404569 0.485065 +v 0.051313 0.404361 0.485156 +v 0.053468 0.404145 0.485252 +v 0.107870 0.364762 0.591954 +v 0.107877 0.365530 0.590734 +v 0.106954 0.367362 0.593687 +v 0.107864 0.363971 0.593159 +v 0.107858 0.363155 0.594349 +v 0.106945 0.366540 0.594945 +v 0.107942 0.372397 0.576299 +v 0.107902 0.368546 0.585349 +v 0.053561 0.412377 0.499859 +v 0.053247 0.416668 0.510018 +v 0.053065 0.418506 0.515387 +v 0.068660 0.409126 0.501402 +v 0.071352 0.400238 0.487832 +v 0.071066 0.408266 0.501810 +v 0.068408 0.413344 0.511234 +v 0.070826 0.412456 0.511559 +v 0.068263 0.415161 0.516434 +v 0.052228 0.423218 0.537025 +v 0.070688 0.414262 0.516715 +v 0.082319 0.402734 0.504435 +v 0.087130 0.392198 0.493141 +v 0.052052 0.423645 0.541078 +v 0.086952 0.399585 0.505930 +v 0.082142 0.406726 0.513656 +v 0.082039 0.408451 0.518534 +v 0.067590 0.419895 0.537420 +v 0.086803 0.403455 0.514853 +v 0.093829 0.393610 0.508765 +v 0.099464 0.380707 0.500729 +v 0.070047 0.418979 0.537529 +v 0.067449 0.420345 0.541356 +v 0.086716 0.405128 0.519574 +v 0.050904 0.423397 0.564703 +v 0.069912 0.419430 0.541434 +v 0.050767 0.423092 0.567250 +v 0.093723 0.397239 0.517127 +v 0.099382 0.387122 0.511844 +v 0.093662 0.398809 0.521552 +v 0.081564 0.412989 0.538240 +v 0.102587 0.382261 0.514151 +v 0.107309 0.366738 0.509953 +v 0.099313 0.390481 0.519600 +v 0.081464 0.413432 0.541940 +v 0.066522 0.420331 0.564356 +v 0.086317 0.409539 0.538650 +v 0.099273 0.391933 0.523704 +v 0.066411 0.420060 0.566841 +v 0.069028 0.419445 0.564256 +v 0.086232 0.409971 0.542233 +v 0.102540 0.385416 0.521453 +v 0.049307 0.417269 0.591600 +v 0.068923 0.419180 0.566723 +v 0.049242 0.416919 0.592579 +v 0.107289 0.371945 0.519046 +v 0.102512 0.386779 0.525317 +v 0.093380 0.402950 0.539433 +v 0.108102 0.369284 0.520309 +v 0.093321 0.403357 0.542791 +v 0.080808 0.413547 0.563589 +v 0.107272 0.374661 0.525389 +v 0.080729 0.413308 0.565932 +v 0.048191 0.410394 0.607376 +v 0.099089 0.395759 0.540287 +v 0.108090 0.371886 0.526404 +v 0.107263 0.375831 0.528744 +v 0.065225 0.414667 0.590674 +v 0.085680 0.410107 0.563200 +v 0.099050 0.396133 0.543401 +v 0.065172 0.414338 0.591636 +v 0.108083 0.373006 0.529628 +v 0.085613 0.409878 0.565469 +v 0.067791 0.413864 0.590389 +v 0.102385 0.390359 0.540928 +v 0.067741 0.413539 0.591343 +v 0.047498 0.405319 0.616140 +v 0.047000 0.404033 0.618122 +v 0.047333 0.404030 0.618120 +v 0.047000 0.402704 0.620075 +v 0.102358 0.390707 0.543860 +v 0.047167 0.402703 0.620074 +v 0.047000 0.401337 0.622001 +v 0.063337 0.399498 0.620669 +v 0.092930 0.403496 0.562452 +v 0.092883 0.403283 0.564581 +v 0.064314 0.408158 0.606199 +v 0.079886 0.408391 0.588441 +v 0.107218 0.378877 0.542292 +v 0.066921 0.407429 0.605815 +v 0.079849 0.408088 0.589350 +v 0.098796 0.396243 0.561632 +v 0.107209 0.379167 0.544834 +v 0.108053 0.375914 0.542644 +v 0.098765 0.396043 0.563605 +v 0.063746 0.403314 0.614860 +v 0.084903 0.405147 0.587286 +v 0.108046 0.376188 0.545086 +v 0.084872 0.404854 0.588168 +v 0.063611 0.402080 0.616820 +v 0.066379 0.402636 0.614426 +v 0.102183 0.390782 0.561014 +v 0.063475 0.400808 0.618757 +v 0.066250 0.401414 0.616376 +v 0.102162 0.390591 0.562870 +v 0.066120 0.400154 0.618303 +v 0.078538 0.394313 0.616914 +v 0.079237 0.402371 0.603153 +v 0.092382 0.398861 0.585048 +v 0.092359 0.398588 0.585876 +v 0.084356 0.399337 0.601556 +v 0.078831 0.397869 0.611383 +v 0.107147 0.379152 0.559698 +v 0.078734 0.396720 0.613249 +v 0.107140 0.378977 0.561305 +v 0.098438 0.391922 0.582578 +v 0.108004 0.376149 0.559359 +v 0.078637 0.395535 0.615093 +v 0.098424 0.391667 0.583345 +v 0.107999 0.375978 0.560901 +v 0.084014 0.394988 0.609544 +v 0.091994 0.393424 0.598444 +v 0.083932 0.393878 0.611355 +v 0.101936 0.386680 0.580712 +v 0.083850 0.392732 0.613145 +v 0.091578 0.386132 0.610989 +v 0.101926 0.386439 0.581433 +v 0.091752 0.389352 0.605945 +v 0.098186 0.386866 0.594992 +v 0.091695 0.388312 0.607646 +v 0.091636 0.387238 0.609328 +v 0.107061 0.375493 0.576730 +v 0.101762 0.381901 0.592378 +v 0.107057 0.375281 0.577353 +v 0.098028 0.383082 0.601942 +v 0.107944 0.372603 0.575701 +v 0.097991 0.382116 0.603518 +v 0.097953 0.381120 0.605076 +v 0.101576 0.375507 0.603294 +v 0.101654 0.378328 0.598906 +v 0.101628 0.377417 0.600386 +v 0.101602 0.376476 0.601849 +v 0.107000 0.371289 0.586793 +v 0.106963 0.368160 0.592413 +v -0.000000 0.271298 0.801555 +v 0.046500 0.271298 0.801555 +v 0.045970 0.372172 0.375710 +v 0.047000 0.393441 0.465400 +v 0.054632 0.387646 0.455204 +v 0.023028 0.374292 0.375710 +v 0.000000 0.375000 0.375710 +v 0.047000 0.375000 0.409841 +v 0.043433 0.374047 0.400639 +v 0.049388 0.373307 0.400639 +v 0.055334 0.372472 0.400639 +v 0.055217 0.380055 0.435183 +v 0.050370 0.380730 0.435183 +v 0.047000 0.384408 0.444686 +v 0.051345 0.388095 0.455204 +v 0.000000 0.375000 0.031000 +v 0.131049 -0.351356 0.031000 +v 0.155781 -0.341112 0.031000 +v 0.026752 0.374044 0.031000 +v 0.105650 -0.359810 0.031000 +v 0.079712 -0.366430 0.031000 +v 0.053368 -0.371183 0.031000 +v 0.053368 0.371183 0.031000 +v 0.026752 -0.374044 0.031000 +v -0.000000 -0.375000 0.031000 +v -0.023028 -0.374292 0.375710 +v 0.079712 0.366430 0.031000 +v -0.131049 0.351356 0.031000 +v -0.147807 0.344642 0.310068 +v -0.131710 0.351109 0.316859 +v -0.128663 0.352237 0.318379 +v -0.121188 0.354878 0.322460 +v -0.155781 0.341112 0.031000 +v -0.026752 -0.374044 0.031000 +v -0.045970 -0.372172 0.375710 +v -0.105650 0.359810 0.031000 +v -0.119284 0.355523 0.323586 +v -0.113131 0.357528 0.327482 +v -0.110229 0.358433 0.329467 +v -0.097929 0.361988 0.339112 +v 0.105650 0.359810 0.031000 +v -0.079712 0.366430 0.031000 +v -0.095969 0.362512 0.340862 +v -0.093803 0.363079 0.342875 +v -0.081778 0.365974 0.355902 +v -0.080940 0.366161 0.356954 +v -0.079827 0.366405 0.358388 +v -0.053368 0.371183 0.031000 +v -0.068738 0.368646 0.375710 +v -0.045970 0.372172 0.375710 +v -0.053368 -0.371183 0.031000 +v -0.068738 -0.368646 0.375710 +v -0.079724 -0.366427 0.358524 +v 0.131049 0.351356 0.031000 +v -0.026752 0.374044 0.031000 +v -0.023028 0.374292 0.375710 +v -0.079712 -0.366430 0.031000 +v -0.080814 -0.366189 0.357115 +v -0.084558 -0.365342 0.352565 +v -0.093633 -0.363122 0.343037 +v -0.095816 -0.362552 0.341001 +v 0.155781 0.341112 0.031000 +v 0.179718 0.329130 0.031000 +v -0.105650 -0.359810 0.031000 +v -0.101611 -0.360971 0.335995 +v -0.104816 -0.360054 0.333450 +v -0.110086 -0.358477 0.329567 +v 0.202740 0.315470 0.031000 +v -0.112963 -0.357581 0.327594 +v -0.128406 -0.352331 0.318510 +v 0.224729 0.300203 0.031000 +v 0.245573 0.283406 0.031000 +v -0.131049 -0.351356 0.031000 +v -0.130559 -0.351539 0.317424 +v -0.131505 -0.351185 0.316959 +v -0.138182 -0.348613 0.313889 +v 0.265165 0.265165 0.031000 +v -0.148138 -0.344500 0.309949 +v 0.283406 0.245573 0.031000 +v 0.300203 0.224729 0.031000 +v -0.155781 -0.341112 0.031000 +v -0.150873 -0.343311 0.308992 +v -0.159408 -0.339432 0.306329 +v -0.168412 -0.335056 0.304027 +v 0.315470 0.202740 0.031000 +v -0.179718 -0.329130 0.031000 +v -0.184475 -0.326487 0.301127 +v -0.188876 -0.323961 0.300590 +v -0.189909 -0.323357 0.300480 +v 0.329130 0.179718 0.031000 +v -0.170431 -0.334033 0.303579 +v -0.178682 -0.329694 0.302000 +v -0.202740 -0.315470 0.031000 +v 0.341112 0.155781 0.031000 +v -0.224729 -0.300203 0.031000 +v 0.351356 0.131049 0.031000 +v -0.245573 -0.283406 0.031000 +v 0.359810 0.105650 0.031000 +v -0.265165 -0.265165 0.031000 +v 0.366430 0.079712 0.031000 +v -0.283406 -0.245573 0.031000 +v 0.371183 0.053368 0.031000 +v -0.300203 -0.224729 0.031000 +v 0.374044 0.026752 0.031000 +v 0.375000 -0.000000 0.031000 +v -0.315470 -0.202740 0.031000 +v 0.374044 -0.026752 0.031000 +v -0.329130 -0.179718 0.031000 +v 0.371183 -0.053368 0.031000 +v -0.341112 -0.155781 0.031000 +v 0.366430 -0.079712 0.031000 +v -0.351356 -0.131049 0.031000 +v 0.359810 -0.105650 0.031000 +v -0.359810 -0.105650 0.031000 +v 0.351356 -0.131049 0.031000 +v -0.366430 -0.079712 0.031000 +v 0.341112 -0.155781 0.031000 +v 0.329130 -0.179718 0.031000 +v -0.371183 -0.053368 0.031000 +v 0.315470 -0.202740 0.031000 +v -0.374044 -0.026752 0.031000 +v 0.300203 -0.224729 0.031000 +v -0.375000 -0.000000 0.031000 +v 0.283406 -0.245573 0.031000 +v -0.374044 0.026752 0.031000 +v 0.265165 -0.265165 0.031000 +v -0.371183 0.053368 0.031000 +v 0.245573 -0.283406 0.031000 +v -0.366430 0.079712 0.031000 +v 0.224729 -0.300203 0.031000 +v -0.359810 0.105650 0.031000 +v -0.351356 0.131049 0.031000 +v -0.341112 0.155781 0.031000 +v -0.329130 0.179718 0.031000 +v -0.315470 0.202740 0.031000 +v 0.202740 -0.315470 0.031000 +v -0.300203 0.224729 0.031000 +v -0.283406 0.245573 0.031000 +v -0.265165 0.265165 0.031000 +v -0.245573 0.283406 0.031000 +v -0.224729 0.300203 0.031000 +v 0.179718 -0.329130 0.031000 +v -0.202740 0.315470 0.031000 +v -0.178763 0.329650 0.301985 +v -0.179718 0.329130 0.031000 +v -0.170603 0.333946 0.303543 +v -0.168624 0.334949 0.303979 +v -0.158358 0.339923 0.306631 +v -0.150959 0.343273 0.308963 +v -0.148222 0.344464 0.309919 +v 0.025325 0.354095 0.005000 +v 0.000000 0.355000 0.031000 +v 0.025325 0.354095 0.031000 +v 0.000000 0.355000 0.005000 +v 0.050522 0.351387 0.005000 +v 0.050522 0.351387 0.031000 +v 0.075461 0.346887 0.005000 +v 0.075461 0.346887 0.031000 +v 0.100015 0.340620 0.005000 +v 0.100015 0.340620 0.031000 +v 0.124060 0.332617 0.005000 +v 0.124060 0.332617 0.031000 +v 0.147472 0.322919 0.005000 +v 0.147472 0.322919 0.031000 +v 0.170133 0.311576 0.005000 +v 0.170133 0.311576 0.031000 +v 0.191927 0.298645 0.005000 +v 0.191927 0.298645 0.031000 +v 0.212744 0.284192 0.005000 +v 0.212744 0.284192 0.031000 +v 0.232476 0.268291 0.005000 +v 0.232476 0.268291 0.031000 +v 0.251023 0.251023 0.005000 +v 0.251023 0.251023 0.031000 +v 0.268291 0.232476 0.005000 +v 0.268291 0.232476 0.031000 +v 0.284192 0.212744 0.005000 +v 0.284192 0.212744 0.031000 +v 0.298645 0.191927 0.005000 +v 0.298645 0.191927 0.031000 +v 0.311576 0.170133 0.031000 +v 0.311576 0.170133 0.005000 +v 0.322919 0.147472 0.031000 +v 0.322919 0.147472 0.005000 +v 0.332617 0.124060 0.031000 +v 0.332617 0.124060 0.005000 +v 0.340620 0.100015 0.031000 +v 0.340620 0.100015 0.005000 +v 0.346887 0.075461 0.031000 +v 0.346887 0.075461 0.005000 +v 0.351387 0.050522 0.031000 +v 0.351387 0.050522 0.005000 +v 0.354095 0.025325 0.031000 +v 0.354095 0.025325 0.005000 +v 0.355000 -0.000000 0.031000 +v 0.355000 -0.000000 0.005000 +v 0.354095 -0.025325 0.031000 +v 0.354095 -0.025325 0.005000 +v 0.351387 -0.050522 0.031000 +v 0.351387 -0.050522 0.005000 +v 0.346887 -0.075461 0.031000 +v 0.346887 -0.075461 0.005000 +v 0.340620 -0.100015 0.031000 +v 0.340620 -0.100015 0.005000 +v 0.332617 -0.124060 0.031000 +v 0.332617 -0.124060 0.005000 +v 0.322919 -0.147472 0.031000 +v 0.322919 -0.147472 0.005000 +v 0.311576 -0.170133 0.031000 +v 0.311576 -0.170133 0.005000 +v 0.298645 -0.191927 0.031000 +v 0.298645 -0.191927 0.005000 +v 0.284192 -0.212744 0.031000 +v 0.284192 -0.212744 0.005000 +v 0.268291 -0.232476 0.031000 +v 0.268291 -0.232476 0.005000 +v 0.251023 -0.251023 0.031000 +v 0.251023 -0.251023 0.005000 +v 0.232476 -0.268291 0.031000 +v 0.232476 -0.268291 0.005000 +v 0.212744 -0.284192 0.031000 +v 0.212744 -0.284192 0.005000 +v 0.191927 -0.298645 0.031000 +v 0.191927 -0.298645 0.005000 +v 0.170133 -0.311576 0.031000 +v 0.170133 -0.311576 0.005000 +v 0.147472 -0.322919 0.031000 +v 0.147472 -0.322919 0.005000 +v 0.124060 -0.332617 0.031000 +v 0.124060 -0.332617 0.005000 +v 0.100015 -0.340620 0.031000 +v 0.100015 -0.340620 0.005000 +v 0.075461 -0.346887 0.031000 +v 0.075461 -0.346887 0.005000 +v 0.050522 -0.351387 0.031000 +v 0.050522 -0.351387 0.005000 +v 0.025325 -0.354095 0.031000 +v 0.025325 -0.354095 0.005000 +v -0.000000 -0.355000 0.031000 +v -0.000000 -0.355000 0.005000 +v -0.025325 -0.354095 0.031000 +v -0.025325 -0.354095 0.005000 +v -0.050522 -0.351387 0.031000 +v -0.050522 -0.351387 0.005000 +v -0.075461 -0.346887 0.031000 +v -0.075461 -0.346887 0.005000 +v -0.100015 -0.340620 0.031000 +v -0.100015 -0.340620 0.005000 +v -0.124060 -0.332617 0.031000 +v -0.124060 -0.332617 0.005000 +v -0.147472 -0.322919 0.031000 +v -0.147472 -0.322919 0.005000 +v -0.170133 -0.311576 0.031000 +v -0.170133 -0.311576 0.005000 +v -0.191927 -0.298645 0.031000 +v -0.191927 -0.298645 0.005000 +v -0.212744 -0.284192 0.031000 +v -0.212744 -0.284192 0.005000 +v -0.232476 -0.268291 0.031000 +v -0.232476 -0.268291 0.005000 +v -0.251023 -0.251023 0.031000 +v -0.251023 -0.251023 0.005000 +v -0.268291 -0.232476 0.031000 +v -0.268291 -0.232476 0.005000 +v -0.284192 -0.212744 0.031000 +v -0.284192 -0.212744 0.005000 +v -0.298645 -0.191927 0.031000 +v -0.298645 -0.191927 0.005000 +v -0.311576 -0.170133 0.031000 +v -0.311576 -0.170133 0.005000 +v -0.322919 -0.147472 0.031000 +v -0.322919 -0.147472 0.005000 +v -0.332617 -0.124060 0.031000 +v -0.332617 -0.124060 0.005000 +v -0.340620 -0.100015 0.031000 +v -0.340620 -0.100015 0.005000 +v -0.346887 -0.075461 0.031000 +v -0.346887 -0.075461 0.005000 +v -0.351387 -0.050522 0.031000 +v -0.351387 -0.050522 0.005000 +v -0.354095 -0.025325 0.031000 +v -0.354095 -0.025325 0.005000 +v -0.355000 -0.000000 0.031000 +v -0.355000 -0.000000 0.005000 +v -0.354095 0.025325 0.031000 +v -0.354095 0.025325 0.005000 +v -0.351387 0.050522 0.031000 +v -0.351387 0.050522 0.005000 +v -0.346887 0.075461 0.031000 +v -0.346887 0.075461 0.005000 +v -0.340620 0.100015 0.031000 +v -0.340620 0.100015 0.005000 +v -0.332617 0.124060 0.031000 +v -0.332617 0.124060 0.005000 +v -0.322919 0.147472 0.031000 +v -0.322919 0.147472 0.005000 +v -0.311576 0.170133 0.031000 +v -0.311576 0.170133 0.005000 +v -0.298645 0.191927 0.031000 +v -0.298645 0.191927 0.005000 +v -0.284192 0.212744 0.031000 +v -0.284192 0.212744 0.005000 +v -0.268291 0.232476 0.031000 +v -0.268291 0.232476 0.005000 +v -0.251023 0.251023 0.031000 +v -0.251023 0.251023 0.005000 +v -0.232476 0.268291 0.031000 +v -0.232476 0.268291 0.005000 +v -0.212744 0.284192 0.031000 +v -0.212744 0.284192 0.005000 +v -0.191927 0.298645 0.031000 +v -0.191927 0.298645 0.005000 +v -0.170133 0.311576 0.031000 +v -0.170133 0.311576 0.005000 +v -0.147472 0.322919 0.031000 +v -0.147472 0.322919 0.005000 +v -0.124060 0.332617 0.031000 +v -0.124060 0.332617 0.005000 +v -0.100015 0.340620 0.031000 +v -0.100015 0.340620 0.005000 +v -0.075461 0.346887 0.031000 +v -0.075461 0.346887 0.005000 +v -0.050522 0.351387 0.031000 +v -0.050522 0.351387 0.005000 +v -0.025325 0.354095 0.031000 +v -0.025325 0.354095 0.005000 +v 0.072965 -0.370221 0.418161 +v 0.072969 -0.370145 0.417809 +v 0.075070 -0.369156 0.418019 +v 0.091078 -0.375540 0.471278 +v 0.091243 -0.369342 0.457935 +v 0.099744 -0.359671 0.461911 +v 0.107394 -0.339336 0.455035 +v 0.107562 -0.330815 0.426585 +v 0.107536 -0.338873 0.455194 +v 0.099654 -0.366138 0.475909 +v 0.099628 -0.368040 0.479598 +v 0.099770 -0.357825 0.457392 +v 0.103360 -0.349038 0.451685 +v 0.103333 -0.352006 0.459640 +v 0.103316 -0.353895 0.464287 +v 0.107421 -0.331291 0.426483 +v 0.099812 -0.354925 0.449653 +v 0.072422 -0.379658 0.448956 +v 0.107500 -0.350799 0.483465 +v 0.107521 -0.343919 0.468389 +v 0.109386 -0.335819 0.471720 +v 0.091585 -0.357205 0.419457 +v 0.099930 -0.347018 0.421564 +v 0.072569 -0.377048 0.442015 +v 0.074688 -0.376102 0.442342 +v 0.074549 -0.378726 0.449316 +v 0.099926 -0.347253 0.422661 +v 0.109381 -0.342910 0.487352 +v 0.091578 -0.357430 0.420504 +v 0.099925 -0.347339 0.423053 +v 0.091031 -0.377364 0.474793 +v 0.099613 -0.369198 0.481764 +v 0.087543 -0.378439 0.469849 +v 0.087737 -0.372328 0.456707 +v 0.107355 -0.351242 0.483247 +v 0.107377 -0.344373 0.468202 +v 0.091368 -0.364790 0.446247 +v 0.088130 -0.360665 0.420204 +v 0.091576 -0.357512 0.420878 +v 0.109387 -0.333796 0.466676 +v 0.105666 -0.344111 0.453386 +v 0.105713 -0.336205 0.425433 +v 0.074462 -0.380397 0.453389 +v 0.091003 -0.378473 0.476857 +v 0.088141 -0.360361 0.418804 +v 0.072330 -0.381319 0.453010 +v 0.107494 -0.352825 0.487440 +v 0.109379 -0.344998 0.491474 +v 0.088133 -0.360584 0.419835 +v 0.087487 -0.380237 0.473312 +v 0.107349 -0.353264 0.487214 +v 0.087453 -0.381331 0.475345 +v 0.105601 -0.355806 0.480999 +v 0.105638 -0.349060 0.466275 +v 0.107527 -0.341956 0.463523 +v 0.109389 -0.330620 0.458044 +v 0.107491 -0.354058 0.489775 +v 0.109378 -0.346269 0.493896 +v 0.074163 -0.386248 0.466003 +v 0.107383 -0.342414 0.463347 +v 0.107345 -0.354495 0.489544 +v 0.072016 -0.387136 0.465565 +v 0.087885 -0.367841 0.445194 +v 0.103433 -0.341276 0.424349 +v 0.074077 -0.387969 0.469327 +v 0.105590 -0.357792 0.484880 +v 0.071926 -0.388847 0.468874 +v 0.074025 -0.389016 0.471279 +v 0.071872 -0.389888 0.470818 +v 0.091291 -0.367572 0.453626 +v 0.103259 -0.360515 0.478679 +v 0.105713 -0.336116 0.425021 +v 0.105649 -0.347135 0.461522 +v 0.105584 -0.359001 0.487160 +v 0.103436 -0.340948 0.422819 +v 0.087794 -0.370583 0.452462 +v 0.103434 -0.341188 0.423946 +v 0.103242 -0.362463 0.482473 +v 0.103232 -0.363649 0.484700 +v 0.075082 -0.368943 0.417030 +v 0.075065 -0.369234 0.418372 +v 0.072982 -0.369933 0.416825 +v 0.047000 0.271717 0.800974 +v 0.109085 0.332468 0.457406 +v 0.109771 0.334880 0.478285 +v 0.109773 0.327384 0.459161 +v 0.074688 0.376102 0.442342 +v 0.087676 0.374236 0.461070 +v 0.087885 0.367841 0.445194 +v 0.087949 0.365945 0.439624 +v 0.072569 0.377048 0.442015 +v 0.074367 0.382223 0.457576 +v 0.103298 0.355961 0.469064 +v 0.103259 0.360515 0.478679 +v 0.106937 0.347797 0.472635 +v 0.072231 0.383134 0.457177 +v 0.099654 0.366138 0.475909 +v 0.074786 0.374287 0.436999 +v 0.109774 0.325165 0.452459 +v 0.091575 0.357522 0.420919 +v 0.091422 0.362868 0.440592 +v 0.099841 0.352920 0.443723 +v 0.099925 0.347348 0.423097 +v 0.109087 0.330289 0.450846 +v 0.099928 0.347104 0.421966 +v 0.091582 0.357287 0.419841 +v 0.099715 0.361690 0.466558 +v 0.072671 0.375245 0.436697 +v 0.107394 0.339336 0.455035 +v 0.107370 0.346517 0.473195 +v 0.088130 0.360674 0.420245 +v 0.088138 0.360442 0.419182 +v 0.106965 0.340651 0.454581 +v 0.075065 0.369242 0.418411 +v 0.091078 0.375540 0.471278 +v 0.075077 0.369021 0.417392 +v 0.107401 0.337209 0.448668 +v 0.072964 0.370230 0.418200 +v 0.072977 0.370010 0.417186 +v 0.087543 0.378439 0.469849 +v 0.106973 0.338534 0.448251 +v 0.103360 0.349038 0.451685 +v 0.091191 0.371277 0.462364 +v 0.109775 0.319002 0.429162 +v 0.109770 0.339816 0.488876 +v 0.103379 0.346986 0.445591 +v 0.099812 0.354925 0.449653 +v 0.109072 0.344676 0.486482 +v 0.074163 0.386248 0.466003 +v 0.072016 0.387136 0.465565 +v 0.107355 0.351242 0.483247 +v 0.106997 0.332654 0.426241 +v 0.106920 0.352499 0.482628 +v 0.091368 0.364790 0.446247 +v 0.109077 0.339830 0.476120 +v 0.103433 0.341286 0.424394 +v 0.103435 0.341035 0.423232 +v -0.024969 0.349108 -0.000000 +v -0.049810 0.346437 -0.000000 +v -0.074398 0.342001 -0.000000 +v -0.098606 0.335822 -0.000000 +v -0.122312 0.327932 -0.000000 +v -0.145395 0.318371 -0.000000 +v -0.167737 0.307188 -0.000000 +v -0.189224 0.294439 -0.000000 +v -0.209747 0.280189 -0.000000 +v -0.229201 0.264512 -0.000000 +v -0.247487 0.247487 -0.000000 +v -0.264512 0.229201 -0.000000 +v -0.280189 0.209747 -0.000000 +v -0.294439 0.189224 -0.000000 +v -0.307188 0.167737 -0.000000 +v -0.318371 0.145395 -0.000000 +v -0.327932 0.122312 -0.000000 +v -0.335822 0.098606 -0.000000 +v -0.342001 0.074398 -0.000000 +v -0.346437 0.049810 -0.000000 +v -0.349108 0.024969 -0.000000 +v -0.350000 -0.000000 -0.000000 +v -0.349108 -0.024969 -0.000000 +v -0.346437 -0.049810 -0.000000 +v -0.342001 -0.074398 -0.000000 +v -0.335822 -0.098606 -0.000000 +v -0.327932 -0.122312 -0.000000 +v -0.318371 -0.145395 -0.000000 +v -0.307188 -0.167737 -0.000000 +v -0.294439 -0.189224 -0.000000 +v -0.280189 -0.209747 -0.000000 +v -0.264512 -0.229201 -0.000000 +v -0.247487 -0.247487 -0.000000 +v -0.229201 -0.264512 -0.000000 +v -0.209747 -0.280189 -0.000000 +v -0.189224 -0.294439 -0.000000 +v -0.167737 -0.307188 -0.000000 +v -0.145395 -0.318371 -0.000000 +v -0.122312 -0.327932 -0.000000 +v -0.098606 -0.335822 -0.000000 +v -0.074398 -0.342001 -0.000000 +v -0.049810 -0.346437 -0.000000 +v -0.024969 -0.349108 -0.000000 +v 0.047000 0.375000 0.444990 +v 0.047000 0.373383 0.458826 +v 0.047000 0.368618 0.471917 +v 0.047000 0.293233 0.752033 +v 0.047000 0.285018 0.777621 +v -0.047000 0.368618 0.471917 +v 0.000000 0.375000 0.444990 +v -0.047000 0.373383 0.458826 +v -0.047000 0.375000 0.444990 +v -0.000000 0.155000 0.860000 +v -0.000000 -0.155000 0.860000 +v -0.105051 0.138935 0.860000 +v -0.105491 0.123429 0.860000 +v -0.103522 0.155000 0.860000 +v -0.105491 -0.123429 0.860000 +v -0.105051 -0.138935 0.860000 +v -0.103522 -0.155000 0.860000 +v 0.047000 -0.285018 0.777621 +v 0.047000 -0.293233 0.752033 +v 0.047000 -0.368618 0.471917 +v 0.047000 -0.373383 0.458826 +v 0.047000 -0.375000 0.444990 +v -0.000000 -0.375000 0.444990 +v -0.047000 -0.373383 0.458826 +v -0.047000 -0.375000 0.444990 +v -0.047000 -0.368618 0.471917 +v -0.047000 -0.360963 0.483557 +v -0.046500 -0.271298 0.801555 +v -0.047000 -0.271717 0.800974 +v -0.047000 -0.285018 0.777621 +v -0.047000 -0.293233 0.752033 +v -0.047000 0.271717 0.800974 +v -0.046500 0.271298 0.801555 +v -0.047000 0.285018 0.777621 +v -0.047000 0.293233 0.752033 +v 0.109800 -0.117470 0.519777 +v 0.109800 -0.117559 0.519819 +v 0.109840 -0.117470 0.519777 +v 0.109880 -0.117470 0.519777 +v 0.109920 -0.117470 0.519777 +v 0.109960 -0.117470 0.519777 +v 0.109800 -0.117388 0.519708 +v 0.109840 -0.117388 0.519708 +v 0.109880 -0.117388 0.519708 +v 0.109920 -0.117388 0.519708 +v 0.109960 -0.117388 0.519708 +v 0.109800 -0.117312 0.519610 +v 0.109840 -0.117312 0.519610 +v 0.109880 -0.117312 0.519610 +v 0.109920 -0.117312 0.519610 +v 0.109960 -0.117312 0.519610 +v 0.109800 -0.116811 0.514714 +v 0.109840 -0.116811 0.514714 +v 0.109800 -0.116740 0.498188 +v 0.109880 -0.116811 0.514714 +v 0.109920 -0.116811 0.514714 +v 0.109960 -0.116811 0.514714 +v 0.109800 -0.117559 0.520228 +v 0.109800 -0.112577 0.520433 +v 0.109800 -0.106162 0.520570 +v 0.109800 -0.095926 0.519273 +v 0.109800 -0.100712 0.520280 +v 0.109800 -0.085895 0.504874 +v 0.109800 -0.086344 0.508998 +v 0.109800 -0.087556 0.512338 +v 0.109800 -0.089324 0.514966 +v 0.109800 -0.091446 0.516951 +v 0.109800 -0.093714 0.518363 +v 0.109800 -0.091627 0.492660 +v 0.109800 -0.089539 0.494603 +v 0.109800 -0.087576 0.497553 +v 0.109800 -0.086365 0.500854 +v 0.109800 -0.095585 0.490271 +v 0.109800 -0.093658 0.491235 +v 0.109800 -0.095585 0.490135 +v 0.109800 -0.083234 0.472939 +v 0.109800 -0.078799 0.467547 +v 0.109800 -0.080658 0.469552 +v 0.109800 -0.078799 0.467138 +v 0.109800 -0.089035 0.467138 +v 0.109800 -0.091218 0.467412 +v 0.109800 -0.090101 0.467198 +v 0.109800 -0.105207 0.488224 +v 0.109800 -0.107050 0.488224 +v 0.109800 -0.107050 0.485494 +v 0.109800 -0.106231 0.467547 +v 0.109800 -0.106321 0.467612 +v 0.109800 -0.106405 0.467706 +v 0.109800 -0.106482 0.467834 +v 0.109800 -0.106959 0.472234 +v 0.109800 -0.106231 0.467138 +v 0.109800 -0.117559 0.467138 +v 0.109800 -0.117559 0.467547 +v 0.109800 -0.116740 0.490680 +v 0.109800 -0.117166 0.468178 +v 0.109800 -0.117305 0.467813 +v 0.109800 -0.117411 0.467660 +v 0.109800 -0.117483 0.467595 +v 0.109800 -0.107050 0.511903 +v 0.109800 -0.098509 0.497976 +v 0.109800 -0.099884 0.496959 +v 0.109800 -0.096606 0.500792 +v 0.109800 -0.097396 0.499283 +v 0.109800 -0.101411 0.496241 +v 0.109800 -0.096158 0.502365 +v 0.109800 -0.103180 0.495765 +v 0.109800 -0.095995 0.504192 +v 0.109800 -0.095995 0.504260 +v 0.109800 -0.105071 0.495594 +v 0.109800 -0.107050 0.495662 +v 0.109800 -0.096256 0.506543 +v 0.109800 -0.096835 0.508126 +v 0.109800 -0.097646 0.509368 +v 0.109800 -0.098706 0.510385 +v 0.109800 -0.099999 0.511169 +v 0.109800 -0.101511 0.511708 +v 0.109800 -0.102856 0.511956 +v 0.109800 -0.104321 0.512040 +v 0.110000 -0.096256 0.506543 +v 0.110000 -0.095995 0.504260 +v 0.110000 -0.096835 0.508126 +v 0.110000 -0.097646 0.509368 +v 0.110000 -0.098706 0.510385 +v 0.110000 -0.099999 0.511169 +v 0.110000 -0.101511 0.511708 +v 0.110000 -0.102856 0.511956 +v 0.110000 -0.104321 0.512040 +v 0.110000 -0.095995 0.504192 +v 0.110000 -0.098509 0.497976 +v 0.110000 -0.099884 0.496959 +v 0.110000 -0.097396 0.499283 +v 0.110000 -0.096606 0.500792 +v 0.110000 -0.096158 0.502365 +v 0.110000 -0.103180 0.495765 +v 0.110000 -0.105071 0.495594 +v 0.110000 -0.101411 0.496241 +v 0.110000 -0.107050 0.495662 +v 0.110000 -0.107050 0.511903 +v 0.109800 -0.050751 0.466252 +v 0.109800 -0.043574 0.467105 +v 0.109800 -0.037193 0.469532 +v 0.109800 -0.031774 0.473331 +v 0.109800 -0.027489 0.478303 +v 0.109800 -0.024506 0.484246 +v 0.109800 -0.023267 0.488975 +v 0.109800 -0.022841 0.494025 +v 0.109800 -0.078454 0.493546 +v 0.109800 -0.077601 0.486688 +v 0.109800 -0.075173 0.480492 +v 0.109800 -0.071369 0.475161 +v 0.109800 -0.066388 0.470899 +v 0.109800 -0.060430 0.467910 +v 0.109800 -0.055749 0.466678 +v 0.109800 -0.050066 0.521047 +v 0.109800 -0.057414 0.520192 +v 0.109800 -0.063971 0.517751 +v 0.109800 -0.069540 0.513913 +v 0.109800 -0.073546 0.509420 +v 0.109800 -0.076214 0.504652 +v 0.109800 -0.077877 0.499337 +v 0.109800 -0.022841 0.494093 +v 0.109800 -0.023697 0.501170 +v 0.109800 -0.025834 0.506872 +v 0.109800 -0.028751 0.511345 +v 0.109800 -0.032509 0.515092 +v 0.109800 -0.037011 0.518012 +v 0.109800 -0.042161 0.520005 +v 0.109800 -0.046001 0.520781 +v 0.109800 -0.037704 0.481423 +v 0.109800 -0.035867 0.484114 +v 0.109800 -0.061972 0.507559 +v 0.109800 -0.058674 0.509861 +v 0.109800 -0.034526 0.487179 +v 0.109800 -0.061223 0.479277 +v 0.109800 -0.033751 0.490353 +v 0.109800 -0.063785 0.481833 +v 0.109800 -0.065772 0.484911 +v 0.109800 -0.058149 0.477328 +v 0.109800 -0.054630 0.476073 +v 0.109800 -0.054813 0.511323 +v 0.109800 -0.067226 0.488837 +v 0.109800 -0.033486 0.493751 +v 0.109800 -0.052602 0.475719 +v 0.109800 -0.050476 0.475598 +v 0.109800 -0.067809 0.493684 +v 0.109800 -0.050476 0.511835 +v 0.109800 -0.067478 0.497422 +v 0.109800 -0.046160 0.476118 +v 0.109800 -0.033486 0.493820 +v 0.109800 -0.034067 0.498637 +v 0.109800 -0.066521 0.500867 +v 0.109800 -0.042708 0.477410 +v 0.109800 -0.046990 0.511481 +v 0.109800 -0.039998 0.479167 +v 0.109800 -0.043787 0.510466 +v 0.109800 -0.040669 0.508676 +v 0.109800 -0.064617 0.504524 +v 0.109800 -0.035723 0.502949 +v 0.109800 -0.038023 0.506260 +v 0.110000 -0.034067 0.498637 +v 0.110000 -0.033486 0.493820 +v 0.110000 -0.035723 0.502949 +v 0.110000 -0.038023 0.506260 +v 0.110000 -0.040669 0.508676 +v 0.110000 -0.043787 0.510466 +v 0.110000 -0.046990 0.511481 +v 0.110000 -0.050476 0.511835 +v 0.110000 -0.033486 0.493751 +v 0.110000 -0.046160 0.476118 +v 0.110000 -0.050476 0.475598 +v 0.110000 -0.042708 0.477410 +v 0.110000 -0.039998 0.479167 +v 0.110000 -0.037704 0.481423 +v 0.110000 -0.035867 0.484114 +v 0.110000 -0.034526 0.487179 +v 0.110000 -0.033751 0.490353 +v 0.110000 -0.067809 0.493684 +v 0.110000 -0.067226 0.488837 +v 0.110000 -0.065772 0.484911 +v 0.110000 -0.063785 0.481833 +v 0.110000 -0.061223 0.479277 +v 0.110000 -0.058149 0.477328 +v 0.110000 -0.054630 0.476073 +v 0.110000 -0.052602 0.475719 +v 0.110000 -0.054813 0.511323 +v 0.110000 -0.058674 0.509861 +v 0.110000 -0.061972 0.507559 +v 0.110000 -0.064617 0.504524 +v 0.110000 -0.066521 0.500867 +v 0.110000 -0.067478 0.497422 +v 0.109800 0.009785 0.470072 +v 0.109800 0.012472 0.472111 +v 0.109800 0.014644 0.474788 +v 0.109800 0.016013 0.477669 +v 0.109800 0.016555 0.479833 +v 0.109800 0.016745 0.482150 +v 0.109800 -0.005706 0.467002 +v 0.109800 0.002832 0.467608 +v 0.109800 0.006680 0.468603 +v 0.109800 -0.011437 0.467137 +v 0.109800 -0.015806 0.467342 +v 0.109800 -0.015806 0.467753 +v 0.109800 -0.014918 0.490682 +v 0.109800 -0.015279 0.468748 +v 0.109800 -0.015455 0.468121 +v 0.109800 -0.015570 0.467923 +v 0.109800 -0.015660 0.467831 +v 0.109800 -0.015731 0.467784 +v 0.109800 -0.014918 0.498188 +v 0.109800 -0.015737 0.519751 +v 0.109800 -0.015610 0.519642 +v 0.109800 -0.015497 0.519483 +v 0.109800 -0.015397 0.519261 +v 0.109800 -0.014978 0.514029 +v 0.109800 -0.015737 0.520161 +v 0.109800 -0.011165 0.520365 +v 0.109800 -0.003932 0.520502 +v 0.109800 0.005212 0.519273 +v 0.109800 0.000870 0.520195 +v 0.109800 0.014562 0.506377 +v 0.109800 0.014106 0.510218 +v 0.109800 0.013045 0.512997 +v 0.109800 0.011708 0.515002 +v 0.109800 0.010140 0.516584 +v 0.109800 0.008466 0.517788 +v 0.109800 0.006761 0.518683 +v 0.109800 0.006169 0.495048 +v 0.109800 0.008520 0.495963 +v 0.109800 0.010558 0.497363 +v 0.109800 0.012233 0.499177 +v 0.109800 0.013493 0.501331 +v 0.109800 0.014286 0.503755 +v 0.109800 0.006169 0.494912 +v 0.109800 0.016745 0.482219 +v 0.109800 0.016350 0.485505 +v 0.109800 0.015246 0.488376 +v 0.109800 0.013555 0.490792 +v 0.109800 0.011397 0.492713 +v 0.109800 0.008895 0.494100 +v 0.109800 0.000058 0.511747 +v 0.109800 0.004820 0.487585 +v 0.109800 0.005639 0.486357 +v 0.109800 0.002349 0.510593 +v 0.109800 0.006178 0.484909 +v 0.109800 0.003908 0.508674 +v 0.109800 0.003229 0.509728 +v 0.109800 0.002834 0.500884 +v 0.109800 0.003705 0.502028 +v 0.109800 -0.005364 0.511972 +v 0.109800 -0.005364 0.498666 +v 0.109800 -0.005364 0.490408 +v 0.109800 0.005701 0.480102 +v 0.109800 0.004284 0.503319 +v 0.109800 -0.005282 0.475863 +v 0.109800 -0.005311 0.475892 +v 0.109800 0.006190 0.481510 +v 0.109800 -0.005329 0.475920 +v 0.109800 -0.003522 0.498597 +v 0.109800 -0.005230 0.475832 +v 0.109800 -0.002906 0.490545 +v 0.109800 -0.005346 0.475965 +v 0.109800 0.006325 0.482311 +v 0.109800 -0.005161 0.475804 +v 0.109800 -0.005364 0.476283 +v 0.109800 -0.001765 0.498716 +v 0.109800 -0.002634 0.475668 +v 0.109800 0.001321 0.489930 +v 0.109800 -0.000446 0.475870 +v 0.109800 0.006372 0.483243 +v 0.109800 0.006372 0.483174 +v 0.109800 0.000911 0.476201 +v 0.109800 0.002143 0.476690 +v 0.109800 0.000095 0.499142 +v 0.109800 0.003697 0.477629 +v 0.109800 0.002597 0.489374 +v 0.109800 0.003784 0.488591 +v 0.109800 0.004516 0.504318 +v 0.109800 0.004892 0.478812 +v 0.109800 0.001522 0.499823 +v 0.109800 -0.002634 0.512109 +v 0.109800 0.004598 0.505489 +v 0.109800 0.004598 0.505421 +v 0.109800 0.004402 0.507289 +v 0.109800 -0.001232 0.512018 +v 0.109800 0.001285 0.511268 +v 0.110000 0.006178 0.484909 +v 0.110000 0.006372 0.483243 +v 0.110000 0.005639 0.486357 +v 0.110000 0.004820 0.487585 +v 0.110000 0.003784 0.488591 +v 0.110000 0.002597 0.489374 +v 0.110000 0.001321 0.489930 +v 0.110000 0.006372 0.483174 +v 0.110000 0.003697 0.477629 +v 0.110000 0.002143 0.476690 +v 0.110000 0.004892 0.478812 +v 0.110000 0.005701 0.480102 +v 0.110000 0.006190 0.481510 +v 0.110000 0.006325 0.482311 +v 0.110000 -0.000446 0.475870 +v 0.110000 -0.002634 0.475668 +v 0.110000 0.000911 0.476201 +v 0.110000 -0.005161 0.475804 +v 0.110000 -0.005346 0.475965 +v 0.110000 -0.005364 0.476283 +v 0.110000 -0.005329 0.475920 +v 0.110000 -0.005311 0.475892 +v 0.110000 -0.005282 0.475863 +v 0.110000 -0.005230 0.475832 +v 0.110000 -0.005364 0.490408 +v 0.110000 -0.002906 0.490545 +v 0.110000 0.004402 0.507289 +v 0.110000 0.004598 0.505489 +v 0.110000 0.003908 0.508674 +v 0.110000 0.003229 0.509728 +v 0.110000 0.002349 0.510593 +v 0.110000 0.001285 0.511268 +v 0.110000 0.000058 0.511747 +v 0.110000 -0.001232 0.512018 +v 0.110000 -0.002634 0.512109 +v 0.110000 0.004598 0.505421 +v 0.110000 0.001522 0.499823 +v 0.110000 0.000095 0.499142 +v 0.110000 0.002834 0.500884 +v 0.110000 0.003705 0.502028 +v 0.110000 0.004284 0.503319 +v 0.110000 0.004516 0.504318 +v 0.110000 -0.001765 0.498716 +v 0.110000 -0.003522 0.498597 +v 0.110000 -0.005364 0.498666 +v 0.110000 -0.005364 0.511972 +v 0.109800 0.050049 0.466252 +v 0.109800 0.057225 0.467105 +v 0.109800 0.063606 0.469532 +v 0.109800 0.069025 0.473331 +v 0.109800 0.073310 0.478303 +v 0.109800 0.076293 0.484246 +v 0.109800 0.077533 0.488975 +v 0.109800 0.077959 0.494025 +v 0.109800 0.022345 0.493546 +v 0.109800 0.023199 0.486688 +v 0.109800 0.025627 0.480491 +v 0.109800 0.029431 0.475160 +v 0.109800 0.034412 0.470898 +v 0.109800 0.040371 0.467910 +v 0.109800 0.045051 0.466678 +v 0.109800 0.050734 0.521047 +v 0.109800 0.043385 0.520192 +v 0.109800 0.036828 0.517751 +v 0.109800 0.031259 0.513913 +v 0.109800 0.027253 0.509420 +v 0.109800 0.024586 0.504652 +v 0.109800 0.022923 0.499337 +v 0.109800 0.077959 0.494093 +v 0.109800 0.077103 0.501169 +v 0.109800 0.074966 0.506871 +v 0.109800 0.072049 0.511345 +v 0.109800 0.068292 0.515091 +v 0.109800 0.063790 0.518011 +v 0.109800 0.058640 0.520004 +v 0.109800 0.054800 0.520781 +v 0.109800 0.063096 0.481423 +v 0.109800 0.064933 0.484114 +v 0.109800 0.038828 0.507559 +v 0.109800 0.042125 0.509861 +v 0.109800 0.066274 0.487179 +v 0.109800 0.039577 0.479277 +v 0.109800 0.067049 0.490353 +v 0.109800 0.037015 0.481833 +v 0.109800 0.035028 0.484911 +v 0.109800 0.042650 0.477328 +v 0.109800 0.046170 0.476073 +v 0.109800 0.045987 0.511323 +v 0.109800 0.033573 0.488837 +v 0.109800 0.067314 0.493751 +v 0.109800 0.048198 0.475719 +v 0.109800 0.050324 0.475598 +v 0.109800 0.032991 0.493684 +v 0.109800 0.050324 0.511835 +v 0.109800 0.033321 0.497422 +v 0.109800 0.054639 0.476118 +v 0.109800 0.067314 0.493820 +v 0.109800 0.066733 0.498637 +v 0.109800 0.034278 0.500867 +v 0.109800 0.058092 0.477410 +v 0.109800 0.053810 0.511481 +v 0.109800 0.060802 0.479167 +v 0.109800 0.057012 0.510466 +v 0.109800 0.060130 0.508676 +v 0.109800 0.036183 0.504524 +v 0.109800 0.065077 0.502949 +v 0.109800 0.062776 0.506260 +v 0.110000 0.066733 0.498637 +v 0.110000 0.067314 0.493820 +v 0.110000 0.065077 0.502949 +v 0.110000 0.062776 0.506260 +v 0.110000 0.060130 0.508676 +v 0.110000 0.057012 0.510466 +v 0.110000 0.053810 0.511481 +v 0.110000 0.050324 0.511835 +v 0.110000 0.067314 0.493751 +v 0.110000 0.054639 0.476118 +v 0.110000 0.050324 0.475598 +v 0.110000 0.058092 0.477410 +v 0.110000 0.060802 0.479167 +v 0.110000 0.063096 0.481423 +v 0.110000 0.064933 0.484114 +v 0.110000 0.066274 0.487179 +v 0.110000 0.067049 0.490353 +v 0.110000 0.033573 0.488837 +v 0.110000 0.032991 0.493684 +v 0.110000 0.035028 0.484911 +v 0.110000 0.037015 0.481833 +v 0.110000 0.039577 0.479277 +v 0.110000 0.042650 0.477328 +v 0.110000 0.046170 0.476073 +v 0.110000 0.048198 0.475719 +v 0.110000 0.045987 0.511323 +v 0.110000 0.042125 0.509861 +v 0.110000 0.038828 0.507559 +v 0.110000 0.036183 0.504524 +v 0.110000 0.034278 0.500867 +v 0.110000 0.033321 0.497422 +v 0.109800 0.080970 0.510742 +v 0.109800 0.081366 0.511075 +v 0.109800 0.081876 0.511340 +v 0.109800 0.083481 0.511723 +v 0.109800 0.085607 0.511835 +v 0.109800 0.080423 0.510742 +v 0.109800 0.080423 0.520364 +v 0.109800 0.120477 0.520364 +v 0.109800 0.120477 0.510742 +v 0.109800 0.120002 0.510742 +v 0.109800 0.115361 0.511835 +v 0.109800 0.117902 0.511649 +v 0.109800 0.118888 0.511390 +v 0.109800 0.119501 0.511108 +v 0.109800 0.105534 0.511835 +v 0.109800 0.105534 0.490680 +v 0.109800 0.106559 0.467548 +v 0.109800 0.106459 0.467566 +v 0.109800 0.106374 0.467602 +v 0.109800 0.106303 0.467654 +v 0.109800 0.106236 0.467725 +v 0.109800 0.106172 0.467817 +v 0.109800 0.106094 0.467975 +v 0.109800 0.105604 0.473725 +v 0.109800 0.106559 0.467138 +v 0.109800 0.094412 0.467138 +v 0.109800 0.094412 0.467548 +v 0.109800 0.095367 0.490680 +v 0.109800 0.094979 0.468673 +v 0.109800 0.094765 0.467958 +v 0.109800 0.094620 0.467724 +v 0.109800 0.094520 0.467623 +v 0.109800 0.095367 0.511835 +v 0.109800 0.138496 0.467548 +v 0.109800 0.138297 0.467766 +v 0.109800 0.138128 0.468080 +v 0.109800 0.137615 0.473581 +v 0.109800 0.137541 0.490680 +v 0.109800 0.138496 0.467138 +v 0.109800 0.126349 0.467138 +v 0.109800 0.126349 0.467615 +v 0.109800 0.127306 0.490612 +v 0.109800 0.126808 0.468368 +v 0.109800 0.126626 0.467936 +v 0.109800 0.126495 0.467753 +v 0.109800 0.127306 0.498186 +v 0.109800 0.126418 0.519888 +v 0.109800 0.126570 0.519740 +v 0.109800 0.126704 0.519532 +v 0.109800 0.127230 0.514510 +v 0.109800 0.126418 0.520364 +v 0.109800 0.138427 0.520364 +v 0.109800 0.138427 0.519888 +v 0.109800 0.137541 0.498186 +v 0.109800 0.138003 0.519176 +v 0.109800 0.138171 0.519588 +v 0.109800 0.138292 0.519760 +v 0.109800 0.196501 0.479285 +v 0.109800 0.198676 0.482877 +v 0.109800 0.200425 0.487908 +v 0.109800 0.201142 0.493956 +v 0.109800 0.188040 0.471233 +v 0.109800 0.191523 0.473624 +v 0.109800 0.194384 0.476439 +v 0.109800 0.188040 0.471027 +v 0.109800 0.194796 0.468026 +v 0.109800 0.200664 0.465909 +v 0.109800 0.203053 0.465364 +v 0.109800 0.203395 0.465091 +v 0.109800 0.197185 0.458471 +v 0.109800 0.196434 0.458471 +v 0.109800 0.196719 0.458380 +v 0.109800 0.196835 0.458369 +v 0.109800 0.196968 0.458386 +v 0.109800 0.197071 0.458420 +v 0.109800 0.187631 0.462498 +v 0.109800 0.179647 0.466934 +v 0.109800 0.176714 0.466386 +v 0.109800 0.173235 0.466183 +v 0.109800 0.145391 0.493411 +v 0.109800 0.146086 0.487241 +v 0.109800 0.148076 0.481575 +v 0.109800 0.151223 0.476566 +v 0.109800 0.155384 0.472369 +v 0.109800 0.160420 0.469138 +v 0.109800 0.166190 0.467027 +v 0.109800 0.169634 0.466398 +v 0.109800 0.174051 0.521047 +v 0.109800 0.166659 0.520192 +v 0.109800 0.160057 0.517751 +v 0.109800 0.154442 0.513913 +v 0.109800 0.150395 0.509420 +v 0.109800 0.147693 0.504652 +v 0.109800 0.145990 0.499302 +v 0.109800 0.145543 0.496411 +v 0.109800 0.201142 0.494025 +v 0.109800 0.200287 0.501109 +v 0.109800 0.198156 0.506815 +v 0.109800 0.195254 0.511292 +v 0.109800 0.191523 0.515043 +v 0.109800 0.187062 0.517971 +v 0.109800 0.181973 0.519976 +v 0.109800 0.178123 0.520774 +v 0.109800 0.181224 0.477302 +v 0.109800 0.177738 0.475992 +v 0.109800 0.157333 0.500849 +v 0.109800 0.173369 0.511903 +v 0.109800 0.176900 0.511547 +v 0.109800 0.190497 0.493820 +v 0.109800 0.190497 0.493751 +v 0.109800 0.190231 0.490348 +v 0.109800 0.183956 0.479081 +v 0.109800 0.189915 0.498643 +v 0.109800 0.159248 0.504519 +v 0.109800 0.160613 0.481173 +v 0.109800 0.186264 0.481361 +v 0.109800 0.163301 0.478708 +v 0.109800 0.180137 0.510525 +v 0.109800 0.188255 0.502966 +v 0.109800 0.158286 0.484532 +v 0.109800 0.183282 0.508722 +v 0.109800 0.166485 0.476873 +v 0.109800 0.185944 0.506292 +v 0.109800 0.161901 0.507575 +v 0.109800 0.156619 0.488875 +v 0.109800 0.188110 0.484076 +v 0.109800 0.169772 0.475829 +v 0.109800 0.173369 0.475464 +v 0.109800 0.189455 0.487161 +v 0.109800 0.156036 0.493684 +v 0.109800 0.165201 0.509902 +v 0.109800 0.156369 0.497405 +v 0.109800 0.169055 0.511384 +v 0.110000 0.190497 0.493820 +v 0.110000 0.189915 0.498643 +v 0.110000 0.188255 0.502966 +v 0.110000 0.185944 0.506292 +v 0.110000 0.183282 0.508722 +v 0.110000 0.180137 0.510525 +v 0.110000 0.176900 0.511547 +v 0.110000 0.173369 0.511903 +v 0.110000 0.190497 0.493751 +v 0.110000 0.177738 0.475992 +v 0.110000 0.173369 0.475464 +v 0.110000 0.181224 0.477302 +v 0.110000 0.183956 0.479081 +v 0.110000 0.186264 0.481361 +v 0.110000 0.188110 0.484076 +v 0.110000 0.189455 0.487161 +v 0.110000 0.190231 0.490348 +v 0.110000 0.156619 0.488875 +v 0.110000 0.156036 0.493684 +v 0.110000 0.158286 0.484532 +v 0.110000 0.160613 0.481173 +v 0.110000 0.163301 0.478708 +v 0.110000 0.166485 0.476873 +v 0.110000 0.169772 0.475829 +v 0.110000 0.169055 0.511384 +v 0.110000 0.165201 0.509902 +v 0.110000 0.161901 0.507575 +v 0.110000 0.159248 0.504519 +v 0.110000 0.157333 0.500849 +v 0.110000 0.156369 0.497405 +v 0.109800 -0.180636 0.534393 +v 0.109800 -0.182038 0.534488 +v 0.109800 -0.183139 0.534314 +v 0.109800 -0.184000 0.533946 +v 0.109800 -0.184669 0.533443 +v 0.109800 -0.185185 0.532853 +v 0.109800 -0.185620 0.532132 +v 0.109800 -0.185959 0.531324 +v 0.109800 -0.186225 0.530397 +v 0.109800 -0.150688 0.528910 +v 0.109800 -0.144717 0.524663 +v 0.109800 -0.145084 0.525624 +v 0.109800 -0.145618 0.526423 +v 0.109800 -0.146277 0.527076 +v 0.109800 -0.147023 0.527601 +v 0.109800 -0.149050 0.528481 +v 0.109800 -0.141523 0.511746 +v 0.109800 -0.144377 0.506343 +v 0.109800 -0.143118 0.506717 +v 0.109800 -0.142327 0.507174 +v 0.109800 -0.141825 0.507661 +v 0.109800 -0.141496 0.508181 +v 0.109800 -0.141283 0.508778 +v 0.109800 -0.141185 0.509454 +v 0.109800 -0.141203 0.510207 +v 0.109800 -0.141317 0.510945 +v 0.109800 -0.183647 0.499366 +v 0.109800 -0.190873 0.505769 +v 0.109800 -0.191021 0.504167 +v 0.109800 -0.190868 0.502973 +v 0.109800 -0.190535 0.502079 +v 0.109800 -0.190050 0.501343 +v 0.109800 -0.189445 0.500749 +v 0.109800 -0.188749 0.500283 +v 0.109800 -0.187737 0.499834 +v 0.109800 -0.185086 0.499346 +v 0.109800 -0.137739 0.498064 +v 0.109800 -0.138128 0.499116 +v 0.109800 -0.138494 0.499702 +v 0.109800 -0.139070 0.500308 +v 0.109800 -0.139798 0.500780 +v 0.109800 -0.140638 0.501088 +v 0.109800 -0.141676 0.501243 +v 0.109800 -0.142551 0.501240 +v 0.109800 -0.143545 0.501125 +v 0.109800 -0.131897 0.474016 +v 0.109800 -0.138949 0.466415 +v 0.109800 -0.136531 0.466737 +v 0.109800 -0.134858 0.467319 +v 0.109800 -0.133651 0.468033 +v 0.109800 -0.132860 0.468757 +v 0.109800 -0.132236 0.469649 +v 0.109800 -0.131840 0.470651 +v 0.109800 -0.131666 0.471743 +v 0.109800 -0.131691 0.472813 +v 0.109800 -0.178598 0.472416 +v 0.109800 -0.182091 0.477679 +v 0.109800 -0.182322 0.476290 +v 0.109800 -0.182271 0.475315 +v 0.109800 -0.182066 0.474605 +v 0.109800 -0.181754 0.474045 +v 0.109800 -0.181322 0.473562 +v 0.109800 -0.180770 0.473154 +v 0.109800 -0.180097 0.472821 +v 0.109800 -0.179396 0.472588 +v 0.109800 -0.179668 0.490773 +v 0.109800 -0.173851 0.495747 +v 0.109800 -0.176108 0.495149 +v 0.109800 -0.177222 0.494602 +v 0.109800 -0.177994 0.494001 +v 0.109800 -0.178738 0.493102 +v 0.109800 -0.179270 0.492071 +v 0.109800 -0.192922 0.469266 +v 0.109800 -0.194325 0.469366 +v 0.109800 -0.195427 0.469194 +v 0.109800 -0.196288 0.468829 +v 0.109800 -0.196959 0.468329 +v 0.109800 -0.197477 0.467740 +v 0.109800 -0.197915 0.467020 +v 0.109800 -0.198256 0.466213 +v 0.109800 -0.198524 0.465287 +v 0.109800 -0.164638 0.464891 +v 0.109800 -0.156341 0.459482 +v 0.109800 -0.156796 0.460764 +v 0.109800 -0.157498 0.461811 +v 0.109800 -0.158401 0.462652 +v 0.109800 -0.159460 0.463319 +v 0.109800 -0.162012 0.464287 +v 0.109800 -0.153350 0.446508 +v 0.109800 -0.156222 0.441114 +v 0.109800 -0.155038 0.441467 +v 0.109800 -0.154286 0.441912 +v 0.109800 -0.153801 0.442393 +v 0.109800 -0.153474 0.442911 +v 0.109800 -0.153251 0.443510 +v 0.109800 -0.153132 0.444190 +v 0.109800 -0.153118 0.444950 +v 0.109800 -0.153192 0.445697 +v 0.109800 -0.196033 0.434250 +v 0.109800 -0.203241 0.440670 +v 0.109800 -0.203395 0.439068 +v 0.109800 -0.203248 0.437871 +v 0.109800 -0.202922 0.436975 +v 0.109800 -0.202444 0.436235 +v 0.109800 -0.201845 0.435636 +v 0.109800 -0.201155 0.435165 +v 0.109800 -0.200149 0.434711 +v 0.109800 -0.198983 0.434395 +v 0.109800 -0.197049 0.434201 +v -0.132662 0.235161 0.003125 +v -0.132662 0.235161 -0.000000 +v -0.129115 0.237127 -0.000000 +v -0.129115 0.237127 0.003125 +v -0.125539 0.239039 0.003125 +v -0.125539 0.239039 -0.000000 +v -0.121936 0.240898 0.003125 +v -0.121936 0.240898 -0.000000 +v -0.121936 -0.240898 0.003125 +v -0.121936 -0.240898 -0.000000 +v -0.125539 -0.239039 -0.000000 +v -0.125539 -0.239039 0.003125 +v -0.129115 -0.237127 0.003125 +v -0.129115 -0.237127 -0.000000 +v -0.132662 -0.235161 0.003125 +v -0.132662 -0.235161 -0.000000 +v -0.152315 0.230000 -0.000000 +v -0.152315 0.230000 0.003125 +v -0.235924 0.230000 -0.000000 +v -0.235924 0.230000 0.003125 +v -0.260435 0.218571 0.003125 +v -0.276592 0.197730 0.003125 +v -0.260435 0.218571 -0.000000 +v -0.260435 -0.218571 0.003125 +v -0.260435 -0.218571 -0.000000 +v -0.276592 -0.197730 -0.000000 +v -0.276592 -0.197730 0.003125 +v -0.291084 -0.175698 0.003125 +v -0.291084 -0.175698 -0.000000 +v -0.303826 -0.152610 0.003125 +v -0.303826 -0.152610 -0.000000 +v -0.314740 -0.128604 0.003125 +v -0.314740 -0.128604 -0.000000 +v -0.323760 -0.103824 0.003125 +v -0.323760 -0.103824 -0.000000 +v -0.330833 -0.078419 0.003125 +v -0.330833 -0.078419 -0.000000 +v -0.335915 -0.052543 0.003125 +v -0.335915 -0.052543 -0.000000 +v -0.338977 -0.026351 0.003125 +v -0.338977 -0.026351 -0.000000 +v -0.340000 -0.000000 0.003125 +v -0.340000 -0.000000 -0.000000 +v -0.338977 0.026351 0.003125 +v -0.338977 0.026351 -0.000000 +v -0.335915 0.052543 0.003125 +v -0.335915 0.052543 -0.000000 +v -0.330833 0.078419 0.003125 +v -0.330833 0.078419 -0.000000 +v -0.323760 0.103824 0.003125 +v -0.323760 0.103824 -0.000000 +v -0.314740 0.128604 0.003125 +v -0.314740 0.128604 -0.000000 +v -0.303826 0.152610 -0.000000 +v -0.303826 0.152610 0.003125 +v -0.291084 0.175698 -0.000000 +v -0.291084 0.175698 0.003125 +v -0.276592 0.197730 -0.000000 +v -0.235924 -0.230000 -0.000000 +v -0.235924 -0.230000 0.003125 +v -0.152315 -0.230000 0.003125 +v -0.152315 -0.230000 -0.000000 +v -0.100000 -0.276586 -0.000000 +v -0.100000 -0.276586 0.003125 +v -0.100000 -0.300400 0.003125 +v -0.100000 -0.300400 -0.000000 +v -0.083124 -0.328600 -0.000000 +v -0.083124 -0.328600 0.003125 +v -0.090089 -0.323553 0.003125 +v -0.090089 -0.323553 -0.000000 +v -0.095459 -0.316832 0.003125 +v -0.095459 -0.316832 -0.000000 +v -0.098844 -0.308924 0.003125 +v -0.098844 -0.308924 -0.000000 +v -0.100000 0.300400 -0.000000 +v -0.100000 0.276586 0.003125 +v -0.100000 0.276586 -0.000000 +v -0.100000 0.300400 0.003125 +v -0.098844 0.308924 -0.000000 +v -0.098844 0.308924 0.003125 +v -0.095459 0.316832 0.003125 +v -0.095459 0.316832 -0.000000 +v -0.090089 0.323553 0.003125 +v -0.090089 0.323553 -0.000000 +v -0.083124 0.328600 0.003125 +v -0.083124 0.328600 -0.000000 +v -0.101509 0.265703 0.003125 +v -0.101509 0.265703 -0.000000 +v -0.105922 0.255641 0.003125 +v -0.105922 0.255641 -0.000000 +v -0.112907 0.247159 0.003125 +v -0.112907 0.247159 -0.000000 +v -0.112907 -0.247159 0.003125 +v -0.112907 -0.247159 -0.000000 +v -0.105922 -0.255641 0.003125 +v -0.105922 -0.255641 -0.000000 +v -0.101509 -0.265703 0.003125 +v -0.101509 -0.265703 -0.000000 +v -0.138885 0.232322 0.003125 +v -0.138885 0.232322 -0.000000 +v -0.145500 0.230585 0.003125 +v -0.145500 0.230585 -0.000000 +v -0.145500 -0.230585 0.003125 +v -0.145500 -0.230585 -0.000000 +v -0.138885 -0.232322 0.003125 +v -0.138885 -0.232322 -0.000000 +v -0.253506 0.224737 -0.000000 +v -0.253506 0.224737 0.003125 +v -0.245100 0.228656 0.003125 +v -0.245100 0.228656 -0.000000 +v -0.245100 -0.228656 -0.000000 +v -0.245100 -0.228656 0.003125 +v -0.253506 -0.224737 0.003125 +v -0.253506 -0.224737 -0.000000 +v -0.189426 -0.322946 0.309241 +v -0.186432 -0.323574 0.314868 +v -0.189457 -0.321790 0.314589 +v -0.117540 -0.354769 0.339717 +v -0.119117 -0.353555 0.342021 +v -0.121653 -0.352680 0.340305 +v -0.186296 -0.324770 0.309564 +v -0.178961 -0.317235 0.336913 +v -0.176805 -0.318568 0.337148 +v -0.176780 -0.318449 0.337318 +v -0.112778 -0.356323 0.343191 +v -0.114477 -0.355103 0.345402 +v -0.109834 -0.358056 0.339478 +v -0.190410 -0.322365 0.309151 +v -0.190408 -0.321221 0.314513 +v -0.161787 -0.335910 0.322450 +v -0.155284 -0.339016 0.324355 +v -0.162705 -0.333016 0.328890 +v -0.163764 -0.332477 0.328622 +v -0.199141 -0.314803 0.317342 +v -0.121978 -0.352566 0.340092 +v -0.125130 -0.349372 0.345296 +v -0.198083 -0.312434 0.324552 +v -0.173108 -0.325706 0.330244 +v -0.171448 -0.327021 0.329810 +v -0.171450 -0.326630 0.330534 +v -0.192660 -0.318890 0.317561 +v -0.139852 -0.340420 0.344017 +v -0.126726 -0.347330 0.348099 +v -0.172996 -0.323806 0.333542 +v -0.192916 -0.320864 0.308950 +v -0.192832 -0.319754 0.314345 +v -0.179071 -0.317684 0.336249 +v -0.181665 -0.327394 0.310150 +v -0.185233 -0.325380 0.309687 +v -0.176899 -0.319019 0.336489 +v -0.120142 -0.353889 0.337954 +v -0.199455 -0.315613 0.314072 +v -0.162906 -0.335360 0.322154 +v -0.120474 -0.353775 0.337735 +v -0.199764 -0.316627 0.308588 +v -0.171423 -0.327902 0.328106 +v -0.163875 -0.331900 0.329739 +v -0.164017 -0.330997 0.331397 +v -0.141534 -0.339686 0.343209 +v -0.173118 -0.326095 0.329516 +v -0.142275 -0.339359 0.342865 +v -0.101678 -0.360463 0.346268 +v -0.106820 -0.358969 0.341859 +v -0.153316 -0.341646 0.316736 +v -0.150726 -0.342801 0.317615 +v -0.152105 -0.341252 0.322341 +v -0.154602 -0.340117 0.321511 +v -0.138859 -0.342476 0.341202 +v -0.180490 -0.316137 0.336940 +v -0.178932 -0.317117 0.337084 +v -0.171414 -0.328077 0.327753 +v -0.114794 -0.356492 0.335849 +v -0.163842 -0.332080 0.329396 +v -0.180523 -0.316254 0.336767 +v -0.138630 -0.342901 0.340582 +v -0.177314 -0.321288 0.332918 +v -0.172740 -0.321512 0.337062 +v -0.126409 -0.347763 0.347532 +v -0.140599 -0.341735 0.340365 +v -0.171394 -0.328410 0.327069 +v -0.163775 -0.332422 0.328730 +v -0.138076 -0.343862 0.339121 +v -0.125651 -0.348743 0.346196 +v -0.171390 -0.328464 0.326957 +v -0.180644 -0.316702 0.336101 +v -0.140382 -0.342159 0.339737 +v -0.161257 -0.336979 0.319531 +v -0.173119 -0.326971 0.327801 +v -0.137959 -0.344053 0.338819 +v -0.125492 -0.348938 0.345920 +v -0.141364 -0.341406 0.340007 +v -0.173116 -0.327145 0.327446 +v -0.117503 -0.355605 0.334005 +v -0.173106 -0.327476 0.326758 +v -0.162403 -0.336422 0.319224 +v -0.137730 -0.344420 0.338233 +v -0.125181 -0.349312 0.345384 +v -0.117849 -0.355490 0.333776 +v -0.173104 -0.327529 0.326645 +v -0.141153 -0.341829 0.339377 +v -0.179568 -0.319938 0.332653 +v -0.137692 -0.344479 0.338137 +v -0.183347 -0.314308 0.336729 +v -0.139857 -0.343117 0.338261 +v -0.183385 -0.314424 0.336556 +v -0.139746 -0.343308 0.337956 +v -0.177568 -0.323161 0.329571 +v -0.140641 -0.342785 0.337893 +v -0.139528 -0.343673 0.337363 +v -0.183527 -0.314868 0.335884 +v -0.184238 -0.313870 0.336506 +v -0.177608 -0.323544 0.328832 +v -0.147506 -0.336988 0.340609 +v -0.181201 -0.318946 0.332487 +v -0.139492 -0.343731 0.337266 +v -0.089313 -0.360380 0.383713 +v -0.140532 -0.342976 0.337586 +v -0.089221 -0.360441 0.383667 +v -0.082950 -0.363846 0.382302 +v -0.184387 -0.314313 0.335832 +v -0.140320 -0.343340 0.336991 +v -0.143490 -0.345904 0.320343 +v -0.083702 -0.363672 0.380890 +v -0.081154 -0.364883 0.379632 +v -0.076002 -0.366752 0.379034 +v -0.177681 -0.324405 0.327091 +v -0.140285 -0.343399 0.336894 +v -0.149322 -0.336140 0.339897 +v -0.087170 -0.362850 0.374974 +v -0.179897 -0.321797 0.329282 +v -0.146773 -0.339015 0.337662 +v -0.096040 -0.358658 0.372793 +v -0.160220 -0.338451 0.314632 +v -0.076812 -0.366583 0.377519 +v -0.097534 -0.358209 0.370942 +v -0.177692 -0.324576 0.326731 +v -0.146600 -0.339433 0.337012 +v -0.097452 -0.358271 0.370882 +v -0.084722 -0.364067 0.373556 +v -0.179953 -0.322177 0.328537 +v -0.098423 -0.357962 0.369785 +v -0.177710 -0.324901 0.326032 +v -0.135307 -0.347601 0.332446 +v -0.148649 -0.338159 0.336920 +v -0.098342 -0.358023 0.369724 +v -0.177712 -0.324954 0.325918 +v -0.090994 -0.361903 0.369329 +v -0.146177 -0.340379 0.335482 +v -0.186751 -0.312216 0.336396 +v -0.080545 -0.365779 0.371176 +v -0.101811 -0.356753 0.366613 +v -0.170966 -0.331252 0.320303 +v -0.146087 -0.340567 0.335166 +v -0.161408 -0.337884 0.314304 +v -0.101952 -0.356712 0.366449 +v -0.148489 -0.338576 0.336264 +v -0.101338 -0.357133 0.366214 +v -0.184195 -0.317092 0.332239 +v -0.137216 -0.346842 0.331512 +v -0.181583 -0.320794 0.329098 +v -0.101261 -0.357194 0.366148 +v -0.186918 -0.312656 0.335718 +v -0.145909 -0.340927 0.334552 +v -0.101480 -0.357092 0.366048 +v -0.187542 -0.311689 0.336373 +v -0.092503 -0.361516 0.367298 +v -0.145880 -0.340985 0.334451 +v -0.180062 -0.323030 0.326783 +v -0.101403 -0.357153 0.365983 +v -0.088655 -0.363124 0.367760 +v -0.138056 -0.346503 0.331113 +v -0.134141 -0.348778 0.329868 +v -0.181651 -0.321171 0.328350 +v -0.093453 -0.361270 0.366067 +v -0.185087 -0.316532 0.332178 +v -0.157810 -0.329776 0.340422 +v -0.090207 -0.362739 0.365675 +v -0.187715 -0.312128 0.335693 +v -0.148097 -0.339517 0.334718 +v -0.091184 -0.362494 0.364411 +v -0.180080 -0.323199 0.326420 +v -0.084659 -0.364847 0.365125 +v -0.148013 -0.339705 0.334399 +v -0.172776 -0.330295 0.319952 +v -0.096569 -0.360442 0.362268 +v -0.155339 -0.333232 0.337780 +v -0.180113 -0.323521 0.325716 +v -0.096720 -0.360401 0.362092 +v -0.180118 -0.323573 0.325601 +v -0.147848 -0.340063 0.333779 +v -0.086280 -0.364466 0.362949 +v -0.147821 -0.340121 0.333678 +v -0.110585 -0.353277 0.360031 +v -0.170650 -0.332269 0.317288 +v -0.181786 -0.322018 0.326586 +v -0.136096 -0.348013 0.328906 +v -0.094387 -0.361668 0.360510 +v -0.087302 -0.364222 0.361630 +v -0.136957 -0.347672 0.328494 +v -0.181811 -0.322186 0.326222 +v -0.157496 -0.332152 0.337109 +v -0.094543 -0.361627 0.360329 +v -0.184675 -0.318921 0.328819 +v -0.154868 -0.335225 0.334712 +v -0.109551 -0.354272 0.358907 +v -0.189743 -0.310766 0.335653 +v -0.132067 -0.350440 0.325538 +v -0.154751 -0.335635 0.334035 +v -0.109336 -0.354471 0.358674 +v -0.181854 -0.322506 0.325513 +v -0.112330 -0.352711 0.358404 +v -0.181860 -0.322557 0.325398 +v -0.163360 -0.326239 0.339718 +v -0.108916 -0.354850 0.358223 +v -0.187716 -0.314856 0.332038 +v -0.163360 -0.326362 0.339556 +v -0.184764 -0.319293 0.328063 +v -0.108847 -0.354911 0.358149 +v -0.143984 -0.344046 0.328488 +v -0.112589 -0.352626 0.358169 +v -0.163356 -0.326827 0.338928 +v -0.172501 -0.331300 0.316919 +v -0.164307 -0.325718 0.339494 +v -0.111328 -0.353705 0.357252 +v -0.185597 -0.318354 0.328750 +v -0.164308 -0.325840 0.339331 +v -0.188543 -0.314322 0.332004 +v -0.134099 -0.349665 0.324529 +v -0.111119 -0.353903 0.357014 +v -0.185691 -0.318725 0.327992 +v -0.111591 -0.353620 0.357014 +v -0.157097 -0.334135 0.334009 +v -0.184948 -0.320129 0.326283 +v -0.154460 -0.336562 0.332441 +v -0.111383 -0.353818 0.356775 +v -0.177643 -0.327655 0.319120 +v -0.110711 -0.354282 0.356552 +v -0.154397 -0.336747 0.332112 +v -0.110645 -0.354343 0.356477 +v -0.184982 -0.320294 0.325915 +v -0.164311 -0.326305 0.338701 +v -0.185890 -0.319557 0.326207 +v -0.134994 -0.349319 0.324097 +v -0.110977 -0.354197 0.356311 +v -0.185044 -0.320609 0.325200 +v -0.156996 -0.334543 0.333326 +v -0.110911 -0.354258 0.356235 +v -0.146039 -0.343165 0.327654 +v -0.185054 -0.320659 0.325083 +v -0.090648 -0.363402 0.357558 +v -0.154272 -0.337100 0.331473 +v -0.090810 -0.363361 0.357370 +v -0.190649 -0.312946 0.331944 +v -0.185927 -0.319722 0.325838 +v -0.154251 -0.337156 0.331368 +v -0.143030 -0.345194 0.325786 +v -0.117360 -0.350718 0.354925 +v -0.188312 -0.316660 0.328583 +v -0.156741 -0.335465 0.331716 +v -0.169955 -0.333649 0.312227 +v -0.116974 -0.351155 0.354408 +v -0.185995 -0.320035 0.325121 +v -0.156686 -0.335649 0.331383 +v -0.104658 -0.358154 0.353767 +v -0.186006 -0.320085 0.325004 +v -0.163254 -0.329175 0.335532 +v -0.188425 -0.317027 0.327819 +v -0.116053 -0.352145 0.353189 +v -0.156575 -0.335999 0.330737 +v -0.115860 -0.352342 0.352937 +v -0.189165 -0.316120 0.328541 +v -0.180183 -0.326240 0.318751 +v -0.156556 -0.336055 0.330631 +v -0.119915 -0.349824 0.352911 +v -0.145135 -0.344305 0.324925 +v -0.115485 -0.352720 0.352448 +v -0.189284 -0.316485 0.327776 +v -0.195000 -0.306386 0.336589 +v -0.164246 -0.328648 0.335291 +v -0.115424 -0.352781 0.352368 +v -0.163045 -0.331129 0.332355 +v -0.177479 -0.328629 0.316040 +v -0.195060 -0.306499 0.336410 +v -0.106572 -0.357583 0.351989 +v -0.171873 -0.332661 0.311827 +v -0.171065 -0.321359 0.338787 +v -0.106856 -0.357497 0.351733 +v -0.188667 -0.317848 0.326020 +v -0.119548 -0.350260 0.352379 +v -0.141304 -0.346806 0.321250 +v -0.195288 -0.306928 0.335718 +v -0.102698 -0.359381 0.351782 +v -0.162985 -0.331531 0.331653 +v -0.118671 -0.351247 0.351126 +v -0.188712 -0.318011 0.325648 +v -0.171126 -0.321839 0.338129 +v -0.182023 -0.325198 0.318511 +v -0.118488 -0.351445 0.350867 +v -0.191341 -0.314728 0.328461 +v -0.164070 -0.330597 0.332101 +v -0.104664 -0.358809 0.349957 +v -0.171140 -0.321959 0.337961 +v -0.189540 -0.317303 0.325973 +v -0.152846 -0.340141 0.325155 +v -0.188797 -0.318320 0.324925 +v -0.118131 -0.351821 0.350364 +v -0.188810 -0.318369 0.324807 +v -0.118073 -0.351882 0.350282 +v -0.189588 -0.317465 0.325600 +v -0.104955 -0.358724 0.349693 +v -0.191475 -0.315090 0.327691 +v -0.124127 -0.348301 0.349846 +v -0.171193 -0.322417 0.337315 +v -0.180077 -0.327196 0.315646 +v -0.172586 -0.320458 0.338542 +v -0.099323 -0.361121 0.348449 +v -0.189678 -0.317773 0.324875 +v -0.123791 -0.348735 0.349291 +v -0.162826 -0.332437 0.330002 +v -0.189692 -0.317822 0.324757 +v -0.191764 -0.315899 0.325877 +v -0.111659 -0.356010 0.347621 +v -0.172658 -0.320936 0.337881 +v -0.181958 -0.326142 0.315389 +v -0.122988 -0.349718 0.347986 +v -0.191820 -0.316059 0.325501 +v -0.162790 -0.332617 0.329661 +v -0.101374 -0.360549 0.346543 +v -0.196407 -0.309065 0.331957 +v -0.172676 -0.321056 0.337713 +v -0.185394 -0.323251 0.318129 +v -0.122820 -0.349914 0.347716 +v -0.162717 -0.332961 0.328998 +v -0.126432 -0.347442 0.348292 +v -0.191923 -0.316363 0.324772 +v -0.177029 -0.329935 0.310869 +v -0.191939 -0.316412 0.324653 +v -0.122491 -0.350289 0.347192 +v -0.186399 -0.322662 0.318030 +v -0.122438 -0.350350 0.347107 +v -0.179718 -0.328471 0.310436 +v -0.126113 -0.347875 0.347726 +v -0.185405 -0.324171 0.314976 +v -0.197289 -0.310802 0.328421 +v -0.109887 -0.357233 0.345470 +v -0.189359 -0.320900 0.317776 +v -0.125349 -0.348854 0.346393 +v -0.171390 -0.324720 0.333813 +v -0.197463 -0.311154 0.327639 +v -0.125189 -0.349050 0.346118 +v -0.190289 -0.320338 0.317708 +v -0.176677 -0.317975 0.337989 +v -0.197846 -0.311939 0.325795 +v -0.124876 -0.349424 0.345583 +v -0.197921 -0.312094 0.325414 +v -0.124825 -0.349484 0.345496 +v -0.198061 -0.312387 0.324673 +v -0.178812 -0.316645 0.337759 +v -0.125864 0.351877 0.334378 +v -0.127591 0.351249 0.333376 +v -0.128917 0.350055 0.335854 +v -0.163360 0.329740 0.334475 +v -0.171408 0.322809 0.336582 +v -0.163501 0.327239 0.338207 +v -0.120733 0.350525 0.349587 +v -0.123906 0.348693 0.349212 +v -0.121575 0.349540 0.350866 +v -0.123105 0.349676 0.347905 +v -0.131711 0.351109 0.316860 +v -0.133679 0.350364 0.315920 +v -0.135188 0.349244 0.324004 +v -0.132309 0.350348 0.325416 +v -0.120558 0.350722 0.349323 +v -0.122937 0.349872 0.347635 +v -0.177476 0.328631 0.316039 +v -0.180257 0.326198 0.318739 +v -0.177641 0.327657 0.319119 +v -0.180152 0.327154 0.315633 +v -0.157917 0.329304 0.340974 +v -0.120158 0.351157 0.348727 +v -0.160662 0.327853 0.340201 +v -0.122556 0.350307 0.347025 +v -0.121802 0.352628 0.340208 +v -0.127234 0.350679 0.336828 +v -0.172930 0.330213 0.319923 +v -0.177710 0.324954 0.325918 +v -0.173250 0.327449 0.326621 +v -0.171570 0.328366 0.326924 +v -0.124965 0.349432 0.345406 +v -0.125255 0.352941 0.329215 +v -0.157823 0.330243 0.339735 +v -0.160609 0.328787 0.338947 +v -0.179796 0.328429 0.310421 +v -0.185106 0.325453 0.309698 +v -0.128663 0.352237 0.318379 +v -0.123459 0.353575 0.330264 +v -0.163156 0.331421 0.331654 +v -0.171624 0.326901 0.329822 +v -0.171592 0.325261 0.332734 +v -0.119243 0.353512 0.341934 +v -0.163152 0.331445 0.331611 +v -0.171623 0.326924 0.329778 +v -0.120294 0.353837 0.337854 +v -0.117669 0.354726 0.339628 +v -0.160348 0.331306 0.335261 +v -0.116694 0.354372 0.343745 +v -0.171156 0.331152 0.320265 +v -0.114046 0.352127 0.356925 +v -0.121596 0.349514 0.350898 +v -0.162996 0.332350 0.329959 +v -0.171601 0.327805 0.328072 +v -0.114021 0.352153 0.356895 +v -0.117661 0.355552 0.333901 +v -0.172659 0.331217 0.316888 +v -0.155727 0.331316 0.340380 +v -0.113048 0.353145 0.355718 +v -0.162960 0.332530 0.329618 +v -0.121188 0.354878 0.322461 +v -0.171593 0.327980 0.327720 +v -0.112846 0.353343 0.355475 +v -0.177026 0.329936 0.310868 +v -0.155410 0.331476 0.340481 +v -0.112478 0.352645 0.358322 +v -0.112453 0.352671 0.358293 +v -0.162876 0.332929 0.328847 +v -0.115053 0.355590 0.341489 +v -0.160057 0.333000 0.332475 +v -0.112386 0.353783 0.354926 +v -0.119284 0.355523 0.323586 +v -0.160052 0.333024 0.332433 +v -0.111452 0.353665 0.357139 +v -0.157448 0.332777 0.336096 +v -0.114928 0.356448 0.335755 +v -0.111244 0.353863 0.356901 +v -0.170844 0.332168 0.317248 +v -0.110747 0.353208 0.359931 +v -0.159846 0.333938 0.330802 +v -0.110721 0.353234 0.359902 +v -0.110771 0.354303 0.356363 +v -0.159801 0.334120 0.330465 +v -0.110046 0.353450 0.360549 +v -0.109690 0.354228 0.358775 +v -0.155265 0.333861 0.336776 +v -0.159694 0.334522 0.329704 +v -0.109475 0.354427 0.358542 +v -0.112204 0.357318 0.337701 +v -0.154935 0.334024 0.336883 +v -0.109003 0.354445 0.359433 +v -0.157073 0.334484 0.333345 +v -0.108988 0.354867 0.358017 +v -0.108786 0.354644 0.359202 +v -0.157067 0.334509 0.333304 +v -0.108293 0.355084 0.358682 +v -0.199225 0.301987 0.338299 +v -0.172036 0.332576 0.311794 +v -0.108425 0.357019 0.350340 +v -0.199645 0.302656 0.337253 +v -0.156813 0.335430 0.331694 +v -0.199885 0.303039 0.336633 +v -0.113132 0.357528 0.327483 +v -0.200410 0.303879 0.335218 +v -0.197367 0.304334 0.337097 +v -0.106706 0.357543 0.351868 +v -0.170156 0.333546 0.312184 +v -0.156757 0.335614 0.331361 +v -0.197592 0.304720 0.336480 +v -0.106566 0.358245 0.348263 +v -0.154827 0.335578 0.334053 +v -0.198083 0.305567 0.335071 +v -0.110230 0.358433 0.329468 +v -0.104807 0.358110 0.353626 +v -0.154820 0.335602 0.334012 +v -0.201790 0.306099 0.331033 +v -0.193146 0.307889 0.336307 +v -0.154487 0.335741 0.334165 +v -0.199366 0.307808 0.330910 +v -0.104801 0.358769 0.349832 +v -0.104067 0.358328 0.354332 +v -0.154480 0.335766 0.334124 +v -0.202682 0.307548 0.327854 +v -0.202694 0.307568 0.327806 +v -0.107336 0.359310 0.331549 +v -0.156629 0.336020 0.330610 +v -0.193571 0.308749 0.334913 +v -0.161968 0.335822 0.322401 +v -0.102851 0.359337 0.351637 +v -0.203159 0.308329 0.325938 +v -0.203250 0.308479 0.325552 +v -0.103359 0.359984 0.344775 +v -0.154530 0.336529 0.332418 +v -0.200188 0.309275 0.327748 +v -0.102091 0.359555 0.352362 +v -0.101781 0.356761 0.366648 +v -0.154467 0.336714 0.332089 +v -0.101232 0.357202 0.366184 +v -0.154185 0.336694 0.332532 +v -0.200200 0.309296 0.327701 +v -0.154121 0.336879 0.332204 +v -0.203450 0.308808 0.324680 +v -0.101518 0.360509 0.346413 +v -0.200626 0.310068 0.325845 +v -0.154322 0.337122 0.331346 +v -0.099483 0.361077 0.348297 +v -0.153973 0.337288 0.331461 +v -0.200709 0.310220 0.325461 +v -0.099130 0.357802 0.368727 +v -0.098690 0.361295 0.349055 +v -0.161443 0.336889 0.319481 +v -0.194667 0.311031 0.330797 +v -0.098446 0.357994 0.369592 +v -0.097537 0.358247 0.370771 +v -0.158603 0.337451 0.323341 +v -0.200890 0.310555 0.324594 +v -0.097929 0.361988 0.339113 +v -0.096537 0.360450 0.362305 +v -0.188844 0.311962 0.334925 +v -0.195356 0.312531 0.327673 +v -0.157999 0.338535 0.320459 +v -0.095969 0.362512 0.340862 +v -0.155361 0.338981 0.324330 +v -0.096016 0.358664 0.372827 +v -0.195365 0.312553 0.327626 +v -0.168624 0.334949 0.303980 +v -0.094354 0.361676 0.360549 +v -0.204802 0.311075 0.317370 +v -0.160412 0.338360 0.314579 +v -0.094294 0.361049 0.365008 +v -0.195716 0.313346 0.325792 +v -0.152920 0.340107 0.325130 +v -0.093803 0.363078 0.342875 +v -0.152551 0.340275 0.325256 +v -0.195783 0.313503 0.325413 +v -0.093563 0.361241 0.365927 +v -0.154680 0.340081 0.321485 +v -0.189745 0.314284 0.330859 +v -0.092958 0.363296 0.343684 +v -0.195931 0.313847 0.324557 +v -0.143712 0.339277 0.341172 +v -0.183293 0.314520 0.336514 +v -0.092593 0.361493 0.367180 +v -0.156840 0.340037 0.315620 +v -0.202102 0.312871 0.317331 +v -0.092048 0.362274 0.363323 +v -0.091297 0.362465 0.364267 +v -0.142154 0.339967 0.341875 +v -0.183572 0.315405 0.335155 +v -0.090613 0.363410 0.357599 +v -0.205238 0.311834 0.314056 +v -0.152182 0.341218 0.322315 +v -0.190294 0.315818 0.327776 +v -0.090968 0.361909 0.369365 +v -0.151803 0.341388 0.322444 +v -0.190301 0.315840 0.327730 +v -0.090299 0.362716 0.365553 +v -0.142936 0.341037 0.338611 +v -0.088205 0.364004 0.360494 +v -0.190572 0.316654 0.325921 +v -0.088629 0.363131 0.367797 +v -0.202480 0.313655 0.314038 +v -0.142924 0.341062 0.338573 +v -0.087420 0.364193 0.361479 +v -0.178929 0.316820 0.337448 +v -0.086377 0.364443 0.362822 +v -0.190624 0.316815 0.325547 +v -0.089638 0.360059 0.384438 +v -0.139745 0.341015 0.343016 +v -0.142441 0.342015 0.337073 +v -0.087159 0.362853 0.374992 +v -0.179031 0.317227 0.336860 +v -0.089222 0.360441 0.383668 +v -0.141333 0.341732 0.339337 +v -0.089406 0.360118 0.384878 +v -0.190735 0.317169 0.324703 +v -0.153398 0.341609 0.316709 +v -0.084349 0.365391 0.352810 +v -0.184255 0.317770 0.331150 +v -0.088985 0.360500 0.384110 +v -0.141320 0.341757 0.339299 +v -0.084631 0.364853 0.365163 +v -0.176563 0.317480 0.338674 +v -0.179247 0.318122 0.335518 +v -0.088751 0.360559 0.384552 +v -0.082950 0.363846 0.382302 +v -0.142339 0.342205 0.336764 +v -0.142104 0.342626 0.336065 +v -0.084710 0.364070 0.373575 +v -0.196871 0.316256 0.317386 +v -0.081779 0.365974 0.355903 +v -0.205740 0.312759 0.308497 +v -0.080941 0.366161 0.356955 +v -0.176722 0.318191 0.337686 +v -0.140810 0.342713 0.337814 +v -0.079828 0.366405 0.358389 +v -0.176810 0.318600 0.337102 +v -0.158358 0.339923 0.306632 +v -0.083702 0.363672 0.380890 +v -0.184647 0.319338 0.328115 +v -0.083448 0.363731 0.381360 +v -0.140703 0.342904 0.337507 +v -0.083198 0.363789 0.381831 +v -0.184652 0.319360 0.328070 +v -0.150805 0.342766 0.317587 +v -0.080533 0.365782 0.371195 +v -0.176993 0.319501 0.335770 +v -0.150412 0.342939 0.317725 +v -0.138853 0.342788 0.340517 +v -0.081153 0.364883 0.379632 +v -0.202891 0.314623 0.308514 +v -0.080893 0.364942 0.380115 +v -0.138839 0.342813 0.340479 +v -0.197135 0.317086 0.314135 +v -0.184835 0.320196 0.326290 +v -0.080635 0.364999 0.380598 +v -0.076002 0.366752 0.379034 +v -0.076812 0.366583 0.377520 +v -0.140456 0.343326 0.336815 +v -0.076539 0.366640 0.378024 +v -0.179753 0.320519 0.331566 +v -0.076269 0.366696 0.378528 +v -0.138288 0.343773 0.339017 +v -0.138172 0.343965 0.338714 +v -0.184869 0.320362 0.325922 +v -0.154592 0.341652 0.307773 +v -0.184940 0.320727 0.325091 +v -0.172749 0.320597 0.338224 +v -0.137907 0.344390 0.338032 +v -0.191390 0.319669 0.317632 +v -0.172811 0.321010 0.337648 +v -0.133853 0.343486 0.346108 +v -0.177406 0.321914 0.331846 +v -0.139984 0.345717 0.330222 +v -0.150959 0.343273 0.308963 +v -0.171253 0.321482 0.338463 +v -0.132355 0.344092 0.346967 +v -0.180017 0.322114 0.328573 +v -0.138237 0.346430 0.331027 +v -0.180020 0.322137 0.328528 +v -0.132784 0.345275 0.343709 +v -0.172936 0.321919 0.336333 +v -0.171305 0.321896 0.337890 +v -0.132768 0.345301 0.343673 +v -0.197366 0.318134 0.308681 +v -0.191533 0.320543 0.314427 +v -0.138932 0.346880 0.327576 +v -0.180130 0.322990 0.326773 +v -0.148222 0.344463 0.309920 +v -0.147808 0.344642 0.310069 +v -0.132116 0.346271 0.342269 +v -0.180149 0.323159 0.326410 +v -0.131241 0.345886 0.344594 +v -0.177604 0.323523 0.328876 +v -0.131224 0.345912 0.344559 +v -0.131979 0.346465 0.341979 +v -0.177606 0.323546 0.328831 +v -0.180187 0.323532 0.325592 +v -0.135535 0.347511 0.332333 +v -0.137143 0.347598 0.328406 +v -0.173182 0.324361 0.332464 +v -0.131668 0.346894 0.341325 +v -0.177678 0.324407 0.327090 +v -0.130547 0.346884 0.343171 +v -0.185274 0.323321 0.318138 +v -0.130405 0.347079 0.342884 +v -0.177689 0.324577 0.326730 +v -0.130081 0.347509 0.342237 +v -0.127527 0.345992 0.349951 +v -0.134374 0.348688 0.329751 +v -0.191573 0.321671 0.309049 +v -0.137047 0.348516 0.323132 +v -0.173259 0.325993 0.329535 +v -0.173260 0.326016 0.329491 +v -0.125256 0.346857 0.351479 +v -0.126267 0.347798 0.347671 +v -0.185282 0.324242 0.314986 +v -0.163512 0.325889 0.340033 +v -0.126248 0.347824 0.347637 +v -0.173263 0.326891 0.327776 +v -0.125487 0.348803 0.346303 +v -0.125327 0.348999 0.346028 +v -0.173260 0.327065 0.327421 +v -0.163513 0.326310 0.339476 +v -0.123926 0.348667 0.349245 +v -0.083904 -0.362632 0.412283 +v -0.075100 -0.368615 0.415457 +v -0.091595 -0.356857 0.417792 +v -0.081431 -0.364288 0.411847 +v -0.085087 -0.361583 0.393142 +v -0.081341 -0.363776 0.391739 +v -0.080413 -0.364158 0.393700 +v -0.084809 -0.361480 0.407265 +v -0.087094 -0.360793 0.389339 +v -0.087567 -0.359395 0.407939 +v -0.091642 -0.355802 0.407970 +v -0.087808 -0.359157 0.406922 +v -0.074458 -0.367041 0.399509 +v -0.068738 -0.368854 0.392216 +v -0.066726 -0.369758 0.397644 +v -0.076311 -0.366104 0.394505 +v -0.065488 -0.370526 0.402041 +v -0.091413 -0.356042 0.408946 +v -0.086685 -0.360555 0.412813 +v -0.084207 -0.361972 0.395024 +v -0.079610 -0.364518 0.395546 +v -0.093044 -0.354423 0.408376 +v -0.086899 -0.360380 0.393835 +v -0.092820 -0.354664 0.409338 +v -0.064163 -0.371912 0.409499 +v -0.055656 -0.374639 0.414260 +v -0.055997 -0.373573 0.408735 +v -0.057064 -0.372395 0.402039 +v -0.065190 -0.370757 0.403330 +v -0.090566 -0.357216 0.413629 +v -0.083445 -0.362338 0.396796 +v -0.091987 -0.355844 0.413955 +v -0.094839 -0.352805 0.414660 +v -0.086042 -0.360772 0.395680 +v -0.077830 -0.365468 0.400374 +v -0.073306 -0.367821 0.403560 +v -0.073026 -0.368053 0.404747 +v -0.085301 -0.361141 0.397417 +v -0.088377 -0.359097 0.396531 +v -0.073133 -0.367464 0.383522 +v -0.061854 -0.370231 0.387725 +v -0.076717 -0.366253 0.404281 +v -0.081752 -0.363302 0.401425 +v -0.070710 -0.368166 0.387946 +v -0.087662 -0.359468 0.398225 +v -0.069652 -0.368518 0.390144 +v -0.076446 -0.366486 0.405426 +v -0.057379 -0.372164 0.400640 +v -0.057375 -0.372164 0.400639 +v -0.083650 -0.362110 0.401953 +v -0.080331 -0.364622 0.386467 +v -0.072042 -0.369198 0.410435 +v -0.080687 -0.364093 0.405170 +v -0.086067 -0.360444 0.402645 +v -0.083461 -0.363004 0.387782 +v -0.078117 -0.365376 0.390561 +v -0.080426 -0.364328 0.406267 +v -0.082610 -0.362905 0.405622 +v -0.075483 -0.367630 0.410911 +v -0.077148 -0.365750 0.392591 +v -0.082354 -0.363140 0.406696 +v -0.088781 -0.358353 0.403452 +v -0.085058 -0.361243 0.406219 +v -0.079490 -0.365473 0.411525 +v -0.077153 0.365749 0.392586 +v -0.067081 0.369576 0.396573 +v -0.069657 0.368517 0.390138 +v -0.074786 0.366855 0.398522 +v -0.083202 0.362517 0.405768 +v -0.082475 0.363264 0.409130 +v -0.081087 0.364146 0.408852 +v -0.081824 0.363402 0.405440 +v -0.077371 0.365662 0.392115 +v -0.069895 0.368435 0.389628 +v -0.082052 0.363111 0.400513 +v -0.076714 0.366254 0.404285 +v -0.078145 0.365279 0.399422 +v -0.080685 0.364094 0.405174 +v -0.083173 0.362416 0.400835 +v -0.086101 0.360480 0.406486 +v -0.085395 0.361230 0.409745 +v -0.080418 0.364157 0.393694 +v -0.080626 0.364068 0.393240 +v -0.079717 0.364821 0.387544 +v -0.072460 0.367648 0.384685 +v -0.084529 0.361528 0.401231 +v -0.091595 0.356857 0.417792 +v -0.090196 0.357289 0.410854 +v -0.064644 0.371266 0.406102 +v -0.075100 0.368615 0.415457 +v -0.055656 0.374639 0.414260 +v -0.057373 0.372164 0.400644 +v -0.081256 0.364337 0.384927 +v -0.074146 0.367201 0.381861 +v -0.065484 0.370526 0.402046 +v -0.084212 0.361971 0.395019 +v -0.072509 0.368560 0.407302 +v -0.087378 0.359484 0.402087 +v -0.061857 0.370230 0.387718 +v -0.084409 0.361880 0.394582 +v -0.073303 0.367822 0.403565 +v -0.092395 0.355189 0.411411 +v -0.082873 0.363208 0.388823 +v -0.075942 0.366994 0.407889 +v -0.085299 0.361271 0.395406 +v -0.090863 0.356529 0.407754 +v -0.085494 0.361181 0.394975 +v -0.086614 0.360379 0.395880 +v -0.079940 0.364837 0.408628 +v -0.084346 0.362711 0.386293 +v -0.086805 0.360288 0.395455 +v -0.093042 0.354423 0.408379 +v -0.086537 0.361002 0.390340 +v -0.089378 0.358326 0.396895 +v -0.087588 0.360298 0.390782 +v -0.087932 0.360494 0.387907 +v -0.047000 0.387738 0.453092 +v -0.054228 0.393150 0.466657 +v -0.054156 0.394154 0.468561 +v -0.053468 0.404145 0.485252 +v -0.051313 0.404361 0.485156 +v -0.049157 0.404569 0.485065 +v -0.047000 0.404767 0.484977 +v -0.047000 0.375000 0.409841 +v -0.055334 0.372473 0.400644 +v -0.049388 0.373308 0.400644 +v -0.043433 0.374047 0.400644 +v -0.054885 0.384299 0.447162 +v -0.050237 0.379724 0.431821 +v -0.047000 0.380138 0.431821 +v -0.054763 0.385898 0.451127 +v -0.051120 0.386397 0.451127 +v -0.047000 0.413328 0.500378 +v -0.052734 0.417154 0.511228 +v -0.047000 0.419537 0.516873 +v -0.051652 0.423517 0.539316 +v -0.047000 0.423961 0.540195 +v -0.047000 0.423720 0.563960 +v -0.050224 0.422981 0.568347 +v -0.047000 0.418010 0.589731 +v -0.048707 0.416693 0.593251 +v -0.047000 0.405324 0.616143 +v -0.047000 0.401337 0.622001 +v -0.063337 0.399498 0.620669 +v -0.062935 0.243162 0.836716 +v -0.078250 0.238024 0.832995 +v -0.078538 0.394313 0.616914 +v -0.091401 0.229851 0.827076 +v -0.091578 0.386132 0.610989 +v -0.101493 0.219200 0.819362 +v -0.101576 0.375507 0.603294 +v -0.107836 0.206796 0.810378 +v -0.107858 0.363155 0.594349 +v -0.110000 0.193485 0.800738 +v -0.110000 0.349910 0.584756 +v -0.047167 0.402703 0.620074 +v -0.047000 0.402704 0.620075 +v -0.047333 0.404031 0.618121 +v -0.047000 0.404034 0.618122 +v -0.047498 0.405321 0.616141 +v -0.063475 0.400808 0.618757 +v -0.063611 0.402081 0.616821 +v -0.066120 0.400155 0.618303 +v -0.048894 0.414937 0.597687 +v -0.063746 0.403316 0.614861 +v -0.066250 0.401415 0.616377 +v -0.066379 0.402638 0.614428 +v -0.049197 0.416676 0.593245 +v -0.078637 0.395535 0.615093 +v -0.078734 0.396721 0.613249 +v -0.078831 0.397871 0.611384 +v -0.064889 0.412469 0.596655 +v -0.083850 0.392732 0.613145 +v -0.067470 0.411692 0.596331 +v -0.083932 0.393879 0.611355 +v -0.065136 0.414109 0.592289 +v -0.050574 0.422579 0.570762 +v -0.084014 0.394990 0.609545 +v -0.067706 0.413313 0.591993 +v -0.050708 0.422945 0.568341 +v -0.091636 0.387239 0.609328 +v -0.091695 0.388313 0.607646 +v -0.091752 0.389354 0.605946 +v -0.079647 0.406363 0.594103 +v -0.079823 0.407878 0.589969 +v -0.097953 0.381120 0.605076 +v -0.084702 0.403191 0.592777 +v -0.066254 0.419600 0.570271 +v -0.097991 0.382117 0.603518 +v -0.066363 0.419929 0.567907 +v -0.098028 0.383084 0.601943 +v -0.068773 0.418728 0.570127 +v -0.084850 0.404651 0.588767 +v -0.068877 0.419051 0.567780 +v -0.101602 0.376477 0.601849 +v -0.051975 0.423784 0.542810 +v -0.101628 0.377418 0.600387 +v -0.052129 0.423476 0.539321 +v -0.101654 0.378330 0.598907 +v -0.092239 0.397031 0.590202 +v -0.092344 0.398398 0.586439 +v -0.080618 0.412897 0.569166 +v -0.106945 0.366541 0.594945 +v -0.080695 0.413192 0.566936 +v -0.098345 0.390219 0.587355 +v -0.106954 0.367363 0.593687 +v -0.107864 0.363971 0.593159 +v -0.106963 0.368161 0.592414 +v -0.085520 0.409484 0.568603 +v -0.067387 0.420495 0.543040 +v -0.098414 0.391491 0.583867 +v -0.107870 0.364763 0.591954 +v -0.085585 0.409767 0.566443 +v -0.107877 0.365532 0.590735 +v -0.110000 0.356390 0.573213 +v -0.067511 0.420166 0.539649 +v -0.069853 0.419581 0.543104 +v -0.101872 0.385069 0.585202 +v -0.053067 0.418487 0.515328 +v -0.069971 0.419250 0.539740 +v -0.101919 0.386272 0.581924 +v -0.053206 0.417109 0.511244 +v -0.092817 0.402915 0.567520 +v -0.092863 0.403179 0.565494 +v -0.107039 0.374073 0.580605 +v -0.081420 0.413582 0.543523 +v -0.053562 0.412348 0.499817 +v -0.098722 0.395699 0.566330 +v -0.081508 0.413255 0.540335 +v -0.107929 0.371232 0.579417 +v -0.107055 0.375133 0.577776 +v -0.098752 0.395946 0.564452 +v -0.086195 0.410117 0.543765 +v -0.068264 0.415142 0.516377 +v -0.107940 0.372255 0.576704 +v -0.086269 0.409798 0.540679 +v -0.070689 0.414243 0.516659 +v -0.102132 0.390263 0.565434 +v -0.068376 0.413779 0.512421 +v -0.102152 0.390498 0.563667 +v -0.070795 0.412889 0.512736 +v -0.093295 0.403495 0.544228 +v -0.093347 0.403194 0.541335 +v -0.068660 0.409098 0.501361 +v -0.071352 0.400238 0.487832 +v -0.107129 0.378680 0.563524 +v -0.071066 0.408237 0.501769 +v -0.082040 0.408433 0.518481 +v -0.107137 0.378892 0.561995 +v -0.099033 0.396260 0.544734 +v -0.107991 0.375688 0.563030 +v -0.082119 0.407139 0.514769 +v -0.107996 0.375896 0.561563 +v -0.110000 0.360675 0.547221 +v -0.110000 0.360054 0.560453 +v -0.099067 0.395983 0.542051 +v -0.086717 0.405110 0.519523 +v -0.102347 0.390824 0.545114 +v -0.086783 0.403855 0.515930 +v -0.102370 0.390567 0.542588 +v -0.082319 0.402707 0.504397 +v -0.087130 0.392198 0.493141 +v -0.093663 0.398792 0.521504 +v -0.093710 0.397615 0.518137 +v -0.086952 0.399559 0.505892 +v -0.107205 0.379263 0.545922 +v -0.107213 0.379051 0.543732 +v -0.099274 0.391918 0.523659 +v -0.108043 0.376279 0.546130 +v -0.108049 0.376079 0.544027 +v -0.099304 0.390829 0.520537 +v -0.093829 0.393586 0.508730 +v -0.099464 0.380707 0.500729 +v -0.102512 0.386764 0.525275 +v -0.102533 0.385743 0.522335 +v -0.099382 0.387099 0.511811 +v -0.107263 0.375818 0.528708 +v -0.102587 0.382240 0.514120 +v -0.107309 0.366738 0.509953 +v -0.108083 0.372994 0.529593 +v -0.107270 0.374941 0.526155 +v -0.108089 0.372155 0.527140 +v -0.107289 0.371927 0.519019 +v -0.108102 0.369267 0.520283 +v -0.110000 0.351475 0.520032 +v -0.110000 0.358221 0.534225 +v -0.110000 0.355347 0.526896 +v -0.107983 0.123429 0.852378 +v -0.107983 -0.123429 0.852378 +v -0.109494 0.123429 0.844503 +v -0.109494 -0.123429 0.844503 +v -0.110000 0.123429 0.836500 +v -0.110000 -0.123429 0.836500 +v -0.094990 0.158603 0.872552 +v -0.094986 0.155000 0.873526 +v -0.083769 0.161475 0.882561 +v -0.107836 0.179669 0.836213 +v -0.101493 0.188037 0.849040 +v -0.101493 0.193030 0.845596 +v -0.083769 0.168646 0.880290 +v -0.058473 0.204762 0.874678 +v -0.101493 0.199608 0.840442 +v -0.094990 0.198475 0.853074 +v -0.094990 0.205568 0.847517 +v -0.058473 0.188986 0.883648 +v -0.070039 0.187495 0.880609 +v -0.094990 0.213698 0.840043 +v -0.083769 0.221070 0.847397 +v -0.107836 0.137797 0.851927 +v -0.110000 0.136982 0.835432 +v -0.107836 0.184016 0.833215 +v -0.110000 0.174343 0.819929 +v -0.094990 0.165232 0.870452 +v -0.101493 0.207149 0.833511 +v -0.101493 0.156051 0.863661 +v -0.107836 0.189742 0.828728 +v -0.110000 0.184670 0.811088 +v -0.058473 0.211048 0.870343 +v -0.107836 0.196306 0.822695 +v -0.083769 0.184165 0.873819 +v -0.070039 0.171126 0.887435 +v -0.070039 0.202912 0.871843 +v -0.107836 0.145094 0.850629 +v -0.110000 0.150200 0.832253 +v -0.101493 0.162199 0.861713 +v -0.058473 0.219329 0.863854 +v -0.070039 0.209056 0.867607 +v -0.107836 0.151826 0.848941 +v -0.094990 0.179579 0.864470 +v -0.083769 0.198780 0.865508 +v -0.070039 0.217148 0.861266 +v -0.107836 0.157178 0.847245 +v -0.110000 0.162757 0.827042 +v -0.058473 0.228822 0.855129 +v -0.101493 0.175505 0.856166 +v -0.083769 0.204604 0.861493 +v -0.094990 0.193091 0.856787 +v -0.058473 0.164495 0.893084 +v -0.070039 0.155000 0.892009 +v -0.058473 0.155000 0.895475 +v -0.070039 0.226425 0.852738 +v -0.058473 0.172236 0.890632 +v -0.083769 0.212276 0.855481 +v -0.070039 0.163562 0.889831 +v -0.083767 0.155000 0.884249 +v -0.107836 0.168761 0.842416 +v -0.073705 -0.163120 0.888294 +v -0.060568 -0.164374 0.892662 +v -0.060568 -0.155998 0.894805 +v -0.085816 -0.168139 0.878827 +v -0.085816 -0.185429 0.871455 +v -0.073705 -0.188844 0.878146 +v -0.073705 -0.216118 0.860042 +v -0.060568 -0.232149 0.851040 +v -0.060568 -0.219046 0.863519 +v -0.073705 -0.170602 0.885924 +v -0.107836 -0.179669 0.836213 +v -0.110000 -0.162757 0.827042 +v -0.110000 -0.174343 0.819929 +v -0.107836 -0.184016 0.833215 +v -0.073705 -0.228820 0.847946 +v -0.103522 -0.185956 0.845849 +v -0.103522 -0.175461 0.851928 +v -0.095570 -0.192710 0.856204 +v -0.095570 -0.181082 0.862939 +v -0.060568 -0.204522 0.874310 +v -0.060568 -0.210790 0.869988 +v -0.085816 -0.161048 0.881073 +v -0.085813 -0.155000 0.882656 +v -0.095567 -0.155000 0.872807 +v -0.095570 -0.216313 0.836323 +v -0.101493 -0.219200 0.819362 +v -0.091401 -0.229851 0.827076 +v -0.095570 -0.165004 0.869794 +v -0.085816 -0.223317 0.842832 +v -0.073705 -0.208114 0.866314 +v -0.107836 -0.170229 0.841681 +v -0.095570 -0.158410 0.871883 +v -0.099941 -0.155000 0.866597 +v -0.085816 -0.211278 0.854297 +v -0.103522 -0.160951 0.858115 +v -0.107836 -0.157178 0.847245 +v -0.110000 -0.150200 0.832253 +v -0.073705 -0.202039 0.870503 +v -0.060568 -0.190911 0.882194 +v -0.107836 -0.151826 0.848941 +v -0.107836 -0.146016 0.850426 +v -0.110000 -0.136982 0.835432 +v -0.103522 -0.207258 0.827907 +v -0.107836 -0.206796 0.810378 +v -0.107836 -0.139557 0.851664 +v -0.085816 -0.203693 0.860241 +v -0.095570 -0.205119 0.846984 +v -0.085816 -0.197934 0.864212 +v -0.107836 -0.198829 0.820074 +v -0.110000 -0.184670 0.811088 +v -0.110000 -0.193485 0.800738 +v -0.095570 -0.198065 0.852511 +v -0.103522 -0.197155 0.837529 +v -0.060568 -0.172092 0.890218 +v -0.103522 -0.190788 0.842517 +v -0.062935 -0.243162 0.836716 +v -0.107836 -0.189742 0.828728 +v -0.078250 -0.238024 0.832995 +v -0.060567 -0.155000 0.895024 +v -0.073704 -0.155000 0.890368 +v -0.048751 -0.416937 0.592586 +v -0.047000 -0.416756 0.593249 +v -0.047000 -0.405324 0.616143 +v -0.047000 -0.423144 0.568454 +v -0.050283 -0.423123 0.567254 +v -0.051575 -0.423685 0.541074 +v -0.047000 -0.423877 0.539285 +v -0.052592 -0.418551 0.515373 +v -0.047000 -0.417632 0.510973 +v -0.053090 -0.412422 0.499838 +v -0.047000 -0.404767 0.484977 +v -0.049157 -0.404569 0.485065 +v -0.051313 -0.404361 0.485156 +v -0.053468 -0.404145 0.485252 +v -0.107864 -0.363971 0.593159 +v -0.107858 -0.363155 0.594349 +v -0.110000 -0.349910 0.584756 +v -0.106954 -0.367362 0.593687 +v -0.106945 -0.366540 0.594945 +v -0.107870 -0.364762 0.591954 +v -0.110000 -0.354223 0.577810 +v -0.107877 -0.365530 0.590734 +v -0.107902 -0.368546 0.585349 +v -0.053561 -0.412377 0.499859 +v -0.053247 -0.416668 0.510018 +v -0.053065 -0.418506 0.515387 +v -0.068660 -0.409126 0.501402 +v -0.071352 -0.400238 0.487832 +v -0.071066 -0.408266 0.501810 +v -0.068408 -0.413344 0.511234 +v -0.070826 -0.412456 0.511559 +v -0.068263 -0.415161 0.516434 +v -0.052228 -0.423218 0.537025 +v -0.070688 -0.414262 0.516715 +v -0.082319 -0.402734 0.504435 +v -0.087130 -0.392198 0.493141 +v -0.052052 -0.423645 0.541078 +v -0.086952 -0.399585 0.505930 +v -0.082142 -0.406726 0.513656 +v -0.082039 -0.408451 0.518534 +v -0.067590 -0.419895 0.537420 +v -0.086803 -0.403455 0.514853 +v -0.093829 -0.393610 0.508765 +v -0.099464 -0.380707 0.500729 +v -0.070047 -0.418979 0.537529 +v -0.067449 -0.420345 0.541356 +v -0.086716 -0.405128 0.519574 +v -0.050904 -0.423397 0.564703 +v -0.069912 -0.419430 0.541434 +v -0.050767 -0.423092 0.567250 +v -0.093723 -0.397239 0.517127 +v -0.099382 -0.387122 0.511844 +v -0.093662 -0.398809 0.521552 +v -0.081564 -0.412989 0.538240 +v -0.102587 -0.382261 0.514151 +v -0.107309 -0.366738 0.509953 +v -0.099313 -0.390481 0.519600 +v -0.081464 -0.413432 0.541940 +v -0.066522 -0.420331 0.564356 +v -0.086317 -0.409539 0.538650 +v -0.099273 -0.391933 0.523704 +v -0.066411 -0.420060 0.566841 +v -0.069028 -0.419445 0.564256 +v -0.086232 -0.409971 0.542233 +v -0.102540 -0.385416 0.521453 +v -0.049307 -0.417269 0.591600 +v -0.068923 -0.419180 0.566723 +v -0.049242 -0.416919 0.592579 +v -0.107289 -0.371945 0.519046 +v -0.102512 -0.386779 0.525317 +v -0.093380 -0.402950 0.539433 +v -0.108102 -0.369284 0.520309 +v -0.110000 -0.357371 0.531716 +v -0.110000 -0.351475 0.520032 +v -0.093321 -0.403357 0.542791 +v -0.080808 -0.413547 0.563589 +v -0.107272 -0.374661 0.525389 +v -0.080729 -0.413308 0.565932 +v -0.048191 -0.410394 0.607376 +v -0.099089 -0.395759 0.540287 +v -0.108090 -0.371886 0.526404 +v -0.107263 -0.375831 0.528744 +v -0.065225 -0.414667 0.590674 +v -0.085680 -0.410107 0.563200 +v -0.099050 -0.396133 0.543401 +v -0.065172 -0.414338 0.591636 +v -0.108083 -0.373006 0.529628 +v -0.110000 -0.360418 0.544485 +v -0.085613 -0.409878 0.565469 +v -0.067791 -0.413864 0.590389 +v -0.102385 -0.390359 0.540928 +v -0.067741 -0.413539 0.591343 +v -0.047498 -0.405319 0.616140 +v -0.047000 -0.404033 0.618122 +v -0.047333 -0.404030 0.618120 +v -0.047000 -0.402704 0.620075 +v -0.102358 -0.390707 0.543860 +v -0.047167 -0.402703 0.620074 +v -0.047000 -0.401337 0.622001 +v -0.092930 -0.403496 0.562452 +v -0.092883 -0.403283 0.564581 +v -0.064314 -0.408158 0.606199 +v -0.079886 -0.408391 0.588441 +v -0.107218 -0.378877 0.542292 +v -0.066921 -0.407429 0.605815 +v -0.079849 -0.408088 0.589350 +v -0.098796 -0.396243 0.561632 +v -0.107209 -0.379167 0.544834 +v -0.108053 -0.375914 0.542644 +v -0.098765 -0.396043 0.563605 +v -0.063746 -0.403314 0.614860 +v -0.084903 -0.405147 0.587286 +v -0.108046 -0.376188 0.545086 +v -0.084872 -0.404854 0.588168 +v -0.063611 -0.402080 0.616820 +v -0.066379 -0.402636 0.614426 +v -0.102183 -0.390782 0.561014 +v -0.063475 -0.400808 0.618757 +v -0.063337 -0.399498 0.620669 +v -0.066250 -0.401414 0.616376 +v -0.102162 -0.390591 0.562870 +v -0.066120 -0.400154 0.618303 +v -0.078538 -0.394313 0.616914 +v -0.079237 -0.402371 0.603153 +v -0.092382 -0.398861 0.585048 +v -0.092359 -0.398588 0.585876 +v -0.084356 -0.399337 0.601556 +v -0.078831 -0.397869 0.611383 +v -0.107147 -0.379152 0.559698 +v -0.078734 -0.396720 0.613249 +v -0.107140 -0.378977 0.561305 +v -0.098438 -0.391922 0.582578 +v -0.108004 -0.376149 0.559359 +v -0.078637 -0.395535 0.615093 +v -0.098424 -0.391667 0.583345 +v -0.107999 -0.375978 0.560901 +v -0.110000 -0.357504 0.570327 +v -0.110000 -0.360452 0.557583 +v -0.084014 -0.394988 0.609544 +v -0.091994 -0.393424 0.598444 +v -0.083932 -0.393878 0.611355 +v -0.101936 -0.386680 0.580712 +v -0.083850 -0.392732 0.613145 +v -0.091578 -0.386132 0.610989 +v -0.101926 -0.386439 0.581433 +v -0.091752 -0.389352 0.605945 +v -0.098186 -0.386866 0.594992 +v -0.091695 -0.388312 0.607646 +v -0.091636 -0.387238 0.609328 +v -0.107061 -0.375493 0.576730 +v -0.101762 -0.381901 0.592378 +v -0.107057 -0.375281 0.577353 +v -0.098028 -0.383082 0.601942 +v -0.107944 -0.372603 0.575701 +v -0.107942 -0.372397 0.576299 +v -0.097991 -0.382116 0.603518 +v -0.097953 -0.381120 0.605076 +v -0.101576 -0.375507 0.603294 +v -0.101654 -0.378328 0.598906 +v -0.101628 -0.377417 0.600386 +v -0.101602 -0.376476 0.601849 +v -0.107000 -0.371289 0.586793 +v -0.106963 -0.368160 0.592413 +v -0.047000 -0.393441 0.465400 +v -0.054632 -0.387646 0.455204 +v -0.047000 -0.375000 0.409841 +v -0.043433 -0.374047 0.400639 +v -0.049388 -0.373307 0.400639 +v -0.055334 -0.372472 0.400639 +v -0.055217 -0.380055 0.435183 +v -0.050370 -0.380730 0.435183 +v -0.047000 -0.384408 0.444686 +v -0.051345 -0.388095 0.455204 +v -0.074549 0.378726 0.449316 +v -0.074688 0.376102 0.442342 +v -0.087885 0.367841 0.445194 +v -0.109378 0.346269 0.493896 +v -0.109379 0.344998 0.491474 +v -0.110000 0.334973 0.491262 +v -0.107394 0.339336 0.455035 +v -0.107562 0.330815 0.426585 +v -0.107536 0.338873 0.455194 +v -0.072965 0.370221 0.418161 +v -0.075070 0.369156 0.418019 +v -0.075065 0.369234 0.418372 +v -0.072969 0.370145 0.417809 +v -0.091078 0.375540 0.471278 +v -0.099744 0.359671 0.461911 +v -0.099654 0.366138 0.475909 +v -0.107421 0.331291 0.426483 +v -0.099770 0.357825 0.457392 +v -0.099812 0.354925 0.449653 +v -0.103360 0.349038 0.451685 +v -0.103333 0.352006 0.459640 +v -0.091243 0.369342 0.457935 +v -0.072422 0.379658 0.448956 +v -0.103316 0.353895 0.464287 +v -0.091585 0.357205 0.419457 +v -0.099930 0.347018 0.421564 +v -0.072569 0.377048 0.442015 +v -0.091578 0.357430 0.420504 +v -0.099926 0.347253 0.422661 +v -0.107500 0.350799 0.483465 +v -0.107521 0.343919 0.468389 +v -0.109381 0.342910 0.487352 +v -0.091031 0.377364 0.474793 +v -0.099628 0.368040 0.479598 +v -0.107355 0.351242 0.483247 +v -0.105638 0.349060 0.466275 +v -0.107377 0.344373 0.468202 +v -0.087543 0.378439 0.469849 +v -0.087737 0.372328 0.456707 +v -0.091576 0.357512 0.420878 +v -0.099925 0.347339 0.423053 +v -0.110000 0.322316 0.460911 +v -0.091368 0.364790 0.446247 +v -0.088130 0.360665 0.420204 +v -0.109386 0.335819 0.471720 +v -0.109387 0.333796 0.466676 +v -0.074462 0.380397 0.453389 +v -0.087794 0.370583 0.452462 +v -0.105666 0.344111 0.453386 +v -0.105713 0.336205 0.425433 +v -0.091003 0.378473 0.476857 +v -0.099613 0.369198 0.481764 +v -0.088141 0.360361 0.418804 +v -0.072330 0.381319 0.453010 +v -0.107494 0.352825 0.487440 +v -0.088133 0.360584 0.419835 +v -0.087487 0.380237 0.473312 +v -0.107349 0.353264 0.487214 +v -0.087453 0.381331 0.475345 +v -0.107527 0.341956 0.463523 +v -0.109389 0.330620 0.458044 +v -0.105601 0.355806 0.480999 +v -0.107491 0.354058 0.489775 +v -0.074163 0.386248 0.466003 +v -0.107345 0.354495 0.489544 +v -0.107383 0.342414 0.463347 +v -0.072016 0.387136 0.465565 +v -0.074077 0.387969 0.469327 +v -0.103433 0.341276 0.424349 +v -0.105590 0.357792 0.484880 +v -0.071926 0.388847 0.468874 +v -0.074025 0.389016 0.471279 +v -0.091291 0.367572 0.453626 +v -0.071872 0.389888 0.470818 +v -0.103259 0.360515 0.478679 +v -0.105713 0.336116 0.425021 +v -0.105649 0.347135 0.461522 +v -0.105584 0.359001 0.487160 +v -0.103436 0.340948 0.422819 +v -0.103242 0.362463 0.482473 +v -0.103434 0.341188 0.423946 +v -0.103232 0.363649 0.484700 +v -0.075082 0.368943 0.417030 +v -0.072982 0.369933 0.416825 +v -0.099928 -0.347104 0.421966 +v -0.099925 -0.347348 0.423097 +v -0.103435 -0.341035 0.423232 +v -0.109085 -0.332468 0.457406 +v -0.109077 -0.339830 0.476120 +v -0.109773 -0.327384 0.459161 +v -0.074688 -0.376102 0.442342 +v -0.072231 -0.383134 0.457177 +v -0.074367 -0.382223 0.457576 +v -0.087885 -0.367841 0.445194 +v -0.103298 -0.355961 0.469064 +v -0.106920 -0.352499 0.482628 +v -0.106937 -0.347797 0.472635 +v -0.072569 -0.377048 0.442015 +v -0.103259 -0.360515 0.478679 +v -0.074786 -0.374287 0.436999 +v -0.087949 -0.365945 0.439624 +v -0.109774 -0.325165 0.452459 +v -0.110000 -0.322316 0.460911 +v -0.091575 -0.357522 0.420919 +v -0.099841 -0.352920 0.443723 +v -0.091422 -0.362868 0.440592 +v -0.109087 -0.330289 0.450846 +v -0.091582 -0.357287 0.419841 +v -0.099715 -0.361690 0.466558 +v -0.099654 -0.366138 0.475909 +v -0.072671 -0.375245 0.436697 +v -0.107394 -0.339336 0.455035 +v -0.107370 -0.346517 0.473195 +v -0.088130 -0.360674 0.420245 +v -0.088138 -0.360442 0.419182 +v -0.106965 -0.340651 0.454581 +v -0.075065 -0.369242 0.418411 +v -0.091078 -0.375540 0.471278 +v -0.075077 -0.369021 0.417392 +v -0.107401 -0.337209 0.448668 +v -0.072964 -0.370230 0.418200 +v -0.087543 -0.378439 0.469849 +v -0.072977 -0.370010 0.417186 +v -0.106973 -0.338534 0.448251 +v -0.103360 -0.349038 0.451685 +v -0.091191 -0.371277 0.462364 +v -0.109775 -0.319002 0.429162 +v -0.087676 -0.374236 0.461070 +v -0.109770 -0.339816 0.488876 +v -0.110000 -0.334973 0.491262 +v -0.103379 -0.346986 0.445591 +v -0.099812 -0.354925 0.449653 +v -0.109072 -0.344676 0.486482 +v -0.109771 -0.334880 0.478285 +v -0.074163 -0.386248 0.466003 +v -0.107355 -0.351242 0.483247 +v -0.072016 -0.387136 0.465565 +v -0.106997 -0.332654 0.426241 +v -0.091368 -0.364790 0.446247 +v -0.103433 -0.341286 0.424394 +v -0.109800 0.117470 0.519777 +v -0.109800 0.117559 0.519819 +v -0.109840 0.117470 0.519777 +v -0.109880 0.117470 0.519777 +v -0.110000 0.117559 0.519819 +v -0.109920 0.117470 0.519777 +v -0.110000 0.117470 0.519777 +v -0.109960 0.117470 0.519777 +v -0.109800 0.117388 0.519708 +v -0.109840 0.117388 0.519708 +v -0.109880 0.117388 0.519708 +v -0.109920 0.117388 0.519708 +v -0.110000 0.117388 0.519708 +v -0.109960 0.117388 0.519708 +v -0.109800 0.117312 0.519610 +v -0.109840 0.117312 0.519610 +v -0.109800 0.116811 0.514714 +v -0.109880 0.117312 0.519610 +v -0.109920 0.117312 0.519610 +v -0.110000 0.117312 0.519610 +v -0.109960 0.117312 0.519610 +v -0.110000 0.116811 0.514714 +v -0.109800 0.116740 0.498188 +v -0.109840 0.116811 0.514714 +v -0.110000 0.116740 0.498188 +v -0.109880 0.116811 0.514714 +v -0.109920 0.116811 0.514714 +v -0.109960 0.116811 0.514714 +v -0.110000 0.117559 0.520228 +v -0.109800 0.117559 0.520228 +v -0.109800 0.112577 0.520433 +v -0.110000 0.112577 0.520433 +v -0.109800 0.106162 0.520570 +v -0.110000 0.106162 0.520570 +v -0.109800 0.095926 0.519273 +v -0.110000 0.095926 0.519273 +v -0.110000 0.100712 0.520280 +v -0.109800 0.100712 0.520280 +v -0.109800 0.085895 0.504874 +v -0.110000 0.085895 0.504874 +v -0.110000 0.086344 0.508998 +v -0.109800 0.086344 0.508998 +v -0.109800 0.087556 0.512338 +v -0.110000 0.087556 0.512338 +v -0.109800 0.089324 0.514966 +v -0.110000 0.089324 0.514966 +v -0.109800 0.091446 0.516951 +v -0.110000 0.091446 0.516951 +v -0.109800 0.093714 0.518363 +v -0.110000 0.093714 0.518363 +v -0.109800 0.091627 0.492660 +v -0.110000 0.091627 0.492660 +v -0.110000 0.089539 0.494603 +v -0.109800 0.089539 0.494603 +v -0.109800 0.087576 0.497553 +v -0.110000 0.087576 0.497553 +v -0.109800 0.086365 0.500854 +v -0.110000 0.086365 0.500854 +v -0.109800 0.095585 0.490271 +v -0.110000 0.095585 0.490271 +v -0.110000 0.093658 0.491235 +v -0.109800 0.093658 0.491235 +v -0.110000 0.095585 0.490135 +v -0.109800 0.095585 0.490135 +v -0.109800 0.083234 0.472939 +v -0.110000 0.083234 0.472939 +v -0.109800 0.078799 0.467547 +v -0.110000 0.078799 0.467547 +v -0.109800 0.080658 0.469552 +v -0.110000 0.080658 0.469552 +v -0.110000 0.078799 0.467138 +v -0.109800 0.078799 0.467138 +v -0.109800 0.089035 0.467138 +v -0.110000 0.089035 0.467138 +v -0.109800 0.091218 0.467412 +v -0.110000 0.091218 0.467412 +v -0.110000 0.090101 0.467198 +v -0.109800 0.090101 0.467198 +v -0.109800 0.105207 0.488224 +v -0.110000 0.105207 0.488224 +v -0.109800 0.107050 0.488224 +v -0.110000 0.107050 0.488224 +v -0.110000 0.107050 0.485494 +v -0.109800 0.107050 0.485494 +v -0.109800 0.106231 0.467547 +v -0.110000 0.106231 0.467547 +v -0.110000 0.106321 0.467612 +v -0.109800 0.106321 0.467612 +v -0.109800 0.106405 0.467706 +v -0.110000 0.106405 0.467706 +v -0.109800 0.106482 0.467834 +v -0.110000 0.106482 0.467834 +v -0.109800 0.106959 0.472234 +v -0.110000 0.106959 0.472234 +v -0.110000 0.106231 0.467138 +v -0.109800 0.106231 0.467138 +v -0.110000 0.117559 0.467138 +v -0.109800 0.117559 0.467138 +v -0.110000 0.117559 0.467547 +v -0.109800 0.117559 0.467547 +v -0.109800 0.116740 0.490680 +v -0.110000 0.116740 0.490680 +v -0.109800 0.117166 0.468178 +v -0.110000 0.117166 0.468178 +v -0.109800 0.117305 0.467813 +v -0.110000 0.117305 0.467813 +v -0.109800 0.117411 0.467660 +v -0.110000 0.117411 0.467660 +v -0.109800 0.117483 0.467595 +v -0.110000 0.117483 0.467595 +v -0.109800 0.107050 0.511903 +v -0.109800 0.098509 0.497976 +v -0.109800 0.099884 0.496959 +v -0.109800 0.096606 0.500792 +v -0.109800 0.097396 0.499283 +v -0.109800 0.101411 0.496241 +v -0.109800 0.096158 0.502365 +v -0.109800 0.103180 0.495765 +v -0.109800 0.095995 0.504192 +v -0.109800 0.095995 0.504260 +v -0.109800 0.105071 0.495594 +v -0.109800 0.107050 0.495662 +v -0.109800 0.096256 0.506543 +v -0.109800 0.096835 0.508126 +v -0.109800 0.097646 0.509368 +v -0.109800 0.098706 0.510385 +v -0.109800 0.099999 0.511169 +v -0.109800 0.101511 0.511708 +v -0.109800 0.102856 0.511956 +v -0.109800 0.104321 0.512040 +v -0.110000 0.096256 0.506543 +v -0.110000 0.095995 0.504260 +v -0.110000 0.096835 0.508126 +v -0.110000 0.097646 0.509368 +v -0.110000 0.098706 0.510385 +v -0.110000 0.099999 0.511169 +v -0.110000 0.101511 0.511708 +v -0.110000 0.102856 0.511956 +v -0.110000 0.104321 0.512040 +v -0.110000 0.095995 0.504192 +v -0.110000 0.098509 0.497976 +v -0.110000 0.099884 0.496959 +v -0.110000 0.097396 0.499283 +v -0.110000 0.096606 0.500792 +v -0.110000 0.096158 0.502365 +v -0.110000 0.105071 0.495594 +v -0.110000 0.103180 0.495765 +v -0.110000 0.101411 0.496241 +v -0.110000 0.107050 0.495662 +v -0.110000 0.107050 0.511903 +v -0.109800 0.050751 0.466252 +v -0.110000 0.050751 0.466252 +v -0.110000 0.043574 0.467105 +v -0.109800 0.043574 0.467105 +v -0.109800 0.037193 0.469532 +v -0.110000 0.037193 0.469532 +v -0.109800 0.031774 0.473331 +v -0.110000 0.031774 0.473331 +v -0.109800 0.027489 0.478303 +v -0.110000 0.027489 0.478303 +v -0.109800 0.024506 0.484246 +v -0.110000 0.024506 0.484246 +v -0.109800 0.023267 0.488975 +v -0.110000 0.023267 0.488975 +v -0.109800 0.022841 0.494025 +v -0.110000 0.022841 0.494025 +v -0.109800 0.078454 0.493546 +v -0.110000 0.078454 0.493546 +v -0.109800 0.077601 0.486688 +v -0.110000 0.077601 0.486688 +v -0.109800 0.075173 0.480492 +v -0.110000 0.075173 0.480492 +v -0.109800 0.071369 0.475161 +v -0.110000 0.071369 0.475161 +v -0.109800 0.066388 0.470899 +v -0.110000 0.066388 0.470899 +v -0.109800 0.060430 0.467910 +v -0.110000 0.060430 0.467910 +v -0.109800 0.055749 0.466678 +v -0.110000 0.055749 0.466678 +v -0.109800 0.050066 0.521047 +v -0.110000 0.050066 0.521047 +v -0.109800 0.057414 0.520192 +v -0.110000 0.057414 0.520192 +v -0.109800 0.063971 0.517751 +v -0.110000 0.063971 0.517751 +v -0.109800 0.069540 0.513913 +v -0.110000 0.069540 0.513913 +v -0.109800 0.073546 0.509420 +v -0.110000 0.073546 0.509420 +v -0.109800 0.076214 0.504652 +v -0.110000 0.076214 0.504652 +v -0.109800 0.077877 0.499337 +v -0.110000 0.077877 0.499337 +v -0.109800 0.022841 0.494093 +v -0.110000 0.022841 0.494093 +v -0.110000 0.023697 0.501170 +v -0.109800 0.023697 0.501170 +v -0.109800 0.025834 0.506872 +v -0.110000 0.025834 0.506872 +v -0.109800 0.028751 0.511345 +v -0.110000 0.028751 0.511345 +v -0.109800 0.032509 0.515092 +v -0.110000 0.032509 0.515092 +v -0.109800 0.037011 0.518012 +v -0.110000 0.037011 0.518012 +v -0.109800 0.042161 0.520005 +v -0.110000 0.042161 0.520005 +v -0.109800 0.046001 0.520781 +v -0.110000 0.046001 0.520781 +v -0.109800 0.037704 0.481423 +v -0.109800 0.035867 0.484114 +v -0.109800 0.061972 0.507559 +v -0.109800 0.058674 0.509861 +v -0.109800 0.034526 0.487179 +v -0.109800 0.061223 0.479277 +v -0.109800 0.033751 0.490353 +v -0.109800 0.063785 0.481833 +v -0.109800 0.065772 0.484911 +v -0.109800 0.058149 0.477328 +v -0.109800 0.054630 0.476073 +v -0.109800 0.054813 0.511323 +v -0.109800 0.067226 0.488837 +v -0.109800 0.033486 0.493751 +v -0.109800 0.052602 0.475719 +v -0.109800 0.050476 0.475598 +v -0.109800 0.067809 0.493684 +v -0.109800 0.050476 0.511835 +v -0.109800 0.067478 0.497422 +v -0.109800 0.046160 0.476118 +v -0.109800 0.033486 0.493820 +v -0.109800 0.034067 0.498637 +v -0.109800 0.066521 0.500867 +v -0.109800 0.042708 0.477410 +v -0.109800 0.046990 0.511481 +v -0.109800 0.039998 0.479167 +v -0.109800 0.043787 0.510466 +v -0.109800 0.040669 0.508676 +v -0.109800 0.064617 0.504524 +v -0.109800 0.035723 0.502949 +v -0.109800 0.038023 0.506260 +v -0.110000 0.033486 0.493820 +v -0.110000 0.034067 0.498637 +v -0.110000 0.035723 0.502949 +v -0.110000 0.038023 0.506260 +v -0.110000 0.040669 0.508676 +v -0.110000 0.043787 0.510466 +v -0.110000 0.046990 0.511481 +v -0.110000 0.050476 0.511835 +v -0.110000 0.033486 0.493751 +v -0.110000 0.046160 0.476118 +v -0.110000 0.050476 0.475598 +v -0.110000 0.042708 0.477410 +v -0.110000 0.039998 0.479167 +v -0.110000 0.037704 0.481423 +v -0.110000 0.035867 0.484114 +v -0.110000 0.034526 0.487179 +v -0.110000 0.033751 0.490353 +v -0.110000 0.067226 0.488837 +v -0.110000 0.067809 0.493684 +v -0.110000 0.065772 0.484911 +v -0.110000 0.063785 0.481833 +v -0.110000 0.061223 0.479277 +v -0.110000 0.058149 0.477328 +v -0.110000 0.054630 0.476073 +v -0.110000 0.052602 0.475719 +v -0.110000 0.054813 0.511323 +v -0.110000 0.058674 0.509861 +v -0.110000 0.061972 0.507559 +v -0.110000 0.064617 0.504524 +v -0.110000 0.066521 0.500867 +v -0.110000 0.067478 0.497422 +v -0.109800 -0.009785 0.470072 +v -0.110000 -0.009785 0.470072 +v -0.110000 -0.012472 0.472111 +v -0.109800 -0.012472 0.472111 +v -0.109800 -0.014644 0.474788 +v -0.110000 -0.014644 0.474788 +v -0.109800 -0.016013 0.477669 +v -0.110000 -0.016013 0.477669 +v -0.109800 -0.016555 0.479833 +v -0.110000 -0.016555 0.479833 +v -0.109800 -0.016745 0.482150 +v -0.110000 -0.016745 0.482150 +v -0.109800 0.005706 0.467002 +v -0.110000 0.005706 0.467002 +v -0.109800 -0.002832 0.467608 +v -0.110000 -0.002832 0.467608 +v -0.109800 -0.006680 0.468603 +v -0.110000 -0.006680 0.468603 +v -0.109800 0.011437 0.467137 +v -0.110000 0.011437 0.467137 +v -0.109800 0.015806 0.467342 +v -0.110000 0.015806 0.467342 +v -0.110000 0.015806 0.467753 +v -0.109800 0.015806 0.467753 +v -0.109800 0.014918 0.490682 +v -0.110000 0.014918 0.490682 +v -0.110000 0.015279 0.468748 +v -0.109800 0.015279 0.468748 +v -0.109800 0.015455 0.468121 +v -0.110000 0.015455 0.468121 +v -0.109800 0.015570 0.467923 +v -0.110000 0.015570 0.467923 +v -0.109800 0.015660 0.467831 +v -0.110000 0.015660 0.467831 +v -0.109800 0.015731 0.467784 +v -0.110000 0.015731 0.467784 +v -0.109800 0.014918 0.498188 +v -0.110000 0.014918 0.498188 +v -0.109800 0.015737 0.519751 +v -0.110000 0.015737 0.519751 +v -0.110000 0.015610 0.519642 +v -0.109800 0.015610 0.519642 +v -0.109800 0.015497 0.519483 +v -0.110000 0.015497 0.519483 +v -0.109800 0.015397 0.519261 +v -0.110000 0.015397 0.519261 +v -0.109800 0.014978 0.514029 +v -0.110000 0.014978 0.514029 +v -0.110000 0.015737 0.520161 +v -0.109800 0.015737 0.520161 +v -0.109800 0.011165 0.520365 +v -0.110000 0.011165 0.520365 +v -0.109800 0.003932 0.520502 +v -0.110000 0.003932 0.520502 +v -0.109800 -0.005212 0.519273 +v -0.110000 -0.005212 0.519273 +v -0.110000 -0.000870 0.520195 +v -0.109800 -0.000870 0.520195 +v -0.109800 -0.014562 0.506377 +v -0.110000 -0.014562 0.506377 +v -0.109800 -0.014106 0.510218 +v -0.110000 -0.014106 0.510218 +v -0.109800 -0.013045 0.512997 +v -0.110000 -0.013045 0.512997 +v -0.109800 -0.011708 0.515002 +v -0.110000 -0.011708 0.515002 +v -0.109800 -0.010140 0.516584 +v -0.110000 -0.010140 0.516584 +v -0.109800 -0.008466 0.517788 +v -0.110000 -0.008466 0.517788 +v -0.109800 -0.006761 0.518683 +v -0.110000 -0.006761 0.518683 +v -0.109800 -0.006169 0.495048 +v -0.110000 -0.006169 0.495048 +v -0.109800 -0.008520 0.495963 +v -0.110000 -0.008520 0.495963 +v -0.109800 -0.010558 0.497363 +v -0.110000 -0.010558 0.497363 +v -0.109800 -0.012233 0.499177 +v -0.110000 -0.012233 0.499177 +v -0.109800 -0.013493 0.501331 +v -0.110000 -0.013493 0.501331 +v -0.109800 -0.014286 0.503755 +v -0.110000 -0.014286 0.503755 +v -0.110000 -0.006169 0.494912 +v -0.109800 -0.006169 0.494912 +v -0.109800 -0.016745 0.482219 +v -0.110000 -0.016745 0.482219 +v -0.109800 -0.016350 0.485505 +v -0.110000 -0.016350 0.485505 +v -0.109800 -0.015246 0.488376 +v -0.110000 -0.015246 0.488376 +v -0.109800 -0.013555 0.490792 +v -0.110000 -0.013555 0.490792 +v -0.109800 -0.011397 0.492713 +v -0.110000 -0.011397 0.492713 +v -0.109800 -0.008895 0.494100 +v -0.110000 -0.008895 0.494100 +v -0.109800 -0.000058 0.511747 +v -0.109800 -0.004820 0.487585 +v -0.109800 -0.005639 0.486357 +v -0.109800 -0.002349 0.510593 +v -0.109800 -0.006178 0.484909 +v -0.109800 -0.003908 0.508674 +v -0.109800 -0.003229 0.509728 +v -0.109800 -0.002834 0.500884 +v -0.109800 -0.003705 0.502028 +v -0.109800 0.005364 0.511972 +v -0.109800 0.005364 0.498666 +v -0.109800 0.005364 0.490408 +v -0.109800 -0.005701 0.480102 +v -0.109800 -0.004284 0.503319 +v -0.109800 0.005282 0.475863 +v -0.109800 0.005311 0.475892 +v -0.109800 -0.006190 0.481510 +v -0.109800 0.005329 0.475920 +v -0.109800 0.003522 0.498597 +v -0.109800 0.005230 0.475832 +v -0.109800 0.002906 0.490545 +v -0.109800 0.005346 0.475965 +v -0.109800 -0.006325 0.482311 +v -0.109800 0.005161 0.475804 +v -0.109800 0.005364 0.476283 +v -0.109800 0.001765 0.498716 +v -0.109800 0.002634 0.475668 +v -0.109800 -0.001321 0.489930 +v -0.109800 0.000446 0.475870 +v -0.109800 -0.006372 0.483243 +v -0.109800 -0.006372 0.483174 +v -0.109800 -0.000911 0.476201 +v -0.109800 -0.002143 0.476690 +v -0.109800 -0.000095 0.499142 +v -0.109800 -0.003697 0.477629 +v -0.109800 -0.002597 0.489374 +v -0.109800 -0.003784 0.488591 +v -0.109800 -0.004516 0.504318 +v -0.109800 -0.004892 0.478812 +v -0.109800 -0.001522 0.499823 +v -0.109800 0.002634 0.512109 +v -0.109800 -0.004598 0.505489 +v -0.109800 -0.004598 0.505421 +v -0.109800 -0.004402 0.507289 +v -0.109800 0.001232 0.512018 +v -0.109800 -0.001285 0.511268 +v -0.110000 -0.006178 0.484909 +v -0.110000 -0.006372 0.483243 +v -0.110000 -0.005639 0.486357 +v -0.110000 -0.004820 0.487585 +v -0.110000 -0.003784 0.488591 +v -0.110000 -0.002597 0.489374 +v -0.110000 -0.001321 0.489930 +v -0.110000 -0.006372 0.483174 +v -0.110000 -0.003697 0.477629 +v -0.110000 -0.002143 0.476690 +v -0.110000 -0.004892 0.478812 +v -0.110000 -0.005701 0.480102 +v -0.110000 -0.006190 0.481510 +v -0.110000 -0.006325 0.482311 +v -0.110000 0.002634 0.475668 +v -0.110000 0.000446 0.475870 +v -0.110000 -0.000911 0.476201 +v -0.110000 0.005161 0.475804 +v -0.110000 0.005346 0.475965 +v -0.110000 0.005364 0.476283 +v -0.110000 0.005329 0.475920 +v -0.110000 0.005311 0.475892 +v -0.110000 0.005282 0.475863 +v -0.110000 0.005230 0.475832 +v -0.110000 0.005364 0.490408 +v -0.110000 0.002906 0.490545 +v -0.110000 -0.004402 0.507289 +v -0.110000 -0.004598 0.505489 +v -0.110000 -0.003908 0.508674 +v -0.110000 -0.003229 0.509728 +v -0.110000 -0.002349 0.510593 +v -0.110000 -0.001285 0.511268 +v -0.110000 -0.000058 0.511747 +v -0.110000 0.001232 0.512018 +v -0.110000 0.002634 0.512109 +v -0.110000 -0.004598 0.505421 +v -0.110000 -0.001522 0.499823 +v -0.110000 -0.000095 0.499142 +v -0.110000 -0.002834 0.500884 +v -0.110000 -0.003705 0.502028 +v -0.110000 -0.004284 0.503319 +v -0.110000 -0.004516 0.504318 +v -0.110000 0.001765 0.498716 +v -0.110000 0.003522 0.498597 +v -0.110000 0.005364 0.498666 +v -0.110000 0.005364 0.511972 +v -0.109800 -0.050049 0.466252 +v -0.110000 -0.050049 0.466252 +v -0.110000 -0.057225 0.467105 +v -0.109800 -0.057225 0.467105 +v -0.109800 -0.063606 0.469532 +v -0.110000 -0.063606 0.469532 +v -0.109800 -0.069025 0.473331 +v -0.110000 -0.069025 0.473331 +v -0.109800 -0.073310 0.478303 +v -0.110000 -0.073310 0.478303 +v -0.109800 -0.076293 0.484246 +v -0.110000 -0.076293 0.484246 +v -0.109800 -0.077533 0.488975 +v -0.110000 -0.077533 0.488975 +v -0.109800 -0.077959 0.494025 +v -0.110000 -0.077959 0.494025 +v -0.109800 -0.022345 0.493546 +v -0.110000 -0.022345 0.493546 +v -0.109800 -0.023199 0.486688 +v -0.110000 -0.023199 0.486688 +v -0.109800 -0.025627 0.480491 +v -0.110000 -0.025627 0.480491 +v -0.109800 -0.029431 0.475160 +v -0.110000 -0.029431 0.475160 +v -0.109800 -0.034412 0.470898 +v -0.110000 -0.034412 0.470898 +v -0.109800 -0.040371 0.467910 +v -0.110000 -0.040371 0.467910 +v -0.109800 -0.045051 0.466678 +v -0.110000 -0.045051 0.466678 +v -0.109800 -0.050734 0.521047 +v -0.110000 -0.050734 0.521047 +v -0.110000 -0.043385 0.520192 +v -0.109800 -0.043385 0.520192 +v -0.109800 -0.036828 0.517751 +v -0.110000 -0.036828 0.517751 +v -0.109800 -0.031259 0.513913 +v -0.110000 -0.031259 0.513913 +v -0.109800 -0.027253 0.509420 +v -0.110000 -0.027253 0.509420 +v -0.109800 -0.024586 0.504652 +v -0.110000 -0.024586 0.504652 +v -0.109800 -0.022923 0.499337 +v -0.110000 -0.022923 0.499337 +v -0.109800 -0.077959 0.494093 +v -0.110000 -0.077959 0.494093 +v -0.110000 -0.077103 0.501169 +v -0.109800 -0.077103 0.501169 +v -0.109800 -0.074966 0.506871 +v -0.110000 -0.074966 0.506871 +v -0.109800 -0.072049 0.511345 +v -0.110000 -0.072049 0.511345 +v -0.109800 -0.068292 0.515091 +v -0.110000 -0.068292 0.515091 +v -0.109800 -0.063790 0.518011 +v -0.110000 -0.063790 0.518011 +v -0.109800 -0.058640 0.520004 +v -0.110000 -0.058640 0.520004 +v -0.109800 -0.054800 0.520781 +v -0.110000 -0.054800 0.520781 +v -0.109800 -0.063096 0.481423 +v -0.109800 -0.064933 0.484114 +v -0.109800 -0.038828 0.507559 +v -0.109800 -0.042125 0.509861 +v -0.109800 -0.066274 0.487179 +v -0.109800 -0.039577 0.479277 +v -0.109800 -0.067049 0.490353 +v -0.109800 -0.037015 0.481833 +v -0.109800 -0.035028 0.484911 +v -0.109800 -0.042650 0.477328 +v -0.109800 -0.046170 0.476073 +v -0.109800 -0.045987 0.511323 +v -0.109800 -0.033573 0.488837 +v -0.109800 -0.067314 0.493751 +v -0.109800 -0.048198 0.475719 +v -0.109800 -0.050324 0.475598 +v -0.109800 -0.032991 0.493684 +v -0.109800 -0.050324 0.511835 +v -0.109800 -0.033321 0.497422 +v -0.109800 -0.054639 0.476118 +v -0.109800 -0.067314 0.493820 +v -0.109800 -0.066733 0.498637 +v -0.109800 -0.034278 0.500867 +v -0.109800 -0.058092 0.477410 +v -0.109800 -0.053810 0.511481 +v -0.109800 -0.060802 0.479167 +v -0.109800 -0.057012 0.510466 +v -0.109800 -0.060130 0.508676 +v -0.109800 -0.036183 0.504524 +v -0.109800 -0.065077 0.502949 +v -0.109800 -0.062776 0.506260 +v -0.110000 -0.066733 0.498637 +v -0.110000 -0.067314 0.493820 +v -0.110000 -0.065077 0.502949 +v -0.110000 -0.062776 0.506260 +v -0.110000 -0.060130 0.508676 +v -0.110000 -0.057012 0.510466 +v -0.110000 -0.053810 0.511481 +v -0.110000 -0.050324 0.511835 +v -0.110000 -0.067314 0.493751 +v -0.110000 -0.054639 0.476118 +v -0.110000 -0.050324 0.475598 +v -0.110000 -0.058092 0.477410 +v -0.110000 -0.060802 0.479167 +v -0.110000 -0.063096 0.481423 +v -0.110000 -0.064933 0.484114 +v -0.110000 -0.066274 0.487179 +v -0.110000 -0.067049 0.490353 +v -0.110000 -0.033573 0.488837 +v -0.110000 -0.032991 0.493684 +v -0.110000 -0.035028 0.484911 +v -0.110000 -0.037015 0.481833 +v -0.110000 -0.039577 0.479277 +v -0.110000 -0.042650 0.477328 +v -0.110000 -0.046170 0.476073 +v -0.110000 -0.048198 0.475719 +v -0.110000 -0.045987 0.511323 +v -0.110000 -0.042125 0.509861 +v -0.110000 -0.038828 0.507559 +v -0.110000 -0.036183 0.504524 +v -0.110000 -0.034278 0.500867 +v -0.110000 -0.033321 0.497422 +v -0.109800 -0.080970 0.510742 +v -0.110000 -0.080970 0.510742 +v -0.110000 -0.081366 0.511075 +v -0.109800 -0.081366 0.511075 +v -0.109800 -0.081876 0.511340 +v -0.110000 -0.081876 0.511340 +v -0.109800 -0.083481 0.511723 +v -0.110000 -0.083481 0.511723 +v -0.109800 -0.085607 0.511835 +v -0.110000 -0.085607 0.511835 +v -0.110000 -0.080423 0.510742 +v -0.109800 -0.080423 0.510742 +v -0.110000 -0.080423 0.520364 +v -0.109800 -0.080423 0.520364 +v -0.110000 -0.120477 0.520364 +v -0.109800 -0.120477 0.520364 +v -0.110000 -0.120477 0.510742 +v -0.109800 -0.120477 0.510742 +v -0.110000 -0.120002 0.510742 +v -0.109800 -0.120002 0.510742 +v -0.109800 -0.115361 0.511835 +v -0.110000 -0.115361 0.511835 +v -0.110000 -0.117902 0.511649 +v -0.109800 -0.117902 0.511649 +v -0.109800 -0.118888 0.511390 +v -0.110000 -0.118888 0.511390 +v -0.109800 -0.119501 0.511108 +v -0.110000 -0.119501 0.511108 +v -0.110000 -0.105534 0.511835 +v -0.109800 -0.105534 0.511835 +v -0.110000 -0.105534 0.490680 +v -0.109800 -0.105534 0.490680 +v -0.109800 -0.106559 0.467548 +v -0.110000 -0.106559 0.467548 +v -0.110000 -0.106459 0.467566 +v -0.109800 -0.106459 0.467566 +v -0.109800 -0.106374 0.467602 +v -0.110000 -0.106374 0.467602 +v -0.109800 -0.106303 0.467654 +v -0.110000 -0.106303 0.467654 +v -0.109800 -0.106236 0.467725 +v -0.110000 -0.106236 0.467725 +v -0.109800 -0.106172 0.467817 +v -0.110000 -0.106172 0.467817 +v -0.109800 -0.106094 0.467975 +v -0.110000 -0.106094 0.467975 +v -0.109800 -0.105604 0.473725 +v -0.110000 -0.105604 0.473725 +v -0.110000 -0.106559 0.467138 +v -0.109800 -0.106559 0.467138 +v -0.110000 -0.094412 0.467138 +v -0.109800 -0.094412 0.467138 +v -0.110000 -0.094412 0.467548 +v -0.109800 -0.094412 0.467548 +v -0.109800 -0.095367 0.490680 +v -0.110000 -0.095367 0.490680 +v -0.110000 -0.094979 0.468673 +v -0.109800 -0.094979 0.468673 +v -0.109800 -0.094765 0.467958 +v -0.110000 -0.094765 0.467958 +v -0.109800 -0.094620 0.467724 +v -0.110000 -0.094620 0.467724 +v -0.109800 -0.094520 0.467623 +v -0.110000 -0.094520 0.467623 +v -0.110000 -0.095367 0.511835 +v -0.109800 -0.095367 0.511835 +v -0.109800 -0.138496 0.467548 +v -0.110000 -0.138496 0.467548 +v -0.110000 -0.138297 0.467766 +v -0.109800 -0.138297 0.467766 +v -0.109800 -0.138128 0.468080 +v -0.110000 -0.138128 0.468080 +v -0.109800 -0.137615 0.473581 +v -0.110000 -0.137615 0.473581 +v -0.109800 -0.137541 0.490680 +v -0.110000 -0.137541 0.490680 +v -0.110000 -0.138496 0.467138 +v -0.109800 -0.138496 0.467138 +v -0.110000 -0.126349 0.467138 +v -0.109800 -0.126349 0.467138 +v -0.110000 -0.126349 0.467615 +v -0.109800 -0.126349 0.467615 +v -0.109800 -0.127306 0.490612 +v -0.110000 -0.127306 0.490612 +v -0.110000 -0.126808 0.468368 +v -0.109800 -0.126808 0.468368 +v -0.109800 -0.126626 0.467936 +v -0.110000 -0.126626 0.467936 +v -0.109800 -0.126495 0.467753 +v -0.110000 -0.126495 0.467753 +v -0.110000 -0.127306 0.498186 +v -0.109800 -0.127306 0.498186 +v -0.109800 -0.126418 0.519888 +v -0.110000 -0.126418 0.519888 +v -0.110000 -0.126570 0.519740 +v -0.109800 -0.126570 0.519740 +v -0.109800 -0.126704 0.519532 +v -0.110000 -0.126704 0.519532 +v -0.109800 -0.127230 0.514510 +v -0.110000 -0.127230 0.514510 +v -0.110000 -0.126418 0.520364 +v -0.109800 -0.126418 0.520364 +v -0.110000 -0.138427 0.520364 +v -0.109800 -0.138427 0.520364 +v -0.110000 -0.138427 0.519888 +v -0.109800 -0.138427 0.519888 +v -0.109800 -0.137541 0.498186 +v -0.110000 -0.137541 0.498186 +v -0.110000 -0.138003 0.519176 +v -0.109800 -0.138003 0.519176 +v -0.109800 -0.138171 0.519588 +v -0.110000 -0.138171 0.519588 +v -0.109800 -0.138292 0.519760 +v -0.110000 -0.138292 0.519760 +v -0.109800 -0.196501 0.479285 +v -0.110000 -0.196501 0.479285 +v -0.109800 -0.198676 0.482877 +v -0.110000 -0.198676 0.482877 +v -0.109800 -0.200425 0.487908 +v -0.110000 -0.200425 0.487908 +v -0.109800 -0.201142 0.493956 +v -0.110000 -0.201142 0.493956 +v -0.109800 -0.188040 0.471233 +v -0.110000 -0.188040 0.471233 +v -0.109800 -0.191523 0.473624 +v -0.110000 -0.191523 0.473624 +v -0.109800 -0.194384 0.476439 +v -0.110000 -0.194384 0.476439 +v -0.110000 -0.188040 0.471027 +v -0.109800 -0.188040 0.471027 +v -0.109800 -0.194796 0.468026 +v -0.110000 -0.194796 0.468026 +v -0.109800 -0.200664 0.465909 +v -0.110000 -0.200664 0.465909 +v -0.109800 -0.203053 0.465364 +v -0.110000 -0.203053 0.465364 +v -0.109800 -0.203395 0.465091 +v -0.110000 -0.203395 0.465091 +v -0.109800 -0.197185 0.458471 +v -0.110000 -0.197185 0.458471 +v -0.109800 -0.196434 0.458471 +v -0.110000 -0.196434 0.458471 +v -0.110000 -0.196719 0.458380 +v -0.109800 -0.196719 0.458380 +v -0.109800 -0.196835 0.458369 +v -0.110000 -0.196835 0.458369 +v -0.109800 -0.196968 0.458386 +v -0.110000 -0.196968 0.458386 +v -0.109800 -0.197071 0.458420 +v -0.110000 -0.197071 0.458420 +v -0.109800 -0.187631 0.462498 +v -0.110000 -0.187631 0.462498 +v -0.109800 -0.179647 0.466934 +v -0.110000 -0.179647 0.466934 +v -0.109800 -0.176714 0.466386 +v -0.110000 -0.176714 0.466386 +v -0.109800 -0.173235 0.466183 +v -0.110000 -0.173235 0.466183 +v -0.109800 -0.145391 0.493411 +v -0.110000 -0.145391 0.493411 +v -0.110000 -0.146086 0.487241 +v -0.109800 -0.146086 0.487241 +v -0.109800 -0.148076 0.481575 +v -0.110000 -0.148076 0.481575 +v -0.109800 -0.151223 0.476566 +v -0.110000 -0.151223 0.476566 +v -0.109800 -0.155384 0.472369 +v -0.110000 -0.155384 0.472369 +v -0.109800 -0.160420 0.469138 +v -0.110000 -0.160420 0.469138 +v -0.109800 -0.166190 0.467027 +v -0.110000 -0.166190 0.467027 +v -0.109800 -0.169634 0.466398 +v -0.110000 -0.169634 0.466398 +v -0.109800 -0.174051 0.521047 +v -0.110000 -0.174051 0.521047 +v -0.110000 -0.166659 0.520192 +v -0.109800 -0.166659 0.520192 +v -0.109800 -0.160057 0.517751 +v -0.110000 -0.160057 0.517751 +v -0.109800 -0.154442 0.513913 +v -0.110000 -0.154442 0.513913 +v -0.109800 -0.150395 0.509420 +v -0.110000 -0.150395 0.509420 +v -0.109800 -0.147693 0.504652 +v -0.110000 -0.147693 0.504652 +v -0.109800 -0.145990 0.499302 +v -0.110000 -0.145990 0.499302 +v -0.109800 -0.145543 0.496411 +v -0.110000 -0.145543 0.496411 +v -0.109800 -0.201142 0.494025 +v -0.110000 -0.201142 0.494025 +v -0.110000 -0.200287 0.501109 +v -0.109800 -0.200287 0.501109 +v -0.109800 -0.198156 0.506815 +v -0.110000 -0.198156 0.506815 +v -0.109800 -0.195254 0.511292 +v -0.110000 -0.195254 0.511292 +v -0.109800 -0.191523 0.515043 +v -0.110000 -0.191523 0.515043 +v -0.109800 -0.187062 0.517971 +v -0.110000 -0.187062 0.517971 +v -0.109800 -0.181973 0.519976 +v -0.110000 -0.181973 0.519976 +v -0.109800 -0.178123 0.520774 +v -0.110000 -0.178123 0.520774 +v -0.109800 -0.181224 0.477302 +v -0.109800 -0.177738 0.475992 +v -0.109800 -0.157333 0.500849 +v -0.109800 -0.173369 0.511903 +v -0.109800 -0.176900 0.511547 +v -0.109800 -0.190497 0.493820 +v -0.109800 -0.190497 0.493751 +v -0.109800 -0.190231 0.490348 +v -0.109800 -0.183956 0.479081 +v -0.109800 -0.189915 0.498643 +v -0.109800 -0.159248 0.504519 +v -0.109800 -0.160613 0.481173 +v -0.109800 -0.186264 0.481361 +v -0.109800 -0.163301 0.478708 +v -0.109800 -0.180137 0.510525 +v -0.109800 -0.188255 0.502966 +v -0.109800 -0.158286 0.484532 +v -0.109800 -0.183282 0.508722 +v -0.109800 -0.166485 0.476873 +v -0.109800 -0.185944 0.506292 +v -0.109800 -0.161901 0.507575 +v -0.109800 -0.156619 0.488875 +v -0.109800 -0.188110 0.484076 +v -0.109800 -0.169772 0.475829 +v -0.109800 -0.173369 0.475464 +v -0.109800 -0.189455 0.487161 +v -0.109800 -0.156036 0.493684 +v -0.109800 -0.165201 0.509902 +v -0.109800 -0.156369 0.497405 +v -0.109800 -0.169055 0.511384 +v -0.110000 -0.189915 0.498643 +v -0.110000 -0.190497 0.493820 +v -0.110000 -0.188255 0.502966 +v -0.110000 -0.185944 0.506292 +v -0.110000 -0.183282 0.508722 +v -0.110000 -0.180137 0.510525 +v -0.110000 -0.176900 0.511547 +v -0.110000 -0.173369 0.511903 +v -0.110000 -0.190497 0.493751 +v -0.110000 -0.173369 0.475464 +v -0.110000 -0.177738 0.475992 +v -0.110000 -0.181224 0.477302 +v -0.110000 -0.183956 0.479081 +v -0.110000 -0.186264 0.481361 +v -0.110000 -0.188110 0.484076 +v -0.110000 -0.189455 0.487161 +v -0.110000 -0.190231 0.490348 +v -0.110000 -0.156619 0.488875 +v -0.110000 -0.156036 0.493684 +v -0.110000 -0.158286 0.484532 +v -0.110000 -0.160613 0.481173 +v -0.110000 -0.163301 0.478708 +v -0.110000 -0.166485 0.476873 +v -0.110000 -0.169772 0.475829 +v -0.110000 -0.169055 0.511384 +v -0.110000 -0.165201 0.509902 +v -0.110000 -0.161901 0.507575 +v -0.110000 -0.159248 0.504519 +v -0.110000 -0.157333 0.500849 +v -0.110000 -0.156369 0.497405 +v -0.109800 0.180636 0.534393 +v -0.110000 0.180636 0.534393 +v -0.110000 0.182038 0.534488 +v -0.109800 0.182038 0.534488 +v -0.109800 0.183139 0.534314 +v -0.110000 0.183139 0.534314 +v -0.109800 0.184000 0.533946 +v -0.110000 0.184000 0.533946 +v -0.109800 0.184669 0.533443 +v -0.110000 0.184669 0.533443 +v -0.109800 0.185185 0.532853 +v -0.110000 0.185185 0.532853 +v -0.109800 0.185620 0.532132 +v -0.110000 0.185620 0.532132 +v -0.109800 0.185959 0.531324 +v -0.110000 0.185959 0.531324 +v -0.109800 0.186225 0.530397 +v -0.110000 0.186225 0.530397 +v -0.109800 0.150688 0.528910 +v -0.110000 0.150688 0.528910 +v -0.109800 0.144717 0.524663 +v -0.110000 0.144717 0.524663 +v -0.110000 0.145084 0.525624 +v -0.109800 0.145084 0.525624 +v -0.109800 0.145618 0.526423 +v -0.110000 0.145618 0.526423 +v -0.109800 0.146277 0.527076 +v -0.110000 0.146277 0.527076 +v -0.109800 0.147023 0.527601 +v -0.110000 0.147023 0.527601 +v -0.109800 0.149050 0.528481 +v -0.110000 0.149050 0.528481 +v -0.109800 0.141523 0.511746 +v -0.110000 0.141523 0.511746 +v -0.109800 0.144377 0.506343 +v -0.110000 0.144377 0.506343 +v -0.110000 0.143118 0.506717 +v -0.109800 0.143118 0.506717 +v -0.109800 0.142327 0.507174 +v -0.110000 0.142327 0.507174 +v -0.109800 0.141825 0.507661 +v -0.110000 0.141825 0.507661 +v -0.109800 0.141496 0.508181 +v -0.110000 0.141496 0.508181 +v -0.109800 0.141283 0.508778 +v -0.110000 0.141283 0.508778 +v -0.109800 0.141185 0.509454 +v -0.110000 0.141185 0.509454 +v -0.109800 0.141203 0.510207 +v -0.110000 0.141203 0.510207 +v -0.109800 0.141317 0.510945 +v -0.110000 0.141317 0.510945 +v -0.109800 0.183647 0.499366 +v -0.110000 0.183647 0.499366 +v -0.109800 0.190873 0.505769 +v -0.110000 0.190873 0.505769 +v -0.110000 0.191021 0.504167 +v -0.109800 0.191021 0.504167 +v -0.109800 0.190868 0.502973 +v -0.110000 0.190868 0.502973 +v -0.109800 0.190535 0.502079 +v -0.110000 0.190535 0.502079 +v -0.109800 0.190050 0.501343 +v -0.110000 0.190050 0.501343 +v -0.109800 0.189445 0.500749 +v -0.110000 0.189445 0.500749 +v -0.109800 0.188749 0.500283 +v -0.110000 0.188749 0.500283 +v -0.109800 0.187737 0.499834 +v -0.110000 0.187737 0.499834 +v -0.109800 0.185086 0.499346 +v -0.110000 0.185086 0.499346 +v -0.109800 0.137739 0.498064 +v -0.110000 0.137739 0.498064 +v -0.109800 0.138128 0.499116 +v -0.110000 0.138128 0.499116 +v -0.109800 0.138494 0.499702 +v -0.110000 0.138494 0.499702 +v -0.109800 0.139070 0.500308 +v -0.110000 0.139070 0.500308 +v -0.109800 0.139798 0.500780 +v -0.110000 0.139798 0.500780 +v -0.109800 0.140638 0.501088 +v -0.110000 0.140638 0.501088 +v -0.109800 0.141676 0.501243 +v -0.110000 0.141676 0.501243 +v -0.109800 0.142551 0.501240 +v -0.110000 0.142551 0.501240 +v -0.109800 0.143545 0.501125 +v -0.110000 0.143545 0.501125 +v -0.109800 0.131897 0.474016 +v -0.110000 0.131897 0.474016 +v -0.109800 0.138949 0.466415 +v -0.110000 0.138949 0.466415 +v -0.110000 0.136531 0.466737 +v -0.109800 0.136531 0.466737 +v -0.109800 0.134858 0.467319 +v -0.110000 0.134858 0.467319 +v -0.109800 0.133651 0.468033 +v -0.110000 0.133651 0.468033 +v -0.109800 0.132860 0.468757 +v -0.110000 0.132860 0.468757 +v -0.109800 0.132236 0.469649 +v -0.110000 0.132236 0.469649 +v -0.109800 0.131840 0.470651 +v -0.110000 0.131840 0.470651 +v -0.109800 0.131666 0.471743 +v -0.110000 0.131666 0.471743 +v -0.109800 0.131691 0.472813 +v -0.110000 0.131691 0.472813 +v -0.109800 0.178598 0.472416 +v -0.110000 0.178598 0.472416 +v -0.109800 0.182091 0.477679 +v -0.110000 0.182091 0.477679 +v -0.110000 0.182322 0.476290 +v -0.109800 0.182322 0.476290 +v -0.109800 0.182271 0.475315 +v -0.110000 0.182271 0.475315 +v -0.109800 0.182066 0.474605 +v -0.110000 0.182066 0.474605 +v -0.109800 0.181754 0.474045 +v -0.110000 0.181754 0.474045 +v -0.109800 0.181322 0.473562 +v -0.110000 0.181322 0.473562 +v -0.109800 0.180770 0.473154 +v -0.110000 0.180770 0.473154 +v -0.109800 0.180097 0.472821 +v -0.110000 0.180097 0.472821 +v -0.109800 0.179396 0.472588 +v -0.110000 0.179396 0.472588 +v -0.109800 0.179668 0.490773 +v -0.110000 0.179668 0.490773 +v -0.109800 0.173851 0.495747 +v -0.110000 0.173851 0.495747 +v -0.110000 0.176108 0.495149 +v -0.109800 0.176108 0.495149 +v -0.109800 0.177222 0.494602 +v -0.110000 0.177222 0.494602 +v -0.109800 0.177994 0.494001 +v -0.110000 0.177994 0.494001 +v -0.109800 0.178738 0.493102 +v -0.110000 0.178738 0.493102 +v -0.109800 0.179270 0.492071 +v -0.110000 0.179270 0.492071 +v -0.109800 0.192922 0.469266 +v -0.110000 0.192922 0.469266 +v -0.110000 0.194325 0.469366 +v -0.109800 0.194325 0.469366 +v -0.109800 0.195427 0.469194 +v -0.110000 0.195427 0.469194 +v -0.109800 0.196288 0.468829 +v -0.110000 0.196288 0.468829 +v -0.109800 0.196959 0.468329 +v -0.110000 0.196959 0.468329 +v -0.109800 0.197477 0.467740 +v -0.110000 0.197477 0.467740 +v -0.109800 0.197915 0.467020 +v -0.110000 0.197915 0.467020 +v -0.109800 0.198256 0.466213 +v -0.110000 0.198256 0.466213 +v -0.109800 0.198524 0.465287 +v -0.110000 0.198524 0.465287 +v -0.109800 0.164638 0.464891 +v -0.110000 0.164638 0.464891 +v -0.109800 0.156341 0.459482 +v -0.110000 0.156341 0.459482 +v -0.110000 0.156796 0.460764 +v -0.109800 0.156796 0.460764 +v -0.109800 0.157498 0.461811 +v -0.110000 0.157498 0.461811 +v -0.109800 0.158401 0.462652 +v -0.110000 0.158401 0.462652 +v -0.109800 0.159460 0.463319 +v -0.110000 0.159460 0.463319 +v -0.109800 0.162012 0.464287 +v -0.110000 0.162012 0.464287 +v -0.109800 0.153350 0.446508 +v -0.110000 0.153350 0.446508 +v -0.109800 0.156222 0.441114 +v -0.110000 0.156222 0.441114 +v -0.110000 0.155038 0.441467 +v -0.109800 0.155038 0.441467 +v -0.109800 0.154286 0.441912 +v -0.110000 0.154286 0.441912 +v -0.109800 0.153801 0.442393 +v -0.110000 0.153801 0.442393 +v -0.109800 0.153474 0.442911 +v -0.110000 0.153474 0.442911 +v -0.109800 0.153251 0.443510 +v -0.110000 0.153251 0.443510 +v -0.109800 0.153132 0.444190 +v -0.110000 0.153132 0.444190 +v -0.109800 0.153118 0.444950 +v -0.110000 0.153118 0.444950 +v -0.109800 0.153192 0.445697 +v -0.110000 0.153192 0.445697 +v -0.109800 0.196033 0.434250 +v -0.110000 0.196033 0.434250 +v -0.109800 0.203241 0.440670 +v -0.110000 0.203241 0.440670 +v -0.110000 0.203395 0.439068 +v -0.109800 0.203395 0.439068 +v -0.109800 0.203248 0.437871 +v -0.110000 0.203248 0.437871 +v -0.109800 0.202922 0.436975 +v -0.110000 0.202922 0.436975 +v -0.109800 0.202444 0.436235 +v -0.110000 0.202444 0.436235 +v -0.109800 0.201845 0.435636 +v -0.110000 0.201845 0.435636 +v -0.109800 0.201155 0.435165 +v -0.110000 0.201155 0.435165 +v -0.109800 0.200149 0.434711 +v -0.110000 0.200149 0.434711 +v -0.109800 0.198983 0.434395 +v -0.110000 0.198983 0.434395 +v -0.109800 0.197049 0.434201 +v -0.110000 0.197049 0.434201 +v -0.103000 0.300011 0.387923 +v -0.103000 0.300822 0.381965 +v -0.103000 0.300011 0.380077 +v -0.103000 0.301099 0.384000 +v -0.103000 0.300822 0.386035 +v -0.103000 0.312524 0.402451 +v -0.103000 0.311978 0.401713 +v -0.103000 0.313245 0.403020 +v -0.103000 0.314090 0.403378 +v -0.103000 0.311647 0.400857 +v -0.103000 0.310903 0.398942 +v -0.103000 0.309673 0.397296 +v -0.103000 0.308049 0.396039 +v -0.103000 0.306148 0.395261 +v -0.103000 0.304108 0.395020 +v -0.103000 0.310903 0.369058 +v -0.103000 0.311647 0.367143 +v -0.103000 0.313245 0.364980 +v -0.103000 0.314090 0.364622 +v -0.103000 0.312524 0.365549 +v -0.103000 0.311978 0.366287 +v -0.103000 0.309673 0.370704 +v -0.103000 0.308049 0.371961 +v -0.103000 0.306148 0.372739 +v -0.103000 0.304108 0.372980 +v -0.103000 0.330594 0.395030 +v -0.103000 0.331327 0.394477 +v -0.103000 0.329741 0.395370 +v -0.103000 0.328829 0.395473 +v -0.103000 0.327922 0.395332 +v -0.103000 0.325892 0.395020 +v -0.103000 0.316755 0.403020 +v -0.103000 0.317476 0.402451 +v -0.103000 0.318022 0.401713 +v -0.103000 0.315910 0.403378 +v -0.103000 0.318353 0.400857 +v -0.103000 0.323852 0.395261 +v -0.103000 0.319097 0.398942 +v -0.103000 0.321951 0.396039 +v -0.103000 0.320327 0.397296 +v -0.103000 0.330594 0.372970 +v -0.103000 0.331327 0.373523 +v -0.103000 0.329741 0.372630 +v -0.103000 0.328829 0.372527 +v -0.103000 0.327922 0.372668 +v -0.103000 0.325892 0.372980 +v -0.103000 0.323852 0.372739 +v -0.103000 0.321951 0.371961 +v -0.103000 0.320327 0.370704 +v -0.103000 0.319097 0.369058 +v -0.103000 0.318353 0.367143 +v -0.103000 0.318022 0.366287 +v -0.103000 0.317476 0.365549 +v -0.103000 0.316755 0.364980 +v -0.103000 0.315910 0.364622 +v -0.103000 0.332349 0.391990 +v -0.103000 0.332237 0.392901 +v -0.103000 0.332217 0.391081 +v -0.103000 0.331851 0.390239 +v -0.103000 0.331851 0.377760 +v -0.103000 0.332217 0.376919 +v -0.103000 0.332349 0.376010 +v -0.103000 0.332237 0.375099 +v -0.095000 0.327922 0.395332 +v -0.095000 0.325892 0.395020 +v -0.095000 0.323852 0.395261 +v -0.095000 0.321951 0.396039 +v -0.095000 0.320327 0.397296 +v -0.095000 0.319097 0.398942 +v -0.095000 0.318353 0.400857 +v -0.095000 0.311978 0.401713 +v -0.095000 0.311647 0.400857 +v -0.095000 0.312524 0.402451 +v -0.095000 0.313245 0.403020 +v -0.095000 0.314090 0.403378 +v -0.095000 0.315000 0.403500 +v -0.095000 0.315910 0.403378 +v -0.095000 0.316755 0.403020 +v -0.095000 0.317476 0.402451 +v -0.095000 0.318022 0.401713 +v -0.095000 0.310903 0.398942 +v -0.095000 0.309673 0.397296 +v -0.095000 0.308049 0.396039 +v -0.095000 0.306148 0.395261 +v -0.095000 0.304108 0.395020 +v -0.095000 0.300011 0.387923 +v -0.095000 0.300822 0.386035 +v -0.095000 0.301099 0.384000 +v -0.095000 0.300822 0.381965 +v -0.095000 0.300011 0.380077 +v -0.095000 0.304108 0.372980 +v -0.095000 0.306148 0.372739 +v -0.095000 0.308049 0.371961 +v -0.095000 0.309673 0.370704 +v -0.095000 0.310903 0.369058 +v -0.095000 0.311647 0.367143 +v -0.095000 0.318022 0.366287 +v -0.095000 0.318353 0.367143 +v -0.095000 0.317476 0.365549 +v -0.095000 0.316755 0.364980 +v -0.095000 0.315910 0.364622 +v -0.095000 0.315000 0.364500 +v -0.095000 0.314090 0.364622 +v -0.095000 0.313245 0.364980 +v -0.095000 0.312524 0.365549 +v -0.095000 0.311978 0.366287 +v -0.095000 0.319097 0.369058 +v -0.095000 0.320327 0.370704 +v -0.095000 0.321951 0.371961 +v -0.095000 0.323852 0.372739 +v -0.095000 0.325892 0.372980 +v -0.095000 0.327922 0.372668 +v -0.095000 0.331851 0.377760 +v -0.095000 0.332217 0.376919 +v -0.095000 0.332349 0.376010 +v -0.095000 0.332237 0.375099 +v -0.095000 0.331887 0.374250 +v -0.095000 0.331327 0.373523 +v -0.095000 0.330594 0.372970 +v -0.095000 0.329741 0.372630 +v -0.095000 0.328829 0.372527 +v -0.095000 0.328829 0.395473 +v -0.095000 0.329741 0.395370 +v -0.095000 0.330594 0.395030 +v -0.095000 0.331327 0.394477 +v -0.095000 0.331887 0.393750 +v -0.095000 0.332237 0.392901 +v -0.095000 0.332349 0.391990 +v -0.095000 0.332217 0.391081 +v -0.095000 0.331851 0.390239 +v -0.103000 -0.329989 0.387923 +v -0.103000 -0.329178 0.381965 +v -0.103000 -0.329989 0.380077 +v -0.103000 -0.328901 0.384000 +v -0.103000 -0.329178 0.386035 +v -0.103000 -0.317476 0.402451 +v -0.103000 -0.318022 0.401713 +v -0.103000 -0.316755 0.403020 +v -0.103000 -0.315910 0.403378 +v -0.103000 -0.318353 0.400857 +v -0.103000 -0.319097 0.398942 +v -0.103000 -0.320327 0.397296 +v -0.103000 -0.321951 0.396039 +v -0.103000 -0.323852 0.395261 +v -0.103000 -0.325892 0.395020 +v -0.103000 -0.319097 0.369058 +v -0.103000 -0.318353 0.367143 +v -0.103000 -0.316755 0.364980 +v -0.103000 -0.315910 0.364622 +v -0.103000 -0.317476 0.365549 +v -0.103000 -0.318022 0.366287 +v -0.103000 -0.320327 0.370704 +v -0.103000 -0.321951 0.371961 +v -0.103000 -0.323852 0.372739 +v -0.103000 -0.325892 0.372980 +v -0.103000 -0.299406 0.395030 +v -0.103000 -0.298673 0.394477 +v -0.103000 -0.300259 0.395370 +v -0.103000 -0.301171 0.395473 +v -0.103000 -0.302078 0.395332 +v -0.103000 -0.304108 0.395020 +v -0.103000 -0.313245 0.403020 +v -0.103000 -0.312524 0.402451 +v -0.103000 -0.311978 0.401713 +v -0.103000 -0.314090 0.403378 +v -0.103000 -0.311647 0.400857 +v -0.103000 -0.306148 0.395261 +v -0.103000 -0.310903 0.398942 +v -0.103000 -0.308049 0.396039 +v -0.103000 -0.309673 0.397296 +v -0.103000 -0.299406 0.372970 +v -0.103000 -0.298673 0.373523 +v -0.103000 -0.300259 0.372630 +v -0.103000 -0.301171 0.372527 +v -0.103000 -0.302078 0.372668 +v -0.103000 -0.304108 0.372980 +v -0.103000 -0.306148 0.372739 +v -0.103000 -0.308049 0.371961 +v -0.103000 -0.309673 0.370704 +v -0.103000 -0.310903 0.369058 +v -0.103000 -0.311647 0.367143 +v -0.103000 -0.311978 0.366287 +v -0.103000 -0.312524 0.365549 +v -0.103000 -0.313245 0.364980 +v -0.103000 -0.314090 0.364622 +v -0.103000 -0.297651 0.391990 +v -0.103000 -0.297763 0.392901 +v -0.103000 -0.297782 0.391081 +v -0.103000 -0.298149 0.390239 +v -0.103000 -0.298149 0.377760 +v -0.103000 -0.297782 0.376919 +v -0.103000 -0.297651 0.376010 +v -0.103000 -0.297763 0.375099 +v -0.095000 -0.302078 0.395332 +v -0.095000 -0.304108 0.395020 +v -0.095000 -0.306148 0.395261 +v -0.095000 -0.308049 0.396039 +v -0.095000 -0.309673 0.397296 +v -0.095000 -0.310903 0.398942 +v -0.095000 -0.311647 0.400857 +v -0.095000 -0.318022 0.401713 +v -0.095000 -0.318353 0.400857 +v -0.095000 -0.317476 0.402451 +v -0.095000 -0.316755 0.403020 +v -0.095000 -0.315910 0.403378 +v -0.095000 -0.315000 0.403500 +v -0.095000 -0.314090 0.403378 +v -0.095000 -0.313245 0.403020 +v -0.095000 -0.312524 0.402451 +v -0.095000 -0.311978 0.401713 +v -0.095000 -0.319097 0.398942 +v -0.095000 -0.320327 0.397296 +v -0.095000 -0.321951 0.396039 +v -0.095000 -0.323852 0.395261 +v -0.095000 -0.325892 0.395020 +v -0.095000 -0.329989 0.387923 +v -0.095000 -0.329178 0.386035 +v -0.095000 -0.328901 0.384000 +v -0.095000 -0.329178 0.381965 +v -0.095000 -0.329989 0.380077 +v -0.095000 -0.325892 0.372980 +v -0.095000 -0.323852 0.372739 +v -0.095000 -0.321951 0.371961 +v -0.095000 -0.320327 0.370704 +v -0.095000 -0.319097 0.369058 +v -0.095000 -0.318353 0.367143 +v -0.095000 -0.311647 0.367143 +v -0.095000 -0.311978 0.366287 +v -0.095000 -0.312524 0.365549 +v -0.095000 -0.313245 0.364980 +v -0.095000 -0.314090 0.364622 +v -0.095000 -0.315000 0.364500 +v -0.095000 -0.315910 0.364622 +v -0.095000 -0.316755 0.364980 +v -0.095000 -0.317476 0.365549 +v -0.095000 -0.318022 0.366287 +v -0.095000 -0.310903 0.369058 +v -0.095000 -0.309673 0.370704 +v -0.095000 -0.308049 0.371961 +v -0.095000 -0.306148 0.372739 +v -0.095000 -0.304108 0.372980 +v -0.095000 -0.302078 0.372668 +v -0.095000 -0.298149 0.377760 +v -0.095000 -0.297782 0.376919 +v -0.095000 -0.297651 0.376010 +v -0.095000 -0.297763 0.375099 +v -0.095000 -0.298112 0.374250 +v -0.095000 -0.298673 0.373523 +v -0.095000 -0.299406 0.372970 +v -0.095000 -0.300259 0.372630 +v -0.095000 -0.301171 0.372527 +v -0.095000 -0.301171 0.395473 +v -0.095000 -0.300259 0.395370 +v -0.095000 -0.299406 0.395030 +v -0.095000 -0.298673 0.394477 +v -0.095000 -0.298112 0.393750 +v -0.095000 -0.297763 0.392901 +v -0.095000 -0.297651 0.391990 +v -0.095000 -0.297782 0.391081 +v -0.095000 -0.298149 0.390239 +v 0.133416 -0.231374 0.003125 +v 0.120681 -0.238394 0.003125 +v 0.133416 -0.231374 0.001125 +v 0.120681 -0.238394 0.001125 +v 0.136801 -0.229756 0.003125 +v 0.136801 -0.229756 0.001125 +v 0.139766 -0.228336 0.003125 +v 0.139766 -0.228336 0.001125 +v 0.142880 -0.227400 0.003125 +v 0.142880 -0.227400 0.001125 +v 0.146437 -0.226328 0.003125 +v 0.146437 -0.226328 0.001125 +v 0.153453 -0.225658 0.003125 +v 0.153453 -0.225658 0.001125 +v 0.248068 -0.222338 0.003125 +v 0.248068 -0.222338 0.001125 +v 0.251423 -0.221668 0.003125 +v 0.251423 -0.221668 0.001125 +v 0.254774 -0.219974 0.003125 +v 0.254774 -0.219974 0.001125 +v 0.257455 -0.217646 0.003125 +v 0.257455 -0.217646 0.001125 +v 0.270151 -0.201594 0.003125 +v 0.270151 -0.201594 0.001125 +v 0.281866 -0.184872 0.003125 +v 0.281866 -0.184872 0.001125 +v 0.292872 -0.167163 0.003125 +v 0.292872 -0.167163 0.001125 +v 0.302255 -0.149100 0.003125 +v 0.302255 -0.149100 0.001125 +v 0.310933 -0.130367 0.003125 +v 0.310933 -0.130367 0.001125 +v 0.318306 -0.111000 0.003125 +v 0.318306 -0.111000 0.001125 +v 0.324651 -0.091597 0.003125 +v 0.324651 -0.091597 0.001125 +v 0.329311 -0.071523 0.003125 +v 0.329311 -0.071523 0.001125 +v 0.333328 -0.051132 0.003125 +v 0.333328 -0.051132 0.001125 +v 0.335659 -0.030743 0.003125 +v 0.335659 -0.030743 0.001125 +v 0.336996 -0.010352 0.003125 +v 0.336996 -0.010352 0.001125 +v 0.336995 0.010392 0.003125 +v 0.336995 0.010392 0.001125 +v 0.335740 0.029524 0.003125 +v 0.335740 0.029524 0.001125 +v 0.335657 0.030779 0.003125 +v 0.335657 0.030779 0.001125 +v 0.335391 0.033110 0.003125 +v 0.335391 0.033110 0.001125 +v 0.333325 0.051173 0.003125 +v 0.333325 0.051173 0.001125 +v 0.329306 0.071563 0.003125 +v 0.329306 0.071563 0.001125 +v 0.324645 0.091636 0.003125 +v 0.324645 0.091636 0.001125 +v 0.318298 0.111003 0.003125 +v 0.318298 0.111003 0.001125 +v 0.310924 0.130406 0.003125 +v 0.310924 0.130406 0.001125 +v 0.302245 0.149138 0.003125 +v 0.302245 0.149138 0.001125 +v 0.292861 0.167164 0.003125 +v 0.292861 0.167164 0.001125 +v 0.281853 0.184905 0.003125 +v 0.281853 0.184905 0.001125 +v 0.273630 0.196621 0.003125 +v 0.273630 0.196621 0.001125 +v 0.270137 0.201595 0.003125 +v 0.270137 0.201595 0.001125 +v 0.257440 0.217646 0.003125 +v 0.257440 0.217646 0.001125 +v 0.254759 0.220009 0.003125 +v 0.254759 0.220009 0.001125 +v 0.251408 0.221664 0.003125 +v 0.251408 0.221664 0.001125 +v 0.248056 0.222334 0.003125 +v 0.248056 0.222334 0.001125 +v 0.153438 0.225685 0.003125 +v 0.153438 0.225685 0.001125 +v 0.146421 0.226352 0.003125 +v 0.146421 0.226352 0.001125 +v 0.139750 0.228366 0.003125 +v 0.139750 0.228366 0.001125 +v 0.133400 0.231364 0.003125 +v 0.133400 0.231364 0.001125 +v 0.120664 0.238384 0.003125 +v 0.120664 0.238384 0.001125 +v 0.117826 0.240060 0.003125 +v 0.117826 0.240060 0.001125 +v 0.114988 0.241732 0.003125 +v 0.114988 0.241732 0.001125 +v 0.109657 0.246071 0.003125 +v 0.109657 0.246071 0.001125 +v 0.105307 0.251422 0.003125 +v 0.105307 0.251422 0.001125 +v 0.101631 0.257109 0.003125 +v 0.101631 0.257109 0.001125 +v 0.099289 0.263459 0.003125 +v 0.099289 0.263459 0.001125 +v 0.097616 0.269809 0.003125 +v 0.097616 0.269809 0.001125 +v 0.096946 0.276836 0.003125 +v 0.096946 0.276836 0.001125 +v 0.096945 0.300571 0.003125 +v 0.096945 0.300571 0.001125 +v 0.096610 0.306254 0.003125 +v 0.096610 0.306254 0.001125 +v 0.094937 0.311602 0.003125 +v 0.094937 0.311602 0.001125 +v 0.092267 0.316283 0.003125 +v 0.092267 0.316283 0.001125 +v 0.088922 0.320630 0.003125 +v 0.088922 0.320630 0.001125 +v 0.084576 0.324309 0.003125 +v 0.084576 0.324309 0.001125 +v 0.079563 0.326983 0.003125 +v 0.079563 0.326983 0.001125 +v 0.077049 0.327988 0.003125 +v 0.077049 0.327988 0.001125 +v 0.074543 0.328986 0.003125 +v 0.074543 0.328986 0.001125 +v 0.065360 0.330658 0.003125 +v 0.065360 0.330658 0.001125 +v 0.056152 0.332330 0.003125 +v 0.056152 0.332330 0.001125 +v 0.047403 0.333581 0.003125 +v 0.047403 0.333581 0.001125 +v 0.037430 0.335003 0.003125 +v 0.037430 0.335003 0.001125 +v 0.018708 0.336675 0.003125 +v 0.018708 0.336675 0.001125 +v -0.000011 0.337009 0.003125 +v -0.000011 0.337009 0.001125 +v -0.018728 0.336674 0.003125 +v -0.018728 0.336674 0.001125 +v -0.019979 0.336562 0.003125 +v -0.019979 0.336562 0.001125 +v -0.037453 0.335001 0.003125 +v -0.037453 0.335001 0.001125 +v -0.047078 0.333628 0.003125 +v -0.047078 0.333628 0.001125 +v -0.056179 0.332326 0.003125 +v -0.056179 0.332326 0.001125 +v -0.064718 0.330775 0.003125 +v -0.064718 0.330775 0.001125 +v -0.074568 0.328981 0.003125 +v -0.074568 0.328981 0.001125 +v -0.077259 0.327908 0.003125 +v -0.077259 0.327908 0.001125 +v -0.079585 0.326977 0.003125 +v -0.079585 0.326977 0.001125 +v -0.083714 0.324774 0.003125 +v -0.083714 0.324774 0.001125 +v -0.084594 0.324303 0.003125 +v -0.084594 0.324303 0.001125 +v -0.088947 0.320623 0.003125 +v -0.088947 0.320623 0.001125 +v -0.090090 0.319135 0.003125 +v -0.090090 0.319135 0.001125 +v -0.092285 0.316274 0.003125 +v -0.092285 0.316274 0.001125 +v -0.094965 0.311593 0.003125 +v -0.094965 0.311593 0.001125 +v -0.096633 0.306248 0.003125 +v -0.096633 0.306248 0.001125 +v -0.096965 0.300564 0.003125 +v -0.096965 0.300564 0.001125 +v -0.096965 0.276829 0.003125 +v -0.096965 0.276829 0.001125 +v -0.097207 0.274286 0.003125 +v -0.097207 0.274286 0.001125 +v -0.097631 0.269806 0.003125 +v -0.097631 0.269806 0.001125 +v -0.098590 0.266165 0.003125 +v -0.098590 0.266165 0.001125 +v -0.099303 0.263452 0.003125 +v -0.099303 0.263452 0.001125 +v -0.101645 0.257102 0.003125 +v -0.101645 0.257102 0.001125 +v -0.105320 0.251415 0.003125 +v -0.105320 0.251415 0.001125 +v -0.107457 0.248783 0.003125 +v -0.107457 0.248783 0.001125 +v -0.109665 0.246063 0.003125 +v -0.109665 0.246063 0.001125 +v -0.115022 0.241724 0.003125 +v -0.115022 0.241724 0.001125 +v -0.118384 0.239745 0.003125 +v -0.118384 0.239745 0.001125 +v -0.120705 0.238376 0.003125 +v -0.120705 0.238376 0.001125 +v -0.133401 0.231355 0.003125 +v -0.133401 0.231355 0.001125 +v -0.138219 0.229080 0.003125 +v -0.138219 0.229080 0.001125 +v -0.139748 0.228356 0.003125 +v -0.139748 0.228356 0.001125 +v -0.146455 0.226342 0.003125 +v -0.146455 0.226342 0.001125 +v -0.153474 0.225675 0.003125 +v -0.153474 0.225675 0.001125 +v -0.248089 0.222317 0.003125 +v -0.248089 0.222317 0.001125 +v -0.251440 0.221646 0.003125 +v -0.251440 0.221646 0.001125 +v -0.254791 0.219992 0.003125 +v -0.254791 0.219992 0.001125 +v -0.255705 0.219178 0.003125 +v -0.255705 0.219178 0.001125 +v -0.257440 0.217628 0.003125 +v -0.257440 0.217628 0.001125 +v -0.265070 0.207981 0.003125 +v -0.265070 0.207981 0.001125 +v -0.270137 0.201573 0.003125 +v -0.270137 0.201573 0.001125 +v -0.281850 0.184886 0.003125 +v -0.281850 0.184886 0.001125 +v -0.292890 0.167144 0.003125 +v -0.292890 0.167144 0.001125 +v -0.302240 0.149117 0.003125 +v -0.302240 0.149117 0.001125 +v -0.310950 0.130384 0.003125 +v -0.310950 0.130384 0.001125 +v -0.315769 0.117646 0.003125 +v -0.315769 0.117646 0.001125 +v -0.318288 0.110985 0.003125 +v -0.318288 0.110985 0.001125 +v -0.324637 0.091614 0.003125 +v -0.324637 0.091614 0.001125 +v -0.329327 0.071540 0.003125 +v -0.329327 0.071540 0.001125 +v -0.333349 0.051150 0.003125 +v -0.333349 0.051150 0.001125 +v -0.335676 0.030759 0.003125 +v -0.335676 0.030759 0.001125 +v -0.337016 0.010369 0.003125 +v -0.337016 0.010369 0.001125 +v -0.337015 -0.010375 0.003125 +v -0.337015 -0.010375 0.001125 +v -0.335674 -0.030766 0.003125 +v -0.335674 -0.030766 0.001125 +v -0.333345 -0.051155 0.003125 +v -0.333345 -0.051155 0.001125 +v -0.329322 -0.071546 0.003125 +v -0.329322 -0.071546 0.001125 +v -0.324631 -0.091619 0.003125 +v -0.324631 -0.091619 0.001125 +v -0.318280 -0.111022 0.003125 +v -0.318280 -0.111022 0.001125 +v -0.314755 -0.120329 0.003125 +v -0.314755 -0.120329 0.001125 +v -0.310941 -0.130388 0.003125 +v -0.310941 -0.130388 0.001125 +v -0.302230 -0.149121 0.003125 +v -0.302230 -0.149121 0.001125 +v -0.292878 -0.167183 0.003125 +v -0.292878 -0.167183 0.001125 +v -0.281835 -0.184892 0.003125 +v -0.281835 -0.184892 0.001125 +v -0.270123 -0.201612 0.003125 +v -0.270123 -0.201612 0.001125 +v -0.257425 -0.217663 0.003125 +v -0.257425 -0.217663 0.001125 +v -0.254779 -0.219992 0.003125 +v -0.254779 -0.219992 0.001125 +v -0.251425 -0.221685 0.003125 +v -0.251425 -0.221685 0.001125 +v -0.248074 -0.222355 0.003125 +v -0.248074 -0.222355 0.001125 +v -0.153459 -0.225669 0.003125 +v -0.153459 -0.225669 0.001125 +v -0.152787 -0.225733 0.003125 +v -0.152787 -0.225733 0.001125 +v -0.146442 -0.226338 0.003125 +v -0.146442 -0.226338 0.001125 +v -0.143936 -0.227089 0.003125 +v -0.143936 -0.227089 0.001125 +v -0.139732 -0.228346 0.003125 +v -0.139732 -0.228346 0.001125 +v -0.136419 -0.229933 0.003125 +v -0.136419 -0.229933 0.001125 +v -0.133385 -0.231383 0.003125 +v -0.133385 -0.231383 0.001125 +v -0.124534 -0.236276 0.003125 +v -0.124534 -0.236276 0.001125 +v -0.120686 -0.238402 0.003125 +v -0.120686 -0.238402 0.001125 +v -0.116895 -0.240616 0.003125 +v -0.116895 -0.240616 0.001125 +v -0.115004 -0.241719 0.003125 +v -0.115004 -0.241719 0.001125 +v -0.109646 -0.246092 0.003125 +v -0.109646 -0.246092 0.001125 +v -0.105307 -0.251458 0.003125 +v -0.105307 -0.251458 0.001125 +v -0.101630 -0.257144 0.003125 +v -0.101630 -0.257144 0.001125 +v -0.099288 -0.263494 0.003125 +v -0.099288 -0.263494 0.001125 +v -0.097619 -0.269844 0.003125 +v -0.097619 -0.269844 0.001125 +v -0.096948 -0.276872 0.003125 +v -0.096948 -0.276872 0.001125 +v -0.096947 -0.300607 0.003125 +v -0.096947 -0.300607 0.001125 +v -0.096822 -0.302757 0.003125 +v -0.096822 -0.302757 0.001125 +v -0.096613 -0.306290 0.003125 +v -0.096613 -0.306290 0.001125 +v -0.095743 -0.309087 0.003125 +v -0.095743 -0.309087 0.001125 +v -0.094947 -0.311638 0.003125 +v -0.094947 -0.311638 0.001125 +v -0.092896 -0.315216 0.003125 +v -0.092896 -0.315216 0.001125 +v -0.092264 -0.316317 0.003125 +v -0.092264 -0.316317 0.001125 +v -0.088928 -0.320665 0.003125 +v -0.088928 -0.320665 0.001125 +v -0.084574 -0.324341 0.003125 +v -0.084574 -0.324341 0.001125 +v -0.079565 -0.327018 0.003125 +v -0.079565 -0.327018 0.001125 +v -0.075787 -0.328527 0.003125 +v -0.075787 -0.328527 0.001125 +v -0.074546 -0.329021 0.003125 +v -0.074546 -0.329021 0.001125 +v -0.056159 -0.332369 0.003125 +v -0.056159 -0.332369 0.001125 +v -0.037430 -0.335039 0.003125 +v -0.037430 -0.335039 0.001125 +v -0.035920 -0.335174 0.003125 +v -0.035920 -0.335174 0.001125 +v -0.018711 -0.336708 0.003125 +v -0.018711 -0.336708 0.001125 +v 0.000011 -0.337045 0.003125 +v 0.000011 -0.337045 0.001125 +v 0.018728 -0.336706 0.003125 +v 0.018728 -0.336706 0.001125 +v 0.037450 -0.335037 0.003125 +v 0.037450 -0.335037 0.001125 +v 0.056172 -0.332366 0.003125 +v 0.056172 -0.332366 0.001125 +v 0.074562 -0.329016 0.003125 +v 0.074562 -0.329016 0.001125 +v 0.079582 -0.327012 0.003125 +v 0.079582 -0.327012 0.001125 +v 0.084595 -0.324335 0.003125 +v 0.084595 -0.324335 0.001125 +v 0.088941 -0.320659 0.003125 +v 0.088941 -0.320659 0.001125 +v 0.092285 -0.316309 0.003125 +v 0.092285 -0.316309 0.001125 +v 0.094955 -0.311632 0.003125 +v 0.094955 -0.311632 0.001125 +v 0.096627 -0.306279 0.003125 +v 0.096627 -0.306279 0.001125 +v 0.096962 -0.300600 0.003125 +v 0.096962 -0.300600 0.001125 +v 0.096961 -0.276865 0.003125 +v 0.096961 -0.276865 0.001125 +v 0.097631 -0.269837 0.003125 +v 0.097631 -0.269837 0.001125 +v 0.099303 -0.263487 0.003125 +v 0.099303 -0.263487 0.001125 +v 0.101645 -0.257137 0.003125 +v 0.101645 -0.257137 0.001125 +v 0.105321 -0.251451 0.003125 +v 0.105321 -0.251451 0.001125 +v 0.109671 -0.246099 0.003125 +v 0.109671 -0.246099 0.001125 +v 0.115005 -0.241711 0.003125 +v 0.115005 -0.241711 0.001125 +v 0.103000 0.299652 0.386118 +v 0.103000 0.302683 0.391311 +v 0.103000 0.302657 0.393365 +v 0.103000 0.302159 0.389325 +v 0.103000 0.301124 0.387551 +v 0.103000 0.305645 0.367904 +v 0.103000 0.305424 0.368796 +v 0.103000 0.306093 0.367103 +v 0.103000 0.306737 0.366449 +v 0.103000 0.305446 0.369713 +v 0.103000 0.305491 0.371767 +v 0.103000 0.304987 0.373758 +v 0.103000 0.303968 0.375542 +v 0.103000 0.302510 0.376988 +v 0.103000 0.300718 0.377993 +v 0.103000 0.316939 0.399372 +v 0.103000 0.318360 0.400855 +v 0.103000 0.320664 0.402241 +v 0.103000 0.321582 0.402248 +v 0.103000 0.319780 0.401993 +v 0.103000 0.318994 0.401519 +v 0.103000 0.315173 0.398322 +v 0.103000 0.313191 0.397783 +v 0.103000 0.311137 0.397793 +v 0.103000 0.309160 0.398351 +v 0.103000 0.325179 0.367838 +v 0.103000 0.326068 0.368068 +v 0.103000 0.324261 0.367850 +v 0.103000 0.323379 0.368105 +v 0.103000 0.322595 0.368582 +v 0.103000 0.320840 0.369649 +v 0.103000 0.309336 0.365758 +v 0.103000 0.310220 0.366007 +v 0.103000 0.311006 0.366481 +v 0.103000 0.308418 0.365752 +v 0.103000 0.311640 0.367145 +v 0.103000 0.318863 0.370207 +v 0.103000 0.313061 0.368628 +v 0.103000 0.316809 0.370217 +v 0.103000 0.314827 0.369677 +v 0.103000 0.333630 0.388215 +v 0.103000 0.334095 0.387424 +v 0.103000 0.332972 0.388856 +v 0.103000 0.332169 0.389301 +v 0.103000 0.331277 0.389518 +v 0.103000 0.329282 0.390007 +v 0.103000 0.327490 0.391012 +v 0.103000 0.326032 0.392458 +v 0.103000 0.325013 0.394242 +v 0.103000 0.324508 0.396233 +v 0.103000 0.324554 0.398287 +v 0.103000 0.324576 0.399204 +v 0.103000 0.324355 0.400095 +v 0.103000 0.323907 0.400897 +v 0.103000 0.323263 0.401551 +v 0.103000 0.327966 0.369974 +v 0.103000 0.327512 0.369175 +v 0.103000 0.328192 0.370864 +v 0.103000 0.328175 0.371782 +v 0.103000 0.332955 0.383309 +v 0.103000 0.333617 0.383946 +v 0.103000 0.334086 0.384735 +v 0.103000 0.334331 0.385619 +v 0.095000 0.322595 0.368582 +v 0.095000 0.320840 0.369649 +v 0.095000 0.318863 0.370207 +v 0.095000 0.316809 0.370217 +v 0.095000 0.314827 0.369677 +v 0.095000 0.313061 0.368628 +v 0.095000 0.311640 0.367145 +v 0.095000 0.305446 0.369713 +v 0.095000 0.305424 0.368796 +v 0.095000 0.305645 0.367904 +v 0.095000 0.306093 0.367103 +v 0.095000 0.306737 0.366449 +v 0.095000 0.307530 0.365987 +v 0.095000 0.308418 0.365752 +v 0.095000 0.309336 0.365758 +v 0.095000 0.310220 0.366007 +v 0.095000 0.311006 0.366481 +v 0.095000 0.305491 0.371767 +v 0.095000 0.304987 0.373758 +v 0.095000 0.303968 0.375542 +v 0.095000 0.302510 0.376988 +v 0.095000 0.300718 0.377993 +v 0.095000 0.299652 0.386118 +v 0.095000 0.301124 0.387551 +v 0.095000 0.302159 0.389325 +v 0.095000 0.302683 0.391311 +v 0.095000 0.302657 0.393365 +v 0.095000 0.309160 0.398351 +v 0.095000 0.311137 0.397793 +v 0.095000 0.313191 0.397783 +v 0.095000 0.315173 0.398322 +v 0.095000 0.316939 0.399372 +v 0.095000 0.318360 0.400855 +v 0.095000 0.324554 0.398287 +v 0.095000 0.324576 0.399204 +v 0.095000 0.324355 0.400095 +v 0.095000 0.323907 0.400897 +v 0.095000 0.323263 0.401551 +v 0.095000 0.322469 0.402013 +v 0.095000 0.321582 0.402248 +v 0.095000 0.320664 0.402241 +v 0.095000 0.319780 0.401993 +v 0.095000 0.318994 0.401519 +v 0.095000 0.324508 0.396233 +v 0.095000 0.325013 0.394242 +v 0.095000 0.326032 0.392458 +v 0.095000 0.327490 0.391012 +v 0.095000 0.329282 0.390007 +v 0.095000 0.331277 0.389518 +v 0.095000 0.332955 0.383309 +v 0.095000 0.333617 0.383946 +v 0.095000 0.334086 0.384735 +v 0.095000 0.334331 0.385619 +v 0.095000 0.334334 0.386538 +v 0.095000 0.334095 0.387424 +v 0.095000 0.333630 0.388215 +v 0.095000 0.332972 0.388856 +v 0.095000 0.332169 0.389301 +v 0.095000 0.323379 0.368105 +v 0.095000 0.324261 0.367850 +v 0.095000 0.325179 0.367838 +v 0.095000 0.326068 0.368068 +v 0.095000 0.326865 0.368525 +v 0.095000 0.327512 0.369175 +v 0.095000 0.327966 0.369974 +v 0.095000 0.328192 0.370864 +v 0.095000 0.328175 0.371782 +v 0.063514 0.082691 0.880000 +v 0.060000 0.082500 0.880000 +v 0.060000 0.082500 0.900000 +v 0.066987 0.083260 0.880000 +v 0.063514 0.082691 0.900000 +v 0.070377 0.084201 0.880000 +v 0.066987 0.083260 0.900000 +v 0.073646 0.085504 0.880000 +v 0.070377 0.084201 0.900000 +v 0.073646 0.085504 0.900000 +v 0.076756 0.087152 0.880000 +v 0.076756 0.087152 0.900000 +v 0.079668 0.089127 0.880000 +v 0.079668 0.089127 0.900000 +v 0.082350 0.091405 0.880000 +v 0.084770 0.093960 0.880000 +v 0.082350 0.091405 0.900000 +v 0.086900 0.096761 0.880000 +v 0.084770 0.093960 0.900000 +v 0.088714 0.099777 0.880000 +v 0.086900 0.096761 0.900000 +v 0.090192 0.102970 0.880000 +v 0.088714 0.099777 0.900000 +v 0.091315 0.106305 0.880000 +v 0.090192 0.102970 0.900000 +v 0.091315 0.106305 0.900000 +v 0.092072 0.109742 0.880000 +v 0.092072 0.109742 0.900000 +v 0.092452 0.113240 0.880000 +v 0.092452 0.113240 0.900000 +v 0.092452 0.116760 0.880000 +v 0.092452 0.116760 0.900000 +v 0.092072 0.120258 0.880000 +v 0.092072 0.120258 0.900000 +v 0.091315 0.123695 0.880000 +v 0.091315 0.123695 0.900000 +v 0.090192 0.127029 0.880000 +v 0.090192 0.127029 0.900000 +v 0.088714 0.130223 0.880000 +v 0.088714 0.130223 0.900000 +v 0.086900 0.133239 0.880000 +v 0.086900 0.133239 0.900000 +v 0.084770 0.136040 0.880000 +v 0.084770 0.136040 0.900000 +v 0.082350 0.138595 0.900000 +v 0.082350 0.138595 0.880000 +v 0.079668 0.140873 0.880000 +v 0.079668 0.140873 0.900000 +v 0.076756 0.142848 0.900000 +v 0.076756 0.142848 0.880000 +v 0.073646 0.144496 0.900000 +v 0.073646 0.144496 0.880000 +v 0.070377 0.145799 0.880000 +v 0.070377 0.145799 0.900000 +v 0.066987 0.146740 0.880000 +v 0.066987 0.146740 0.900000 +v 0.063514 0.147309 0.880000 +v 0.063514 0.147309 0.900000 +v 0.060000 0.147500 0.880000 +v 0.060000 0.147500 0.900000 +v 0.056486 0.147309 0.880000 +v 0.056486 0.147309 0.900000 +v 0.053013 0.146740 0.880000 +v 0.053013 0.146740 0.900000 +v 0.049623 0.145799 0.880000 +v 0.049623 0.145799 0.900000 +v 0.046354 0.144496 0.880000 +v 0.046354 0.144496 0.900000 +v 0.043244 0.142848 0.880000 +v 0.043244 0.142848 0.900000 +v 0.040332 0.140873 0.880000 +v 0.040332 0.140873 0.900000 +v 0.037650 0.138595 0.880000 +v 0.037650 0.138595 0.900000 +v 0.035230 0.136040 0.880000 +v 0.035230 0.136040 0.900000 +v 0.033100 0.133239 0.880000 +v 0.033100 0.133239 0.900000 +v 0.031286 0.130223 0.880000 +v 0.031286 0.130223 0.900000 +v 0.029808 0.127029 0.880000 +v 0.029808 0.127029 0.900000 +v 0.028685 0.123695 0.880000 +v 0.028685 0.123695 0.900000 +v 0.027928 0.120258 0.880000 +v 0.027928 0.120258 0.900000 +v 0.027548 0.116760 0.880000 +v 0.027548 0.116760 0.900000 +v 0.027548 0.113240 0.880000 +v 0.027548 0.113240 0.900000 +v 0.027928 0.109742 0.880000 +v 0.027928 0.109742 0.900000 +v 0.028685 0.106305 0.900000 +v 0.028685 0.106305 0.880000 +v 0.029808 0.102970 0.880000 +v 0.029808 0.102970 0.900000 +v 0.031286 0.099777 0.900000 +v 0.031286 0.099777 0.880000 +v 0.033100 0.096761 0.900000 +v 0.033100 0.096761 0.880000 +v 0.035230 0.093960 0.880000 +v 0.035230 0.093960 0.900000 +v 0.037650 0.091405 0.900000 +v 0.037650 0.091405 0.880000 +v 0.040332 0.089127 0.900000 +v 0.040332 0.089127 0.880000 +v 0.043244 0.087152 0.900000 +v 0.043244 0.087152 0.880000 +v 0.046354 0.085504 0.900000 +v 0.046354 0.085504 0.880000 +v 0.049623 0.084201 0.900000 +v 0.049623 0.084201 0.880000 +v 0.053013 0.083260 0.900000 +v 0.053013 0.083260 0.880000 +v 0.056486 0.082691 0.900000 +v 0.056486 0.082691 0.880000 +v 0.045646 0.105891 0.860000 +v 0.043832 0.109747 0.880000 +v 0.045646 0.105891 0.880000 +v 0.051810 0.100103 0.860000 +v 0.048363 0.102607 0.860000 +v 0.048363 0.102607 0.880000 +v 0.064228 0.098534 0.860000 +v 0.060000 0.098000 0.860000 +v 0.060000 0.098000 0.880000 +v 0.055772 0.098534 0.860000 +v 0.051810 0.100103 0.880000 +v 0.068190 0.100103 0.860000 +v 0.064228 0.098534 0.880000 +v 0.055772 0.098534 0.880000 +v 0.071637 0.102607 0.860000 +v 0.068190 0.100103 0.880000 +v 0.074354 0.105891 0.860000 +v 0.071637 0.102607 0.880000 +v 0.076168 0.109747 0.860000 +v 0.074354 0.105891 0.880000 +v 0.076966 0.113933 0.860000 +v 0.076168 0.109747 0.880000 +v 0.076699 0.118185 0.860000 +v 0.076966 0.113933 0.880000 +v 0.075382 0.122238 0.860000 +v 0.076699 0.118185 0.880000 +v 0.073099 0.125836 0.860000 +v 0.075382 0.122238 0.880000 +v 0.069992 0.128753 0.860000 +v 0.073099 0.125836 0.880000 +v 0.066258 0.130806 0.860000 +v 0.069992 0.128753 0.880000 +v 0.066258 0.130806 0.880000 +v 0.062131 0.131866 0.860000 +v 0.062131 0.131866 0.880000 +v 0.057869 0.131866 0.860000 +v 0.057869 0.131866 0.880000 +v 0.053742 0.130806 0.860000 +v 0.053742 0.130806 0.880000 +v 0.050008 0.128753 0.860000 +v 0.046901 0.125836 0.860000 +v 0.050008 0.128753 0.880000 +v 0.044618 0.122238 0.860000 +v 0.046901 0.125836 0.880000 +v 0.043301 0.118185 0.860000 +v 0.044618 0.122238 0.880000 +v 0.043034 0.113933 0.860000 +v 0.043301 0.118185 0.880000 +v 0.043832 0.109747 0.860000 +v 0.043034 0.113933 0.880000 +v 0.063514 -0.147309 0.880000 +v 0.060000 -0.147500 0.880000 +v 0.060000 -0.147500 0.900000 +v 0.066987 -0.146740 0.880000 +v 0.063514 -0.147309 0.900000 +v 0.070377 -0.145799 0.880000 +v 0.066987 -0.146740 0.900000 +v 0.073646 -0.144496 0.880000 +v 0.070377 -0.145799 0.900000 +v 0.073646 -0.144496 0.900000 +v 0.076756 -0.142848 0.880000 +v 0.076756 -0.142848 0.900000 +v 0.079668 -0.140873 0.880000 +v 0.079668 -0.140873 0.900000 +v 0.082350 -0.138595 0.880000 +v 0.084770 -0.136040 0.880000 +v 0.082350 -0.138595 0.900000 +v 0.086900 -0.133239 0.880000 +v 0.084770 -0.136040 0.900000 +v 0.088714 -0.130223 0.880000 +v 0.086900 -0.133239 0.900000 +v 0.090192 -0.127029 0.880000 +v 0.088714 -0.130223 0.900000 +v 0.091315 -0.123695 0.880000 +v 0.090192 -0.127029 0.900000 +v 0.091315 -0.123695 0.900000 +v 0.092072 -0.120258 0.880000 +v 0.092072 -0.120258 0.900000 +v 0.092452 -0.116760 0.880000 +v 0.092452 -0.116760 0.900000 +v 0.092452 -0.113240 0.880000 +v 0.092452 -0.113240 0.900000 +v 0.092072 -0.109742 0.880000 +v 0.092072 -0.109742 0.900000 +v 0.091315 -0.106305 0.880000 +v 0.091315 -0.106305 0.900000 +v 0.090192 -0.102970 0.880000 +v 0.090192 -0.102970 0.900000 +v 0.088714 -0.099777 0.880000 +v 0.088714 -0.099777 0.900000 +v 0.086900 -0.096761 0.880000 +v 0.086900 -0.096761 0.900000 +v 0.084770 -0.093960 0.880000 +v 0.084770 -0.093960 0.900000 +v 0.082350 -0.091405 0.900000 +v 0.082350 -0.091405 0.880000 +v 0.079668 -0.089127 0.880000 +v 0.079668 -0.089127 0.900000 +v 0.076756 -0.087152 0.900000 +v 0.076756 -0.087152 0.880000 +v 0.073646 -0.085504 0.900000 +v 0.073646 -0.085504 0.880000 +v 0.070377 -0.084201 0.880000 +v 0.070377 -0.084201 0.900000 +v 0.066987 -0.083260 0.880000 +v 0.066987 -0.083260 0.900000 +v 0.063514 -0.082691 0.880000 +v 0.063514 -0.082691 0.900000 +v 0.060000 -0.082500 0.880000 +v 0.060000 -0.082500 0.900000 +v 0.056486 -0.082691 0.880000 +v 0.056486 -0.082691 0.900000 +v 0.053013 -0.083260 0.880000 +v 0.053013 -0.083260 0.900000 +v 0.049623 -0.084201 0.880000 +v 0.049623 -0.084201 0.900000 +v 0.046354 -0.085504 0.880000 +v 0.046354 -0.085504 0.900000 +v 0.043244 -0.087152 0.880000 +v 0.043244 -0.087152 0.900000 +v 0.040332 -0.089127 0.880000 +v 0.040332 -0.089127 0.900000 +v 0.037650 -0.091405 0.880000 +v 0.037650 -0.091405 0.900000 +v 0.035230 -0.093960 0.880000 +v 0.035230 -0.093960 0.900000 +v 0.033100 -0.096761 0.880000 +v 0.033100 -0.096761 0.900000 +v 0.031286 -0.099777 0.880000 +v 0.031286 -0.099777 0.900000 +v 0.029808 -0.102970 0.880000 +v 0.029808 -0.102970 0.900000 +v 0.028685 -0.106305 0.880000 +v 0.028685 -0.106305 0.900000 +v 0.027928 -0.109742 0.880000 +v 0.027928 -0.109742 0.900000 +v 0.027548 -0.113240 0.880000 +v 0.027548 -0.113240 0.900000 +v 0.027548 -0.116760 0.880000 +v 0.027548 -0.116760 0.900000 +v 0.027928 -0.120258 0.880000 +v 0.027928 -0.120258 0.900000 +v 0.028685 -0.123695 0.900000 +v 0.028685 -0.123695 0.880000 +v 0.029808 -0.127029 0.880000 +v 0.029808 -0.127029 0.900000 +v 0.031286 -0.130223 0.900000 +v 0.031286 -0.130223 0.880000 +v 0.033100 -0.133239 0.900000 +v 0.033100 -0.133239 0.880000 +v 0.035230 -0.136040 0.880000 +v 0.035230 -0.136040 0.900000 +v 0.037650 -0.138595 0.900000 +v 0.037650 -0.138595 0.880000 +v 0.040332 -0.140873 0.900000 +v 0.040332 -0.140873 0.880000 +v 0.043244 -0.142848 0.900000 +v 0.043244 -0.142848 0.880000 +v 0.046354 -0.144496 0.900000 +v 0.046354 -0.144496 0.880000 +v 0.049623 -0.145799 0.900000 +v 0.049623 -0.145799 0.880000 +v 0.053013 -0.146740 0.900000 +v 0.053013 -0.146740 0.880000 +v 0.056486 -0.147309 0.900000 +v 0.056486 -0.147309 0.880000 +v 0.048363 -0.127392 0.860000 +v 0.045646 -0.124109 0.860000 +v 0.045646 -0.124109 0.880000 +v 0.043832 -0.120253 0.880000 +v 0.051810 -0.129897 0.860000 +v 0.048363 -0.127392 0.880000 +v 0.064228 -0.131466 0.860000 +v 0.060000 -0.132000 0.860000 +v 0.060000 -0.132000 0.880000 +v 0.055772 -0.131466 0.860000 +v 0.051810 -0.129897 0.880000 +v 0.068190 -0.129897 0.860000 +v 0.064228 -0.131466 0.880000 +v 0.055772 -0.131466 0.880000 +v 0.071637 -0.127392 0.860000 +v 0.068190 -0.129897 0.880000 +v 0.074354 -0.124109 0.860000 +v 0.071637 -0.127392 0.880000 +v 0.076168 -0.120253 0.860000 +v 0.074354 -0.124109 0.880000 +v 0.076966 -0.116067 0.860000 +v 0.076168 -0.120253 0.880000 +v 0.076699 -0.111814 0.860000 +v 0.076966 -0.116067 0.880000 +v 0.075382 -0.107762 0.860000 +v 0.076699 -0.111814 0.880000 +v 0.073099 -0.104164 0.860000 +v 0.075382 -0.107762 0.880000 +v 0.069992 -0.101247 0.860000 +v 0.073099 -0.104164 0.880000 +v 0.066258 -0.099194 0.860000 +v 0.069992 -0.101247 0.880000 +v 0.066258 -0.099194 0.880000 +v 0.062131 -0.098134 0.860000 +v 0.062131 -0.098134 0.880000 +v 0.057869 -0.098134 0.860000 +v 0.057869 -0.098134 0.880000 +v 0.053742 -0.099194 0.860000 +v 0.053742 -0.099194 0.880000 +v 0.050008 -0.101247 0.860000 +v 0.046901 -0.104164 0.860000 +v 0.050008 -0.101247 0.880000 +v 0.044618 -0.107762 0.860000 +v 0.046901 -0.104164 0.880000 +v 0.043301 -0.111814 0.860000 +v 0.044618 -0.107762 0.880000 +v 0.043034 -0.116067 0.860000 +v 0.043301 -0.111814 0.880000 +v 0.043832 -0.120253 0.860000 +v 0.043034 -0.116067 0.880000 +v -0.056486 0.082691 0.880000 +v -0.060000 0.082500 0.880000 +v -0.060000 0.082500 0.900000 +v -0.053013 0.083260 0.880000 +v -0.056486 0.082691 0.900000 +v -0.049623 0.084201 0.880000 +v -0.053013 0.083260 0.900000 +v -0.046354 0.085504 0.880000 +v -0.049623 0.084201 0.900000 +v -0.046354 0.085504 0.900000 +v -0.043244 0.087152 0.880000 +v -0.043244 0.087152 0.900000 +v -0.040332 0.089127 0.880000 +v -0.040332 0.089127 0.900000 +v -0.037650 0.091405 0.880000 +v -0.035230 0.093960 0.880000 +v -0.037650 0.091405 0.900000 +v -0.033100 0.096761 0.880000 +v -0.035230 0.093960 0.900000 +v -0.031286 0.099777 0.880000 +v -0.033100 0.096761 0.900000 +v -0.029808 0.102970 0.880000 +v -0.031286 0.099777 0.900000 +v -0.028685 0.106305 0.880000 +v -0.029808 0.102970 0.900000 +v -0.028685 0.106305 0.900000 +v -0.027928 0.109742 0.880000 +v -0.027928 0.109742 0.900000 +v -0.027548 0.113240 0.880000 +v -0.027548 0.113240 0.900000 +v -0.027548 0.116760 0.880000 +v -0.027548 0.116760 0.900000 +v -0.027928 0.120258 0.880000 +v -0.027928 0.120258 0.900000 +v -0.028685 0.123695 0.880000 +v -0.028685 0.123695 0.900000 +v -0.029808 0.127029 0.880000 +v -0.029808 0.127029 0.900000 +v -0.031286 0.130223 0.880000 +v -0.031286 0.130223 0.900000 +v -0.033100 0.133239 0.880000 +v -0.033100 0.133239 0.900000 +v -0.035230 0.136040 0.880000 +v -0.035230 0.136040 0.900000 +v -0.037650 0.138595 0.900000 +v -0.037650 0.138595 0.880000 +v -0.040332 0.140873 0.880000 +v -0.040332 0.140873 0.900000 +v -0.043244 0.142848 0.900000 +v -0.043244 0.142848 0.880000 +v -0.046354 0.144496 0.900000 +v -0.046354 0.144496 0.880000 +v -0.049623 0.145799 0.880000 +v -0.049623 0.145799 0.900000 +v -0.053013 0.146740 0.880000 +v -0.053013 0.146740 0.900000 +v -0.056486 0.147309 0.880000 +v -0.056486 0.147309 0.900000 +v -0.060000 0.147500 0.880000 +v -0.060000 0.147500 0.900000 +v -0.063514 0.147309 0.880000 +v -0.063514 0.147309 0.900000 +v -0.066987 0.146740 0.880000 +v -0.066987 0.146740 0.900000 +v -0.070377 0.145799 0.880000 +v -0.070377 0.145799 0.900000 +v -0.073646 0.144496 0.880000 +v -0.073646 0.144496 0.900000 +v -0.076756 0.142848 0.880000 +v -0.076756 0.142848 0.900000 +v -0.079668 0.140873 0.880000 +v -0.079668 0.140873 0.900000 +v -0.082350 0.138595 0.880000 +v -0.082350 0.138595 0.900000 +v -0.084770 0.136040 0.880000 +v -0.084770 0.136040 0.900000 +v -0.086900 0.133239 0.880000 +v -0.086900 0.133239 0.900000 +v -0.088714 0.130223 0.880000 +v -0.088714 0.130223 0.900000 +v -0.090192 0.127029 0.880000 +v -0.090192 0.127029 0.900000 +v -0.091315 0.123695 0.880000 +v -0.091315 0.123695 0.900000 +v -0.092072 0.120258 0.880000 +v -0.092072 0.120258 0.900000 +v -0.092452 0.116760 0.880000 +v -0.092452 0.116760 0.900000 +v -0.092452 0.113240 0.880000 +v -0.092452 0.113240 0.900000 +v -0.092072 0.109742 0.880000 +v -0.092072 0.109742 0.900000 +v -0.091315 0.106305 0.900000 +v -0.091315 0.106305 0.880000 +v -0.090192 0.102970 0.880000 +v -0.090192 0.102970 0.900000 +v -0.088714 0.099777 0.900000 +v -0.088714 0.099777 0.880000 +v -0.086900 0.096761 0.900000 +v -0.086900 0.096761 0.880000 +v -0.084770 0.093960 0.880000 +v -0.084770 0.093960 0.900000 +v -0.082350 0.091405 0.900000 +v -0.082350 0.091405 0.880000 +v -0.079668 0.089127 0.900000 +v -0.079668 0.089127 0.880000 +v -0.076756 0.087152 0.900000 +v -0.076756 0.087152 0.880000 +v -0.073646 0.085504 0.900000 +v -0.073646 0.085504 0.880000 +v -0.070377 0.084201 0.900000 +v -0.070377 0.084201 0.880000 +v -0.066987 0.083260 0.900000 +v -0.066987 0.083260 0.880000 +v -0.063514 0.082691 0.900000 +v -0.063514 0.082691 0.880000 +v -0.074354 0.105891 0.860000 +v -0.076168 0.109747 0.880000 +v -0.074354 0.105891 0.880000 +v -0.068190 0.100103 0.860000 +v -0.071637 0.102607 0.860000 +v -0.071637 0.102607 0.880000 +v -0.055772 0.098534 0.860000 +v -0.060000 0.098000 0.860000 +v -0.060000 0.098000 0.880000 +v -0.064228 0.098534 0.860000 +v -0.068190 0.100103 0.880000 +v -0.051810 0.100103 0.860000 +v -0.055772 0.098534 0.880000 +v -0.064228 0.098534 0.880000 +v -0.048363 0.102607 0.860000 +v -0.051810 0.100103 0.880000 +v -0.045646 0.105891 0.860000 +v -0.048363 0.102607 0.880000 +v -0.043832 0.109747 0.860000 +v -0.045646 0.105891 0.880000 +v -0.043034 0.113933 0.860000 +v -0.043832 0.109747 0.880000 +v -0.043301 0.118185 0.860000 +v -0.043034 0.113933 0.880000 +v -0.044618 0.122238 0.860000 +v -0.043301 0.118185 0.880000 +v -0.046901 0.125836 0.860000 +v -0.044618 0.122238 0.880000 +v -0.050008 0.128753 0.860000 +v -0.046901 0.125836 0.880000 +v -0.053742 0.130806 0.860000 +v -0.050008 0.128753 0.880000 +v -0.053742 0.130806 0.880000 +v -0.057869 0.131866 0.860000 +v -0.057869 0.131866 0.880000 +v -0.062131 0.131866 0.860000 +v -0.062131 0.131866 0.880000 +v -0.066258 0.130806 0.860000 +v -0.066258 0.130806 0.880000 +v -0.069992 0.128753 0.860000 +v -0.073099 0.125836 0.860000 +v -0.069992 0.128753 0.880000 +v -0.075382 0.122238 0.860000 +v -0.073099 0.125836 0.880000 +v -0.076699 0.118185 0.860000 +v -0.075382 0.122238 0.880000 +v -0.076966 0.113933 0.860000 +v -0.076699 0.118185 0.880000 +v -0.076168 0.109747 0.860000 +v -0.076966 0.113933 0.880000 +v -0.056486 -0.147309 0.880000 +v -0.060000 -0.147500 0.880000 +v -0.060000 -0.147500 0.900000 +v -0.053013 -0.146740 0.880000 +v -0.056486 -0.147309 0.900000 +v -0.049623 -0.145799 0.880000 +v -0.053013 -0.146740 0.900000 +v -0.046354 -0.144496 0.880000 +v -0.049623 -0.145799 0.900000 +v -0.046354 -0.144496 0.900000 +v -0.043244 -0.142848 0.880000 +v -0.043244 -0.142848 0.900000 +v -0.040332 -0.140873 0.880000 +v -0.040332 -0.140873 0.900000 +v -0.037650 -0.138595 0.880000 +v -0.035230 -0.136040 0.880000 +v -0.037650 -0.138595 0.900000 +v -0.033100 -0.133239 0.880000 +v -0.035230 -0.136040 0.900000 +v -0.031286 -0.130223 0.880000 +v -0.033100 -0.133239 0.900000 +v -0.029808 -0.127029 0.880000 +v -0.031286 -0.130223 0.900000 +v -0.028685 -0.123695 0.880000 +v -0.029808 -0.127029 0.900000 +v -0.028685 -0.123695 0.900000 +v -0.027928 -0.120258 0.880000 +v -0.027928 -0.120258 0.900000 +v -0.027548 -0.116760 0.880000 +v -0.027548 -0.116760 0.900000 +v -0.027548 -0.113240 0.880000 +v -0.027548 -0.113240 0.900000 +v -0.027928 -0.109742 0.880000 +v -0.027928 -0.109742 0.900000 +v -0.028685 -0.106305 0.880000 +v -0.028685 -0.106305 0.900000 +v -0.029808 -0.102970 0.880000 +v -0.029808 -0.102970 0.900000 +v -0.031286 -0.099777 0.880000 +v -0.031286 -0.099777 0.900000 +v -0.033100 -0.096761 0.880000 +v -0.033100 -0.096761 0.900000 +v -0.035230 -0.093960 0.880000 +v -0.035230 -0.093960 0.900000 +v -0.037650 -0.091405 0.900000 +v -0.037650 -0.091405 0.880000 +v -0.040332 -0.089127 0.880000 +v -0.040332 -0.089127 0.900000 +v -0.043244 -0.087152 0.900000 +v -0.043244 -0.087152 0.880000 +v -0.046354 -0.085504 0.900000 +v -0.046354 -0.085504 0.880000 +v -0.049623 -0.084201 0.880000 +v -0.049623 -0.084201 0.900000 +v -0.053013 -0.083260 0.880000 +v -0.053013 -0.083260 0.900000 +v -0.056486 -0.082691 0.880000 +v -0.056486 -0.082691 0.900000 +v -0.060000 -0.082500 0.880000 +v -0.060000 -0.082500 0.900000 +v -0.063514 -0.082691 0.880000 +v -0.063514 -0.082691 0.900000 +v -0.066987 -0.083260 0.880000 +v -0.066987 -0.083260 0.900000 +v -0.070377 -0.084201 0.880000 +v -0.070377 -0.084201 0.900000 +v -0.073646 -0.085504 0.880000 +v -0.073646 -0.085504 0.900000 +v -0.076756 -0.087152 0.880000 +v -0.076756 -0.087152 0.900000 +v -0.079668 -0.089127 0.880000 +v -0.079668 -0.089127 0.900000 +v -0.082350 -0.091405 0.880000 +v -0.082350 -0.091405 0.900000 +v -0.084770 -0.093960 0.880000 +v -0.084770 -0.093960 0.900000 +v -0.086900 -0.096761 0.880000 +v -0.086900 -0.096761 0.900000 +v -0.088714 -0.099777 0.880000 +v -0.088714 -0.099777 0.900000 +v -0.090192 -0.102970 0.880000 +v -0.090192 -0.102970 0.900000 +v -0.091315 -0.106305 0.880000 +v -0.091315 -0.106305 0.900000 +v -0.092072 -0.109742 0.880000 +v -0.092072 -0.109742 0.900000 +v -0.092452 -0.113240 0.880000 +v -0.092452 -0.113240 0.900000 +v -0.092452 -0.116760 0.880000 +v -0.092452 -0.116760 0.900000 +v -0.092072 -0.120258 0.880000 +v -0.092072 -0.120258 0.900000 +v -0.091315 -0.123695 0.900000 +v -0.091315 -0.123695 0.880000 +v -0.090192 -0.127029 0.880000 +v -0.090192 -0.127029 0.900000 +v -0.088714 -0.130223 0.900000 +v -0.088714 -0.130223 0.880000 +v -0.086900 -0.133239 0.900000 +v -0.086900 -0.133239 0.880000 +v -0.084770 -0.136040 0.880000 +v -0.084770 -0.136040 0.900000 +v -0.082350 -0.138595 0.900000 +v -0.082350 -0.138595 0.880000 +v -0.079668 -0.140873 0.900000 +v -0.079668 -0.140873 0.880000 +v -0.076756 -0.142848 0.900000 +v -0.076756 -0.142848 0.880000 +v -0.073646 -0.144496 0.900000 +v -0.073646 -0.144496 0.880000 +v -0.070377 -0.145799 0.900000 +v -0.070377 -0.145799 0.880000 +v -0.066987 -0.146740 0.900000 +v -0.066987 -0.146740 0.880000 +v -0.063514 -0.147309 0.900000 +v -0.063514 -0.147309 0.880000 +v -0.071637 -0.127392 0.860000 +v -0.074354 -0.124109 0.860000 +v -0.074354 -0.124109 0.880000 +v -0.076168 -0.120253 0.880000 +v -0.068190 -0.129897 0.860000 +v -0.071637 -0.127392 0.880000 +v -0.055772 -0.131466 0.860000 +v -0.060000 -0.132000 0.860000 +v -0.060000 -0.132000 0.880000 +v -0.064228 -0.131466 0.860000 +v -0.068190 -0.129897 0.880000 +v -0.051810 -0.129897 0.860000 +v -0.055772 -0.131466 0.880000 +v -0.064228 -0.131466 0.880000 +v -0.048363 -0.127392 0.860000 +v -0.051810 -0.129897 0.880000 +v -0.045646 -0.124109 0.860000 +v -0.048363 -0.127392 0.880000 +v -0.043832 -0.120253 0.860000 +v -0.045646 -0.124109 0.880000 +v -0.043034 -0.116067 0.860000 +v -0.043832 -0.120253 0.880000 +v -0.043301 -0.111814 0.860000 +v -0.043034 -0.116067 0.880000 +v -0.044618 -0.107762 0.860000 +v -0.043301 -0.111814 0.880000 +v -0.046901 -0.104164 0.860000 +v -0.044618 -0.107762 0.880000 +v -0.050008 -0.101247 0.860000 +v -0.046901 -0.104164 0.880000 +v -0.053742 -0.099194 0.860000 +v -0.050008 -0.101247 0.880000 +v -0.053742 -0.099194 0.880000 +v -0.057869 -0.098134 0.860000 +v -0.057869 -0.098134 0.880000 +v -0.062131 -0.098134 0.860000 +v -0.062131 -0.098134 0.880000 +v -0.066258 -0.099194 0.860000 +v -0.066258 -0.099194 0.880000 +v -0.069992 -0.101247 0.860000 +v -0.073099 -0.104164 0.860000 +v -0.069992 -0.101247 0.880000 +v -0.075382 -0.107762 0.860000 +v -0.073099 -0.104164 0.880000 +v -0.076699 -0.111814 0.860000 +v -0.075382 -0.107762 0.880000 +v -0.076966 -0.116067 0.860000 +v -0.076699 -0.111814 0.880000 +v -0.076168 -0.120253 0.860000 +v -0.076966 -0.116067 0.880000 +v 0.100000 0.008282 0.881090 +v -0.100000 0.008282 0.881090 +v -0.100000 0.002789 0.880122 +v 0.100000 0.002789 0.880122 +v 0.100000 -0.002789 0.880122 +v -0.100000 -0.002789 0.880122 +v 0.100000 -0.008282 0.881090 +v -0.100000 -0.008282 0.881090 +v -0.100000 0.155000 0.860000 +v -0.100000 0.155000 0.900000 +v 0.100000 0.155000 0.900000 +v 0.100000 0.155000 0.860000 +v -0.100000 0.078854 0.900000 +v 0.100000 0.078854 0.900000 +v -0.100000 -0.078854 0.900000 +v 0.100000 -0.078854 0.900000 +v -0.100000 -0.155000 0.900000 +v 0.100000 -0.155000 0.900000 +v -0.100000 -0.155000 0.860000 +v 0.100000 -0.155000 0.860000 +v -0.060000 0.116250 0.879948 +v -0.059903 0.116664 0.880189 +v -0.060289 0.116641 0.880189 +v -0.060434 0.117462 0.880670 +v -0.050000 0.115000 0.885000 +v -0.050086 0.116305 0.885000 +v -0.051383 0.116519 0.884278 +v -0.052614 0.116302 0.883557 +v -0.052952 0.117565 0.883557 +v -0.057500 0.119330 0.882113 +v -0.056170 0.118214 0.882113 +v -0.055983 0.119788 0.882835 +v -0.054587 0.118125 0.882835 +v -0.054255 0.119821 0.883557 +v -0.056250 0.121495 0.883557 +v -0.061250 0.117165 0.880670 +v -0.060660 0.116530 0.880189 +v -0.059132 0.119924 0.882113 +v -0.060868 0.119924 0.882113 +v -0.060000 0.118750 0.881392 +v -0.058717 0.118524 0.881392 +v -0.059566 0.117462 0.880670 +v -0.057862 0.120873 0.882835 +v -0.058698 0.122386 0.883557 +v -0.061283 0.118524 0.881392 +v -0.062500 0.119330 0.882113 +v -0.060000 0.121250 0.882835 +v -0.061302 0.122386 0.883557 +v -0.062410 0.117873 0.881392 +v -0.063830 0.118214 0.882113 +v -0.061915 0.116607 0.880670 +v -0.062138 0.120873 0.882835 +v -0.063750 0.121495 0.883557 +v -0.063248 0.116875 0.881392 +v -0.062349 0.115855 0.880670 +v -0.064698 0.116710 0.882113 +v -0.064017 0.119788 0.882835 +v -0.065745 0.119821 0.883557 +v -0.065000 0.115000 0.882113 +v -0.063693 0.115651 0.881392 +v -0.062500 0.115000 0.880670 +v -0.065413 0.118125 0.882835 +v -0.067048 0.117565 0.883557 +v -0.064698 0.113290 0.882113 +v -0.063693 0.114349 0.881392 +v -0.062349 0.114145 0.880670 +v -0.066155 0.116085 0.882835 +v -0.067500 0.115000 0.883557 +v -0.063248 0.113125 0.881392 +v -0.061915 0.113393 0.880670 +v -0.063830 0.111786 0.882113 +v -0.061250 0.112835 0.880670 +v -0.060434 0.112538 0.880670 +v -0.060660 0.113470 0.880189 +v -0.066155 0.113915 0.882835 +v -0.067048 0.112435 0.883557 +v -0.062500 0.110670 0.882113 +v -0.062410 0.112127 0.881392 +v -0.060289 0.113359 0.880189 +v -0.065745 0.110179 0.883557 +v -0.065413 0.111875 0.882835 +v -0.059566 0.112538 0.880670 +v -0.059903 0.113336 0.880189 +v -0.060000 0.113750 0.879948 +v -0.059783 0.113769 0.879948 +v -0.060868 0.110076 0.882113 +v -0.061283 0.111476 0.881392 +v -0.058750 0.112835 0.880670 +v -0.059572 0.113825 0.879948 +v -0.064017 0.110212 0.882835 +v -0.063750 0.108505 0.883557 +v -0.059375 0.113917 0.879948 +v -0.060000 0.111250 0.881392 +v -0.059132 0.110076 0.882113 +v -0.058085 0.113393 0.880670 +v -0.059197 0.114042 0.879948 +v -0.061302 0.107614 0.883557 +v -0.062138 0.109127 0.882835 +v -0.059042 0.114197 0.879948 +v -0.057500 0.110670 0.882113 +v -0.058717 0.111476 0.881392 +v -0.057651 0.114145 0.880670 +v -0.058917 0.114375 0.879948 +v -0.060000 0.108750 0.882835 +v -0.058698 0.107614 0.883557 +v -0.058825 0.114572 0.879948 +v -0.056170 0.111786 0.882113 +v -0.057590 0.112127 0.881392 +v -0.057862 0.109127 0.882835 +v -0.056250 0.108505 0.883557 +v -0.056752 0.113125 0.881392 +v -0.055302 0.113290 0.882113 +v -0.057538 0.114566 0.880670 +v -0.058769 0.114783 0.879948 +v -0.060000 0.115000 0.879226 +v -0.055983 0.110212 0.882835 +v -0.054255 0.110179 0.883557 +v -0.054587 0.111875 0.882835 +v -0.052952 0.112435 0.883557 +v -0.050086 0.113695 0.885000 +v -0.051383 0.113481 0.884278 +v -0.052614 0.113698 0.883557 +v -0.058769 0.115217 0.879948 +v -0.058825 0.115427 0.879948 +v -0.059396 0.115162 0.879587 +v -0.059413 0.115214 0.879587 +v -0.059434 0.115264 0.879587 +v -0.058917 0.115625 0.879948 +v -0.059459 0.115312 0.879587 +v -0.059488 0.115358 0.879587 +v -0.059042 0.115803 0.879948 +v -0.059521 0.115402 0.879587 +v -0.059558 0.115442 0.879587 +v -0.059197 0.115958 0.879948 +v -0.059375 0.116082 0.879948 +v -0.056264 0.115327 0.881392 +v -0.057538 0.115434 0.880670 +v -0.057651 0.115855 0.880670 +v -0.056752 0.116875 0.881392 +v -0.055302 0.116710 0.882113 +v -0.060417 0.115722 0.879708 +v -0.050341 0.117588 0.885000 +v -0.051190 0.118206 0.884639 +v -0.050761 0.118827 0.885000 +v -0.051340 0.120000 0.885000 +v -0.061515 0.116430 0.880429 +v -0.060442 0.115442 0.879587 +v -0.061323 0.115764 0.880109 +v -0.061741 0.116145 0.880429 +v -0.061428 0.115295 0.880068 +v -0.061250 0.115000 0.879948 +v -0.061667 0.115000 0.880189 +v -0.061944 0.115000 0.880349 +v -0.061286 0.114475 0.880028 +v -0.052929 0.122071 0.885000 +v -0.053912 0.122933 0.885000 +v -0.061741 0.113855 0.880429 +v -0.061515 0.113570 0.880429 +v -0.059558 0.114558 0.879587 +v -0.059521 0.114598 0.879587 +v -0.059488 0.114641 0.879587 +v -0.059459 0.114687 0.879587 +v -0.059434 0.114736 0.879587 +v -0.055000 0.123660 0.885000 +v -0.056173 0.124239 0.885000 +v -0.059413 0.114786 0.879587 +v -0.059396 0.114838 0.879587 +v -0.053774 0.114455 0.882835 +v -0.051190 0.111794 0.884639 +v -0.051340 0.110000 0.885000 +v -0.050761 0.111173 0.885000 +v -0.050341 0.112412 0.885000 +v -0.059880 0.115289 0.879407 +v -0.059572 0.116175 0.879948 +v -0.059905 0.115723 0.879647 +v -0.059783 0.116231 0.879948 +v -0.060000 0.115625 0.879587 +v -0.057412 0.124659 0.885000 +v -0.058695 0.124914 0.885000 +v -0.060000 0.125000 0.885000 +v -0.052693 0.119219 0.884098 +v -0.052066 0.121088 0.885000 +v -0.060987 0.115199 0.879808 +v -0.060442 0.114558 0.879587 +v -0.060120 0.114711 0.879407 +v -0.060736 0.113905 0.879988 +v -0.060199 0.114013 0.879808 +v -0.061305 0.124914 0.885000 +v -0.062588 0.124659 0.885000 +v -0.063827 0.124239 0.885000 +v -0.060000 0.114583 0.879467 +v -0.052929 0.107929 0.885000 +v -0.052066 0.108912 0.885000 +v -0.052693 0.110781 0.884098 +v -0.060087 0.115130 0.879317 +v -0.060289 0.115120 0.879407 +v -0.060625 0.115000 0.879587 +v -0.060460 0.114909 0.879497 +v -0.065000 0.123660 0.885000 +v -0.066088 0.122933 0.885000 +v -0.067071 0.122071 0.885000 +v -0.067934 0.121088 0.885000 +v -0.068660 0.120000 0.885000 +v -0.069239 0.118827 0.885000 +v -0.069659 0.117588 0.885000 +v -0.069914 0.116305 0.885000 +v -0.070000 0.115000 0.885000 +v -0.069914 0.113695 0.885000 +v -0.069659 0.112412 0.885000 +v -0.069239 0.111173 0.885000 +v -0.068660 0.110000 0.885000 +v -0.067934 0.108912 0.885000 +v -0.067071 0.107929 0.885000 +v -0.066088 0.107066 0.885000 +v -0.065000 0.106340 0.885000 +v -0.063827 0.105761 0.885000 +v -0.062588 0.105341 0.885000 +v -0.061305 0.105086 0.885000 +v -0.060000 0.105000 0.885000 +v -0.058695 0.105086 0.885000 +v -0.057412 0.105341 0.885000 +v -0.056173 0.105761 0.885000 +v -0.055000 0.106340 0.885000 +v -0.053912 0.107066 0.885000 +v -0.058085 0.116607 0.880670 +v -0.058750 0.117165 0.880670 +v -0.057590 0.117873 0.881392 +v -0.041428 0.135174 0.897685 +v -0.040186 0.134069 0.897000 +v -0.041704 0.135530 0.897000 +v -0.064413 0.088555 0.898913 +v -0.065105 0.088680 0.898913 +v -0.064475 0.088184 0.898335 +v -0.040243 0.134014 0.897685 +v -0.039700 0.131741 0.899390 +v -0.039236 0.131161 0.899390 +v -0.038843 0.131467 0.898913 +v -0.063118 0.087993 0.898335 +v -0.064513 0.087953 0.897685 +v -0.063145 0.087760 0.897685 +v -0.062264 0.087673 0.897685 +v -0.039316 0.132058 0.898913 +v -0.065010 0.089169 0.899390 +v -0.066815 0.090201 0.899741 +v -0.066972 0.089628 0.899390 +v -0.040275 0.133158 0.898913 +v -0.039026 0.132297 0.898335 +v -0.039998 0.133413 0.898335 +v -0.039451 0.129454 0.899935 +v -0.038469 0.129067 0.899741 +v -0.038964 0.129796 0.899741 +v -0.061050 0.087599 0.897685 +v -0.061053 0.087520 0.897000 +v -0.039489 0.128400 0.900000 +v -0.038968 0.128741 0.899935 +v -0.040666 0.130048 0.900000 +v -0.039705 0.130797 0.899741 +v -0.038478 0.130138 0.899390 +v -0.062245 0.087906 0.898335 +v -0.066657 0.090775 0.899935 +v -0.066014 0.091250 0.900000 +v -0.067955 0.091827 0.900000 +v -0.068492 0.091356 0.899935 +v -0.040682 0.133592 0.898913 +v -0.068693 0.090795 0.899741 +v -0.040411 0.133852 0.898335 +v -0.041587 0.135002 0.898335 +v -0.064331 0.089046 0.899390 +v -0.063075 0.088366 0.898913 +v -0.040159 0.131363 0.899741 +v -0.060000 0.087579 0.897685 +v -0.058947 0.087520 0.897000 +v -0.040641 0.132821 0.899390 +v -0.040175 0.130431 0.899935 +v -0.064897 0.089752 0.899741 +v -0.061041 0.087833 0.898335 +v -0.043158 0.136639 0.897685 +v -0.043329 0.136871 0.897000 +v -0.041041 0.133246 0.899390 +v -0.062214 0.088281 0.898913 +v -0.064233 0.089632 0.899741 +v -0.041842 0.134725 0.898913 +v -0.063018 0.088861 0.899390 +v -0.040618 0.130984 0.899935 +v -0.041975 0.131593 0.900000 +v -0.058950 0.087599 0.897685 +v -0.041078 0.132419 0.899741 +v -0.060000 0.087813 0.898335 +v -0.043302 0.136454 0.898335 +v -0.064783 0.090337 0.899935 +v -0.064033 0.090834 0.900000 +v -0.061027 0.088209 0.898913 +v -0.041469 0.132834 0.899741 +v -0.062173 0.088777 0.899390 +v -0.042179 0.134359 0.899390 +v -0.064135 0.090220 0.899935 +v -0.041517 0.132015 0.899935 +v -0.057736 0.087673 0.897685 +v -0.056846 0.087681 0.897000 +v -0.045002 0.137956 0.897685 +v -0.045052 0.138082 0.897000 +v -0.062949 0.089451 0.899741 +v -0.043532 0.136157 0.898913 +v -0.058959 0.087833 0.898335 +v -0.041898 0.132421 0.899935 +v -0.043407 0.133025 0.900000 +v -0.060000 0.088189 0.898913 +v -0.042581 0.133922 0.899741 +v -0.061008 0.088707 0.899390 +v -0.045130 0.137760 0.898335 +v -0.056855 0.087760 0.897685 +v -0.043839 0.135764 0.899390 +v -0.062124 0.089369 0.899741 +v -0.042985 0.133483 0.899935 +v -0.062881 0.090043 0.899935 +v -0.062023 0.090584 0.900000 +v -0.046901 0.139089 0.897685 +v -0.046863 0.139159 0.897000 +v -0.057755 0.087906 0.898335 +v -0.058973 0.088209 0.898913 +v -0.045336 0.137445 0.898913 +v -0.044203 0.135295 0.899741 +v -0.060000 0.088687 0.899390 +v -0.047012 0.138884 0.898335 +v -0.060985 0.089300 0.899741 +v -0.045608 0.137028 0.899390 +v -0.062075 0.089963 0.899935 +v -0.056882 0.087993 0.898335 +v -0.048783 0.140021 0.897685 +v -0.048751 0.140094 0.897000 +v -0.050705 0.140881 0.897000 +v -0.044569 0.134825 0.899935 +v -0.044952 0.134334 0.900000 +v -0.055487 0.087953 0.897685 +v -0.054764 0.088003 0.897000 +v -0.047192 0.138554 0.898913 +v -0.057786 0.088281 0.898913 +v -0.058992 0.088707 0.899390 +v -0.045933 0.136531 0.899741 +v -0.048879 0.139808 0.898335 +v -0.054779 0.088081 0.897685 +v -0.047430 0.138116 0.899390 +v -0.060000 0.089282 0.899741 +v -0.060962 0.089896 0.899935 +v -0.060000 0.090500 0.900000 +v -0.056925 0.088366 0.898913 +v -0.050731 0.140807 0.897685 +v -0.046259 0.136032 0.899935 +v -0.046600 0.135511 0.900000 +v -0.049033 0.139465 0.898913 +v -0.055525 0.088184 0.898335 +v -0.057827 0.088777 0.899390 +v -0.047714 0.137594 0.899741 +v -0.050810 0.140587 0.898335 +v -0.059015 0.089300 0.899741 +v -0.054824 0.088311 0.898335 +v -0.049236 0.139010 0.899390 +v -0.060000 0.089877 0.899935 +v -0.052734 0.141440 0.897685 +v -0.052713 0.141517 0.897000 +v -0.053269 0.088418 0.897685 +v -0.052713 0.088483 0.897000 +v -0.047998 0.137071 0.899935 +v -0.048339 0.136547 0.900000 +v -0.056982 0.088861 0.899390 +v -0.050937 0.140233 0.898913 +v -0.049479 0.138468 0.899741 +v -0.055587 0.088555 0.898913 +v -0.057876 0.089369 0.899741 +v -0.059038 0.089896 0.899935 +v -0.057977 0.090584 0.900000 +v -0.052796 0.141215 0.898335 +v -0.051106 0.139764 0.899390 +v -0.054895 0.088680 0.898913 +v -0.054779 0.141919 0.897685 +v -0.054764 0.141997 0.897000 +v -0.053326 0.088645 0.898335 +v -0.049723 0.137925 0.899935 +v -0.050158 0.137436 0.900000 +v -0.057051 0.089451 0.899741 +v -0.052896 0.140852 0.898913 +v -0.055669 0.089046 0.899390 +v -0.055487 0.142047 0.897685 +v -0.056846 0.142319 0.897000 +v -0.057925 0.089963 0.899935 +v -0.051307 0.139205 0.899741 +v -0.051097 0.089065 0.897685 +v -0.050705 0.089119 0.897000 +v -0.054824 0.141689 0.898335 +v -0.054990 0.089169 0.899390 +v -0.053028 0.140372 0.899390 +v -0.053418 0.089010 0.898913 +v -0.057119 0.090043 0.899935 +v -0.055967 0.090834 0.900000 +v -0.055525 0.141816 0.898335 +v -0.055767 0.089632 0.899741 +v -0.056855 0.142240 0.897685 +v -0.051508 0.138644 0.899935 +v -0.052045 0.138172 0.900000 +v -0.051172 0.089286 0.898335 +v -0.054895 0.141320 0.898913 +v -0.055103 0.089752 0.899741 +v -0.057736 0.142327 0.897685 +v -0.058947 0.142480 0.897000 +v -0.053541 0.089493 0.899390 +v -0.053185 0.139799 0.899741 +v -0.055865 0.090220 0.899935 +v -0.055587 0.141445 0.898913 +v -0.048985 0.089889 0.897685 +v -0.048751 0.089906 0.897000 +v -0.056882 0.142007 0.898335 +v -0.051295 0.089642 0.898913 +v -0.054990 0.140831 0.899390 +v -0.055217 0.090337 0.899935 +v -0.053986 0.091250 0.900000 +v -0.058950 0.142400 0.897685 +v -0.053687 0.090069 0.899741 +v -0.057755 0.142094 0.898335 +v -0.049079 0.090103 0.898335 +v -0.053343 0.139225 0.899935 +v -0.053986 0.138750 0.900000 +v -0.051456 0.090113 0.899390 +v -0.055669 0.140954 0.899390 +v -0.056925 0.141634 0.898913 +v -0.053833 0.090646 0.899935 +v -0.060000 0.142421 0.897685 +v -0.061053 0.142480 0.897000 +v -0.046949 0.090884 0.897685 +v -0.046863 0.090841 0.897000 +v -0.055103 0.140248 0.899741 +v -0.049230 0.090447 0.898913 +v -0.058959 0.142167 0.898335 +v -0.051649 0.090675 0.899741 +v -0.057786 0.141719 0.898913 +v -0.047061 0.091090 0.898335 +v -0.055767 0.140368 0.899741 +v -0.056982 0.141139 0.899390 +v -0.049430 0.090904 0.899390 +v -0.061050 0.142400 0.897685 +v -0.045095 0.091984 0.897685 +v -0.045052 0.091917 0.897000 +v -0.060000 0.142187 0.898335 +v -0.051843 0.091238 0.899935 +v -0.052045 0.091827 0.900000 +v -0.055217 0.139663 0.899935 +v -0.047239 0.091421 0.898913 +v -0.055967 0.139166 0.900000 +v -0.058973 0.141791 0.898913 +v -0.057827 0.141223 0.899390 +v -0.049669 0.091448 0.899741 +v -0.045222 0.092180 0.898335 +v -0.055865 0.139780 0.899935 +v -0.062264 0.142327 0.897685 +v -0.063154 0.142319 0.897000 +v -0.047477 0.091859 0.899390 +v -0.057051 0.140549 0.899741 +v -0.043377 0.093193 0.897685 +v -0.061041 0.142167 0.898335 +v -0.043329 0.093129 0.897000 +v -0.049908 0.091993 0.899935 +v -0.050158 0.092564 0.900000 +v -0.060000 0.141811 0.898913 +v -0.058992 0.141293 0.899390 +v -0.045427 0.092496 0.898913 +v -0.047759 0.092381 0.899741 +v -0.063145 0.142240 0.897685 +v -0.043519 0.093379 0.898335 +v -0.057876 0.140631 0.899741 +v -0.045697 0.092914 0.899390 +v -0.057119 0.139957 0.899935 +v -0.057977 0.139416 0.900000 +v -0.041756 0.094529 0.897685 +v -0.062245 0.142094 0.898335 +v -0.041704 0.094470 0.897000 +v -0.048043 0.092905 0.899935 +v -0.048339 0.093453 0.900000 +v -0.061027 0.141791 0.898913 +v -0.043747 0.093678 0.898913 +v -0.060000 0.141312 0.899390 +v -0.059015 0.140699 0.899741 +v -0.046020 0.093413 0.899741 +v -0.057925 0.140037 0.899935 +v -0.041912 0.094704 0.898335 +v -0.063118 0.142007 0.898335 +v -0.064513 0.142047 0.897685 +v -0.065236 0.141997 0.897000 +v -0.044049 0.094074 0.899390 +v -0.062214 0.141719 0.898913 +v -0.040243 0.095986 0.897685 +v -0.040186 0.095931 0.897000 +v -0.046344 0.093913 0.899935 +v -0.046600 0.094489 0.900000 +v -0.061008 0.141293 0.899390 +v -0.039826 0.096428 0.897685 +v -0.038784 0.097503 0.897000 +v -0.065221 0.141919 0.897685 +v -0.042162 0.094984 0.898913 +v -0.060000 0.140718 0.899741 +v -0.059038 0.140104 0.899935 +v -0.060000 0.139500 0.900000 +v -0.044409 0.094546 0.899741 +v -0.040411 0.096148 0.898335 +v -0.063075 0.141634 0.898913 +v -0.064475 0.141816 0.898335 +v -0.039998 0.096587 0.898335 +v -0.062173 0.141223 0.899390 +v -0.042494 0.095356 0.899390 +v -0.060985 0.140699 0.899741 +v -0.065176 0.141689 0.898335 +v -0.038845 0.097554 0.897685 +v -0.044770 0.095020 0.899935 +v -0.044952 0.095666 0.900000 +v -0.060000 0.140123 0.899935 +v -0.066731 0.141582 0.897685 +v -0.040682 0.096409 0.898913 +v -0.067287 0.141517 0.897000 +v -0.063018 0.141139 0.899390 +v -0.038361 0.098158 0.897685 +v -0.037507 0.099179 0.897000 +v -0.064413 0.141445 0.898913 +v -0.040275 0.096842 0.898913 +v -0.062124 0.140631 0.899741 +v -0.042889 0.095800 0.899741 +v -0.060962 0.140104 0.899935 +v -0.062023 0.139416 0.900000 +v -0.065105 0.141320 0.898913 +v -0.039026 0.097703 0.898335 +v -0.066674 0.141355 0.898335 +v -0.041041 0.096754 0.899390 +v -0.062949 0.140549 0.899741 +v -0.037572 0.099224 0.897685 +v -0.064331 0.140954 0.899390 +v -0.038546 0.098302 0.898335 +v -0.062075 0.140037 0.899935 +v -0.043285 0.096245 0.899935 +v -0.043407 0.096975 0.900000 +v -0.068903 0.140935 0.897685 +v -0.069295 0.140881 0.897000 +v -0.040641 0.097179 0.899390 +v -0.065010 0.140831 0.899390 +v -0.039316 0.097942 0.898913 +v -0.066582 0.140990 0.898913 +v -0.037044 0.100002 0.897685 +v -0.036362 0.100947 0.897000 +v -0.062881 0.139957 0.899935 +v -0.064033 0.139166 0.900000 +v -0.041469 0.097166 0.899741 +v -0.064233 0.140368 0.899741 +v -0.068828 0.140714 0.898335 +v -0.037763 0.099359 0.898335 +v -0.038843 0.098532 0.898913 +v -0.064897 0.140248 0.899741 +v -0.041078 0.097581 0.899741 +v -0.066459 0.140507 0.899390 +v -0.039700 0.098259 0.899390 +v -0.064135 0.139780 0.899935 +v -0.036430 0.100988 0.897685 +v -0.071015 0.140111 0.897685 +v -0.071249 0.140094 0.897000 +v -0.037240 0.100130 0.898335 +v -0.068705 0.140358 0.898913 +v -0.041898 0.097579 0.899935 +v -0.041975 0.098407 0.900000 +v -0.064783 0.139663 0.899935 +v -0.066014 0.138750 0.900000 +v -0.038071 0.099575 0.898913 +v -0.039236 0.098839 0.899390 +v -0.066313 0.139931 0.899741 +v -0.070921 0.139897 0.898335 +v -0.041517 0.097985 0.899935 +v -0.035884 0.101949 0.897685 +v -0.035355 0.102798 0.897000 +v -0.068544 0.139887 0.899390 +v -0.066167 0.139354 0.899935 +v -0.040159 0.098637 0.899741 +v -0.073051 0.139116 0.897685 +v -0.073137 0.139159 0.897000 +v -0.036631 0.101107 0.898335 +v -0.037555 0.100336 0.898913 +v -0.070770 0.139553 0.898913 +v -0.038478 0.099862 0.899390 +v -0.068351 0.139325 0.899741 +v -0.039705 0.099203 0.899741 +v -0.072939 0.138910 0.898335 +v -0.087421 0.115000 0.897685 +v -0.087419 0.117105 0.897000 +v -0.087500 0.115000 0.897000 +v -0.035427 0.102833 0.897685 +v -0.036090 0.102060 0.898335 +v -0.070570 0.139096 0.899390 +v -0.040618 0.099016 0.899935 +v -0.040666 0.099952 0.900000 +v -0.074905 0.138016 0.897685 +v -0.074948 0.138082 0.897000 +v -0.036954 0.101299 0.898913 +v -0.068157 0.138761 0.899935 +v -0.067955 0.138172 0.900000 +v -0.072761 0.138579 0.898913 +v -0.037972 0.100608 0.899390 +v -0.040175 0.099569 0.899935 +v -0.070331 0.138552 0.899741 +v -0.038964 0.100204 0.899741 +v -0.074778 0.137820 0.898335 +v -0.034889 0.103985 0.897685 +v -0.034494 0.104720 0.897000 +v -0.087340 0.112901 0.897685 +v -0.072523 0.138141 0.899390 +v -0.087187 0.115000 0.898335 +v -0.035636 0.102937 0.898335 +v -0.087419 0.112895 0.897000 +v -0.087178 0.110802 0.897000 +v -0.036421 0.102239 0.898913 +v -0.076623 0.136807 0.897685 +v -0.076671 0.136871 0.897000 +v -0.078296 0.135530 0.897000 +v -0.087107 0.112919 0.898335 +v -0.037383 0.101554 0.899390 +v -0.070092 0.138007 0.899935 +v -0.087099 0.110814 0.897685 +v -0.069842 0.137436 0.900000 +v -0.074573 0.137504 0.898913 +v -0.086732 0.112948 0.898913 +v -0.086811 0.115000 0.898913 +v -0.034567 0.104750 0.897685 +v -0.038469 0.100933 0.899741 +v -0.072241 0.137619 0.899741 +v -0.086868 0.110850 0.898335 +v -0.039451 0.100546 0.899935 +v -0.039489 0.101600 0.900000 +v -0.076481 0.136621 0.898335 +v -0.035103 0.104079 0.898335 +v -0.086235 0.112986 0.899390 +v -0.086313 0.115000 0.899390 +v -0.085718 0.115000 0.899741 +v -0.086699 0.108752 0.897685 +v -0.074303 0.137086 0.899390 +v -0.035973 0.103103 0.898913 +v -0.086777 0.108734 0.897000 +v -0.086218 0.106703 0.897000 +v -0.078244 0.135471 0.897685 +v -0.036859 0.102477 0.899390 +v -0.086497 0.110907 0.898913 +v -0.071957 0.137095 0.899935 +v -0.037893 0.101857 0.899741 +v -0.071661 0.136547 0.900000 +v -0.085643 0.113031 0.899741 +v -0.076253 0.136322 0.898913 +v -0.038968 0.101259 0.899935 +v -0.086472 0.108805 0.898335 +v -0.034784 0.104837 0.898335 +v -0.073980 0.136587 0.899741 +v -0.086004 0.110983 0.899390 +v -0.034065 0.106096 0.897685 +v -0.033782 0.106703 0.897000 +v -0.086143 0.106727 0.897685 +v -0.078088 0.135296 0.898335 +v -0.035447 0.104230 0.898913 +v -0.085049 0.113077 0.899935 +v -0.075951 0.135926 0.899390 +v -0.085123 0.115000 0.899935 +v -0.084500 0.115000 0.900000 +v -0.084416 0.112977 0.900000 +v -0.079757 0.134014 0.897685 +v -0.079814 0.134069 0.897000 +v -0.086106 0.108891 0.898913 +v -0.036420 0.103325 0.899390 +v -0.073656 0.136087 0.899935 +v -0.033857 0.106727 0.897685 +v -0.073400 0.135511 0.900000 +v -0.085935 0.106096 0.897685 +v -0.085506 0.104720 0.897000 +v -0.080174 0.133571 0.897685 +v -0.081216 0.132497 0.897000 +v -0.085417 0.111074 0.899741 +v -0.037381 0.102759 0.899741 +v -0.038405 0.102162 0.899935 +v -0.038453 0.103339 0.900000 +v -0.085920 0.106797 0.898335 +v -0.077838 0.135016 0.898913 +v -0.035133 0.104978 0.898913 +v -0.075591 0.135454 0.899741 +v -0.034286 0.106172 0.898335 +v -0.085620 0.109005 0.899390 +v -0.085714 0.106172 0.898335 +v -0.079589 0.133852 0.898335 +v -0.035904 0.104430 0.899390 +v -0.085433 0.104750 0.897685 +v -0.080002 0.133413 0.898335 +v -0.084828 0.111165 0.899935 +v -0.036952 0.103588 0.899741 +v -0.084166 0.110967 0.900000 +v -0.085561 0.106911 0.898913 +v -0.077506 0.134644 0.899390 +v -0.034080 0.106797 0.898335 +v -0.037905 0.103043 0.899935 +v -0.081155 0.132446 0.897685 +v -0.085111 0.103985 0.897685 +v -0.084645 0.102798 0.897000 +v -0.075230 0.134980 0.899935 +v -0.075048 0.134334 0.900000 +v -0.033418 0.108269 0.897685 +v -0.085042 0.109140 0.899741 +v -0.033223 0.108734 0.897000 +v -0.079318 0.133592 0.898913 +v -0.035595 0.105164 0.899390 +v -0.081639 0.131842 0.897685 +v -0.085358 0.106295 0.898913 +v -0.082493 0.130821 0.897000 +v -0.034642 0.106295 0.898913 +v -0.085216 0.104837 0.898335 +v -0.079725 0.133158 0.898913 +v -0.037486 0.103852 0.899935 +v -0.037564 0.105159 0.900000 +v -0.085086 0.107061 0.899390 +v -0.036448 0.104669 0.899741 +v -0.077111 0.134200 0.899741 +v -0.080974 0.132297 0.898335 +v -0.084573 0.102833 0.897685 +v -0.084897 0.104079 0.898335 +v -0.034439 0.106911 0.898913 +v -0.033645 0.108326 0.898335 +v -0.078959 0.133246 0.899390 +v -0.084462 0.109276 0.899935 +v -0.083750 0.108986 0.900000 +v -0.084887 0.106456 0.899390 +v -0.036146 0.105386 0.899741 +v -0.082428 0.130776 0.897685 +v -0.035113 0.106456 0.899390 +v -0.081454 0.131698 0.898335 +v -0.084867 0.104978 0.898913 +v -0.036993 0.104908 0.899935 +v -0.076715 0.133755 0.899935 +v -0.076593 0.133025 0.900000 +v -0.084116 0.101949 0.897685 +v -0.079359 0.132821 0.899390 +v -0.083638 0.100947 0.897000 +v -0.032953 0.110487 0.897685 +v -0.032822 0.110802 0.897000 +v -0.084520 0.107240 0.899741 +v -0.080684 0.132058 0.898913 +v -0.084364 0.102937 0.898335 +v -0.034914 0.107061 0.899390 +v -0.082956 0.129998 0.897685 +v -0.083638 0.129053 0.897000 +v -0.034010 0.108418 0.898913 +v -0.078531 0.132834 0.899741 +v -0.084553 0.104230 0.898913 +v -0.036699 0.105609 0.899935 +v -0.036827 0.107045 0.900000 +v -0.084325 0.106649 0.899741 +v -0.082237 0.130641 0.898335 +v -0.035675 0.106649 0.899741 +v -0.084405 0.105164 0.899390 +v -0.081157 0.131467 0.898913 +v -0.033184 0.110525 0.898335 +v -0.083570 0.100988 0.897685 +v -0.078922 0.132419 0.899741 +v -0.083910 0.102060 0.898335 +v -0.035480 0.107240 0.899741 +v -0.080300 0.131741 0.899390 +v -0.083952 0.107420 0.899935 +v -0.083173 0.107045 0.900000 +v -0.034493 0.108541 0.899390 +v -0.084027 0.103103 0.898913 +v -0.036238 0.106843 0.899935 +v -0.083570 0.129012 0.897685 +v -0.082760 0.129870 0.898335 +v -0.084096 0.104430 0.899390 +v -0.032673 0.112736 0.897685 +v -0.032581 0.112895 0.897000 +v -0.078101 0.132421 0.899935 +v -0.083762 0.106843 0.899935 +v -0.078025 0.131593 0.900000 +v -0.033555 0.110587 0.898913 +v -0.081929 0.130425 0.898913 +v -0.082956 0.100002 0.897685 +v -0.082493 0.099179 0.897000 +v -0.036048 0.107420 0.899935 +v -0.080764 0.131161 0.899390 +v -0.083854 0.105386 0.899741 +v -0.036250 0.108986 0.900000 +v -0.035069 0.108686 0.899741 +v -0.078483 0.132015 0.899935 +v -0.083369 0.101107 0.898335 +v -0.032906 0.112755 0.898335 +v -0.084116 0.128051 0.897685 +v -0.084645 0.127202 0.897000 +v -0.083579 0.102239 0.898913 +v -0.034046 0.110669 0.899390 +v -0.079841 0.131363 0.899741 +v -0.083580 0.103325 0.899390 +v -0.083369 0.128893 0.898335 +v -0.035646 0.108833 0.899935 +v -0.083552 0.104669 0.899741 +v -0.082445 0.129664 0.898913 +v -0.082428 0.099224 0.897685 +v -0.081522 0.130138 0.899390 +v -0.032579 0.115000 0.897685 +v -0.032500 0.115000 0.897000 +v -0.083301 0.105609 0.899935 +v -0.082436 0.105159 0.900000 +v -0.033281 0.112786 0.898913 +v -0.080295 0.130797 0.899741 +v -0.082760 0.100130 0.898335 +v -0.083046 0.101299 0.898913 +v -0.084573 0.127167 0.897685 +v -0.034632 0.110767 0.899741 +v -0.032813 0.115000 0.898335 +v -0.083910 0.127939 0.898335 +v -0.083141 0.102477 0.899390 +v -0.079382 0.130984 0.899935 +v -0.079334 0.130048 0.900000 +v -0.083007 0.104908 0.899935 +v -0.033777 0.112827 0.899390 +v -0.083046 0.128701 0.898913 +v -0.083048 0.103588 0.899741 +v -0.032660 0.117099 0.897685 +v -0.082028 0.129392 0.899390 +v -0.081639 0.098158 0.897685 +v -0.032581 0.117105 0.897000 +v -0.081216 0.097503 0.897000 +v -0.035220 0.110865 0.899935 +v -0.079825 0.130431 0.899935 +v -0.035834 0.110967 0.900000 +v -0.082237 0.099359 0.898335 +v -0.033189 0.115000 0.898913 +v -0.081036 0.129796 0.899741 +v -0.082445 0.100336 0.898913 +v -0.085111 0.126015 0.897685 +v -0.085506 0.125280 0.897000 +v -0.034369 0.112876 0.899741 +v -0.082617 0.101554 0.899390 +v -0.084364 0.127063 0.898335 +v -0.032893 0.117081 0.898335 +v -0.081155 0.097554 0.897685 +v -0.083579 0.127760 0.898913 +v -0.082619 0.102759 0.899741 +v -0.082617 0.128446 0.899390 +v -0.033687 0.115000 0.899390 +v -0.082514 0.103852 0.899935 +v -0.032901 0.119186 0.897685 +v -0.032822 0.119198 0.897000 +v -0.033223 0.121266 0.897000 +v -0.081547 0.103339 0.900000 +v -0.081454 0.098302 0.898335 +v -0.085433 0.125250 0.897685 +v -0.034963 0.112925 0.899935 +v -0.081531 0.129067 0.899741 +v -0.035584 0.112977 0.900000 +v -0.080549 0.129454 0.899935 +v -0.081929 0.099575 0.898913 +v -0.033268 0.117052 0.898913 +v -0.080511 0.128400 0.900000 +v -0.084897 0.125921 0.898335 +v -0.082028 0.100608 0.899390 +v -0.034282 0.115000 0.899741 +v -0.082107 0.101857 0.899741 +v -0.084027 0.126896 0.898913 +v -0.033132 0.119150 0.898335 +v -0.080974 0.097703 0.898335 +v -0.083141 0.127523 0.899390 +v -0.033765 0.117014 0.899390 +v -0.082095 0.103043 0.899935 +v -0.082107 0.128143 0.899741 +v -0.033301 0.121248 0.897685 +v -0.080174 0.096428 0.897685 +v -0.081032 0.128741 0.899935 +v -0.079814 0.095931 0.897000 +v -0.034877 0.115000 0.899935 +v -0.081157 0.098532 0.898913 +v -0.035500 0.115000 0.900000 +v -0.085216 0.125163 0.898335 +v -0.033503 0.119093 0.898913 +v -0.085935 0.123903 0.897685 +v -0.086218 0.123297 0.897000 +v -0.081522 0.099862 0.899390 +v -0.084553 0.125770 0.898913 +v -0.034357 0.116969 0.899741 +v -0.079757 0.095986 0.897685 +v -0.083580 0.126675 0.899390 +v -0.081531 0.100933 0.899741 +v -0.033528 0.121195 0.898335 +v -0.081595 0.102162 0.899935 +v -0.033996 0.119017 0.899390 +v -0.086143 0.123273 0.897685 +v -0.080511 0.101600 0.900000 +v -0.080684 0.097942 0.898913 +v -0.082619 0.127241 0.899741 +v -0.033857 0.123273 0.897685 +v -0.033782 0.123297 0.897000 +v -0.080002 0.096587 0.898335 +v -0.034951 0.116923 0.899935 +v -0.035584 0.117023 0.900000 +v -0.081595 0.127838 0.899935 +v -0.081547 0.126661 0.900000 +v -0.084867 0.125022 0.898913 +v -0.033894 0.121109 0.898913 +v -0.080764 0.098839 0.899390 +v -0.034065 0.123903 0.897685 +v -0.081036 0.100204 0.899741 +v -0.085714 0.123827 0.898335 +v -0.034494 0.125280 0.897000 +v -0.034583 0.118926 0.899741 +v -0.079589 0.096148 0.898335 +v -0.084096 0.125570 0.899390 +v -0.034080 0.123203 0.898335 +v -0.081032 0.101259 0.899935 +v -0.083048 0.126412 0.899741 +v -0.034380 0.120995 0.899390 +v -0.078571 0.094826 0.897685 +v -0.078296 0.094470 0.897000 +v -0.034286 0.123827 0.898335 +v -0.080300 0.098259 0.899390 +v -0.085920 0.123203 0.898335 +v -0.082095 0.126957 0.899935 +v -0.034567 0.125250 0.897685 +v -0.079725 0.096842 0.898913 +v -0.086582 0.121731 0.897685 +v -0.086777 0.121266 0.897000 +v -0.035172 0.118835 0.899935 +v -0.035834 0.119033 0.900000 +v -0.080549 0.100546 0.899935 +v -0.034439 0.123089 0.898913 +v -0.084405 0.124836 0.899390 +v -0.079334 0.099952 0.900000 +v -0.080295 0.099203 0.899741 +v -0.034889 0.126015 0.897685 +v -0.085358 0.123705 0.898913 +v -0.079318 0.096409 0.898913 +v -0.035355 0.127202 0.897000 +v -0.082514 0.126147 0.899935 +v -0.082436 0.124841 0.900000 +v -0.034958 0.120860 0.899741 +v -0.078413 0.094998 0.898335 +v -0.034642 0.123705 0.898913 +v -0.083552 0.125331 0.899741 +v -0.079841 0.098637 0.899741 +v -0.085561 0.123089 0.898913 +v -0.034784 0.125163 0.898335 +v -0.079359 0.097179 0.899390 +v -0.034914 0.122939 0.899390 +v -0.079825 0.099569 0.899935 +v -0.086355 0.121674 0.898335 +v -0.076842 0.093361 0.897685 +v -0.083854 0.124614 0.899741 +v -0.035427 0.127167 0.897685 +v -0.076671 0.093129 0.897000 +v -0.084887 0.123544 0.899390 +v -0.078959 0.096754 0.899390 +v -0.035103 0.125921 0.898335 +v -0.083007 0.125092 0.899935 +v -0.035538 0.120724 0.899935 +v -0.036250 0.121014 0.900000 +v -0.078158 0.095275 0.898913 +v -0.087047 0.119513 0.897685 +v -0.087178 0.119198 0.897000 +v -0.035113 0.123544 0.899390 +v -0.079382 0.099016 0.899935 +v -0.078025 0.098407 0.900000 +v -0.035133 0.125022 0.898913 +v -0.078922 0.097581 0.899741 +v -0.085086 0.122939 0.899390 +v -0.035884 0.128051 0.897685 +v -0.036362 0.129053 0.897000 +v -0.085990 0.121582 0.898913 +v -0.076698 0.093546 0.898335 +v -0.035480 0.122760 0.899741 +v -0.078531 0.097166 0.899741 +v -0.083301 0.124391 0.899935 +v -0.083173 0.122955 0.900000 +v -0.084325 0.123351 0.899741 +v -0.077821 0.095641 0.899390 +v -0.035636 0.127063 0.898335 +v -0.078483 0.097985 0.899935 +v -0.035447 0.125770 0.898913 +v -0.086816 0.119475 0.898335 +v -0.074998 0.092044 0.897685 +v -0.035675 0.123351 0.899741 +v -0.084520 0.122760 0.899741 +v -0.074948 0.091917 0.897000 +v -0.035595 0.124836 0.899390 +v -0.085507 0.121459 0.899390 +v -0.076468 0.093843 0.898913 +v -0.078101 0.097579 0.899935 +v -0.083762 0.123157 0.899935 +v -0.036430 0.129012 0.897685 +v -0.076593 0.096975 0.900000 +v -0.077419 0.096078 0.899741 +v -0.036090 0.127939 0.898335 +v -0.087327 0.117264 0.897685 +v -0.036048 0.122580 0.899935 +v -0.036827 0.122955 0.900000 +v -0.074870 0.092240 0.898335 +v -0.086445 0.119413 0.898913 +v -0.035973 0.126896 0.898913 +v -0.076161 0.094236 0.899390 +v -0.083952 0.122580 0.899935 +v -0.077015 0.096517 0.899935 +v -0.035904 0.125570 0.899390 +v -0.083750 0.121014 0.900000 +v -0.084931 0.121313 0.899741 +v -0.073099 0.090911 0.897685 +v -0.036238 0.123157 0.899935 +v -0.087094 0.117245 0.898335 +v -0.037044 0.129998 0.897685 +v -0.037507 0.130821 0.897000 +v -0.073137 0.090841 0.897000 +v -0.074664 0.092555 0.898913 +v -0.085954 0.119331 0.899390 +v -0.036146 0.124614 0.899741 +v -0.075797 0.094705 0.899741 +v -0.036631 0.128893 0.898335 +v -0.084354 0.121167 0.899935 +v -0.072988 0.091116 0.898335 +v -0.036421 0.127760 0.898913 +v -0.086719 0.117214 0.898913 +v -0.036420 0.126675 0.899390 +v -0.074392 0.092972 0.899390 +v -0.085368 0.119233 0.899741 +v -0.036448 0.125331 0.899741 +v -0.071217 0.089979 0.897685 +v -0.086223 0.117173 0.899390 +v -0.071249 0.089906 0.897000 +v -0.069295 0.089119 0.897000 +v -0.037572 0.130776 0.897685 +v -0.075431 0.095175 0.899935 +v -0.036699 0.124391 0.899935 +v -0.075048 0.095666 0.900000 +v -0.084780 0.119135 0.899935 +v -0.037564 0.124841 0.900000 +v -0.084166 0.119033 0.900000 +v -0.072808 0.091446 0.898913 +v -0.037240 0.129870 0.898335 +v -0.085631 0.117124 0.899741 +v -0.074067 0.093469 0.899741 +v -0.036954 0.128701 0.898913 +v -0.085037 0.117075 0.899935 +v -0.084416 0.117023 0.900000 +v -0.071121 0.090192 0.898335 +v -0.036859 0.127523 0.899390 +v -0.036993 0.125092 0.899935 +v -0.072570 0.091884 0.899390 +v -0.036952 0.126412 0.899741 +v -0.069269 0.089193 0.897685 +v -0.038361 0.131842 0.897685 +v -0.073741 0.093968 0.899935 +v -0.073400 0.094489 0.900000 +v -0.038784 0.132497 0.897000 +v -0.037763 0.130641 0.898335 +v -0.070967 0.090535 0.898913 +v -0.037555 0.129664 0.898913 +v -0.072286 0.092406 0.899741 +v -0.037383 0.128446 0.899390 +v -0.069190 0.089413 0.898335 +v -0.070764 0.090990 0.899390 +v -0.038845 0.132446 0.897685 +v -0.037381 0.127241 0.899741 +v -0.037486 0.126147 0.899935 +v -0.067266 0.088560 0.897685 +v -0.067287 0.088483 0.897000 +v -0.065236 0.088003 0.897000 +v -0.038453 0.126661 0.900000 +v -0.072002 0.092929 0.899935 +v -0.071661 0.093453 0.900000 +v -0.038546 0.131698 0.898335 +v -0.069063 0.089767 0.898913 +v -0.038071 0.130425 0.898913 +v -0.070521 0.091532 0.899741 +v -0.037972 0.129392 0.899390 +v -0.067204 0.088785 0.898335 +v -0.037893 0.128143 0.899741 +v -0.068894 0.090236 0.899390 +v -0.065221 0.088081 0.897685 +v -0.037905 0.126957 0.899935 +v -0.070277 0.092075 0.899935 +v -0.069842 0.092564 0.900000 +v -0.039826 0.133571 0.897685 +v -0.067104 0.089148 0.898913 +v -0.063154 0.087681 0.897000 +v -0.065176 0.088311 0.898335 +v -0.038405 0.127838 0.899935 +v -0.063863 0.100080 0.879809 +v -0.063204 0.099925 0.879809 +v -0.063915 0.099881 0.879924 +v -0.050941 0.127469 0.879809 +v -0.051847 0.128080 0.879809 +v -0.050820 0.127635 0.879924 +v -0.051739 0.128253 0.879924 +v -0.047010 0.122500 0.879000 +v -0.047865 0.123817 0.879000 +v -0.047842 0.123833 0.879233 +v -0.048832 0.125055 0.879233 +v -0.066145 0.101197 0.879454 +v -0.065293 0.100709 0.879649 +v -0.066198 0.101078 0.879649 +v -0.062423 0.099185 0.880000 +v -0.064010 0.099511 0.880000 +v -0.063286 0.099540 0.879981 +v -0.049803 0.126325 0.879649 +v -0.049687 0.126453 0.879809 +v -0.063247 0.099724 0.879924 +v -0.062393 0.099377 0.879981 +v -0.062365 0.099563 0.879924 +v -0.064763 0.100342 0.879809 +v -0.065353 0.100547 0.879809 +v -0.048772 0.125110 0.879454 +v -0.049890 0.126228 0.879454 +v -0.048675 0.125197 0.879649 +v -0.051640 0.128413 0.879981 +v -0.050710 0.127786 0.879981 +v -0.067514 0.101986 0.879233 +v -0.066654 0.101435 0.879454 +v -0.067554 0.101915 0.879454 +v -0.051537 0.128578 0.880000 +v -0.067949 0.102247 0.879233 +v -0.050206 0.127652 0.880000 +v -0.047777 0.123881 0.879454 +v -0.066711 0.101318 0.879649 +v -0.046297 0.121101 0.879000 +v -0.046986 0.122514 0.879233 +v -0.068817 0.102865 0.879000 +v -0.068833 0.102842 0.879233 +v -0.064826 0.100147 0.879924 +v -0.049550 0.126606 0.879924 +v -0.063962 0.099700 0.879981 +v -0.048546 0.125313 0.879809 +v -0.067992 0.102178 0.879454 +v -0.047671 0.123958 0.879649 +v -0.066269 0.100920 0.879809 +v -0.049424 0.126745 0.879981 +v -0.065424 0.100355 0.879924 +v -0.048977 0.126597 0.880000 +v -0.046915 0.122554 0.879454 +v -0.067620 0.101802 0.879649 +v -0.066787 0.101163 0.879809 +v -0.046272 0.121112 0.879233 +v -0.065557 0.099996 0.880000 +v -0.064884 0.099969 0.879981 +v -0.048394 0.125450 0.879924 +v -0.068881 0.102777 0.879454 +v -0.047531 0.124059 0.879809 +v -0.068061 0.102067 0.879649 +v -0.046802 0.122620 0.879649 +v -0.070037 0.103853 0.879000 +v -0.070055 0.103832 0.879233 +v -0.071147 0.104963 0.879000 +v -0.048255 0.125575 0.879981 +v -0.047860 0.125422 0.880000 +v -0.066352 0.100733 0.879924 +v -0.065489 0.100179 0.879981 +v -0.046197 0.121145 0.879454 +v -0.067706 0.101653 0.879809 +v -0.047365 0.124180 0.879924 +v -0.066878 0.100979 0.879924 +v -0.045708 0.119644 0.879233 +v -0.045734 0.119635 0.879000 +v -0.045328 0.118119 0.879000 +v -0.068958 0.102671 0.879649 +v -0.046653 0.122706 0.879809 +v -0.068153 0.101921 0.879809 +v -0.067046 0.100635 0.880000 +v -0.066428 0.100561 0.879981 +v -0.046078 0.121198 0.879649 +v -0.070110 0.103772 0.879454 +v -0.047214 0.124290 0.879981 +v -0.046868 0.124140 0.880000 +v -0.066960 0.100810 0.879981 +v -0.045630 0.119669 0.879454 +v -0.067809 0.101475 0.879924 +v -0.071168 0.104945 0.879233 +v -0.072135 0.106183 0.879000 +v -0.046475 0.122809 0.879924 +v -0.045301 0.118124 0.879233 +v -0.069059 0.102531 0.879809 +v -0.068261 0.101746 0.879924 +v -0.045920 0.121269 0.879809 +v -0.070197 0.103675 0.879649 +v -0.045506 0.119709 0.879649 +v -0.068463 0.101422 0.880000 +v -0.067902 0.101312 0.879981 +v -0.046313 0.122902 0.879981 +v -0.071228 0.104890 0.879454 +v -0.046010 0.122765 0.880000 +v -0.068360 0.101587 0.879981 +v -0.045221 0.118141 0.879454 +v -0.069180 0.102365 0.879924 +v -0.045733 0.121352 0.879924 +v -0.045055 0.116571 0.879233 +v -0.045082 0.116568 0.879000 +v -0.072990 0.107500 0.879000 +v -0.072158 0.106167 0.879233 +v -0.045000 0.115000 0.879000 +v -0.044972 0.115000 0.879233 +v -0.044891 0.115000 0.879454 +v -0.045342 0.119763 0.879809 +v -0.070313 0.103546 0.879809 +v -0.045093 0.118168 0.879649 +v -0.071325 0.104803 0.879649 +v -0.045297 0.121310 0.880000 +v -0.045561 0.121428 0.879981 +v -0.069794 0.102348 0.880000 +v -0.069290 0.102214 0.879981 +v -0.044974 0.116579 0.879454 +v -0.072223 0.106119 0.879454 +v -0.045147 0.119826 0.879924 +v -0.070450 0.103394 0.879924 +v -0.044925 0.118204 0.879809 +v -0.073703 0.108899 0.879000 +v -0.073014 0.107486 0.879233 +v -0.044844 0.116593 0.879649 +v -0.044760 0.115000 0.879649 +v -0.044588 0.115000 0.879809 +v -0.044969 0.119884 0.879981 +v -0.071454 0.104687 0.879809 +v -0.044734 0.119790 0.880000 +v -0.044724 0.118247 0.879924 +v -0.072329 0.106042 0.879649 +v -0.044672 0.116611 0.879809 +v -0.071023 0.103403 0.880000 +v -0.070576 0.103255 0.879981 +v -0.044540 0.118286 0.879981 +v -0.073085 0.107445 0.879454 +v -0.044328 0.118221 0.880000 +v -0.044468 0.116632 0.879924 +v -0.044383 0.115000 0.879924 +v -0.044195 0.115000 0.879981 +v -0.073728 0.108888 0.879233 +v -0.044082 0.116619 0.880000 +v -0.044282 0.116652 0.879981 +v -0.071606 0.104550 0.879924 +v -0.072469 0.105941 0.879809 +v -0.073198 0.107380 0.879649 +v -0.072140 0.104578 0.880000 +v -0.071745 0.104424 0.879981 +v -0.073803 0.108855 0.879454 +v -0.074266 0.110365 0.879000 +v -0.074292 0.110356 0.879233 +v -0.074672 0.111881 0.879000 +v -0.072635 0.105820 0.879924 +v -0.073347 0.107294 0.879809 +v -0.073922 0.108801 0.879649 +v -0.073132 0.105860 0.880000 +v -0.072786 0.105710 0.879981 +v -0.074370 0.110331 0.879454 +v -0.074918 0.113432 0.879000 +v -0.074699 0.111876 0.879233 +v -0.073525 0.107191 0.879924 +v -0.074080 0.108731 0.879809 +v -0.074494 0.110291 0.879649 +v -0.073990 0.107235 0.880000 +v -0.073687 0.107097 0.879981 +v -0.074779 0.111859 0.879454 +v -0.074945 0.113429 0.879233 +v -0.074267 0.108648 0.879924 +v -0.074658 0.110237 0.879809 +v -0.074907 0.111831 0.879649 +v -0.074703 0.108690 0.880000 +v -0.074438 0.108572 0.879981 +v -0.075026 0.113421 0.879454 +v -0.075000 0.115000 0.879000 +v -0.075028 0.115000 0.879233 +v -0.074853 0.110174 0.879924 +v -0.075075 0.111796 0.879809 +v -0.075156 0.113407 0.879649 +v -0.075266 0.110210 0.880000 +v -0.075031 0.110116 0.879981 +v -0.075109 0.115000 0.879454 +v -0.074918 0.116568 0.879000 +v -0.074951 0.116520 0.879233 +v -0.075276 0.111753 0.879924 +v -0.075328 0.113389 0.879809 +v -0.075240 0.115000 0.879649 +v -0.075672 0.111779 0.880000 +v -0.075460 0.111714 0.879981 +v -0.075031 0.116529 0.879454 +v -0.074672 0.118119 0.879000 +v -0.074720 0.118025 0.879233 +v -0.075532 0.113367 0.879924 +v -0.075412 0.115000 0.879809 +v -0.075161 0.116542 0.879649 +v -0.075718 0.113348 0.879981 +v -0.075918 0.113381 0.880000 +v -0.074800 0.118041 0.879454 +v -0.074266 0.119635 0.879000 +v -0.074338 0.119499 0.879233 +v -0.075617 0.115000 0.879924 +v -0.075333 0.116559 0.879809 +v -0.074928 0.118068 0.879649 +v -0.075805 0.115000 0.879981 +v -0.076000 0.115000 0.880000 +v -0.074416 0.119523 0.879454 +v -0.073810 0.120926 0.879233 +v -0.073703 0.121101 0.879000 +v -0.075537 0.116580 0.879924 +v -0.075097 0.118102 0.879809 +v -0.074541 0.119562 0.879649 +v -0.075724 0.116599 0.879981 +v -0.075918 0.116619 0.880000 +v -0.073885 0.120958 0.879454 +v -0.073139 0.122293 0.879233 +v -0.072990 0.122500 0.879000 +v -0.075298 0.118144 0.879924 +v -0.074705 0.119614 0.879809 +v -0.074005 0.121010 0.879649 +v -0.075481 0.118181 0.879981 +v -0.075672 0.118221 0.880000 +v -0.073210 0.122332 0.879454 +v -0.072135 0.123817 0.879000 +v -0.072334 0.123585 0.879233 +v -0.074901 0.119675 0.879924 +v -0.074163 0.121078 0.879809 +v -0.073325 0.122396 0.879649 +v -0.075080 0.119731 0.879981 +v -0.075266 0.119790 0.880000 +v -0.072401 0.123631 0.879454 +v -0.071402 0.124789 0.879233 +v -0.071147 0.125037 0.879000 +v -0.074352 0.121159 0.879924 +v -0.073476 0.122480 0.879809 +v -0.044000 0.115000 0.880000 +v -0.045082 0.113432 0.879000 +v -0.045049 0.113480 0.879233 +v -0.072508 0.123706 0.879649 +v -0.074524 0.121233 0.879981 +v -0.044969 0.113471 0.879454 +v -0.074703 0.121310 0.880000 +v -0.071464 0.124842 0.879454 +v -0.045328 0.111881 0.879000 +v -0.045280 0.111975 0.879233 +v -0.070354 0.125892 0.879233 +v -0.070037 0.126147 0.879000 +v -0.044839 0.113458 0.879649 +v -0.073655 0.122579 0.879924 +v -0.045200 0.111959 0.879454 +v -0.072650 0.123804 0.879809 +v -0.045734 0.110365 0.879000 +v -0.045662 0.110501 0.879233 +v -0.071563 0.124927 0.879649 +v -0.073819 0.122670 0.879981 +v -0.044667 0.113441 0.879809 +v -0.073990 0.122765 0.880000 +v -0.070410 0.125951 0.879454 +v -0.045072 0.111932 0.879649 +v -0.069198 0.126883 0.879233 +v -0.045584 0.110477 0.879454 +v -0.068817 0.127135 0.879000 +v -0.046297 0.108899 0.879000 +v -0.046190 0.109074 0.879233 +v -0.072818 0.123922 0.879924 +v -0.071694 0.125039 0.879809 +v -0.044463 0.113420 0.879924 +v -0.070500 0.126045 0.879649 +v -0.044903 0.111897 0.879809 +v -0.072972 0.124029 0.879981 +v -0.073132 0.124140 0.880000 +v -0.045459 0.110438 0.879649 +v -0.069248 0.126948 0.879454 +v -0.044276 0.113401 0.879981 +v -0.044082 0.113381 0.880000 +v -0.067949 0.127753 0.879233 +v -0.067500 0.127990 0.879000 +v -0.046115 0.109042 0.879454 +v -0.071850 0.125173 0.879924 +v -0.047010 0.107500 0.879000 +v -0.046861 0.107707 0.879233 +v -0.070619 0.126171 0.879809 +v -0.044702 0.111856 0.879924 +v -0.045295 0.110386 0.879809 +v -0.067514 0.128014 0.879233 +v -0.069328 0.127051 0.879649 +v -0.045995 0.108990 0.879649 +v -0.071992 0.125295 0.879981 +v -0.044519 0.111818 0.879981 +v -0.044328 0.111779 0.880000 +v -0.072140 0.125422 0.880000 +v -0.067992 0.127822 0.879454 +v -0.046789 0.107668 0.879454 +v -0.066101 0.128703 0.879000 +v -0.066618 0.128492 0.879233 +v -0.047865 0.106183 0.879000 +v -0.047666 0.106415 0.879233 +v -0.070760 0.126319 0.879924 +v -0.045099 0.110325 0.879924 +v -0.067554 0.128085 0.879454 +v -0.069434 0.127188 0.879809 +v -0.045837 0.108922 0.879809 +v -0.066112 0.128728 0.879233 +v -0.046675 0.107604 0.879649 +v -0.044734 0.110210 0.880000 +v -0.044920 0.110269 0.879981 +v -0.068061 0.127933 0.879649 +v -0.047599 0.106369 0.879454 +v -0.070889 0.126455 0.879981 +v -0.048853 0.104963 0.879000 +v -0.048598 0.105211 0.879233 +v -0.071023 0.126597 0.880000 +v -0.066654 0.128565 0.879454 +v -0.045648 0.108841 0.879924 +v -0.067620 0.128198 0.879649 +v -0.064635 0.129266 0.879000 +v -0.065219 0.129092 0.879233 +v -0.046524 0.107520 0.879809 +v -0.069559 0.127350 0.879924 +v -0.047492 0.106294 0.879649 +v -0.045297 0.108690 0.880000 +v -0.045476 0.108767 0.879981 +v -0.066145 0.128803 0.879454 +v -0.048536 0.105158 0.879454 +v -0.068153 0.128080 0.879809 +v -0.049963 0.103853 0.879000 +v -0.049646 0.104108 0.879233 +v -0.064644 0.129292 0.879233 +v -0.046345 0.107421 0.879924 +v -0.047350 0.106195 0.879809 +v -0.066711 0.128682 0.879649 +v -0.067706 0.128347 0.879809 +v -0.069674 0.127498 0.879981 +v -0.048437 0.105073 0.879649 +v -0.069794 0.127652 0.880000 +v -0.046010 0.107235 0.880000 +v -0.046181 0.107330 0.879981 +v -0.065247 0.129168 0.879454 +v -0.049590 0.104049 0.879454 +v -0.066198 0.128922 0.879649 +v -0.051183 0.102865 0.879000 +v -0.050801 0.103116 0.879233 +v -0.063767 0.129548 0.879233 +v -0.063119 0.129672 0.879000 +v -0.068261 0.128253 0.879924 +v -0.047182 0.106078 0.879924 +v -0.064669 0.129369 0.879454 +v -0.048306 0.104961 0.879809 +v -0.066787 0.128837 0.879809 +v -0.049500 0.103954 0.879649 +v -0.063124 0.129699 0.879233 +v -0.047028 0.105971 0.879981 +v -0.046868 0.105860 0.880000 +v -0.067809 0.128525 0.879924 +v -0.050752 0.103052 0.879454 +v -0.052500 0.102010 0.879000 +v -0.052051 0.102247 0.879233 +v -0.065293 0.129291 0.879649 +v -0.066269 0.129080 0.879809 +v -0.048150 0.104827 0.879924 +v -0.068360 0.128413 0.879981 +v -0.068463 0.128578 0.880000 +v -0.063787 0.129627 0.879454 +v -0.049381 0.103829 0.879809 +v -0.064709 0.129494 0.879649 +v -0.052486 0.101986 0.879233 +v -0.062276 0.129854 0.879233 +v -0.050672 0.102949 0.879649 +v -0.061568 0.129918 0.879000 +v -0.047860 0.104578 0.880000 +v -0.048008 0.104705 0.879981 +v -0.067902 0.128687 0.879981 +v -0.067046 0.129365 0.880000 +v -0.066878 0.129021 0.879924 +v -0.052008 0.102178 0.879454 +v -0.063141 0.129779 0.879454 +v -0.053899 0.101297 0.879000 +v -0.053382 0.101508 0.879233 +v -0.065353 0.129453 0.879809 +v -0.049240 0.103681 0.879924 +v -0.066352 0.129267 0.879924 +v -0.052445 0.101915 0.879454 +v -0.050566 0.102812 0.879809 +v -0.061571 0.129945 0.879233 +v -0.063820 0.129753 0.879649 +v -0.064763 0.129658 0.879809 +v -0.053888 0.101272 0.879233 +v -0.051939 0.102067 0.879649 +v -0.066960 0.129190 0.879981 +v -0.049111 0.103545 0.879981 +v -0.062288 0.129935 0.879454 +v -0.048977 0.103403 0.880000 +v -0.063168 0.129907 0.879649 +v -0.053346 0.101435 0.879454 +v -0.060761 0.130008 0.879233 +v -0.060000 0.130000 0.879000 +v -0.052380 0.101802 0.879649 +v -0.065424 0.129645 0.879924 +v -0.055365 0.100734 0.879000 +v -0.054781 0.100908 0.879233 +v -0.066428 0.129438 0.879981 +v -0.050441 0.102650 0.879924 +v -0.065557 0.130004 0.880000 +v -0.061579 0.130026 0.879454 +v -0.053855 0.101197 0.879454 +v -0.063863 0.129920 0.879809 +v -0.051847 0.101921 0.879809 +v -0.064826 0.129853 0.879924 +v -0.055356 0.100708 0.879233 +v -0.053289 0.101318 0.879649 +v -0.060000 0.130028 0.879233 +v -0.062308 0.130064 0.879649 +v -0.052294 0.101653 0.879809 +v -0.065489 0.129821 0.879981 +v -0.050206 0.102348 0.880000 +v -0.050326 0.102502 0.879981 +v -0.063204 0.130075 0.879809 +v -0.054753 0.100831 0.879454 +v -0.060765 0.130090 0.879454 +v -0.053801 0.101078 0.879649 +v -0.059239 0.130008 0.879233 +v -0.056881 0.100328 0.879000 +v -0.056233 0.100452 0.879233 +v -0.058432 0.129918 0.879000 +v -0.061593 0.130156 0.879649 +v -0.051739 0.101746 0.879924 +v -0.063915 0.130119 0.879924 +v -0.055331 0.100630 0.879454 +v -0.064884 0.130031 0.879981 +v -0.053213 0.101163 0.879809 +v -0.064010 0.130489 0.880000 +v -0.060000 0.130109 0.879454 +v -0.052191 0.101475 0.879924 +v -0.056876 0.100301 0.879233 +v -0.062334 0.130234 0.879809 +v -0.063247 0.130276 0.879924 +v -0.054707 0.100709 0.879649 +v -0.058429 0.129945 0.879233 +v -0.053731 0.100920 0.879809 +v -0.060772 0.130220 0.879649 +v -0.051537 0.101422 0.880000 +v -0.051640 0.101587 0.879981 +v -0.063962 0.130300 0.879981 +v -0.056213 0.100373 0.879454 +v -0.059235 0.130090 0.879454 +v -0.055291 0.100506 0.879649 +v -0.061611 0.130328 0.879809 +v -0.058432 0.100082 0.879000 +v -0.057724 0.100146 0.879233 +v -0.057724 0.129854 0.879233 +v -0.056881 0.129672 0.879000 +v -0.052098 0.101312 0.879981 +v -0.052954 0.100635 0.880000 +v -0.053122 0.100979 0.879924 +v -0.060000 0.130240 0.879649 +v -0.056859 0.100221 0.879454 +v -0.062365 0.130437 0.879924 +v -0.063286 0.130460 0.879981 +v -0.054647 0.100547 0.879809 +v -0.062423 0.130815 0.880000 +v -0.058421 0.130026 0.879454 +v -0.058429 0.100055 0.879233 +v -0.060781 0.130392 0.879809 +v -0.053648 0.100733 0.879924 +v -0.056180 0.100247 0.879649 +v -0.059228 0.130220 0.879649 +v -0.055237 0.100342 0.879809 +v -0.056876 0.129699 0.879233 +v -0.053040 0.100810 0.879981 +v -0.061632 0.130532 0.879924 +v -0.062393 0.130623 0.879981 +v -0.057712 0.100065 0.879454 +v -0.056832 0.100093 0.879649 +v -0.057712 0.129935 0.879454 +v -0.060000 0.130412 0.879809 +v -0.060000 0.100000 0.879000 +v -0.059239 0.099992 0.879233 +v -0.055365 0.129266 0.879000 +v -0.056233 0.129548 0.879233 +v -0.054576 0.100355 0.879924 +v -0.058407 0.130156 0.879649 +v -0.054443 0.099996 0.880000 +v -0.053572 0.100561 0.879981 +v -0.058421 0.099974 0.879454 +v -0.060791 0.130597 0.879924 +v -0.061652 0.130718 0.879981 +v -0.056137 0.100080 0.879809 +v -0.060810 0.130979 0.880000 +v -0.059219 0.130392 0.879809 +v -0.060000 0.099972 0.879233 +v -0.055174 0.100147 0.879924 +v -0.056859 0.129779 0.879454 +v -0.057692 0.099936 0.879649 +v -0.057692 0.130064 0.879649 +v -0.054511 0.100179 0.879981 +v -0.055356 0.129292 0.879233 +v -0.056796 0.099925 0.879809 +v -0.060000 0.130617 0.879924 +v -0.060801 0.130785 0.879981 +v -0.059235 0.099910 0.879454 +v -0.061568 0.100082 0.879000 +v -0.060761 0.099992 0.879233 +v -0.056213 0.129627 0.879454 +v -0.058407 0.099844 0.879649 +v -0.058389 0.130328 0.879809 +v -0.056085 0.099881 0.879924 +v -0.053899 0.128703 0.879000 +v -0.054781 0.129092 0.879233 +v -0.055116 0.099969 0.879981 +v -0.055990 0.099511 0.880000 +v -0.059209 0.130597 0.879924 +v -0.056832 0.129907 0.879649 +v -0.060000 0.099891 0.879454 +v -0.060000 0.130805 0.879981 +v -0.059190 0.130979 0.880000 +v -0.057666 0.099766 0.879809 +v -0.057666 0.130234 0.879809 +v -0.061571 0.100055 0.879233 +v -0.055331 0.129369 0.879454 +v -0.056753 0.099724 0.879924 +v -0.056180 0.129753 0.879649 +v -0.059228 0.099780 0.879649 +v -0.058368 0.130532 0.879924 +v -0.056038 0.099700 0.879981 +v -0.053888 0.128728 0.879233 +v -0.060765 0.099910 0.879454 +v -0.058389 0.099672 0.879809 +v -0.059199 0.130785 0.879981 +v -0.054753 0.129168 0.879454 +v -0.063119 0.100328 0.879000 +v -0.062276 0.100146 0.879233 +v -0.056796 0.130075 0.879809 +v -0.060000 0.099760 0.879649 +v -0.053382 0.128492 0.879233 +v -0.052500 0.127990 0.879000 +v -0.057635 0.099563 0.879924 +v -0.057635 0.130437 0.879924 +v -0.056714 0.099540 0.879981 +v -0.057577 0.099185 0.880000 +v -0.055291 0.129494 0.879649 +v -0.061579 0.099974 0.879454 +v -0.058348 0.130718 0.879981 +v -0.057577 0.130815 0.880000 +v -0.056137 0.129920 0.879809 +v -0.059219 0.099608 0.879809 +v -0.060772 0.099780 0.879649 +v -0.053855 0.128803 0.879454 +v -0.063124 0.100301 0.879233 +v -0.054707 0.129291 0.879649 +v -0.058368 0.099468 0.879924 +v -0.056753 0.130276 0.879924 +v -0.057607 0.099377 0.879981 +v -0.052486 0.128014 0.879233 +v -0.062288 0.100065 0.879454 +v -0.057607 0.130623 0.879981 +v -0.060000 0.099588 0.879809 +v -0.053346 0.128565 0.879454 +v -0.064635 0.100734 0.879000 +v -0.063767 0.100452 0.879233 +v -0.055237 0.129658 0.879809 +v -0.061593 0.099844 0.879649 +v -0.051183 0.127135 0.879000 +v -0.052051 0.127753 0.879233 +v -0.059209 0.099403 0.879924 +v -0.056085 0.130119 0.879924 +v -0.059190 0.099021 0.880000 +v -0.058348 0.099282 0.879981 +v -0.053801 0.128922 0.879649 +v -0.060781 0.099608 0.879809 +v -0.056714 0.130460 0.879981 +v -0.055990 0.130489 0.880000 +v -0.063141 0.100221 0.879454 +v -0.054647 0.129453 0.879809 +v -0.062308 0.099936 0.879649 +v -0.052445 0.128085 0.879454 +v -0.060000 0.099383 0.879924 +v -0.053289 0.128682 0.879649 +v -0.064644 0.100708 0.879233 +v -0.049963 0.126147 0.879000 +v -0.051167 0.127158 0.879233 +v -0.059199 0.099215 0.879981 +v -0.055174 0.129853 0.879924 +v -0.063787 0.100373 0.879454 +v -0.056038 0.130300 0.879981 +v -0.061611 0.099672 0.879809 +v -0.066101 0.101297 0.879000 +v -0.065219 0.100908 0.879233 +v -0.052008 0.127822 0.879454 +v -0.053731 0.129080 0.879809 +v -0.060791 0.099403 0.879924 +v -0.063168 0.100093 0.879649 +v -0.054576 0.129645 0.879924 +v -0.052380 0.128198 0.879649 +v -0.060810 0.099021 0.880000 +v -0.060000 0.099195 0.879981 +v -0.053213 0.128837 0.879809 +v -0.062334 0.099766 0.879809 +v -0.055116 0.130031 0.879981 +v -0.054443 0.130004 0.880000 +v -0.064669 0.100630 0.879454 +v -0.051119 0.127223 0.879454 +v -0.063820 0.100247 0.879649 +v -0.051939 0.127933 0.879649 +v -0.061632 0.099468 0.879924 +v -0.049945 0.126168 0.879233 +v -0.053648 0.129267 0.879924 +v -0.066112 0.101272 0.879233 +v -0.060801 0.099215 0.879981 +v -0.054511 0.129821 0.879981 +v -0.065247 0.100831 0.879454 +v -0.052294 0.128347 0.879809 +v -0.053122 0.129021 0.879924 +v -0.066618 0.101508 0.879233 +v -0.051042 0.127329 0.879649 +v -0.067500 0.102010 0.879000 +v -0.064709 0.100506 0.879649 +v -0.053572 0.129438 0.879981 +v -0.061652 0.099282 0.879981 +v -0.052954 0.129365 0.880000 +v -0.053040 0.129190 0.879981 +v -0.052191 0.128525 0.879924 +v -0.048853 0.125037 0.879000 +v -0.052098 0.128687 0.879981 +v -0.087500 0.115000 0.880000 +v -0.087419 0.112895 0.880000 +v -0.087178 0.110802 0.880000 +v -0.086777 0.108734 0.880000 +v -0.086218 0.106703 0.880000 +v -0.085506 0.104720 0.880000 +v -0.084645 0.102798 0.880000 +v -0.083638 0.100947 0.880000 +v -0.082493 0.099179 0.880000 +v -0.081216 0.097503 0.880000 +v -0.079814 0.095931 0.880000 +v -0.078296 0.094470 0.880000 +v -0.076671 0.093129 0.880000 +v -0.074948 0.091917 0.880000 +v -0.073137 0.090841 0.880000 +v -0.071249 0.089906 0.880000 +v -0.069295 0.089119 0.880000 +v -0.067287 0.088483 0.880000 +v -0.065236 0.088003 0.880000 +v -0.063154 0.087681 0.880000 +v -0.061053 0.087520 0.880000 +v -0.058947 0.087520 0.880000 +v -0.056846 0.087681 0.880000 +v -0.054764 0.088003 0.880000 +v -0.052713 0.088483 0.880000 +v -0.050705 0.089119 0.880000 +v -0.048751 0.089906 0.880000 +v -0.046863 0.090841 0.880000 +v -0.045052 0.091917 0.880000 +v -0.043329 0.093129 0.880000 +v -0.041704 0.094470 0.880000 +v -0.040186 0.095931 0.880000 +v -0.038784 0.097503 0.880000 +v -0.037507 0.099179 0.880000 +v -0.036362 0.100947 0.880000 +v -0.035355 0.102798 0.880000 +v -0.034494 0.104720 0.880000 +v -0.033782 0.106703 0.880000 +v -0.033223 0.108734 0.880000 +v -0.032822 0.110802 0.880000 +v -0.032581 0.112895 0.880000 +v -0.032500 0.115000 0.880000 +v -0.032581 0.117105 0.880000 +v -0.032822 0.119198 0.880000 +v -0.033223 0.121266 0.880000 +v -0.033782 0.123297 0.880000 +v -0.034494 0.125280 0.880000 +v -0.035355 0.127202 0.880000 +v -0.036362 0.129053 0.880000 +v -0.037507 0.130821 0.880000 +v -0.038784 0.132497 0.880000 +v -0.040186 0.134069 0.880000 +v -0.041704 0.135530 0.880000 +v -0.043329 0.136871 0.880000 +v -0.045052 0.138082 0.880000 +v -0.046863 0.139159 0.880000 +v -0.048751 0.140094 0.880000 +v -0.050705 0.140881 0.880000 +v -0.052713 0.141517 0.880000 +v -0.054764 0.141997 0.880000 +v -0.056846 0.142319 0.880000 +v -0.058947 0.142480 0.880000 +v -0.061053 0.142480 0.880000 +v -0.063154 0.142319 0.880000 +v -0.065236 0.141997 0.880000 +v -0.067287 0.141517 0.880000 +v -0.069295 0.140881 0.880000 +v -0.071249 0.140094 0.880000 +v -0.073137 0.139159 0.880000 +v -0.074948 0.138082 0.880000 +v -0.076671 0.136871 0.880000 +v -0.078296 0.135530 0.880000 +v -0.079814 0.134069 0.880000 +v -0.081216 0.132497 0.880000 +v -0.082493 0.130821 0.880000 +v -0.083638 0.129053 0.880000 +v -0.084645 0.127202 0.880000 +v -0.085506 0.125280 0.880000 +v -0.086218 0.123297 0.880000 +v -0.086777 0.121266 0.880000 +v -0.087178 0.119198 0.880000 +v -0.087419 0.117105 0.880000 +v -0.075000 0.115000 0.782805 +v -0.074918 0.113432 0.782805 +v -0.074672 0.111881 0.782805 +v -0.074266 0.110365 0.782805 +v -0.073703 0.108899 0.782805 +v -0.072990 0.107500 0.782805 +v -0.072135 0.106183 0.782805 +v -0.071147 0.104963 0.782805 +v -0.070037 0.103853 0.782805 +v -0.068817 0.102865 0.782805 +v -0.067500 0.102010 0.782805 +v -0.066101 0.101297 0.782805 +v -0.064635 0.100734 0.782805 +v -0.063119 0.100328 0.782805 +v -0.061568 0.100082 0.782805 +v -0.060000 0.100000 0.782805 +v -0.058432 0.100082 0.782805 +v -0.056881 0.100328 0.782805 +v -0.055365 0.100734 0.782805 +v -0.053899 0.101297 0.782805 +v -0.052500 0.102010 0.782805 +v -0.051183 0.102865 0.782805 +v -0.049963 0.103853 0.782805 +v -0.048853 0.104963 0.782805 +v -0.047865 0.106183 0.782805 +v -0.047010 0.107500 0.782805 +v -0.046297 0.108899 0.782805 +v -0.045734 0.110365 0.782805 +v -0.045328 0.111881 0.782805 +v -0.045082 0.113432 0.782805 +v -0.045000 0.115000 0.782805 +v -0.045082 0.116568 0.782805 +v -0.045328 0.118119 0.782805 +v -0.045734 0.119635 0.782805 +v -0.046297 0.121101 0.782805 +v -0.047010 0.122500 0.782805 +v -0.047865 0.123817 0.782805 +v -0.048853 0.125037 0.782805 +v -0.049963 0.126147 0.782805 +v -0.051183 0.127135 0.782805 +v -0.052500 0.127990 0.782805 +v -0.053899 0.128703 0.782805 +v -0.055365 0.129266 0.782805 +v -0.056881 0.129672 0.782805 +v -0.058432 0.129918 0.782805 +v -0.060000 0.130000 0.782805 +v -0.061568 0.129918 0.782805 +v -0.063119 0.129672 0.782805 +v -0.064635 0.129266 0.782805 +v -0.066101 0.128703 0.782805 +v -0.067500 0.127990 0.782805 +v -0.068817 0.127135 0.782805 +v -0.070037 0.126147 0.782805 +v -0.071147 0.125037 0.782805 +v -0.072135 0.123817 0.782805 +v -0.072990 0.122500 0.782805 +v -0.073703 0.121101 0.782805 +v -0.074266 0.119635 0.782805 +v -0.074672 0.118119 0.782805 +v -0.074918 0.116568 0.782805 +v -0.072195 0.115000 0.780000 +v -0.072113 0.113584 0.780000 +v -0.071866 0.112188 0.780000 +v -0.071460 0.110829 0.780000 +v -0.070898 0.109527 0.780000 +v -0.070189 0.108299 0.780000 +v -0.069342 0.107161 0.780000 +v -0.068369 0.106130 0.780000 +v -0.067282 0.105218 0.780000 +v -0.066097 0.104439 0.780000 +v -0.064830 0.103802 0.780000 +v -0.063498 0.103317 0.780000 +v -0.062118 0.102990 0.780000 +v -0.060709 0.102826 0.780000 +v -0.059291 0.102826 0.780000 +v -0.057882 0.102990 0.780000 +v -0.056502 0.103317 0.780000 +v -0.055170 0.103802 0.780000 +v -0.053902 0.104439 0.780000 +v -0.052718 0.105218 0.780000 +v -0.051631 0.106130 0.780000 +v -0.050658 0.107161 0.780000 +v -0.049811 0.108299 0.780000 +v -0.049102 0.109527 0.780000 +v -0.048540 0.110829 0.780000 +v -0.048134 0.112188 0.780000 +v -0.047887 0.113584 0.780000 +v -0.047805 0.115000 0.780000 +v -0.047887 0.116416 0.780000 +v -0.048134 0.117812 0.780000 +v -0.048540 0.119171 0.780000 +v -0.049102 0.120473 0.780000 +v -0.049811 0.121701 0.780000 +v -0.050658 0.122839 0.780000 +v -0.051631 0.123870 0.780000 +v -0.052718 0.124782 0.780000 +v -0.053902 0.125561 0.780000 +v -0.055170 0.126198 0.780000 +v -0.056502 0.126683 0.780000 +v -0.057882 0.127010 0.780000 +v -0.059291 0.127174 0.780000 +v -0.060709 0.127174 0.780000 +v -0.062118 0.127010 0.780000 +v -0.063498 0.126683 0.780000 +v -0.064830 0.126198 0.780000 +v -0.066097 0.125561 0.780000 +v -0.067282 0.124782 0.780000 +v -0.068369 0.123870 0.780000 +v -0.069342 0.122839 0.780000 +v -0.070189 0.121701 0.780000 +v -0.070898 0.120473 0.780000 +v -0.071460 0.119171 0.780000 +v -0.071866 0.117812 0.780000 +v -0.072113 0.116416 0.780000 +v -0.060000 0.126547 0.900000 +v -0.060000 0.103453 0.900000 +v -0.070000 0.109226 0.900000 +v -0.050000 0.109226 0.900000 +v -0.050000 0.120773 0.900000 +v -0.070000 0.120773 0.900000 +v -0.070000 0.109226 0.885000 +v -0.060000 0.103453 0.885000 +v -0.070000 0.120773 0.885000 +v -0.060000 0.126547 0.885000 +v -0.050000 0.120773 0.885000 +v -0.050000 0.109226 0.885000 +v 0.070000 -0.115000 0.885000 +v 0.069914 -0.113695 0.885000 +v 0.068617 -0.113481 0.884278 +v 0.067386 -0.113698 0.883557 +v 0.067048 -0.112435 0.883557 +v 0.063830 -0.111786 0.882113 +v 0.065413 -0.111875 0.882835 +v 0.064017 -0.110212 0.882835 +v 0.065745 -0.110179 0.883557 +v 0.063750 -0.108505 0.883557 +v 0.062500 -0.110670 0.882113 +v 0.059566 -0.112538 0.880670 +v 0.058750 -0.112835 0.880670 +v 0.059340 -0.113470 0.880189 +v 0.059711 -0.113359 0.880189 +v 0.060434 -0.112538 0.880670 +v 0.060000 -0.111250 0.881392 +v 0.060868 -0.110076 0.882113 +v 0.059132 -0.110076 0.882113 +v 0.061283 -0.111476 0.881392 +v 0.061302 -0.107614 0.883557 +v 0.062138 -0.109127 0.882835 +v 0.058717 -0.111476 0.881392 +v 0.057500 -0.110670 0.882113 +v 0.058698 -0.107614 0.883557 +v 0.060000 -0.108750 0.882835 +v 0.057590 -0.112127 0.881392 +v 0.058085 -0.113393 0.880670 +v 0.056170 -0.111786 0.882113 +v 0.057862 -0.109127 0.882835 +v 0.056250 -0.108505 0.883557 +v 0.056752 -0.113125 0.881392 +v 0.057651 -0.114145 0.880670 +v 0.055302 -0.113290 0.882113 +v 0.055983 -0.110212 0.882835 +v 0.054255 -0.110179 0.883557 +v 0.057500 -0.115000 0.880670 +v 0.056307 -0.114349 0.881392 +v 0.055000 -0.115000 0.882113 +v 0.054587 -0.111875 0.882835 +v 0.052952 -0.112435 0.883557 +v 0.056307 -0.115651 0.881392 +v 0.055302 -0.116710 0.882113 +v 0.057651 -0.115855 0.880670 +v 0.052500 -0.115000 0.883557 +v 0.053845 -0.113915 0.882835 +v 0.056752 -0.116875 0.881392 +v 0.058085 -0.116607 0.880670 +v 0.056170 -0.118214 0.882113 +v 0.058750 -0.117165 0.880670 +v 0.059566 -0.117462 0.880670 +v 0.059340 -0.116530 0.880189 +v 0.053845 -0.116085 0.882835 +v 0.052952 -0.117565 0.883557 +v 0.057500 -0.119330 0.882113 +v 0.057590 -0.117873 0.881392 +v 0.059711 -0.116641 0.880189 +v 0.054255 -0.119821 0.883557 +v 0.054587 -0.118125 0.882835 +v 0.060434 -0.117462 0.880670 +v 0.060097 -0.116664 0.880189 +v 0.060000 -0.116250 0.879948 +v 0.060217 -0.116231 0.879948 +v 0.059132 -0.119924 0.882113 +v 0.058717 -0.118524 0.881392 +v 0.061250 -0.117165 0.880670 +v 0.060428 -0.116175 0.879948 +v 0.055983 -0.119788 0.882835 +v 0.056250 -0.121495 0.883557 +v 0.060625 -0.116082 0.879948 +v 0.060000 -0.118750 0.881392 +v 0.060868 -0.119924 0.882113 +v 0.061915 -0.116607 0.880670 +v 0.060803 -0.115958 0.879948 +v 0.057862 -0.120873 0.882835 +v 0.058698 -0.122386 0.883557 +v 0.060958 -0.115803 0.879948 +v 0.061283 -0.118524 0.881392 +v 0.062500 -0.119330 0.882113 +v 0.062349 -0.115855 0.880670 +v 0.061083 -0.115625 0.879948 +v 0.060000 -0.121250 0.882835 +v 0.061302 -0.122386 0.883557 +v 0.061175 -0.115427 0.879948 +v 0.062410 -0.117873 0.881392 +v 0.063830 -0.118214 0.882113 +v 0.062138 -0.120873 0.882835 +v 0.063750 -0.121495 0.883557 +v 0.063248 -0.116875 0.881392 +v 0.064698 -0.116710 0.882113 +v 0.062462 -0.115434 0.880670 +v 0.061231 -0.115217 0.879948 +v 0.060000 -0.115000 0.879226 +v 0.064017 -0.119788 0.882835 +v 0.065745 -0.119821 0.883557 +v 0.065413 -0.118125 0.882835 +v 0.067048 -0.117565 0.883557 +v 0.067386 -0.116302 0.883557 +v 0.069914 -0.116305 0.885000 +v 0.068617 -0.116519 0.884278 +v 0.061231 -0.114783 0.879948 +v 0.061175 -0.114572 0.879948 +v 0.060604 -0.114838 0.879587 +v 0.060587 -0.114786 0.879587 +v 0.060566 -0.114736 0.879587 +v 0.061083 -0.114375 0.879948 +v 0.060541 -0.114687 0.879587 +v 0.060512 -0.114641 0.879587 +v 0.060958 -0.114197 0.879948 +v 0.060479 -0.114598 0.879587 +v 0.060442 -0.114558 0.879587 +v 0.060803 -0.114042 0.879948 +v 0.060625 -0.113917 0.879948 +v 0.066226 -0.114455 0.882835 +v 0.062462 -0.114566 0.880670 +v 0.064698 -0.113290 0.882113 +v 0.059583 -0.114278 0.879708 +v 0.068810 -0.111794 0.884639 +v 0.069659 -0.112412 0.885000 +v 0.069239 -0.111173 0.885000 +v 0.068660 -0.110000 0.885000 +v 0.058485 -0.113570 0.880429 +v 0.059558 -0.114558 0.879587 +v 0.058677 -0.114236 0.880109 +v 0.058259 -0.113855 0.880429 +v 0.058572 -0.114705 0.880068 +v 0.058750 -0.115000 0.879948 +v 0.058333 -0.115000 0.880189 +v 0.058056 -0.115000 0.880349 +v 0.058714 -0.115525 0.880028 +v 0.067071 -0.107929 0.885000 +v 0.066088 -0.107066 0.885000 +v 0.058259 -0.116145 0.880429 +v 0.058485 -0.116430 0.880429 +v 0.060442 -0.115442 0.879587 +v 0.060479 -0.115402 0.879587 +v 0.060512 -0.115358 0.879587 +v 0.060541 -0.115312 0.879587 +v 0.060566 -0.115264 0.879587 +v 0.060587 -0.115214 0.879587 +v 0.065000 -0.106340 0.885000 +v 0.063827 -0.105761 0.885000 +v 0.060604 -0.115162 0.879587 +v 0.063736 -0.115327 0.881392 +v 0.068660 -0.120000 0.885000 +v 0.069239 -0.118827 0.885000 +v 0.068810 -0.118206 0.884639 +v 0.069659 -0.117588 0.885000 +v 0.060120 -0.114711 0.879407 +v 0.060428 -0.113825 0.879948 +v 0.060095 -0.114277 0.879647 +v 0.060217 -0.113769 0.879948 +v 0.060000 -0.113750 0.879948 +v 0.060000 -0.114375 0.879587 +v 0.062588 -0.105341 0.885000 +v 0.061305 -0.105086 0.885000 +v 0.060000 -0.105000 0.885000 +v 0.067307 -0.110781 0.884098 +v 0.067934 -0.108912 0.885000 +v 0.059013 -0.114801 0.879808 +v 0.059558 -0.115442 0.879587 +v 0.059880 -0.115289 0.879407 +v 0.059264 -0.116095 0.879988 +v 0.059801 -0.115987 0.879808 +v 0.060000 -0.115417 0.879467 +v 0.058695 -0.105086 0.885000 +v 0.057412 -0.105341 0.885000 +v 0.056173 -0.105761 0.885000 +v 0.067071 -0.122071 0.885000 +v 0.067934 -0.121088 0.885000 +v 0.067307 -0.119219 0.884098 +v 0.059913 -0.114870 0.879317 +v 0.059711 -0.114880 0.879407 +v 0.059375 -0.115000 0.879587 +v 0.059540 -0.115091 0.879497 +v 0.055000 -0.106340 0.885000 +v 0.053912 -0.107066 0.885000 +v 0.052929 -0.107929 0.885000 +v 0.052066 -0.108912 0.885000 +v 0.051340 -0.110000 0.885000 +v 0.050761 -0.111173 0.885000 +v 0.050341 -0.112412 0.885000 +v 0.050086 -0.113695 0.885000 +v 0.050000 -0.115000 0.885000 +v 0.050086 -0.116305 0.885000 +v 0.050341 -0.117588 0.885000 +v 0.050761 -0.118827 0.885000 +v 0.051340 -0.120000 0.885000 +v 0.052066 -0.121088 0.885000 +v 0.052929 -0.122071 0.885000 +v 0.053912 -0.122933 0.885000 +v 0.055000 -0.123660 0.885000 +v 0.056173 -0.124239 0.885000 +v 0.057412 -0.124659 0.885000 +v 0.058695 -0.124914 0.885000 +v 0.060000 -0.125000 0.885000 +v 0.061305 -0.124914 0.885000 +v 0.062588 -0.124659 0.885000 +v 0.063827 -0.124239 0.885000 +v 0.065000 -0.123660 0.885000 +v 0.066088 -0.122933 0.885000 +v 0.062349 -0.114145 0.880670 +v 0.061915 -0.113393 0.880670 +v 0.061250 -0.112835 0.880670 +v 0.063248 -0.113125 0.881392 +v 0.062410 -0.112127 0.881392 +v 0.060097 -0.113336 0.880189 +v 0.079725 -0.096842 0.898913 +v 0.080974 -0.097703 0.898335 +v 0.080002 -0.096587 0.898335 +v 0.080684 -0.097942 0.898913 +v 0.056882 -0.142007 0.898335 +v 0.055525 -0.141816 0.898335 +v 0.055487 -0.142047 0.897685 +v 0.079589 -0.096148 0.898335 +v 0.055587 -0.141445 0.898913 +v 0.080549 -0.100546 0.899935 +v 0.080511 -0.101600 0.900000 +v 0.081032 -0.101259 0.899935 +v 0.056855 -0.142240 0.897685 +v 0.079334 -0.099952 0.900000 +v 0.081036 -0.100204 0.899741 +v 0.080295 -0.099203 0.899741 +v 0.081522 -0.099862 0.899390 +v 0.054990 -0.140831 0.899390 +v 0.053028 -0.140372 0.899390 +v 0.054895 -0.141320 0.898913 +v 0.053185 -0.139799 0.899741 +v 0.080764 -0.098839 0.899390 +v 0.079318 -0.096409 0.898913 +v 0.058950 -0.142400 0.897685 +v 0.057736 -0.142327 0.897685 +v 0.058947 -0.142480 0.897000 +v 0.078413 -0.094998 0.898335 +v 0.079757 -0.095986 0.897685 +v 0.057755 -0.142094 0.898335 +v 0.078571 -0.094826 0.897685 +v 0.053343 -0.139225 0.899935 +v 0.053986 -0.138750 0.900000 +v 0.052045 -0.138172 0.900000 +v 0.079841 -0.098637 0.899741 +v 0.051508 -0.138644 0.899935 +v 0.051307 -0.139205 0.899741 +v 0.080300 -0.098259 0.899390 +v 0.079359 -0.097179 0.899390 +v 0.055669 -0.140954 0.899390 +v 0.079825 -0.099569 0.899935 +v 0.056925 -0.141634 0.898913 +v 0.076842 -0.093361 0.897685 +v 0.078296 -0.094470 0.897000 +v 0.060000 -0.142421 0.897685 +v 0.061053 -0.142480 0.897000 +v 0.076671 -0.093129 0.897000 +v 0.078959 -0.096754 0.899390 +v 0.055103 -0.140248 0.899741 +v 0.058959 -0.142167 0.898335 +v 0.078158 -0.095275 0.898913 +v 0.079382 -0.099016 0.899935 +v 0.057786 -0.141719 0.898913 +v 0.078025 -0.098407 0.900000 +v 0.078922 -0.097581 0.899741 +v 0.055767 -0.140368 0.899741 +v 0.056982 -0.141139 0.899390 +v 0.061050 -0.142400 0.897685 +v 0.076698 -0.093546 0.898335 +v 0.078531 -0.097166 0.899741 +v 0.060000 -0.142187 0.898335 +v 0.077821 -0.095641 0.899390 +v 0.055217 -0.139663 0.899935 +v 0.055967 -0.139166 0.900000 +v 0.078483 -0.097985 0.899935 +v 0.058973 -0.141791 0.898913 +v 0.057827 -0.141223 0.899390 +v 0.074998 -0.092044 0.897685 +v 0.074948 -0.091917 0.897000 +v 0.055865 -0.139780 0.899935 +v 0.076468 -0.093843 0.898913 +v 0.062264 -0.142327 0.897685 +v 0.063154 -0.142319 0.897000 +v 0.078101 -0.097579 0.899935 +v 0.076593 -0.096975 0.900000 +v 0.057051 -0.140549 0.899741 +v 0.077419 -0.096078 0.899741 +v 0.061041 -0.142167 0.898335 +v 0.074870 -0.092240 0.898335 +v 0.060000 -0.141811 0.898913 +v 0.076161 -0.094236 0.899390 +v 0.077015 -0.096517 0.899935 +v 0.058992 -0.141293 0.899390 +v 0.063145 -0.142240 0.897685 +v 0.073099 -0.090911 0.897685 +v 0.073137 -0.090841 0.897000 +v 0.057876 -0.140631 0.899741 +v 0.074664 -0.092555 0.898913 +v 0.057119 -0.139957 0.899935 +v 0.057977 -0.139416 0.900000 +v 0.075797 -0.094705 0.899741 +v 0.062245 -0.142094 0.898335 +v 0.072988 -0.091116 0.898335 +v 0.074392 -0.092972 0.899390 +v 0.061027 -0.141791 0.898913 +v 0.060000 -0.141312 0.899390 +v 0.071217 -0.089979 0.897685 +v 0.071249 -0.089906 0.897000 +v 0.059015 -0.140699 0.899741 +v 0.075431 -0.095175 0.899935 +v 0.075048 -0.095666 0.900000 +v 0.057925 -0.140037 0.899935 +v 0.072808 -0.091446 0.898913 +v 0.063118 -0.142007 0.898335 +v 0.074067 -0.093469 0.899741 +v 0.064513 -0.142047 0.897685 +v 0.065236 -0.141997 0.897000 +v 0.071121 -0.090192 0.898335 +v 0.062214 -0.141719 0.898913 +v 0.072570 -0.091884 0.899390 +v 0.061008 -0.141293 0.899390 +v 0.069269 -0.089193 0.897685 +v 0.069295 -0.089119 0.897000 +v 0.065221 -0.141919 0.897685 +v 0.073741 -0.093968 0.899935 +v 0.073400 -0.094489 0.900000 +v 0.060000 -0.140718 0.899741 +v 0.070967 -0.090535 0.898913 +v 0.059038 -0.140104 0.899935 +v 0.060000 -0.139500 0.900000 +v 0.072286 -0.092406 0.899741 +v 0.063075 -0.141634 0.898913 +v 0.064475 -0.141816 0.898335 +v 0.069190 -0.089413 0.898335 +v 0.070764 -0.090990 0.899390 +v 0.062173 -0.141223 0.899390 +v 0.060985 -0.140699 0.899741 +v 0.067266 -0.088560 0.897685 +v 0.067287 -0.088483 0.897000 +v 0.072002 -0.092929 0.899935 +v 0.065176 -0.141689 0.898335 +v 0.071661 -0.093453 0.900000 +v 0.060000 -0.140123 0.899935 +v 0.069063 -0.089767 0.898913 +v 0.066731 -0.141582 0.897685 +v 0.067287 -0.141517 0.897000 +v 0.070521 -0.091532 0.899741 +v 0.063018 -0.141139 0.899390 +v 0.067204 -0.088785 0.898335 +v 0.068894 -0.090236 0.899390 +v 0.064413 -0.141445 0.898913 +v 0.062124 -0.140631 0.899741 +v 0.065221 -0.088081 0.897685 +v 0.065236 -0.088003 0.897000 +v 0.060962 -0.140104 0.899935 +v 0.062023 -0.139416 0.900000 +v 0.070277 -0.092075 0.899935 +v 0.069842 -0.092564 0.900000 +v 0.067104 -0.089148 0.898913 +v 0.065105 -0.141320 0.898913 +v 0.066674 -0.141355 0.898335 +v 0.064513 -0.087953 0.897685 +v 0.063154 -0.087681 0.897000 +v 0.068693 -0.090795 0.899741 +v 0.062949 -0.140549 0.899741 +v 0.064331 -0.140954 0.899390 +v 0.065176 -0.088311 0.898335 +v 0.062075 -0.140037 0.899935 +v 0.066972 -0.089628 0.899390 +v 0.068903 -0.140935 0.897685 +v 0.069295 -0.140881 0.897000 +v 0.064475 -0.088184 0.898335 +v 0.065010 -0.140831 0.899390 +v 0.063145 -0.087760 0.897685 +v 0.068492 -0.091356 0.899935 +v 0.067955 -0.091827 0.900000 +v 0.066582 -0.140990 0.898913 +v 0.062881 -0.139957 0.899935 +v 0.064033 -0.139166 0.900000 +v 0.065105 -0.088680 0.898913 +v 0.064233 -0.140368 0.899741 +v 0.062264 -0.087673 0.897685 +v 0.061053 -0.087520 0.897000 +v 0.068828 -0.140714 0.898335 +v 0.066815 -0.090201 0.899741 +v 0.064897 -0.140248 0.899741 +v 0.064413 -0.088555 0.898913 +v 0.066459 -0.140507 0.899390 +v 0.063118 -0.087993 0.898335 +v 0.064135 -0.139780 0.899935 +v 0.065010 -0.089169 0.899390 +v 0.071015 -0.140111 0.897685 +v 0.071249 -0.140094 0.897000 +v 0.061050 -0.087599 0.897685 +v 0.062245 -0.087906 0.898335 +v 0.068705 -0.140358 0.898913 +v 0.064783 -0.139663 0.899935 +v 0.066014 -0.138750 0.900000 +v 0.066657 -0.090775 0.899935 +v 0.066014 -0.091250 0.900000 +v 0.066313 -0.139931 0.899741 +v 0.064331 -0.089046 0.899390 +v 0.063075 -0.088366 0.898913 +v 0.070921 -0.139897 0.898335 +v 0.060000 -0.087579 0.897685 +v 0.058947 -0.087520 0.897000 +v 0.068544 -0.139887 0.899390 +v 0.064897 -0.089752 0.899741 +v 0.066167 -0.139354 0.899935 +v 0.061041 -0.087833 0.898335 +v 0.073051 -0.139116 0.897685 +v 0.073137 -0.139159 0.897000 +v 0.070770 -0.139553 0.898913 +v 0.062214 -0.088281 0.898913 +v 0.064233 -0.089632 0.899741 +v 0.068351 -0.139325 0.899741 +v 0.063018 -0.088861 0.899390 +v 0.058950 -0.087599 0.897685 +v 0.072939 -0.138910 0.898335 +v 0.070570 -0.139096 0.899390 +v 0.060000 -0.087813 0.898335 +v 0.064783 -0.090337 0.899935 +v 0.074905 -0.138016 0.897685 +v 0.064033 -0.090834 0.900000 +v 0.061027 -0.088209 0.898913 +v 0.074948 -0.138082 0.897000 +v 0.068157 -0.138761 0.899935 +v 0.067955 -0.138172 0.900000 +v 0.062173 -0.088777 0.899390 +v 0.072761 -0.138579 0.898913 +v 0.064135 -0.090220 0.899935 +v 0.057736 -0.087673 0.897685 +v 0.056846 -0.087681 0.897000 +v 0.070331 -0.138552 0.899741 +v 0.074778 -0.137820 0.898335 +v 0.062949 -0.089451 0.899741 +v 0.058959 -0.087833 0.898335 +v 0.072523 -0.138141 0.899390 +v 0.060000 -0.088189 0.898913 +v 0.061008 -0.088707 0.899390 +v 0.076623 -0.136807 0.897685 +v 0.076671 -0.136871 0.897000 +v 0.070092 -0.138007 0.899935 +v 0.069842 -0.137436 0.900000 +v 0.056855 -0.087760 0.897685 +v 0.074573 -0.137504 0.898913 +v 0.062124 -0.089369 0.899741 +v 0.072241 -0.137619 0.899741 +v 0.062881 -0.090043 0.899935 +v 0.062023 -0.090584 0.900000 +v 0.076481 -0.136621 0.898335 +v 0.057755 -0.087906 0.898335 +v 0.074303 -0.137086 0.899390 +v 0.058973 -0.088209 0.898913 +v 0.078244 -0.135471 0.897685 +v 0.060000 -0.088687 0.899390 +v 0.078296 -0.135530 0.897000 +v 0.071957 -0.137095 0.899935 +v 0.071661 -0.136547 0.900000 +v 0.060985 -0.089300 0.899741 +v 0.062075 -0.089963 0.899935 +v 0.076253 -0.136322 0.898913 +v 0.073980 -0.136587 0.899741 +v 0.056882 -0.087993 0.898335 +v 0.055487 -0.087953 0.897685 +v 0.054764 -0.088003 0.897000 +v 0.078088 -0.135296 0.898335 +v 0.057786 -0.088281 0.898913 +v 0.075951 -0.135926 0.899390 +v 0.058992 -0.088707 0.899390 +v 0.079757 -0.134014 0.897685 +v 0.079814 -0.134069 0.897000 +v 0.073656 -0.136087 0.899935 +v 0.073400 -0.135511 0.900000 +v 0.054779 -0.088081 0.897685 +v 0.060000 -0.089282 0.899741 +v 0.060962 -0.089896 0.899935 +v 0.060000 -0.090500 0.900000 +v 0.080174 -0.133571 0.897685 +v 0.081216 -0.132497 0.897000 +v 0.056925 -0.088366 0.898913 +v 0.077838 -0.135016 0.898913 +v 0.055525 -0.088184 0.898335 +v 0.075591 -0.135454 0.899741 +v 0.057827 -0.088777 0.899390 +v 0.079589 -0.133852 0.898335 +v 0.059015 -0.089300 0.899741 +v 0.080002 -0.133413 0.898335 +v 0.054824 -0.088311 0.898335 +v 0.060000 -0.089877 0.899935 +v 0.077506 -0.134644 0.899390 +v 0.053269 -0.088418 0.897685 +v 0.052713 -0.088483 0.897000 +v 0.056982 -0.088861 0.899390 +v 0.081155 -0.132446 0.897685 +v 0.075230 -0.134980 0.899935 +v 0.075048 -0.134334 0.900000 +v 0.055587 -0.088555 0.898913 +v 0.079318 -0.133592 0.898913 +v 0.057876 -0.089369 0.899741 +v 0.059038 -0.089896 0.899935 +v 0.081639 -0.131842 0.897685 +v 0.082493 -0.130821 0.897000 +v 0.057977 -0.090584 0.900000 +v 0.054895 -0.088680 0.898913 +v 0.079725 -0.133158 0.898913 +v 0.077111 -0.134200 0.899741 +v 0.053326 -0.088645 0.898335 +v 0.057051 -0.089451 0.899741 +v 0.080974 -0.132297 0.898335 +v 0.055669 -0.089046 0.899390 +v 0.078959 -0.133246 0.899390 +v 0.057925 -0.089963 0.899935 +v 0.051097 -0.089065 0.897685 +v 0.050705 -0.089119 0.897000 +v 0.082428 -0.130776 0.897685 +v 0.081454 -0.131698 0.898335 +v 0.054990 -0.089169 0.899390 +v 0.076715 -0.133755 0.899935 +v 0.076593 -0.133025 0.900000 +v 0.053418 -0.089010 0.898913 +v 0.079359 -0.132821 0.899390 +v 0.057119 -0.090043 0.899935 +v 0.055967 -0.090834 0.900000 +v 0.080684 -0.132058 0.898913 +v 0.055767 -0.089632 0.899741 +v 0.051172 -0.089286 0.898335 +v 0.082956 -0.129998 0.897685 +v 0.083638 -0.129053 0.897000 +v 0.078531 -0.132834 0.899741 +v 0.082237 -0.130641 0.898335 +v 0.055103 -0.089752 0.899741 +v 0.053541 -0.089493 0.899390 +v 0.081157 -0.131467 0.898913 +v 0.055865 -0.090220 0.899935 +v 0.078922 -0.132419 0.899741 +v 0.048985 -0.089889 0.897685 +v 0.048751 -0.089906 0.897000 +v 0.051295 -0.089642 0.898913 +v 0.080300 -0.131741 0.899390 +v 0.083570 -0.129012 0.897685 +v 0.055217 -0.090337 0.899935 +v 0.053986 -0.091250 0.900000 +v 0.082760 -0.129870 0.898335 +v 0.053687 -0.090069 0.899741 +v 0.078101 -0.132421 0.899935 +v 0.078025 -0.131593 0.900000 +v 0.049079 -0.090103 0.898335 +v 0.081929 -0.130425 0.898913 +v 0.080764 -0.131161 0.899390 +v 0.051456 -0.090113 0.899390 +v 0.078483 -0.132015 0.899935 +v 0.053833 -0.090646 0.899935 +v 0.084116 -0.128051 0.897685 +v 0.046949 -0.090884 0.897685 +v 0.046863 -0.090841 0.897000 +v 0.084645 -0.127202 0.897000 +v 0.079841 -0.131363 0.899741 +v 0.049230 -0.090447 0.898913 +v 0.083369 -0.128893 0.898335 +v 0.051649 -0.090675 0.899741 +v 0.082445 -0.129664 0.898913 +v 0.047061 -0.091090 0.898335 +v 0.081522 -0.130138 0.899390 +v 0.049430 -0.090904 0.899390 +v 0.080295 -0.130797 0.899741 +v 0.084573 -0.127167 0.897685 +v 0.045095 -0.091984 0.897685 +v 0.045052 -0.091917 0.897000 +v 0.083910 -0.127939 0.898335 +v 0.051843 -0.091238 0.899935 +v 0.032579 -0.115000 0.897685 +v 0.032581 -0.112895 0.897000 +v 0.032500 -0.115000 0.897000 +v 0.079382 -0.130984 0.899935 +v 0.079334 -0.130048 0.900000 +v 0.052045 -0.091827 0.900000 +v 0.047239 -0.091421 0.898913 +v 0.083046 -0.128701 0.898913 +v 0.049669 -0.091448 0.899741 +v 0.082028 -0.129392 0.899390 +v 0.079825 -0.130431 0.899935 +v 0.045222 -0.092180 0.898335 +v 0.081036 -0.129796 0.899741 +v 0.047477 -0.091859 0.899390 +v 0.085111 -0.126015 0.897685 +v 0.085506 -0.125280 0.897000 +v 0.043377 -0.093193 0.897685 +v 0.043329 -0.093129 0.897000 +v 0.041704 -0.094470 0.897000 +v 0.084364 -0.127063 0.898335 +v 0.049908 -0.091993 0.899935 +v 0.083579 -0.127760 0.898913 +v 0.050158 -0.092564 0.900000 +v 0.032660 -0.117099 0.897685 +v 0.045427 -0.092496 0.898913 +v 0.032581 -0.117105 0.897000 +v 0.032822 -0.119198 0.897000 +v 0.082617 -0.128446 0.899390 +v 0.047759 -0.092381 0.899741 +v 0.032893 -0.117081 0.898335 +v 0.032813 -0.115000 0.898335 +v 0.085433 -0.125250 0.897685 +v 0.043519 -0.093379 0.898335 +v 0.081531 -0.129067 0.899741 +v 0.032901 -0.119186 0.897685 +v 0.080549 -0.129454 0.899935 +v 0.080511 -0.128400 0.900000 +v 0.045697 -0.092914 0.899390 +v 0.033268 -0.117052 0.898913 +v 0.033189 -0.115000 0.898913 +v 0.041756 -0.094529 0.897685 +v 0.084897 -0.125921 0.898335 +v 0.033132 -0.119150 0.898335 +v 0.048043 -0.092905 0.899935 +v 0.084027 -0.126896 0.898913 +v 0.048339 -0.093453 0.900000 +v 0.043747 -0.093678 0.898913 +v 0.033765 -0.117014 0.899390 +v 0.033687 -0.115000 0.899390 +v 0.083141 -0.127523 0.899390 +v 0.033301 -0.121248 0.897685 +v 0.046020 -0.093413 0.899741 +v 0.033223 -0.121266 0.897000 +v 0.033782 -0.123297 0.897000 +v 0.082107 -0.128143 0.899741 +v 0.081032 -0.128741 0.899935 +v 0.033503 -0.119093 0.898913 +v 0.041912 -0.094704 0.898335 +v 0.085216 -0.125163 0.898335 +v 0.034357 -0.116969 0.899741 +v 0.034282 -0.115000 0.899741 +v 0.044049 -0.094074 0.899390 +v 0.034877 -0.115000 0.899935 +v 0.085935 -0.123903 0.897685 +v 0.033528 -0.121195 0.898335 +v 0.086218 -0.123297 0.897000 +v 0.040243 -0.095986 0.897685 +v 0.040186 -0.095931 0.897000 +v 0.084553 -0.125770 0.898913 +v 0.046344 -0.093913 0.899935 +v 0.046600 -0.094489 0.900000 +v 0.033996 -0.119017 0.899390 +v 0.039826 -0.096428 0.897685 +v 0.038784 -0.097503 0.897000 +v 0.033857 -0.123273 0.897685 +v 0.083580 -0.126675 0.899390 +v 0.086143 -0.123273 0.897685 +v 0.034951 -0.116923 0.899935 +v 0.035500 -0.115000 0.900000 +v 0.035584 -0.117023 0.900000 +v 0.042162 -0.094984 0.898913 +v 0.082619 -0.127241 0.899741 +v 0.033894 -0.121109 0.898913 +v 0.044409 -0.094546 0.899741 +v 0.081595 -0.127838 0.899935 +v 0.034065 -0.123903 0.897685 +v 0.081547 -0.126661 0.900000 +v 0.040411 -0.096148 0.898335 +v 0.034494 -0.125280 0.897000 +v 0.084867 -0.125022 0.898913 +v 0.034583 -0.118926 0.899741 +v 0.085714 -0.123827 0.898335 +v 0.034080 -0.123203 0.898335 +v 0.039998 -0.096587 0.898335 +v 0.034380 -0.120995 0.899390 +v 0.084096 -0.125570 0.899390 +v 0.042494 -0.095356 0.899390 +v 0.038845 -0.097554 0.897685 +v 0.083048 -0.126412 0.899741 +v 0.034286 -0.123827 0.898335 +v 0.044770 -0.095020 0.899935 +v 0.044952 -0.095666 0.900000 +v 0.034567 -0.125250 0.897685 +v 0.085920 -0.123203 0.898335 +v 0.082095 -0.126957 0.899935 +v 0.040682 -0.096409 0.898913 +v 0.035172 -0.118835 0.899935 +v 0.035834 -0.119033 0.900000 +v 0.038361 -0.098158 0.897685 +v 0.086582 -0.121731 0.897685 +v 0.086777 -0.121266 0.897000 +v 0.037507 -0.099179 0.897000 +v 0.034439 -0.123089 0.898913 +v 0.084405 -0.124836 0.899390 +v 0.040275 -0.096842 0.898913 +v 0.034889 -0.126015 0.897685 +v 0.035355 -0.127202 0.897000 +v 0.034958 -0.120860 0.899741 +v 0.042889 -0.095800 0.899741 +v 0.085358 -0.123705 0.898913 +v 0.082514 -0.126147 0.899935 +v 0.082436 -0.124841 0.900000 +v 0.039026 -0.097703 0.898335 +v 0.034642 -0.123705 0.898913 +v 0.083552 -0.125331 0.899741 +v 0.041041 -0.096754 0.899390 +v 0.034784 -0.125163 0.898335 +v 0.085561 -0.123089 0.898913 +v 0.034914 -0.122939 0.899390 +v 0.086355 -0.121674 0.898335 +v 0.037572 -0.099224 0.897685 +v 0.038546 -0.098302 0.898335 +v 0.035427 -0.127167 0.897685 +v 0.083854 -0.124614 0.899741 +v 0.035103 -0.125921 0.898335 +v 0.043285 -0.096245 0.899935 +v 0.043407 -0.096975 0.900000 +v 0.084887 -0.123544 0.899390 +v 0.040641 -0.097179 0.899390 +v 0.035538 -0.120724 0.899935 +v 0.036250 -0.121014 0.900000 +v 0.083007 -0.125092 0.899935 +v 0.039316 -0.097942 0.898913 +v 0.035113 -0.123544 0.899390 +v 0.087047 -0.119513 0.897685 +v 0.087178 -0.119198 0.897000 +v 0.037044 -0.100002 0.897685 +v 0.035133 -0.125022 0.898913 +v 0.036362 -0.100947 0.897000 +v 0.041469 -0.097166 0.899741 +v 0.085086 -0.122939 0.899390 +v 0.035884 -0.128051 0.897685 +v 0.036362 -0.129053 0.897000 +v 0.085990 -0.121582 0.898913 +v 0.037763 -0.099359 0.898335 +v 0.035480 -0.122760 0.899741 +v 0.083301 -0.124391 0.899935 +v 0.083173 -0.122955 0.900000 +v 0.038843 -0.098532 0.898913 +v 0.035636 -0.127063 0.898335 +v 0.084325 -0.123351 0.899741 +v 0.041078 -0.097581 0.899741 +v 0.035447 -0.125770 0.898913 +v 0.039700 -0.098259 0.899390 +v 0.086816 -0.119475 0.898335 +v 0.035675 -0.123351 0.899741 +v 0.084520 -0.122760 0.899741 +v 0.035595 -0.124836 0.899390 +v 0.036430 -0.100988 0.897685 +v 0.037240 -0.100130 0.898335 +v 0.036430 -0.129012 0.897685 +v 0.085507 -0.121459 0.899390 +v 0.083762 -0.123157 0.899935 +v 0.041898 -0.097579 0.899935 +v 0.036090 -0.127939 0.898335 +v 0.041975 -0.098407 0.900000 +v 0.038071 -0.099575 0.898913 +v 0.036048 -0.122580 0.899935 +v 0.087327 -0.117264 0.897685 +v 0.087419 -0.117105 0.897000 +v 0.039236 -0.098839 0.899390 +v 0.036827 -0.122955 0.900000 +v 0.035973 -0.126896 0.898913 +v 0.041517 -0.097985 0.899935 +v 0.086445 -0.119413 0.898913 +v 0.035904 -0.125570 0.899390 +v 0.083952 -0.122580 0.899935 +v 0.035884 -0.101949 0.897685 +v 0.035355 -0.102798 0.897000 +v 0.083750 -0.121014 0.900000 +v 0.036238 -0.123157 0.899935 +v 0.084931 -0.121313 0.899741 +v 0.040159 -0.098637 0.899741 +v 0.037044 -0.129998 0.897685 +v 0.037507 -0.130821 0.897000 +v 0.087094 -0.117245 0.898335 +v 0.036146 -0.124614 0.899741 +v 0.036631 -0.101107 0.898335 +v 0.085954 -0.119331 0.899390 +v 0.036631 -0.128893 0.898335 +v 0.037555 -0.100336 0.898913 +v 0.038478 -0.099862 0.899390 +v 0.084354 -0.121167 0.899935 +v 0.036421 -0.127760 0.898913 +v 0.039705 -0.099203 0.899741 +v 0.087421 -0.115000 0.897685 +v 0.036420 -0.126675 0.899390 +v 0.087500 -0.115000 0.897000 +v 0.036448 -0.125331 0.899741 +v 0.035427 -0.102833 0.897685 +v 0.086719 -0.117214 0.898913 +v 0.037572 -0.130776 0.897685 +v 0.036090 -0.102060 0.898335 +v 0.036699 -0.124391 0.899935 +v 0.085368 -0.119233 0.899741 +v 0.040618 -0.099016 0.899935 +v 0.040666 -0.099952 0.900000 +v 0.037564 -0.124841 0.900000 +v 0.037240 -0.129870 0.898335 +v 0.087187 -0.115000 0.898335 +v 0.036954 -0.101299 0.898913 +v 0.037972 -0.100608 0.899390 +v 0.036954 -0.128701 0.898913 +v 0.086223 -0.117173 0.899390 +v 0.040175 -0.099569 0.899935 +v 0.036859 -0.127523 0.899390 +v 0.038964 -0.100204 0.899741 +v 0.087340 -0.112901 0.897685 +v 0.087419 -0.112895 0.897000 +v 0.036993 -0.125092 0.899935 +v 0.036952 -0.126412 0.899741 +v 0.084780 -0.119135 0.899935 +v 0.084166 -0.119033 0.900000 +v 0.034889 -0.103985 0.897685 +v 0.034494 -0.104720 0.897000 +v 0.035636 -0.102937 0.898335 +v 0.086811 -0.115000 0.898913 +v 0.038361 -0.131842 0.897685 +v 0.038784 -0.132497 0.897000 +v 0.036421 -0.102239 0.898913 +v 0.085631 -0.117124 0.899741 +v 0.037763 -0.130641 0.898335 +v 0.037555 -0.129664 0.898913 +v 0.087107 -0.112919 0.898335 +v 0.037383 -0.101554 0.899390 +v 0.037383 -0.128446 0.899390 +v 0.034567 -0.104750 0.897685 +v 0.086313 -0.115000 0.899390 +v 0.038469 -0.100933 0.899741 +v 0.038845 -0.132446 0.897685 +v 0.087099 -0.110814 0.897685 +v 0.087178 -0.110802 0.897000 +v 0.086777 -0.108734 0.897000 +v 0.039451 -0.100546 0.899935 +v 0.039489 -0.101600 0.900000 +v 0.037381 -0.127241 0.899741 +v 0.035103 -0.104079 0.898335 +v 0.085037 -0.117075 0.899935 +v 0.084416 -0.117023 0.900000 +v 0.037486 -0.126147 0.899935 +v 0.038453 -0.126661 0.900000 +v 0.086732 -0.112948 0.898913 +v 0.038546 -0.131698 0.898335 +v 0.035973 -0.103103 0.898913 +v 0.036859 -0.102477 0.899390 +v 0.085718 -0.115000 0.899741 +v 0.037893 -0.101857 0.899741 +v 0.038071 -0.130425 0.898913 +v 0.086868 -0.110850 0.898335 +v 0.038968 -0.101259 0.899935 +v 0.037972 -0.129392 0.899390 +v 0.086235 -0.112986 0.899390 +v 0.034784 -0.104837 0.898335 +v 0.037893 -0.128143 0.899741 +v 0.039026 -0.132297 0.898335 +v 0.034065 -0.106096 0.897685 +v 0.033782 -0.106703 0.897000 +v 0.086699 -0.108752 0.897685 +v 0.085123 -0.115000 0.899935 +v 0.084500 -0.115000 0.900000 +v 0.035447 -0.104230 0.898913 +v 0.037905 -0.126957 0.899935 +v 0.036420 -0.103325 0.899390 +v 0.086497 -0.110907 0.898913 +v 0.039826 -0.133571 0.897685 +v 0.040186 -0.134069 0.897000 +v 0.038843 -0.131467 0.898913 +v 0.085643 -0.113031 0.899741 +v 0.033857 -0.106727 0.897685 +v 0.038478 -0.130138 0.899390 +v 0.037381 -0.102759 0.899741 +v 0.086472 -0.108805 0.898335 +v 0.038405 -0.102162 0.899935 +v 0.086004 -0.110983 0.899390 +v 0.038453 -0.103339 0.900000 +v 0.040243 -0.134014 0.897685 +v 0.035133 -0.104978 0.898913 +v 0.038469 -0.129067 0.899741 +v 0.086143 -0.106727 0.897685 +v 0.086218 -0.106703 0.897000 +v 0.038405 -0.127838 0.899935 +v 0.085049 -0.113077 0.899935 +v 0.084416 -0.112977 0.900000 +v 0.034286 -0.106172 0.898335 +v 0.039489 -0.128400 0.900000 +v 0.086106 -0.108891 0.898913 +v 0.039316 -0.132058 0.898913 +v 0.035904 -0.104430 0.899390 +v 0.039998 -0.133413 0.898335 +v 0.085935 -0.106096 0.897685 +v 0.036952 -0.103588 0.899741 +v 0.085506 -0.104720 0.897000 +v 0.085417 -0.111074 0.899741 +v 0.039236 -0.131161 0.899390 +v 0.034080 -0.106797 0.898335 +v 0.085920 -0.106797 0.898335 +v 0.038964 -0.129796 0.899741 +v 0.037905 -0.103043 0.899935 +v 0.040411 -0.133852 0.898335 +v 0.085620 -0.109005 0.899390 +v 0.033418 -0.108269 0.897685 +v 0.033223 -0.108734 0.897000 +v 0.085714 -0.106172 0.898335 +v 0.038968 -0.128741 0.899935 +v 0.035595 -0.105164 0.899390 +v 0.041428 -0.135174 0.897685 +v 0.034642 -0.106295 0.898913 +v 0.041704 -0.135530 0.897000 +v 0.085433 -0.104750 0.897685 +v 0.039700 -0.131741 0.899390 +v 0.084828 -0.111165 0.899935 +v 0.084166 -0.110967 0.900000 +v 0.037486 -0.103852 0.899935 +v 0.037564 -0.105159 0.900000 +v 0.085561 -0.106911 0.898913 +v 0.040275 -0.133158 0.898913 +v 0.036448 -0.104669 0.899741 +v 0.085111 -0.103985 0.897685 +v 0.039451 -0.129454 0.899935 +v 0.084645 -0.102798 0.897000 +v 0.040666 -0.130048 0.900000 +v 0.039705 -0.130797 0.899741 +v 0.085042 -0.109140 0.899741 +v 0.034439 -0.106911 0.898913 +v 0.040682 -0.133592 0.898913 +v 0.033645 -0.108326 0.898335 +v 0.085358 -0.106295 0.898913 +v 0.085216 -0.104837 0.898335 +v 0.036146 -0.105386 0.899741 +v 0.041587 -0.135002 0.898335 +v 0.040159 -0.131363 0.899741 +v 0.035113 -0.106456 0.899390 +v 0.085086 -0.107061 0.899390 +v 0.036993 -0.104908 0.899935 +v 0.040641 -0.132821 0.899390 +v 0.084573 -0.102833 0.897685 +v 0.032953 -0.110487 0.897685 +v 0.032822 -0.110802 0.897000 +v 0.040175 -0.130431 0.899935 +v 0.043158 -0.136639 0.897685 +v 0.084897 -0.104079 0.898335 +v 0.034914 -0.107061 0.899390 +v 0.084462 -0.109276 0.899935 +v 0.083750 -0.108986 0.900000 +v 0.043329 -0.136871 0.897000 +v 0.084887 -0.106456 0.899390 +v 0.034010 -0.108418 0.898913 +v 0.041041 -0.133246 0.899390 +v 0.084867 -0.104978 0.898913 +v 0.036699 -0.105609 0.899935 +v 0.036827 -0.107045 0.900000 +v 0.041842 -0.134725 0.898913 +v 0.035675 -0.106649 0.899741 +v 0.040618 -0.130984 0.899935 +v 0.084116 -0.101949 0.897685 +v 0.083638 -0.100947 0.897000 +v 0.041975 -0.131593 0.900000 +v 0.084520 -0.107240 0.899741 +v 0.033184 -0.110525 0.898335 +v 0.041078 -0.132419 0.899741 +v 0.035480 -0.107240 0.899741 +v 0.043302 -0.136454 0.898335 +v 0.084364 -0.102937 0.898335 +v 0.041469 -0.132834 0.899741 +v 0.034493 -0.108541 0.899390 +v 0.084553 -0.104230 0.898913 +v 0.084325 -0.106649 0.899741 +v 0.042179 -0.134359 0.899390 +v 0.036238 -0.106843 0.899935 +v 0.084405 -0.105164 0.899390 +v 0.032673 -0.112736 0.897685 +v 0.041517 -0.132015 0.899935 +v 0.033555 -0.110587 0.898913 +v 0.045002 -0.137956 0.897685 +v 0.083570 -0.100988 0.897685 +v 0.045052 -0.138082 0.897000 +v 0.036048 -0.107420 0.899935 +v 0.043532 -0.136157 0.898913 +v 0.083910 -0.102060 0.898335 +v 0.083952 -0.107420 0.899935 +v 0.083173 -0.107045 0.900000 +v 0.036250 -0.108986 0.900000 +v 0.035069 -0.108686 0.899741 +v 0.041898 -0.132421 0.899935 +v 0.043407 -0.133025 0.900000 +v 0.084027 -0.103103 0.898913 +v 0.042581 -0.133922 0.899741 +v 0.032906 -0.112755 0.898335 +v 0.045130 -0.137760 0.898335 +v 0.084096 -0.104430 0.899390 +v 0.034046 -0.110669 0.899390 +v 0.083762 -0.106843 0.899935 +v 0.043839 -0.135764 0.899390 +v 0.082956 -0.100002 0.897685 +v 0.082493 -0.099179 0.897000 +v 0.035646 -0.108833 0.899935 +v 0.042985 -0.133483 0.899935 +v 0.033281 -0.112786 0.898913 +v 0.083854 -0.105386 0.899741 +v 0.046901 -0.139089 0.897685 +v 0.034632 -0.110767 0.899741 +v 0.046863 -0.139159 0.897000 +v 0.083369 -0.101107 0.898335 +v 0.083579 -0.102239 0.898913 +v 0.045336 -0.137445 0.898913 +v 0.033777 -0.112827 0.899390 +v 0.044203 -0.135295 0.899741 +v 0.083580 -0.103325 0.899390 +v 0.035220 -0.110865 0.899935 +v 0.035834 -0.110967 0.900000 +v 0.047012 -0.138884 0.898335 +v 0.083552 -0.104669 0.899741 +v 0.034369 -0.112876 0.899741 +v 0.045608 -0.137028 0.899390 +v 0.034963 -0.112925 0.899935 +v 0.082428 -0.099224 0.897685 +v 0.035584 -0.112977 0.900000 +v 0.083301 -0.105609 0.899935 +v 0.048783 -0.140021 0.897685 +v 0.082436 -0.105159 0.900000 +v 0.082760 -0.100130 0.898335 +v 0.048751 -0.140094 0.897000 +v 0.050705 -0.140881 0.897000 +v 0.044569 -0.134825 0.899935 +v 0.044952 -0.134334 0.900000 +v 0.083046 -0.101299 0.898913 +v 0.047192 -0.138554 0.898913 +v 0.045933 -0.136531 0.899741 +v 0.083141 -0.102477 0.899390 +v 0.083007 -0.104908 0.899935 +v 0.083048 -0.103588 0.899741 +v 0.048879 -0.139808 0.898335 +v 0.081639 -0.098158 0.897685 +v 0.081216 -0.097503 0.897000 +v 0.047430 -0.138116 0.899390 +v 0.082237 -0.099359 0.898335 +v 0.050731 -0.140807 0.897685 +v 0.082445 -0.100336 0.898913 +v 0.046259 -0.136032 0.899935 +v 0.046600 -0.135511 0.900000 +v 0.082617 -0.101554 0.899390 +v 0.049033 -0.139465 0.898913 +v 0.047714 -0.137594 0.899741 +v 0.081155 -0.097554 0.897685 +v 0.082619 -0.102759 0.899741 +v 0.082514 -0.103852 0.899935 +v 0.050810 -0.140587 0.898335 +v 0.081547 -0.103339 0.900000 +v 0.049236 -0.139010 0.899390 +v 0.081454 -0.098302 0.898335 +v 0.052734 -0.141440 0.897685 +v 0.052713 -0.141517 0.897000 +v 0.054764 -0.141997 0.897000 +v 0.081929 -0.099575 0.898913 +v 0.047998 -0.137071 0.899935 +v 0.048339 -0.136547 0.900000 +v 0.082028 -0.100608 0.899390 +v 0.050937 -0.140233 0.898913 +v 0.082107 -0.101857 0.899741 +v 0.049479 -0.138468 0.899741 +v 0.052796 -0.141215 0.898335 +v 0.082095 -0.103043 0.899935 +v 0.051106 -0.139764 0.899390 +v 0.080174 -0.096428 0.897685 +v 0.079814 -0.095931 0.897000 +v 0.054779 -0.141919 0.897685 +v 0.081157 -0.098532 0.898913 +v 0.049723 -0.137925 0.899935 +v 0.050158 -0.137436 0.900000 +v 0.052896 -0.140852 0.898913 +v 0.081531 -0.100933 0.899741 +v 0.056846 -0.142319 0.897000 +v 0.081595 -0.102162 0.899935 +v 0.054824 -0.141689 0.898335 +v 0.067809 -0.101475 0.879924 +v 0.066878 -0.100979 0.879924 +v 0.067902 -0.101312 0.879981 +v 0.056137 -0.129920 0.879809 +v 0.056796 -0.130075 0.879809 +v 0.056085 -0.130119 0.879924 +v 0.066960 -0.100810 0.879981 +v 0.067046 -0.100635 0.880000 +v 0.068463 -0.101422 0.880000 +v 0.056753 -0.130276 0.879924 +v 0.055237 -0.129658 0.879809 +v 0.071168 -0.104945 0.879233 +v 0.070055 -0.103832 0.879233 +v 0.071228 -0.104890 0.879454 +v 0.053855 -0.128803 0.879454 +v 0.054753 -0.129168 0.879454 +v 0.053801 -0.128922 0.879649 +v 0.054707 -0.129291 0.879649 +v 0.070110 -0.103772 0.879454 +v 0.057577 -0.130815 0.880000 +v 0.055990 -0.130489 0.880000 +v 0.056714 -0.130460 0.879981 +v 0.057607 -0.130623 0.879981 +v 0.068261 -0.101746 0.879924 +v 0.068360 -0.101587 0.879981 +v 0.054647 -0.129453 0.879809 +v 0.069059 -0.102531 0.879809 +v 0.069180 -0.102365 0.879924 +v 0.072135 -0.106183 0.879000 +v 0.071147 -0.104963 0.879000 +v 0.072158 -0.106167 0.879233 +v 0.052486 -0.128014 0.879233 +v 0.053346 -0.128565 0.879454 +v 0.052445 -0.128085 0.879454 +v 0.070197 -0.103675 0.879649 +v 0.070313 -0.103546 0.879809 +v 0.053289 -0.128682 0.879649 +v 0.051183 -0.127135 0.879000 +v 0.052051 -0.127753 0.879233 +v 0.051167 -0.127158 0.879233 +v 0.071325 -0.104803 0.879649 +v 0.069290 -0.102214 0.879981 +v 0.055174 -0.129853 0.879924 +v 0.069794 -0.102348 0.880000 +v 0.056038 -0.130300 0.879981 +v 0.072223 -0.106119 0.879454 +v 0.052008 -0.127822 0.879454 +v 0.070450 -0.103394 0.879924 +v 0.075805 -0.115000 0.879981 +v 0.076000 -0.115000 0.880000 +v 0.075918 -0.116619 0.880000 +v 0.053731 -0.129080 0.879809 +v 0.072990 -0.107500 0.879000 +v 0.073014 -0.107486 0.879233 +v 0.073703 -0.108899 0.879000 +v 0.054576 -0.129645 0.879924 +v 0.071454 -0.104687 0.879809 +v 0.052380 -0.128198 0.879649 +v 0.072329 -0.106042 0.879649 +v 0.053213 -0.128837 0.879809 +v 0.054443 -0.130004 0.880000 +v 0.055116 -0.130031 0.879981 +v 0.070576 -0.103255 0.879981 +v 0.071023 -0.103403 0.880000 +v 0.073085 -0.107445 0.879454 +v 0.051119 -0.127223 0.879454 +v 0.071606 -0.104550 0.879924 +v 0.051939 -0.127933 0.879649 +v 0.049963 -0.126147 0.879000 +v 0.049945 -0.126168 0.879233 +v 0.048853 -0.125037 0.879000 +v 0.073728 -0.108888 0.879233 +v 0.072469 -0.105941 0.879809 +v 0.053648 -0.129267 0.879924 +v 0.054511 -0.129821 0.879981 +v 0.073198 -0.107380 0.879649 +v 0.052294 -0.128347 0.879809 +v 0.071745 -0.104424 0.879981 +v 0.053122 -0.129021 0.879924 +v 0.072140 -0.104578 0.880000 +v 0.073803 -0.108855 0.879454 +v 0.051042 -0.127329 0.879649 +v 0.072635 -0.105820 0.879924 +v 0.051847 -0.128080 0.879809 +v 0.052954 -0.129365 0.880000 +v 0.053572 -0.129438 0.879981 +v 0.074292 -0.110356 0.879233 +v 0.074266 -0.110365 0.879000 +v 0.049890 -0.126228 0.879454 +v 0.073347 -0.107294 0.879809 +v 0.053040 -0.129190 0.879981 +v 0.073922 -0.108801 0.879649 +v 0.052191 -0.128525 0.879924 +v 0.048832 -0.125055 0.879233 +v 0.072786 -0.105710 0.879981 +v 0.073132 -0.105860 0.880000 +v 0.074370 -0.110331 0.879454 +v 0.050941 -0.127469 0.879809 +v 0.051739 -0.128253 0.879924 +v 0.073525 -0.107191 0.879924 +v 0.049803 -0.126325 0.879649 +v 0.074672 -0.111881 0.879000 +v 0.074699 -0.111876 0.879233 +v 0.051537 -0.128578 0.880000 +v 0.052098 -0.128687 0.879981 +v 0.074080 -0.108731 0.879809 +v 0.048772 -0.125110 0.879454 +v 0.051640 -0.128413 0.879981 +v 0.074494 -0.110291 0.879649 +v 0.050820 -0.127635 0.879924 +v 0.073687 -0.107097 0.879981 +v 0.073990 -0.107235 0.880000 +v 0.047865 -0.123817 0.879000 +v 0.047842 -0.123833 0.879233 +v 0.074779 -0.111859 0.879454 +v 0.049687 -0.126453 0.879809 +v 0.074267 -0.108648 0.879924 +v 0.074945 -0.113429 0.879233 +v 0.074918 -0.113432 0.879000 +v 0.048675 -0.125197 0.879649 +v 0.075000 -0.115000 0.879000 +v 0.075028 -0.115000 0.879233 +v 0.050206 -0.127652 0.880000 +v 0.050710 -0.127786 0.879981 +v 0.074658 -0.110237 0.879809 +v 0.047777 -0.123881 0.879454 +v 0.047010 -0.122500 0.879000 +v 0.046986 -0.122514 0.879233 +v 0.074907 -0.111831 0.879649 +v 0.046297 -0.121101 0.879000 +v 0.074703 -0.108690 0.880000 +v 0.074438 -0.108572 0.879981 +v 0.075026 -0.113421 0.879454 +v 0.049550 -0.126606 0.879924 +v 0.075109 -0.115000 0.879454 +v 0.074853 -0.110174 0.879924 +v 0.048546 -0.125313 0.879809 +v 0.075075 -0.111796 0.879809 +v 0.047671 -0.123958 0.879649 +v 0.075156 -0.113407 0.879649 +v 0.048977 -0.126597 0.880000 +v 0.049424 -0.126745 0.879981 +v 0.075240 -0.115000 0.879649 +v 0.075412 -0.115000 0.879809 +v 0.075031 -0.110116 0.879981 +v 0.075266 -0.110210 0.880000 +v 0.046915 -0.122554 0.879454 +v 0.075276 -0.111753 0.879924 +v 0.046272 -0.121112 0.879233 +v 0.075328 -0.113389 0.879809 +v 0.048394 -0.125450 0.879924 +v 0.075460 -0.111714 0.879981 +v 0.075672 -0.111779 0.880000 +v 0.047531 -0.124059 0.879809 +v 0.075532 -0.113367 0.879924 +v 0.075617 -0.115000 0.879924 +v 0.075918 -0.113381 0.880000 +v 0.075718 -0.113348 0.879981 +v 0.046802 -0.122620 0.879649 +v 0.048255 -0.125575 0.879981 +v 0.047860 -0.125422 0.880000 +v 0.046197 -0.121145 0.879454 +v 0.045734 -0.119635 0.879000 +v 0.045708 -0.119644 0.879233 +v 0.047365 -0.124180 0.879924 +v 0.046653 -0.122706 0.879809 +v 0.046078 -0.121198 0.879649 +v 0.046868 -0.124140 0.880000 +v 0.047214 -0.124290 0.879981 +v 0.045630 -0.119669 0.879454 +v 0.046475 -0.122809 0.879924 +v 0.045328 -0.118119 0.879000 +v 0.045301 -0.118124 0.879233 +v 0.045920 -0.121269 0.879809 +v 0.045506 -0.119709 0.879649 +v 0.046010 -0.122765 0.880000 +v 0.046313 -0.122902 0.879981 +v 0.045221 -0.118141 0.879454 +v 0.045733 -0.121352 0.879924 +v 0.045082 -0.116568 0.879000 +v 0.045055 -0.116571 0.879233 +v 0.045342 -0.119763 0.879809 +v 0.045093 -0.118168 0.879649 +v 0.045297 -0.121310 0.880000 +v 0.045561 -0.121428 0.879981 +v 0.044974 -0.116579 0.879454 +v 0.045147 -0.119826 0.879924 +v 0.045000 -0.115000 0.879000 +v 0.044972 -0.115000 0.879233 +v 0.044925 -0.118204 0.879809 +v 0.044844 -0.116593 0.879649 +v 0.044734 -0.119790 0.880000 +v 0.044969 -0.119884 0.879981 +v 0.044891 -0.115000 0.879454 +v 0.045082 -0.113432 0.879000 +v 0.045049 -0.113480 0.879233 +v 0.044724 -0.118247 0.879924 +v 0.044672 -0.116611 0.879809 +v 0.044760 -0.115000 0.879649 +v 0.044328 -0.118221 0.880000 +v 0.044540 -0.118286 0.879981 +v 0.044969 -0.113471 0.879454 +v 0.045328 -0.111881 0.879000 +v 0.045280 -0.111975 0.879233 +v 0.044468 -0.116632 0.879924 +v 0.044588 -0.115000 0.879809 +v 0.044839 -0.113458 0.879649 +v 0.044282 -0.116652 0.879981 +v 0.044082 -0.116619 0.880000 +v 0.045200 -0.111959 0.879454 +v 0.045734 -0.110365 0.879000 +v 0.045662 -0.110501 0.879233 +v 0.044383 -0.115000 0.879924 +v 0.044667 -0.113441 0.879809 +v 0.045072 -0.111932 0.879649 +v 0.044195 -0.115000 0.879981 +v 0.044000 -0.115000 0.880000 +v 0.045584 -0.110477 0.879454 +v 0.046190 -0.109074 0.879233 +v 0.046297 -0.108899 0.879000 +v 0.044463 -0.113420 0.879924 +v 0.044903 -0.111897 0.879809 +v 0.045459 -0.110438 0.879649 +v 0.044276 -0.113401 0.879981 +v 0.044082 -0.113381 0.880000 +v 0.046115 -0.109042 0.879454 +v 0.046861 -0.107707 0.879233 +v 0.047010 -0.107500 0.879000 +v 0.044702 -0.111856 0.879924 +v 0.045295 -0.110386 0.879809 +v 0.045995 -0.108990 0.879649 +v 0.044519 -0.111818 0.879981 +v 0.044328 -0.111779 0.880000 +v 0.046789 -0.107668 0.879454 +v 0.047666 -0.106415 0.879233 +v 0.047865 -0.106183 0.879000 +v 0.045099 -0.110325 0.879924 +v 0.045837 -0.108922 0.879809 +v 0.046675 -0.107604 0.879649 +v 0.044920 -0.110269 0.879981 +v 0.044734 -0.110210 0.880000 +v 0.047599 -0.106369 0.879454 +v 0.048598 -0.105211 0.879233 +v 0.048853 -0.104963 0.879000 +v 0.045648 -0.108841 0.879924 +v 0.074918 -0.116568 0.879000 +v 0.074951 -0.116520 0.879233 +v 0.046524 -0.107520 0.879809 +v 0.075031 -0.116529 0.879454 +v 0.047492 -0.106294 0.879649 +v 0.074672 -0.118119 0.879000 +v 0.074720 -0.118025 0.879233 +v 0.045476 -0.108767 0.879981 +v 0.045297 -0.108690 0.880000 +v 0.075161 -0.116542 0.879649 +v 0.048536 -0.105158 0.879454 +v 0.074800 -0.118041 0.879454 +v 0.049646 -0.104108 0.879233 +v 0.049963 -0.103853 0.879000 +v 0.074266 -0.119635 0.879000 +v 0.074338 -0.119499 0.879233 +v 0.046345 -0.107421 0.879924 +v 0.047350 -0.106195 0.879809 +v 0.075333 -0.116559 0.879809 +v 0.048437 -0.105073 0.879649 +v 0.074928 -0.118068 0.879649 +v 0.046181 -0.107330 0.879981 +v 0.074416 -0.119523 0.879454 +v 0.046010 -0.107235 0.880000 +v 0.049590 -0.104049 0.879454 +v 0.073703 -0.121101 0.879000 +v 0.073810 -0.120926 0.879233 +v 0.050801 -0.103116 0.879233 +v 0.051183 -0.102865 0.879000 +v 0.075537 -0.116580 0.879924 +v 0.047182 -0.106078 0.879924 +v 0.075097 -0.118102 0.879809 +v 0.048306 -0.104961 0.879809 +v 0.074541 -0.119562 0.879649 +v 0.049500 -0.103954 0.879649 +v 0.075724 -0.116599 0.879981 +v 0.047028 -0.105971 0.879981 +v 0.073885 -0.120958 0.879454 +v 0.046868 -0.105860 0.880000 +v 0.050752 -0.103052 0.879454 +v 0.072990 -0.122500 0.879000 +v 0.073139 -0.122293 0.879233 +v 0.052051 -0.102247 0.879233 +v 0.075298 -0.118144 0.879924 +v 0.052500 -0.102010 0.879000 +v 0.048150 -0.104827 0.879924 +v 0.074705 -0.119614 0.879809 +v 0.049381 -0.103829 0.879809 +v 0.074005 -0.121010 0.879649 +v 0.075481 -0.118181 0.879981 +v 0.052486 -0.101986 0.879233 +v 0.075672 -0.118221 0.880000 +v 0.050672 -0.102949 0.879649 +v 0.073210 -0.122332 0.879454 +v 0.048008 -0.104705 0.879981 +v 0.072135 -0.123817 0.879000 +v 0.072334 -0.123585 0.879233 +v 0.047860 -0.104578 0.880000 +v 0.052008 -0.102178 0.879454 +v 0.074901 -0.119675 0.879924 +v 0.053899 -0.101297 0.879000 +v 0.053382 -0.101508 0.879233 +v 0.074163 -0.121078 0.879809 +v 0.049240 -0.103681 0.879924 +v 0.073325 -0.122396 0.879649 +v 0.052445 -0.101915 0.879454 +v 0.075266 -0.119790 0.880000 +v 0.075080 -0.119731 0.879981 +v 0.050566 -0.102812 0.879809 +v 0.072401 -0.123631 0.879454 +v 0.071147 -0.125037 0.879000 +v 0.071402 -0.124789 0.879233 +v 0.053888 -0.101272 0.879233 +v 0.051939 -0.102067 0.879649 +v 0.074352 -0.121159 0.879924 +v 0.049111 -0.103545 0.879981 +v 0.073476 -0.122480 0.879809 +v 0.048977 -0.103403 0.880000 +v 0.053346 -0.101435 0.879454 +v 0.072508 -0.123706 0.879649 +v 0.052380 -0.101802 0.879649 +v 0.074703 -0.121310 0.880000 +v 0.074524 -0.121233 0.879981 +v 0.055365 -0.100734 0.879000 +v 0.054781 -0.100908 0.879233 +v 0.071464 -0.124842 0.879454 +v 0.070354 -0.125892 0.879233 +v 0.070037 -0.126147 0.879000 +v 0.050441 -0.102650 0.879924 +v 0.073655 -0.122579 0.879924 +v 0.053855 -0.101197 0.879454 +v 0.072650 -0.123804 0.879809 +v 0.051847 -0.101921 0.879809 +v 0.055356 -0.100708 0.879233 +v 0.071563 -0.124927 0.879649 +v 0.073990 -0.122765 0.880000 +v 0.073819 -0.122670 0.879981 +v 0.053289 -0.101318 0.879649 +v 0.070410 -0.125951 0.879454 +v 0.052294 -0.101653 0.879809 +v 0.068817 -0.127135 0.879000 +v 0.069198 -0.126883 0.879233 +v 0.050326 -0.102502 0.879981 +v 0.050206 -0.102348 0.880000 +v 0.054753 -0.100831 0.879454 +v 0.072818 -0.123922 0.879924 +v 0.071694 -0.125039 0.879809 +v 0.053801 -0.101078 0.879649 +v 0.070500 -0.126045 0.879649 +v 0.056881 -0.100328 0.879000 +v 0.056233 -0.100452 0.879233 +v 0.072972 -0.124029 0.879981 +v 0.051739 -0.101746 0.879924 +v 0.073132 -0.124140 0.880000 +v 0.055331 -0.100630 0.879454 +v 0.069248 -0.126948 0.879454 +v 0.067500 -0.127990 0.879000 +v 0.067949 -0.127753 0.879233 +v 0.053213 -0.101163 0.879809 +v 0.052191 -0.101475 0.879924 +v 0.071850 -0.125173 0.879924 +v 0.056876 -0.100301 0.879233 +v 0.054707 -0.100709 0.879649 +v 0.070619 -0.126171 0.879809 +v 0.067514 -0.128014 0.879233 +v 0.053731 -0.100920 0.879809 +v 0.069328 -0.127051 0.879649 +v 0.051640 -0.101587 0.879981 +v 0.072140 -0.125422 0.880000 +v 0.071992 -0.125295 0.879981 +v 0.051537 -0.101422 0.880000 +v 0.067992 -0.127822 0.879454 +v 0.056213 -0.100373 0.879454 +v 0.055291 -0.100506 0.879649 +v 0.066101 -0.128703 0.879000 +v 0.066618 -0.128492 0.879233 +v 0.057724 -0.100146 0.879233 +v 0.058432 -0.100082 0.879000 +v 0.070760 -0.126319 0.879924 +v 0.052098 -0.101312 0.879981 +v 0.052954 -0.100635 0.880000 +v 0.053122 -0.100979 0.879924 +v 0.067554 -0.128085 0.879454 +v 0.056859 -0.100221 0.879454 +v 0.069434 -0.127188 0.879809 +v 0.054647 -0.100547 0.879809 +v 0.066112 -0.128728 0.879233 +v 0.053648 -0.100733 0.879924 +v 0.068061 -0.127933 0.879649 +v 0.070889 -0.126455 0.879981 +v 0.058429 -0.100055 0.879233 +v 0.071023 -0.126597 0.880000 +v 0.056180 -0.100247 0.879649 +v 0.066654 -0.128565 0.879454 +v 0.055237 -0.100342 0.879809 +v 0.053040 -0.100810 0.879981 +v 0.067620 -0.128198 0.879649 +v 0.064635 -0.129266 0.879000 +v 0.065219 -0.129092 0.879233 +v 0.057712 -0.100065 0.879454 +v 0.069559 -0.127350 0.879924 +v 0.056832 -0.100093 0.879649 +v 0.059239 -0.099992 0.879233 +v 0.066145 -0.128803 0.879454 +v 0.060000 -0.100000 0.879000 +v 0.068153 -0.128080 0.879809 +v 0.054576 -0.100355 0.879924 +v 0.064644 -0.129292 0.879233 +v 0.053572 -0.100561 0.879981 +v 0.054443 -0.099996 0.880000 +v 0.058421 -0.099974 0.879454 +v 0.066711 -0.128682 0.879649 +v 0.056137 -0.100080 0.879809 +v 0.067706 -0.128347 0.879809 +v 0.069794 -0.127652 0.880000 +v 0.069674 -0.127498 0.879981 +v 0.055174 -0.100147 0.879924 +v 0.065247 -0.129168 0.879454 +v 0.060000 -0.099972 0.879233 +v 0.057692 -0.099936 0.879649 +v 0.066198 -0.128922 0.879649 +v 0.054511 -0.100179 0.879981 +v 0.063119 -0.129672 0.879000 +v 0.063767 -0.129548 0.879233 +v 0.056796 -0.099925 0.879809 +v 0.068261 -0.128253 0.879924 +v 0.059235 -0.099910 0.879454 +v 0.064669 -0.129369 0.879454 +v 0.060761 -0.099992 0.879233 +v 0.066787 -0.128837 0.879809 +v 0.061568 -0.100082 0.879000 +v 0.067809 -0.128525 0.879924 +v 0.058407 -0.099844 0.879649 +v 0.063124 -0.129699 0.879233 +v 0.056085 -0.099881 0.879924 +v 0.055116 -0.099969 0.879981 +v 0.055990 -0.099511 0.880000 +v 0.065293 -0.129291 0.879649 +v 0.060000 -0.099891 0.879454 +v 0.057666 -0.099766 0.879809 +v 0.066269 -0.129080 0.879809 +v 0.068463 -0.128578 0.880000 +v 0.068360 -0.128413 0.879981 +v 0.056753 -0.099724 0.879924 +v 0.063787 -0.129627 0.879454 +v 0.061571 -0.100055 0.879233 +v 0.064709 -0.129494 0.879649 +v 0.059228 -0.099780 0.879649 +v 0.062276 -0.129854 0.879233 +v 0.061568 -0.129918 0.879000 +v 0.056038 -0.099700 0.879981 +v 0.067902 -0.128687 0.879981 +v 0.067046 -0.129365 0.880000 +v 0.060765 -0.099910 0.879454 +v 0.066878 -0.129021 0.879924 +v 0.058389 -0.099672 0.879809 +v 0.063141 -0.129779 0.879454 +v 0.062276 -0.100146 0.879233 +v 0.065353 -0.129453 0.879809 +v 0.063119 -0.100328 0.879000 +v 0.060000 -0.099760 0.879649 +v 0.066352 -0.129267 0.879924 +v 0.061571 -0.129945 0.879233 +v 0.057635 -0.099563 0.879924 +v 0.056714 -0.099540 0.879981 +v 0.063820 -0.129753 0.879649 +v 0.057577 -0.099185 0.880000 +v 0.061579 -0.099974 0.879454 +v 0.064763 -0.129658 0.879809 +v 0.059219 -0.099608 0.879809 +v 0.066960 -0.129190 0.879981 +v 0.060772 -0.099780 0.879649 +v 0.062288 -0.129935 0.879454 +v 0.058368 -0.099468 0.879924 +v 0.063168 -0.129907 0.879649 +v 0.060000 -0.130000 0.879000 +v 0.060761 -0.130008 0.879233 +v 0.063124 -0.100301 0.879233 +v 0.065424 -0.129645 0.879924 +v 0.057607 -0.099377 0.879981 +v 0.062288 -0.100065 0.879454 +v 0.065557 -0.130004 0.880000 +v 0.066428 -0.129438 0.879981 +v 0.060000 -0.099588 0.879809 +v 0.061579 -0.130026 0.879454 +v 0.064635 -0.100734 0.879000 +v 0.063767 -0.100452 0.879233 +v 0.063863 -0.129920 0.879809 +v 0.061593 -0.099844 0.879649 +v 0.064826 -0.129853 0.879924 +v 0.059209 -0.099403 0.879924 +v 0.060000 -0.130028 0.879233 +v 0.058348 -0.099282 0.879981 +v 0.059190 -0.099021 0.880000 +v 0.062308 -0.130064 0.879649 +v 0.060781 -0.099608 0.879809 +v 0.065489 -0.129821 0.879981 +v 0.063204 -0.130075 0.879809 +v 0.063141 -0.100221 0.879454 +v 0.060765 -0.130090 0.879454 +v 0.062308 -0.099936 0.879649 +v 0.058432 -0.129918 0.879000 +v 0.059239 -0.130008 0.879233 +v 0.060000 -0.099383 0.879924 +v 0.064644 -0.100708 0.879233 +v 0.061593 -0.130156 0.879649 +v 0.059199 -0.099215 0.879981 +v 0.063915 -0.130119 0.879924 +v 0.064010 -0.130489 0.880000 +v 0.064884 -0.130031 0.879981 +v 0.063787 -0.100373 0.879454 +v 0.061611 -0.099672 0.879809 +v 0.060000 -0.130109 0.879454 +v 0.066101 -0.101297 0.879000 +v 0.065219 -0.100908 0.879233 +v 0.062334 -0.130234 0.879809 +v 0.060791 -0.099403 0.879924 +v 0.063168 -0.100093 0.879649 +v 0.063247 -0.130276 0.879924 +v 0.058429 -0.129945 0.879233 +v 0.060000 -0.099195 0.879981 +v 0.060810 -0.099021 0.880000 +v 0.060772 -0.130220 0.879649 +v 0.062334 -0.099766 0.879809 +v 0.063962 -0.130300 0.879981 +v 0.064669 -0.100630 0.879454 +v 0.059235 -0.130090 0.879454 +v 0.063820 -0.100247 0.879649 +v 0.061611 -0.130328 0.879809 +v 0.061632 -0.099468 0.879924 +v 0.056881 -0.129672 0.879000 +v 0.057724 -0.129854 0.879233 +v 0.066112 -0.101272 0.879233 +v 0.060000 -0.130240 0.879649 +v 0.060801 -0.099215 0.879981 +v 0.062365 -0.130437 0.879924 +v 0.065247 -0.100831 0.879454 +v 0.063286 -0.130460 0.879981 +v 0.062423 -0.130815 0.880000 +v 0.058421 -0.130026 0.879454 +v 0.063204 -0.099925 0.879809 +v 0.066618 -0.101508 0.879233 +v 0.067500 -0.102010 0.879000 +v 0.060781 -0.130392 0.879809 +v 0.062365 -0.099563 0.879924 +v 0.059228 -0.130220 0.879649 +v 0.064709 -0.100506 0.879649 +v 0.061632 -0.130532 0.879924 +v 0.061652 -0.099282 0.879981 +v 0.062423 -0.099185 0.880000 +v 0.056876 -0.129699 0.879233 +v 0.063863 -0.100080 0.879809 +v 0.062393 -0.130623 0.879981 +v 0.066145 -0.101197 0.879454 +v 0.057712 -0.129935 0.879454 +v 0.065293 -0.100709 0.879649 +v 0.060000 -0.130412 0.879809 +v 0.063247 -0.099724 0.879924 +v 0.055365 -0.129266 0.879000 +v 0.056233 -0.129548 0.879233 +v 0.067514 -0.101986 0.879233 +v 0.058407 -0.130156 0.879649 +v 0.062393 -0.099377 0.879981 +v 0.060791 -0.130597 0.879924 +v 0.066654 -0.101435 0.879454 +v 0.060810 -0.130979 0.880000 +v 0.061652 -0.130718 0.879981 +v 0.064763 -0.100342 0.879809 +v 0.059219 -0.130392 0.879809 +v 0.068817 -0.102865 0.879000 +v 0.067949 -0.102247 0.879233 +v 0.056859 -0.129779 0.879454 +v 0.057692 -0.130064 0.879649 +v 0.063915 -0.099881 0.879924 +v 0.066198 -0.101078 0.879649 +v 0.063286 -0.099540 0.879981 +v 0.060000 -0.130617 0.879924 +v 0.064010 -0.099511 0.880000 +v 0.065353 -0.100547 0.879809 +v 0.055356 -0.129292 0.879233 +v 0.060801 -0.130785 0.879981 +v 0.067554 -0.101915 0.879454 +v 0.056213 -0.129627 0.879454 +v 0.066711 -0.101318 0.879649 +v 0.058389 -0.130328 0.879809 +v 0.064826 -0.100147 0.879924 +v 0.053899 -0.128703 0.879000 +v 0.054781 -0.129092 0.879233 +v 0.070037 -0.103853 0.879000 +v 0.068833 -0.102842 0.879233 +v 0.059209 -0.130597 0.879924 +v 0.063962 -0.099700 0.879981 +v 0.056832 -0.129907 0.879649 +v 0.067992 -0.102178 0.879454 +v 0.059190 -0.130979 0.880000 +v 0.060000 -0.130805 0.879981 +v 0.066269 -0.100920 0.879809 +v 0.057666 -0.130234 0.879809 +v 0.065424 -0.100355 0.879924 +v 0.055331 -0.129369 0.879454 +v 0.067620 -0.101802 0.879649 +v 0.056180 -0.129753 0.879649 +v 0.066787 -0.101163 0.879809 +v 0.064884 -0.099969 0.879981 +v 0.058368 -0.130532 0.879924 +v 0.065557 -0.099996 0.880000 +v 0.068881 -0.102777 0.879454 +v 0.053888 -0.128728 0.879233 +v 0.068061 -0.102067 0.879649 +v 0.059199 -0.130785 0.879981 +v 0.066352 -0.100733 0.879924 +v 0.053382 -0.128492 0.879233 +v 0.052500 -0.127990 0.879000 +v 0.065489 -0.100179 0.879981 +v 0.057635 -0.130437 0.879924 +v 0.055291 -0.129494 0.879649 +v 0.067706 -0.101653 0.879809 +v 0.058348 -0.130718 0.879981 +v 0.068958 -0.102671 0.879649 +v 0.068153 -0.101921 0.879809 +v 0.066428 -0.100561 0.879981 +v 0.032500 -0.115000 0.880000 +v 0.032581 -0.117105 0.880000 +v 0.032822 -0.119198 0.880000 +v 0.033223 -0.121266 0.880000 +v 0.033782 -0.123297 0.880000 +v 0.034494 -0.125280 0.880000 +v 0.035355 -0.127202 0.880000 +v 0.036362 -0.129053 0.880000 +v 0.037507 -0.130821 0.880000 +v 0.038784 -0.132497 0.880000 +v 0.040186 -0.134069 0.880000 +v 0.041704 -0.135530 0.880000 +v 0.043329 -0.136871 0.880000 +v 0.045052 -0.138082 0.880000 +v 0.046863 -0.139159 0.880000 +v 0.048751 -0.140094 0.880000 +v 0.050705 -0.140881 0.880000 +v 0.052713 -0.141517 0.880000 +v 0.054764 -0.141997 0.880000 +v 0.056846 -0.142319 0.880000 +v 0.058947 -0.142480 0.880000 +v 0.061053 -0.142480 0.880000 +v 0.063154 -0.142319 0.880000 +v 0.065236 -0.141997 0.880000 +v 0.067287 -0.141517 0.880000 +v 0.069295 -0.140881 0.880000 +v 0.071249 -0.140094 0.880000 +v 0.073137 -0.139159 0.880000 +v 0.074948 -0.138082 0.880000 +v 0.076671 -0.136871 0.880000 +v 0.078296 -0.135530 0.880000 +v 0.079814 -0.134069 0.880000 +v 0.081216 -0.132497 0.880000 +v 0.082493 -0.130821 0.880000 +v 0.083638 -0.129053 0.880000 +v 0.084645 -0.127202 0.880000 +v 0.085506 -0.125280 0.880000 +v 0.086218 -0.123297 0.880000 +v 0.086777 -0.121266 0.880000 +v 0.087178 -0.119198 0.880000 +v 0.087419 -0.117105 0.880000 +v 0.087500 -0.115000 0.880000 +v 0.087419 -0.112895 0.880000 +v 0.087178 -0.110802 0.880000 +v 0.086777 -0.108734 0.880000 +v 0.086218 -0.106703 0.880000 +v 0.085506 -0.104720 0.880000 +v 0.084645 -0.102798 0.880000 +v 0.083638 -0.100947 0.880000 +v 0.082493 -0.099179 0.880000 +v 0.081216 -0.097503 0.880000 +v 0.079814 -0.095931 0.880000 +v 0.078296 -0.094470 0.880000 +v 0.076671 -0.093129 0.880000 +v 0.074948 -0.091917 0.880000 +v 0.073137 -0.090841 0.880000 +v 0.071249 -0.089906 0.880000 +v 0.069295 -0.089119 0.880000 +v 0.067287 -0.088483 0.880000 +v 0.065236 -0.088003 0.880000 +v 0.063154 -0.087681 0.880000 +v 0.061053 -0.087520 0.880000 +v 0.058947 -0.087520 0.880000 +v 0.056846 -0.087681 0.880000 +v 0.054764 -0.088003 0.880000 +v 0.052713 -0.088483 0.880000 +v 0.050705 -0.089119 0.880000 +v 0.048751 -0.089906 0.880000 +v 0.046863 -0.090841 0.880000 +v 0.045052 -0.091917 0.880000 +v 0.043329 -0.093129 0.880000 +v 0.041704 -0.094470 0.880000 +v 0.040186 -0.095931 0.880000 +v 0.038784 -0.097503 0.880000 +v 0.037507 -0.099179 0.880000 +v 0.036362 -0.100947 0.880000 +v 0.035355 -0.102798 0.880000 +v 0.034494 -0.104720 0.880000 +v 0.033782 -0.106703 0.880000 +v 0.033223 -0.108734 0.880000 +v 0.032822 -0.110802 0.880000 +v 0.032581 -0.112895 0.880000 +v 0.045000 -0.115000 0.782805 +v 0.045082 -0.116568 0.782805 +v 0.045328 -0.118119 0.782805 +v 0.045734 -0.119635 0.782805 +v 0.046297 -0.121101 0.782805 +v 0.047010 -0.122500 0.782805 +v 0.047865 -0.123817 0.782805 +v 0.048853 -0.125037 0.782805 +v 0.049963 -0.126147 0.782805 +v 0.051183 -0.127135 0.782805 +v 0.052500 -0.127990 0.782805 +v 0.053899 -0.128703 0.782805 +v 0.055365 -0.129266 0.782805 +v 0.056881 -0.129672 0.782805 +v 0.058432 -0.129918 0.782805 +v 0.060000 -0.130000 0.782805 +v 0.061568 -0.129918 0.782805 +v 0.063119 -0.129672 0.782805 +v 0.064635 -0.129266 0.782805 +v 0.066101 -0.128703 0.782805 +v 0.067500 -0.127990 0.782805 +v 0.068817 -0.127135 0.782805 +v 0.070037 -0.126147 0.782805 +v 0.071147 -0.125037 0.782805 +v 0.072135 -0.123817 0.782805 +v 0.072990 -0.122500 0.782805 +v 0.073703 -0.121101 0.782805 +v 0.074266 -0.119635 0.782805 +v 0.074672 -0.118119 0.782805 +v 0.074918 -0.116568 0.782805 +v 0.075000 -0.115000 0.782805 +v 0.074918 -0.113432 0.782805 +v 0.074672 -0.111881 0.782805 +v 0.074266 -0.110365 0.782805 +v 0.073703 -0.108899 0.782805 +v 0.072990 -0.107500 0.782805 +v 0.072135 -0.106183 0.782805 +v 0.071147 -0.104963 0.782805 +v 0.070037 -0.103853 0.782805 +v 0.068817 -0.102865 0.782805 +v 0.067500 -0.102010 0.782805 +v 0.066101 -0.101297 0.782805 +v 0.064635 -0.100734 0.782805 +v 0.063119 -0.100328 0.782805 +v 0.061568 -0.100082 0.782805 +v 0.060000 -0.100000 0.782805 +v 0.058432 -0.100082 0.782805 +v 0.056881 -0.100328 0.782805 +v 0.055365 -0.100734 0.782805 +v 0.053899 -0.101297 0.782805 +v 0.052500 -0.102010 0.782805 +v 0.051183 -0.102865 0.782805 +v 0.049963 -0.103853 0.782805 +v 0.048853 -0.104963 0.782805 +v 0.047865 -0.106183 0.782805 +v 0.047010 -0.107500 0.782805 +v 0.046297 -0.108899 0.782805 +v 0.045734 -0.110365 0.782805 +v 0.045328 -0.111881 0.782805 +v 0.045082 -0.113432 0.782805 +v 0.047805 -0.115000 0.780000 +v 0.047887 -0.116416 0.780000 +v 0.048134 -0.117812 0.780000 +v 0.048540 -0.119171 0.780000 +v 0.049102 -0.120473 0.780000 +v 0.049811 -0.121701 0.780000 +v 0.050658 -0.122839 0.780000 +v 0.051631 -0.123870 0.780000 +v 0.052718 -0.124782 0.780000 +v 0.053902 -0.125561 0.780000 +v 0.055170 -0.126198 0.780000 +v 0.056502 -0.126683 0.780000 +v 0.057882 -0.127010 0.780000 +v 0.059291 -0.127174 0.780000 +v 0.060709 -0.127174 0.780000 +v 0.062118 -0.127010 0.780000 +v 0.063498 -0.126683 0.780000 +v 0.064830 -0.126198 0.780000 +v 0.066097 -0.125561 0.780000 +v 0.067282 -0.124782 0.780000 +v 0.068369 -0.123870 0.780000 +v 0.069342 -0.122839 0.780000 +v 0.070189 -0.121701 0.780000 +v 0.070898 -0.120473 0.780000 +v 0.071460 -0.119171 0.780000 +v 0.071866 -0.117812 0.780000 +v 0.072113 -0.116416 0.780000 +v 0.072195 -0.115000 0.780000 +v 0.072113 -0.113584 0.780000 +v 0.071866 -0.112188 0.780000 +v 0.071460 -0.110829 0.780000 +v 0.070898 -0.109527 0.780000 +v 0.070189 -0.108299 0.780000 +v 0.069342 -0.107161 0.780000 +v 0.068369 -0.106130 0.780000 +v 0.067282 -0.105218 0.780000 +v 0.066097 -0.104439 0.780000 +v 0.064830 -0.103802 0.780000 +v 0.063498 -0.103317 0.780000 +v 0.062118 -0.102990 0.780000 +v 0.060709 -0.102826 0.780000 +v 0.059291 -0.102826 0.780000 +v 0.057882 -0.102990 0.780000 +v 0.056502 -0.103317 0.780000 +v 0.055170 -0.103802 0.780000 +v 0.053902 -0.104439 0.780000 +v 0.052718 -0.105218 0.780000 +v 0.051631 -0.106130 0.780000 +v 0.050658 -0.107161 0.780000 +v 0.049811 -0.108299 0.780000 +v 0.049102 -0.109527 0.780000 +v 0.048540 -0.110829 0.780000 +v 0.048134 -0.112188 0.780000 +v 0.047887 -0.113584 0.780000 +v 0.060000 -0.103453 0.900000 +v 0.060000 -0.126547 0.900000 +v 0.050000 -0.120773 0.900000 +v 0.070000 -0.109226 0.900000 +v 0.070000 -0.120773 0.900000 +v 0.050000 -0.109226 0.900000 +v 0.050000 -0.120773 0.885000 +v 0.060000 -0.126547 0.885000 +v 0.050000 -0.109226 0.885000 +v 0.060000 -0.103453 0.885000 +v 0.070000 -0.109226 0.885000 +v 0.070000 -0.120773 0.885000 +v 0.065062 0.109466 0.883557 +v 0.066649 0.111531 0.883557 +v 0.064955 0.111191 0.882835 +v 0.064433 0.112687 0.882113 +v 0.063375 0.111311 0.882113 +v 0.064024 0.108671 0.883557 +v 0.064957 0.114343 0.882113 +v 0.064882 0.116078 0.882113 +v 0.063747 0.115160 0.881392 +v 0.062478 0.114671 0.880670 +v 0.063575 0.113869 0.881392 +v 0.062441 0.115539 0.880670 +v 0.061575 0.115546 0.880189 +v 0.062110 0.116341 0.880670 +v 0.061406 0.115894 0.880189 +v 0.061155 0.115477 0.879948 +v 0.063818 0.105758 0.885000 +v 0.064992 0.106335 0.885000 +v 0.064695 0.107616 0.884278 +v 0.065959 0.113115 0.882835 +v 0.067435 0.114014 0.883557 +v 0.061162 0.116194 0.880189 +v 0.061524 0.116982 0.880670 +v 0.063466 0.116432 0.881392 +v 0.064219 0.117683 0.882113 +v 0.066244 0.115267 0.882835 +v 0.067324 0.116617 0.883557 +v 0.062767 0.117531 0.881392 +v 0.063047 0.118964 0.882113 +v 0.066329 0.119024 0.883557 +v 0.065776 0.117387 0.882835 +v 0.061735 0.118325 0.881392 +v 0.060754 0.117384 0.880670 +v 0.061508 0.119767 0.882113 +v 0.064612 0.119218 0.882835 +v 0.064571 0.120946 0.883557 +v 0.059893 0.117498 0.880670 +v 0.060493 0.118717 0.881392 +v 0.059786 0.119995 0.882113 +v 0.062891 0.120541 0.882835 +v 0.062262 0.122151 0.883557 +v 0.059192 0.118662 0.881392 +v 0.058091 0.119621 0.882113 +v 0.059045 0.117311 0.880670 +v 0.060821 0.121196 0.882835 +v 0.059680 0.122493 0.883557 +v 0.057988 0.118165 0.881392 +v 0.058313 0.116845 0.880670 +v 0.056625 0.118689 0.882113 +v 0.058653 0.121103 0.882835 +v 0.057136 0.121932 0.883557 +v 0.055567 0.117313 0.882113 +v 0.057027 0.117285 0.881392 +v 0.057784 0.116156 0.880670 +v 0.057522 0.115329 0.880670 +v 0.057559 0.114461 0.880670 +v 0.058334 0.115026 0.880189 +v 0.056647 0.120274 0.882835 +v 0.054938 0.120534 0.883557 +v 0.055043 0.115657 0.882113 +v 0.056425 0.116131 0.881392 +v 0.058373 0.114641 0.880189 +v 0.055045 0.118809 0.882835 +v 0.053351 0.118469 0.883557 +v 0.058499 0.114275 0.880189 +v 0.058845 0.114523 0.879948 +v 0.057890 0.113659 0.880670 +v 0.058945 0.114329 0.879948 +v 0.055118 0.113922 0.882113 +v 0.056253 0.114840 0.881392 +v 0.058476 0.113018 0.880670 +v 0.058707 0.113948 0.880189 +v 0.059078 0.114156 0.879948 +v 0.054041 0.116885 0.882835 +v 0.052565 0.115986 0.883557 +v 0.059238 0.114009 0.879948 +v 0.056534 0.113568 0.881392 +v 0.055781 0.112317 0.882113 +v 0.059246 0.112616 0.880670 +v 0.059422 0.113892 0.879948 +v 0.053756 0.114733 0.882835 +v 0.052676 0.113383 0.883557 +v 0.059623 0.113808 0.879948 +v 0.057233 0.112469 0.881392 +v 0.056953 0.111036 0.882113 +v 0.060107 0.112502 0.880670 +v 0.059836 0.113761 0.879948 +v 0.053671 0.110976 0.883557 +v 0.054224 0.112613 0.882835 +v 0.060053 0.113751 0.879948 +v 0.058265 0.111675 0.881392 +v 0.058492 0.110233 0.882113 +v 0.055388 0.110782 0.882835 +v 0.055429 0.109054 0.883557 +v 0.059507 0.111282 0.881392 +v 0.060214 0.110005 0.882113 +v 0.060539 0.112559 0.880670 +v 0.060269 0.113779 0.879948 +v 0.060000 0.115000 0.879226 +v 0.057738 0.107849 0.883557 +v 0.057109 0.109459 0.882835 +v 0.059179 0.108804 0.882835 +v 0.060320 0.107507 0.883557 +v 0.062579 0.105338 0.885000 +v 0.061886 0.106456 0.884278 +v 0.061617 0.107676 0.883557 +v 0.060671 0.113945 0.879948 +v 0.060844 0.114078 0.879948 +v 0.060380 0.114504 0.879587 +v 0.060422 0.114539 0.879587 +v 0.060460 0.114577 0.879587 +v 0.060991 0.114238 0.879948 +v 0.060495 0.114619 0.879587 +v 0.061108 0.114422 0.879948 +v 0.060527 0.114664 0.879587 +v 0.060554 0.114711 0.879587 +v 0.061192 0.114623 0.879948 +v 0.060577 0.114760 0.879587 +v 0.061239 0.114836 0.879948 +v 0.061729 0.111672 0.881392 +v 0.061341 0.112890 0.880670 +v 0.061687 0.113155 0.880670 +v 0.062973 0.112714 0.881392 +v 0.060508 0.115661 0.879708 +v 0.066080 0.107061 0.885000 +v 0.066327 0.108082 0.884639 +v 0.067065 0.107923 0.885000 +v 0.067928 0.108905 0.885000 +v 0.060743 0.116946 0.880429 +v 0.060240 0.115577 0.879587 +v 0.060393 0.117046 0.880429 +v 0.059995 0.116389 0.880028 +v 0.069235 0.111165 0.885000 +v 0.069657 0.112403 0.885000 +v 0.059523 0.116155 0.879948 +v 0.059364 0.116540 0.880189 +v 0.059258 0.116797 0.880349 +v 0.059182 0.116207 0.880068 +v 0.058789 0.115931 0.880109 +v 0.058277 0.116172 0.880429 +v 0.058100 0.115855 0.880429 +v 0.059760 0.114423 0.879587 +v 0.069913 0.113686 0.885000 +v 0.070000 0.114991 0.885000 +v 0.059812 0.114404 0.879587 +v 0.059864 0.114390 0.879587 +v 0.059918 0.114380 0.879587 +v 0.059972 0.114376 0.879587 +v 0.060027 0.114376 0.879587 +v 0.060081 0.114380 0.879587 +v 0.061874 0.109038 0.882835 +v 0.058686 0.105087 0.885000 +v 0.059991 0.105000 0.885000 +v 0.060400 0.105634 0.884639 +v 0.061296 0.105084 0.885000 +v 0.069916 0.116296 0.885000 +v 0.069662 0.117579 0.885000 +v 0.069242 0.118818 0.885000 +v 0.060312 0.115000 0.879407 +v 0.061249 0.115053 0.879948 +v 0.060704 0.115188 0.879647 +v 0.061221 0.115269 0.879948 +v 0.060578 0.115239 0.879587 +v 0.066689 0.109857 0.884098 +v 0.068656 0.109992 0.885000 +v 0.059338 0.115663 0.879768 +v 0.059423 0.115240 0.879587 +v 0.068665 0.119992 0.885000 +v 0.067939 0.121080 0.885000 +v 0.067077 0.122065 0.885000 +v 0.058846 0.115479 0.879948 +v 0.059174 0.115109 0.879708 +v 0.059687 0.115000 0.879407 +v 0.058623 0.115182 0.880028 +v 0.059615 0.114841 0.879467 +v 0.056165 0.105765 0.885000 +v 0.057403 0.105343 0.885000 +v 0.058891 0.106636 0.884098 +v 0.066095 0.122928 0.885000 +v 0.065008 0.123656 0.885000 +v 0.060087 0.115130 0.879317 +v 0.060000 0.115312 0.879407 +v 0.059761 0.115578 0.879587 +v 0.059740 0.115390 0.879497 +v 0.063835 0.124235 0.885000 +v 0.062597 0.124657 0.885000 +v 0.061314 0.124913 0.885000 +v 0.060009 0.125000 0.885000 +v 0.058704 0.124916 0.885000 +v 0.057421 0.124662 0.885000 +v 0.056182 0.124242 0.885000 +v 0.055008 0.123665 0.885000 +v 0.053920 0.122939 0.885000 +v 0.052935 0.122077 0.885000 +v 0.052072 0.121095 0.885000 +v 0.051344 0.120008 0.885000 +v 0.050765 0.118835 0.885000 +v 0.050343 0.117597 0.885000 +v 0.050087 0.116314 0.885000 +v 0.050000 0.115009 0.885000 +v 0.050084 0.113704 0.885000 +v 0.050338 0.112420 0.885000 +v 0.050758 0.111181 0.885000 +v 0.051335 0.110008 0.885000 +v 0.052061 0.108919 0.885000 +v 0.052923 0.107935 0.885000 +v 0.053905 0.107072 0.885000 +v 0.054992 0.106344 0.885000 +v 0.062216 0.113844 0.880670 +v 0.061658 0.115168 0.880189 +v 0.033539 0.110529 0.898883 +v 0.032918 0.112485 0.898311 +v 0.033182 0.110468 0.898311 +v 0.081053 0.100124 0.899714 +v 0.080437 0.099289 0.899714 +v 0.080894 0.098938 0.899358 +v 0.081524 0.099792 0.899358 +v 0.033577 0.107660 0.897673 +v 0.033377 0.108423 0.897673 +v 0.033303 0.108404 0.897000 +v 0.033870 0.106428 0.897000 +v 0.079943 0.099669 0.899928 +v 0.079309 0.098878 0.899928 +v 0.078807 0.099298 0.900000 +v 0.034332 0.112616 0.899714 +v 0.034226 0.114541 0.899714 +v 0.033650 0.114531 0.899358 +v 0.080009 0.100862 0.900000 +v 0.033759 0.112563 0.899358 +v 0.083476 0.101998 0.898883 +v 0.083092 0.101328 0.898883 +v 0.083404 0.101143 0.898311 +v 0.033649 0.109921 0.898883 +v 0.033293 0.109852 0.898311 +v 0.083793 0.101822 0.898311 +v 0.033595 0.108477 0.898311 +v 0.033072 0.109810 0.897673 +v 0.084443 0.103071 0.898311 +v 0.083990 0.101713 0.897673 +v 0.084645 0.102973 0.897673 +v 0.034014 0.110609 0.899358 +v 0.033279 0.112519 0.898883 +v 0.082677 0.101573 0.899358 +v 0.082036 0.100544 0.899358 +v 0.081554 0.100860 0.899714 +v 0.084711 0.103637 0.898311 +v 0.084916 0.103543 0.897673 +v 0.033943 0.106452 0.897673 +v 0.033794 0.107720 0.898311 +v 0.080544 0.100484 0.899928 +v 0.034953 0.112674 0.899928 +v 0.035648 0.112314 0.900000 +v 0.035511 0.114282 0.900000 +v 0.034849 0.114552 0.899928 +v 0.085533 0.104995 0.897673 +v 0.084985 0.103511 0.897000 +v 0.085774 0.105410 0.897000 +v 0.034122 0.110012 0.899358 +v 0.083054 0.102231 0.899358 +v 0.033947 0.108564 0.898883 +v 0.084117 0.103230 0.898883 +v 0.034253 0.105557 0.897673 +v 0.034584 0.104499 0.897000 +v 0.081033 0.101202 0.899928 +v 0.081082 0.102518 0.900000 +v 0.034582 0.110705 0.899714 +v 0.082182 0.101867 0.899714 +v 0.034157 0.106522 0.898311 +v 0.084382 0.103788 0.898883 +v 0.034143 0.107817 0.898883 +v 0.085324 0.105077 0.898311 +v 0.034688 0.110121 0.899714 +v 0.082550 0.102510 0.899714 +v 0.034415 0.108679 0.899358 +v 0.083684 0.103442 0.899358 +v 0.081646 0.102184 0.899928 +v 0.034654 0.104528 0.897673 +v 0.034465 0.105635 0.898311 +v 0.086256 0.107082 0.897673 +v 0.086418 0.107363 0.897000 +v 0.035197 0.110809 0.899928 +v 0.035943 0.110363 0.900000 +v 0.083944 0.103990 0.899358 +v 0.034501 0.106635 0.898883 +v 0.084986 0.105209 0.898883 +v 0.034607 0.107946 0.899358 +v 0.082005 0.102812 0.899928 +v 0.082018 0.104255 0.900000 +v 0.035300 0.110239 0.899928 +v 0.083167 0.103694 0.899714 +v 0.034974 0.108817 0.899714 +v 0.035097 0.103516 0.897673 +v 0.086040 0.107147 0.898311 +v 0.035440 0.102629 0.897000 +v 0.083421 0.104230 0.899714 +v 0.034863 0.104614 0.898311 +v 0.084538 0.105385 0.899358 +v 0.034805 0.105760 0.898883 +v 0.082607 0.103968 0.899928 +v 0.034959 0.106785 0.899358 +v 0.086808 0.109220 0.897673 +v 0.086915 0.109359 0.897000 +v 0.035162 0.108100 0.899714 +v 0.085693 0.107251 0.898883 +v 0.035508 0.102663 0.897673 +v 0.082854 0.104491 0.899928 +v 0.035579 0.108967 0.899928 +v 0.036394 0.108442 0.900000 +v 0.082811 0.106061 0.900000 +v 0.035301 0.103610 0.898311 +v 0.084001 0.105595 0.899714 +v 0.086587 0.109268 0.898311 +v 0.035198 0.104753 0.898883 +v 0.085232 0.107390 0.899358 +v 0.035257 0.105926 0.899358 +v 0.083421 0.105822 0.899928 +v 0.035763 0.108267 0.899928 +v 0.083456 0.107926 0.900000 +v 0.087186 0.111396 0.897673 +v 0.035506 0.106964 0.899714 +v 0.087261 0.111386 0.897000 +v 0.086233 0.109344 0.898883 +v 0.036101 0.101550 0.897673 +v 0.036433 0.100828 0.897000 +v 0.084680 0.107557 0.899714 +v 0.035709 0.102765 0.898311 +v 0.086962 0.111426 0.898311 +v 0.035630 0.103762 0.898883 +v 0.035643 0.104937 0.899358 +v 0.085762 0.109445 0.899358 +v 0.084084 0.107737 0.899928 +v 0.035798 0.106124 0.899714 +v 0.083950 0.109836 0.900000 +v 0.087379 0.113438 0.897673 +v 0.087455 0.113433 0.897000 +v 0.087496 0.115489 0.897000 +v 0.036498 0.100868 0.897673 +v 0.036098 0.107159 0.899928 +v 0.036998 0.106564 0.900000 +v 0.086603 0.111473 0.898883 +v 0.036298 0.101660 0.898311 +v 0.085199 0.109567 0.899714 +v 0.036033 0.102928 0.898883 +v 0.087154 0.113450 0.898311 +v 0.036068 0.103964 0.899358 +v 0.086126 0.111536 0.899358 +v 0.036175 0.105157 0.899714 +v 0.036383 0.106339 0.899928 +v 0.087419 0.115488 0.897673 +v 0.087382 0.117543 0.897000 +v 0.084590 0.109698 0.899928 +v 0.036691 0.100984 0.898311 +v 0.037261 0.099670 0.897673 +v 0.037558 0.099107 0.897000 +v 0.086792 0.113471 0.898883 +v 0.036614 0.101838 0.898883 +v 0.085555 0.111612 0.899714 +v 0.036463 0.103145 0.899358 +v 0.087194 0.115484 0.898311 +v 0.037620 0.099151 0.897673 +v 0.086311 0.113499 0.899358 +v 0.036591 0.104205 0.899714 +v 0.087306 0.117536 0.897673 +v 0.036751 0.105395 0.899928 +v 0.037752 0.104740 0.900000 +v 0.084937 0.111694 0.899928 +v 0.084288 0.111780 0.900000 +v 0.037002 0.101171 0.898883 +v 0.086832 0.115478 0.898883 +v 0.037448 0.099796 0.898311 +v 0.085736 0.113531 0.899714 +v 0.037033 0.102074 0.899358 +v 0.087082 0.117515 0.898311 +v 0.036977 0.103404 0.899714 +v 0.037804 0.099281 0.898311 +v 0.086350 0.115469 0.899358 +v 0.087040 0.119569 0.897673 +v 0.087116 0.119582 0.897000 +v 0.037157 0.104466 0.899928 +v 0.038569 0.097890 0.897673 +v 0.085114 0.113567 0.899928 +v 0.084468 0.113745 0.900000 +v 0.038808 0.097474 0.897000 +v 0.086721 0.117481 0.898883 +v 0.037415 0.101419 0.899358 +v 0.037749 0.099999 0.898883 +v 0.086928 0.120190 0.897673 +v 0.086697 0.121595 0.897000 +v 0.037534 0.103684 0.899928 +v 0.038649 0.102983 0.900000 +v 0.085774 0.115459 0.899714 +v 0.086818 0.119532 0.898311 +v 0.037535 0.102357 0.899714 +v 0.038100 0.099491 0.898883 +v 0.086241 0.117437 0.899358 +v 0.038745 0.098031 0.898311 +v 0.037908 0.101716 0.899714 +v 0.086707 0.120148 0.898311 +v 0.038148 0.100268 0.899358 +v 0.086623 0.121577 0.897673 +v 0.085151 0.115448 0.899928 +v 0.084489 0.115718 0.900000 +v 0.038078 0.102662 0.899928 +v 0.086461 0.119471 0.898883 +v 0.040015 0.096221 0.897673 +v 0.040177 0.095939 0.897000 +v 0.086423 0.122340 0.897673 +v 0.086130 0.123572 0.897000 +v 0.038493 0.099769 0.899358 +v 0.039028 0.098257 0.898883 +v 0.085668 0.117384 0.899714 +v 0.038442 0.102037 0.899928 +v 0.039685 0.101304 0.900000 +v 0.086351 0.120079 0.898883 +v 0.038625 0.100590 0.899714 +v 0.086405 0.121523 0.898311 +v 0.040179 0.096375 0.898311 +v 0.085986 0.119391 0.899358 +v 0.038963 0.100102 0.899714 +v 0.086057 0.123548 0.897673 +v 0.086206 0.122280 0.898311 +v 0.039404 0.098557 0.899358 +v 0.039142 0.100938 0.899928 +v 0.085047 0.117326 0.899928 +v 0.084352 0.117686 0.900000 +v 0.041591 0.094674 0.897673 +v 0.041657 0.094511 0.897000 +v 0.085878 0.119988 0.899358 +v 0.040443 0.096624 0.898883 +v 0.086053 0.121436 0.898883 +v 0.039471 0.100462 0.899928 +v 0.040853 0.099714 0.900000 +v 0.085747 0.124443 0.897673 +v 0.085416 0.125501 0.897000 +v 0.039854 0.098917 0.899714 +v 0.085418 0.119295 0.899714 +v 0.041742 0.094841 0.898311 +v 0.085843 0.123478 0.898311 +v 0.040794 0.096953 0.899358 +v 0.040341 0.099306 0.899928 +v 0.085857 0.122183 0.898883 +v 0.042145 0.098223 0.900000 +v 0.043286 0.093258 0.897673 +v 0.085312 0.119879 0.899714 +v 0.085585 0.121321 0.899358 +v 0.043239 0.093198 0.897000 +v 0.041985 0.095110 0.898883 +v 0.041214 0.097348 0.899714 +v 0.085346 0.125472 0.897673 +v 0.085535 0.124365 0.898311 +v 0.043423 0.093437 0.898311 +v 0.084803 0.119191 0.899928 +v 0.084057 0.119637 0.900000 +v 0.042309 0.095466 0.899358 +v 0.085499 0.123365 0.898883 +v 0.041668 0.097775 0.899928 +v 0.043553 0.096841 0.900000 +v 0.085393 0.122054 0.899358 +v 0.044957 0.092070 0.897673 +v 0.084700 0.119761 0.899928 +v 0.044916 0.092006 0.897000 +v 0.085026 0.121183 0.899714 +v 0.043644 0.093724 0.898883 +v 0.084903 0.126484 0.897673 +v 0.084560 0.127371 0.897000 +v 0.042695 0.095893 0.899714 +v 0.085137 0.125386 0.898311 +v 0.085195 0.124240 0.898883 +v 0.045081 0.092259 0.898311 +v 0.085041 0.123215 0.899358 +v 0.043938 0.094106 0.899358 +v 0.084838 0.121900 0.899714 +v 0.046713 0.091010 0.897673 +v 0.046676 0.090943 0.897000 +v 0.048511 0.090015 0.897000 +v 0.084492 0.127336 0.897673 +v 0.043114 0.096355 0.899928 +v 0.084421 0.121033 0.899928 +v 0.083606 0.121558 0.900000 +v 0.045280 0.092562 0.898883 +v 0.084699 0.126389 0.898311 +v 0.044289 0.094563 0.899714 +v 0.046822 0.091207 0.898311 +v 0.084802 0.125247 0.898883 +v 0.084743 0.124074 0.899358 +v 0.084237 0.121733 0.899928 +v 0.045544 0.092964 0.899358 +v 0.084494 0.123035 0.899714 +v 0.048543 0.090084 0.897673 +v 0.050410 0.089226 0.897000 +v 0.083899 0.128450 0.897673 +v 0.083567 0.129172 0.897000 +v 0.044669 0.095057 0.899928 +v 0.045068 0.095576 0.900000 +v 0.084291 0.127235 0.898311 +v 0.046998 0.091524 0.898883 +v 0.084370 0.126238 0.898883 +v 0.045860 0.093446 0.899714 +v 0.084357 0.125063 0.899358 +v 0.084202 0.123876 0.899714 +v 0.048637 0.090289 0.898311 +v 0.047231 0.091946 0.899358 +v 0.083502 0.129132 0.897673 +v 0.050437 0.089298 0.897673 +v 0.083902 0.122841 0.899928 +v 0.083002 0.123436 0.900000 +v 0.046202 0.093967 0.899928 +v 0.046679 0.094438 0.900000 +v 0.083702 0.128340 0.898311 +v 0.083967 0.127072 0.898883 +v 0.048789 0.090618 0.898883 +v 0.083932 0.126036 0.899358 +v 0.051031 0.089085 0.897673 +v 0.052363 0.088582 0.897000 +v 0.047510 0.092449 0.899714 +v 0.083825 0.124843 0.899714 +v 0.083617 0.123661 0.899928 +v 0.050515 0.089509 0.898311 +v 0.083309 0.129016 0.898311 +v 0.048990 0.091056 0.899358 +v 0.082739 0.130330 0.897673 +v 0.082442 0.130893 0.897000 +v 0.051105 0.089297 0.898311 +v 0.083386 0.128162 0.898883 +v 0.052384 0.088655 0.897673 +v 0.083537 0.126855 0.899358 +v 0.047812 0.092995 0.899928 +v 0.048377 0.093433 0.900000 +v 0.082380 0.130849 0.897673 +v 0.050642 0.089849 0.898883 +v 0.083409 0.125795 0.899714 +v 0.083249 0.124605 0.899928 +v 0.082248 0.125259 0.900000 +v 0.053145 0.088447 0.897673 +v 0.054359 0.088085 0.897000 +v 0.049230 0.091579 0.899714 +v 0.082998 0.128829 0.898883 +v 0.082552 0.130204 0.898311 +v 0.051223 0.089640 0.898883 +v 0.052447 0.088871 0.898311 +v 0.082967 0.127926 0.899358 +v 0.050810 0.090300 0.899358 +v 0.083023 0.126596 0.899714 +v 0.082196 0.130719 0.898311 +v 0.054374 0.088160 0.897673 +v 0.053202 0.088665 0.898311 +v 0.082843 0.125534 0.899928 +v 0.081431 0.132110 0.897673 +v 0.081192 0.132526 0.897000 +v 0.049491 0.092146 0.899928 +v 0.050150 0.092567 0.900000 +v 0.082585 0.128581 0.899358 +v 0.051381 0.090095 0.899358 +v 0.052548 0.089220 0.898883 +v 0.082251 0.130001 0.898883 +v 0.082466 0.126316 0.899928 +v 0.081351 0.127016 0.900000 +v 0.055304 0.087981 0.897673 +v 0.082465 0.127643 0.899714 +v 0.056386 0.087739 0.897000 +v 0.051011 0.090840 0.899714 +v 0.081900 0.130509 0.898883 +v 0.054421 0.088380 0.898311 +v 0.081255 0.131969 0.898311 +v 0.053292 0.089016 0.898883 +v 0.082092 0.128284 0.899714 +v 0.051569 0.090639 0.899714 +v 0.081852 0.129732 0.899358 +v 0.052681 0.089682 0.899358 +v 0.081922 0.127338 0.899928 +v 0.079985 0.133779 0.897673 +v 0.056396 0.087814 0.897673 +v 0.079823 0.134060 0.897000 +v 0.081507 0.130231 0.899358 +v 0.055343 0.088203 0.898311 +v 0.051228 0.091424 0.899928 +v 0.051987 0.091847 0.900000 +v 0.080972 0.131743 0.898883 +v 0.054495 0.088735 0.898883 +v 0.081558 0.127963 0.899928 +v 0.049528 0.140346 0.897673 +v 0.051428 0.141130 0.897000 +v 0.049499 0.140416 0.897000 +v 0.080315 0.128695 0.900000 +v 0.053413 0.089482 0.899358 +v 0.081375 0.129410 0.899714 +v 0.051773 0.091228 0.899928 +v 0.052841 0.090236 0.899714 +v 0.079821 0.133625 0.898311 +v 0.081037 0.129898 0.899714 +v 0.057494 0.087691 0.897673 +v 0.058433 0.087545 0.897000 +v 0.080596 0.131443 0.899358 +v 0.056426 0.088037 0.898311 +v 0.055405 0.088561 0.898883 +v 0.080858 0.129062 0.899928 +v 0.054594 0.089206 0.899358 +v 0.078409 0.135326 0.897673 +v 0.078343 0.135489 0.897000 +v 0.053557 0.090040 0.899714 +v 0.079557 0.133376 0.898883 +v 0.047664 0.139492 0.897673 +v 0.058438 0.087621 0.897673 +v 0.080529 0.129538 0.899928 +v 0.079147 0.130286 0.900000 +v 0.047629 0.139560 0.897000 +v 0.053014 0.090834 0.899928 +v 0.053876 0.091278 0.900000 +v 0.047765 0.139291 0.898311 +v 0.049614 0.140137 0.898311 +v 0.080146 0.131083 0.899714 +v 0.057514 0.087915 0.898311 +v 0.045868 0.138502 0.897673 +v 0.056473 0.088397 0.898883 +v 0.078258 0.135159 0.898311 +v 0.045828 0.138567 0.897000 +v 0.044107 0.137442 0.897000 +v 0.047928 0.138967 0.898883 +v 0.055487 0.089035 0.899358 +v 0.049753 0.139802 0.898883 +v 0.079206 0.133047 0.899358 +v 0.053712 0.090644 0.899928 +v 0.079659 0.130694 0.899928 +v 0.077855 0.131777 0.900000 +v 0.045984 0.138309 0.898311 +v 0.054712 0.089770 0.899714 +v 0.076714 0.136741 0.897673 +v 0.076761 0.136802 0.897000 +v 0.048145 0.138537 0.899358 +v 0.049937 0.139357 0.899358 +v 0.059699 0.087578 0.897673 +v 0.050157 0.138825 0.899714 +v 0.078015 0.134890 0.898883 +v 0.044151 0.137380 0.897673 +v 0.060489 0.087504 0.897000 +v 0.058450 0.087846 0.898311 +v 0.078786 0.132652 0.899714 +v 0.046171 0.137998 0.898883 +v 0.076577 0.136563 0.898311 +v 0.048404 0.138023 0.899714 +v 0.057547 0.088277 0.898883 +v 0.056536 0.088874 0.899358 +v 0.050395 0.138249 0.899928 +v 0.077691 0.134533 0.899358 +v 0.044281 0.137196 0.898311 +v 0.055586 0.089602 0.899714 +v 0.078332 0.132225 0.899928 +v 0.075043 0.137930 0.897673 +v 0.075084 0.137994 0.897000 +v 0.073324 0.139057 0.897000 +v 0.046419 0.137585 0.899358 +v 0.060488 0.087581 0.897673 +v 0.054840 0.090380 0.899928 +v 0.055805 0.090862 0.900000 +v 0.076356 0.136276 0.898883 +v 0.042523 0.136133 0.897673 +v 0.042474 0.136192 0.897000 +v 0.059702 0.087803 0.898311 +v 0.048684 0.137466 0.899928 +v 0.077305 0.134107 0.899714 +v 0.050645 0.137644 0.900000 +v 0.048853 0.136817 0.900000 +v 0.044491 0.136900 0.898883 +v 0.058471 0.088208 0.898883 +v 0.074919 0.137741 0.898311 +v 0.042041 0.135725 0.897673 +v 0.040939 0.134823 0.897000 +v 0.057591 0.088756 0.899358 +v 0.076062 0.135894 0.899358 +v 0.046716 0.137092 0.899714 +v 0.056612 0.089445 0.899714 +v 0.055693 0.090217 0.899928 +v 0.073287 0.138990 0.897673 +v 0.042666 0.135959 0.898311 +v 0.076886 0.133645 0.899928 +v 0.076447 0.133159 0.900000 +v 0.060484 0.087806 0.898311 +v 0.074720 0.137438 0.898883 +v 0.044769 0.136507 0.899358 +v 0.061907 0.087643 0.897673 +v 0.042189 0.135555 0.898311 +v 0.062543 0.087618 0.897000 +v 0.075711 0.135437 0.899714 +v 0.059706 0.088166 0.898883 +v 0.058499 0.088689 0.899358 +v 0.073178 0.138793 0.898311 +v 0.040992 0.134768 0.897673 +v 0.047037 0.136557 0.899928 +v 0.047134 0.135850 0.900000 +v 0.074456 0.137036 0.899358 +v 0.042897 0.135680 0.898883 +v 0.062536 0.087694 0.897673 +v 0.057644 0.089330 0.899714 +v 0.071457 0.139916 0.897673 +v 0.071489 0.139985 0.897000 +v 0.040432 0.134213 0.897673 +v 0.056694 0.090063 0.899928 +v 0.057761 0.090603 0.900000 +v 0.039511 0.133343 0.897000 +v 0.075331 0.134943 0.899928 +v 0.074932 0.134424 0.900000 +v 0.045102 0.136037 0.899714 +v 0.060478 0.088168 0.898883 +v 0.073002 0.138476 0.898883 +v 0.042426 0.135281 0.898883 +v 0.061891 0.087867 0.898311 +v 0.074140 0.136554 0.899714 +v 0.041148 0.134605 0.898311 +v 0.071363 0.139711 0.898311 +v 0.059711 0.088647 0.899358 +v 0.043204 0.135309 0.899358 +v 0.072769 0.138054 0.899358 +v 0.058531 0.089264 0.899714 +v 0.039568 0.133292 0.897673 +v 0.069563 0.140702 0.897673 +v 0.069590 0.140774 0.897000 +v 0.062515 0.087918 0.898311 +v 0.040592 0.134055 0.898311 +v 0.057701 0.089950 0.899928 +v 0.073798 0.136033 0.899928 +v 0.073321 0.135562 0.900000 +v 0.045462 0.135528 0.899928 +v 0.064102 0.087885 0.897673 +v 0.064582 0.087884 0.897000 +v 0.071211 0.139382 0.898883 +v 0.045498 0.134747 0.900000 +v 0.042741 0.134917 0.899358 +v 0.060469 0.088650 0.899358 +v 0.068969 0.140915 0.897673 +v 0.067637 0.141418 0.897000 +v 0.041400 0.134344 0.898883 +v 0.061866 0.088229 0.898883 +v 0.072490 0.137550 0.899714 +v 0.038949 0.132576 0.897673 +v 0.058567 0.089886 0.899928 +v 0.059731 0.090501 0.900000 +v 0.069485 0.140491 0.898311 +v 0.038198 0.131761 0.897000 +v 0.043571 0.134865 0.899714 +v 0.059717 0.089223 0.899714 +v 0.071010 0.138944 0.899358 +v 0.039736 0.133142 0.898311 +v 0.062481 0.088279 0.898883 +v 0.068895 0.140703 0.898311 +v 0.040851 0.133801 0.898883 +v 0.064068 0.088108 0.898311 +v 0.060459 0.089226 0.899714 +v 0.067616 0.141345 0.897673 +v 0.043119 0.134482 0.899714 +v 0.072188 0.137005 0.899928 +v 0.071623 0.136567 0.900000 +v 0.061832 0.088710 0.899358 +v 0.041734 0.133997 0.899358 +v 0.069358 0.140151 0.898883 +v 0.038258 0.131714 0.897673 +v 0.059724 0.089847 0.899928 +v 0.066855 0.141553 0.897673 +v 0.065641 0.141915 0.897000 +v 0.039122 0.132432 0.898311 +v 0.066270 0.088303 0.897673 +v 0.066595 0.088303 0.897000 +v 0.043969 0.134385 0.899928 +v 0.070770 0.138421 0.899714 +v 0.043956 0.133516 0.900000 +v 0.040006 0.132900 0.898883 +v 0.062437 0.088759 0.899358 +v 0.064014 0.088466 0.898883 +v 0.068777 0.140360 0.898883 +v 0.041195 0.133464 0.899358 +v 0.067553 0.141129 0.898311 +v 0.060448 0.089849 0.899928 +v 0.061703 0.090559 0.900000 +v 0.043527 0.134011 0.899928 +v 0.061792 0.089284 0.899714 +v 0.069190 0.139700 0.899358 +v 0.042133 0.133582 0.899714 +v 0.066219 0.088522 0.898311 +v 0.037603 0.130825 0.897673 +v 0.065626 0.141840 0.897673 +v 0.037006 0.130084 0.897000 +v 0.066798 0.141335 0.898311 +v 0.062384 0.089332 0.899714 +v 0.038437 0.131577 0.898311 +v 0.063942 0.088942 0.899358 +v 0.070509 0.137855 0.899928 +v 0.039400 0.132199 0.898883 +v 0.069850 0.137433 0.900000 +v 0.061749 0.089906 0.899928 +v 0.040365 0.132579 0.899358 +v 0.068619 0.139905 0.899358 +v 0.067452 0.140780 0.898883 +v 0.068398 0.088894 0.897673 +v 0.041606 0.133060 0.899714 +v 0.068572 0.088870 0.897000 +v 0.064696 0.142019 0.897673 +v 0.063614 0.142261 0.897000 +v 0.066136 0.088875 0.898883 +v 0.037070 0.130043 0.897673 +v 0.068989 0.139160 0.899714 +v 0.042565 0.133132 0.899928 +v 0.062326 0.089953 0.899928 +v 0.063665 0.090776 0.900000 +v 0.042518 0.132165 0.900000 +v 0.037787 0.130695 0.898311 +v 0.063856 0.089512 0.899714 +v 0.065579 0.141620 0.898311 +v 0.066708 0.140984 0.898883 +v 0.038724 0.131356 0.898883 +v 0.068329 0.089108 0.898311 +v 0.039770 0.131891 0.899358 +v 0.068431 0.139361 0.899714 +v 0.066026 0.089344 0.899358 +v 0.042050 0.132623 0.899928 +v 0.067319 0.140318 0.899358 +v 0.063762 0.090128 0.899928 +v 0.040794 0.132195 0.899714 +v 0.063604 0.142186 0.897673 +v 0.070472 0.089654 0.897673 +v 0.070501 0.089584 0.897000 +v 0.036402 0.128972 0.897673 +v 0.064657 0.141797 0.898311 +v 0.035943 0.128324 0.897000 +v 0.068218 0.089454 0.898883 +v 0.037259 0.129919 0.898311 +v 0.068772 0.138576 0.899928 +v 0.068013 0.138153 0.900000 +v 0.065894 0.089905 0.899714 +v 0.038083 0.130486 0.898883 +v 0.065505 0.141265 0.898883 +v 0.066587 0.140518 0.899358 +v 0.039106 0.131062 0.899358 +v 0.070386 0.089863 0.898311 +v 0.068227 0.138772 0.899928 +v 0.068071 0.089912 0.899358 +v 0.040212 0.131521 0.899714 +v 0.065752 0.090511 0.899928 +v 0.065602 0.091149 0.900000 +v 0.067159 0.139764 0.899714 +v 0.036010 0.128287 0.897673 +v 0.072336 0.090508 0.897673 +v 0.072371 0.090440 0.897000 +v 0.074172 0.091433 0.897000 +v 0.062506 0.142309 0.897673 +v 0.061567 0.142455 0.897000 +v 0.041259 0.131779 0.899928 +v 0.041193 0.130702 0.900000 +v 0.063574 0.141962 0.898311 +v 0.070247 0.090198 0.898883 +v 0.036596 0.128857 0.898311 +v 0.064595 0.141439 0.898883 +v 0.037562 0.129720 0.898883 +v 0.067894 0.090460 0.899714 +v 0.065406 0.140794 0.899358 +v 0.072235 0.090709 0.898311 +v 0.038476 0.130208 0.899358 +v 0.066443 0.139960 0.899714 +v 0.039563 0.130711 0.899714 +v 0.070063 0.090643 0.899358 +v 0.040691 0.131122 0.899928 +v 0.061562 0.142379 0.897673 +v 0.074132 0.091498 0.897673 +v 0.066986 0.139165 0.899928 +v 0.036207 0.128178 0.898311 +v 0.066124 0.138722 0.900000 +v 0.075893 0.092558 0.897000 +v 0.067704 0.091054 0.899928 +v 0.067503 0.091677 0.900000 +v 0.035355 0.127027 0.897673 +v 0.062486 0.142085 0.898311 +v 0.072072 0.091033 0.898883 +v 0.035015 0.126489 0.897000 +v 0.063527 0.141603 0.898883 +v 0.036908 0.128672 0.898883 +v 0.069843 0.091175 0.899714 +v 0.064513 0.140965 0.899358 +v 0.037964 0.129456 0.899358 +v 0.074016 0.091691 0.898311 +v 0.066288 0.139356 0.899928 +v 0.035084 0.126457 0.897673 +v 0.065288 0.140230 0.899714 +v 0.038947 0.129876 0.899714 +v 0.040057 0.130331 0.899928 +v 0.071855 0.091463 0.899358 +v 0.060301 0.142422 0.897673 +v 0.059511 0.142496 0.897000 +v 0.075849 0.092620 0.897673 +v 0.039991 0.129138 0.900000 +v 0.061550 0.142154 0.898311 +v 0.036524 0.128002 0.898883 +v 0.069605 0.091751 0.899928 +v 0.069355 0.092356 0.900000 +v 0.062453 0.141723 0.898883 +v 0.035557 0.126929 0.898311 +v 0.073829 0.092002 0.898883 +v 0.071596 0.091977 0.899714 +v 0.037322 0.128427 0.899358 +v 0.063463 0.141126 0.899358 +v 0.038446 0.129140 0.899714 +v 0.064414 0.140398 0.899714 +v 0.075719 0.092804 0.898311 +v 0.073581 0.092415 0.899358 +v 0.059512 0.142419 0.897673 +v 0.035289 0.126363 0.898311 +v 0.039456 0.129516 0.899928 +v 0.065160 0.139620 0.899928 +v 0.064195 0.139138 0.900000 +v 0.077477 0.093867 0.897673 +v 0.034467 0.125005 0.897673 +v 0.077526 0.093808 0.897000 +v 0.034226 0.124590 0.897000 +v 0.071316 0.092534 0.899928 +v 0.071147 0.093183 0.900000 +v 0.060298 0.142197 0.898311 +v 0.061529 0.141792 0.898883 +v 0.036946 0.127769 0.899358 +v 0.075509 0.093100 0.898883 +v 0.062409 0.141244 0.899358 +v 0.035883 0.126770 0.898883 +v 0.038967 0.128798 0.899928 +v 0.077959 0.094275 0.897673 +v 0.079061 0.095177 0.897000 +v 0.063388 0.140555 0.899714 +v 0.073284 0.092908 0.899714 +v 0.038918 0.127482 0.900000 +v 0.037818 0.128133 0.899714 +v 0.064307 0.139783 0.899928 +v 0.077334 0.094041 0.898311 +v 0.059516 0.142194 0.898311 +v 0.035618 0.126211 0.898883 +v 0.058093 0.142357 0.897673 +v 0.057457 0.142382 0.897000 +v 0.075231 0.093493 0.899358 +v 0.034676 0.124923 0.898311 +v 0.060294 0.141834 0.898883 +v 0.037449 0.127490 0.899714 +v 0.077811 0.094445 0.898311 +v 0.061501 0.141311 0.899358 +v 0.036316 0.126558 0.899358 +v 0.079008 0.095232 0.897673 +v 0.038354 0.127816 0.899928 +v 0.072963 0.093442 0.899928 +v 0.072866 0.094150 0.900000 +v 0.057464 0.142306 0.897673 +v 0.033744 0.122918 0.897673 +v 0.062356 0.140670 0.899714 +v 0.077103 0.094320 0.898883 +v 0.033582 0.122637 0.897000 +v 0.063306 0.139937 0.899928 +v 0.079568 0.095787 0.897673 +v 0.080489 0.096657 0.897000 +v 0.062239 0.139397 0.900000 +v 0.036056 0.126010 0.899358 +v 0.059522 0.141831 0.898883 +v 0.074898 0.093963 0.899714 +v 0.035014 0.124791 0.898883 +v 0.058109 0.142133 0.898311 +v 0.037995 0.127188 0.899928 +v 0.037982 0.125745 0.900000 +v 0.077574 0.094719 0.898883 +v 0.036833 0.126306 0.899714 +v 0.060289 0.141353 0.899358 +v 0.078851 0.095395 0.898311 +v 0.033960 0.122853 0.898311 +v 0.061469 0.140736 0.899714 +v 0.076796 0.094691 0.899358 +v 0.057485 0.142082 0.898311 +v 0.036579 0.125770 0.899714 +v 0.080432 0.096708 0.897673 +v 0.035462 0.124615 0.899358 +v 0.062299 0.140050 0.899928 +v 0.037393 0.126032 0.899928 +v 0.079408 0.095945 0.898311 +v 0.055898 0.142115 0.897673 +v 0.055418 0.142116 0.897000 +v 0.074538 0.094471 0.899928 +v 0.074502 0.095253 0.900000 +v 0.033192 0.120780 0.897673 +v 0.059531 0.141350 0.899358 +v 0.033085 0.120641 0.897000 +v 0.077259 0.095083 0.899358 +v 0.034307 0.122748 0.898883 +v 0.078600 0.095656 0.898883 +v 0.058134 0.141771 0.898883 +v 0.037146 0.125509 0.899928 +v 0.037189 0.123939 0.900000 +v 0.061433 0.140114 0.899928 +v 0.081051 0.097424 0.897673 +v 0.081802 0.098239 0.897000 +v 0.060269 0.139499 0.900000 +v 0.035999 0.124405 0.899714 +v 0.076429 0.095135 0.899714 +v 0.060283 0.140777 0.899714 +v 0.033413 0.120732 0.898311 +v 0.057519 0.141721 0.898883 +v 0.034768 0.122609 0.899358 +v 0.080264 0.096858 0.898311 +v 0.079149 0.096199 0.898883 +v 0.055932 0.141892 0.898311 +v 0.036579 0.124178 0.899928 +v 0.076881 0.095518 0.899714 +v 0.059541 0.140774 0.899714 +v 0.032814 0.118604 0.897673 +v 0.078266 0.096003 0.899358 +v 0.032739 0.118614 0.897000 +v 0.058168 0.141290 0.899358 +v 0.033767 0.120656 0.898883 +v 0.081742 0.098286 0.897673 +v 0.060276 0.140153 0.899928 +v 0.035320 0.122443 0.899714 +v 0.080878 0.097568 0.898311 +v 0.053730 0.141697 0.897673 +v 0.053405 0.141697 0.897000 +v 0.033037 0.118574 0.898311 +v 0.076031 0.095615 0.899928 +v 0.076044 0.096484 0.900000 +v 0.079994 0.097100 0.898883 +v 0.057563 0.141241 0.899358 +v 0.034238 0.120554 0.899358 +v 0.078805 0.096536 0.899358 +v 0.035916 0.122263 0.899928 +v 0.036544 0.122074 0.900000 +v 0.055986 0.141534 0.898883 +v 0.036050 0.120164 0.900000 +v 0.059552 0.140151 0.899928 +v 0.032621 0.116562 0.897673 +v 0.058297 0.139441 0.900000 +v 0.076473 0.095989 0.899928 +v 0.032545 0.116567 0.897000 +v 0.032504 0.114511 0.897000 +v 0.058208 0.140716 0.899714 +v 0.077867 0.096418 0.899714 +v 0.033397 0.118527 0.898883 +v 0.082397 0.099175 0.897673 +v 0.053781 0.141478 0.898311 +v 0.082994 0.099916 0.897000 +v 0.034801 0.120433 0.899714 +v 0.057616 0.140668 0.899714 +v 0.081563 0.098423 0.898311 +v 0.080600 0.097801 0.898883 +v 0.032846 0.116549 0.898311 +v 0.056058 0.141058 0.899358 +v 0.033874 0.118463 0.899358 +v 0.079635 0.097421 0.899358 +v 0.058251 0.140094 0.899928 +v 0.078394 0.096940 0.899714 +v 0.051602 0.141106 0.897673 +v 0.032581 0.114512 0.897673 +v 0.035410 0.120302 0.899928 +v 0.035712 0.118220 0.900000 +v 0.053864 0.141125 0.898883 +v 0.082930 0.099957 0.897673 +v 0.077435 0.096868 0.899928 +v 0.077482 0.097835 0.900000 +v 0.033208 0.116529 0.898883 +v 0.082213 0.099305 0.898311 +v 0.057674 0.140047 0.899928 +v 0.056335 0.139224 0.900000 +v 0.034445 0.118388 0.899714 +v 0.056144 0.140488 0.899714 +v 0.032806 0.114516 0.898311 +v 0.081276 0.098644 0.898883 +v 0.051671 0.140892 0.898311 +v 0.080230 0.098109 0.899358 +v 0.033689 0.116501 0.899358 +v 0.077950 0.097377 0.899928 +v 0.053974 0.140656 0.899358 +v 0.032694 0.112464 0.897673 +v 0.032618 0.112457 0.897000 +v 0.079206 0.097805 0.899714 +v 0.056238 0.139872 0.899928 +v 0.035063 0.118306 0.899928 +v 0.083598 0.101028 0.897673 +v 0.084057 0.101676 0.897000 +v 0.051782 0.140546 0.898883 +v 0.033168 0.114522 0.898883 +v 0.082741 0.100081 0.898311 +v 0.054106 0.140095 0.899714 +v 0.034264 0.116469 0.899714 +v 0.081917 0.099514 0.898883 +v 0.051929 0.140088 0.899358 +v 0.054248 0.139489 0.899928 +v 0.054398 0.138851 0.900000 +v 0.052106 0.139540 0.899714 +v 0.079788 0.098479 0.899714 +v 0.032960 0.110431 0.897673 +v 0.052297 0.138946 0.899928 +v 0.032884 0.110418 0.897000 +v 0.052497 0.138323 0.900000 +v 0.034886 0.116433 0.899928 +v 0.035532 0.116255 0.900000 +v 0.078741 0.098221 0.899928 +v 0.082438 0.100280 0.898883 +v 0.073247 0.107904 0.879233 +v 0.073631 0.108483 0.879454 +v 0.073319 0.107866 0.879454 +v 0.045623 0.119375 0.879233 +v 0.045391 0.118521 0.879233 +v 0.045312 0.118540 0.879454 +v 0.074579 0.110563 0.879649 +v 0.074745 0.110513 0.879809 +v 0.074524 0.109842 0.879809 +v 0.044835 0.116507 0.879649 +v 0.044588 0.115014 0.879809 +v 0.044663 0.116524 0.879809 +v 0.044893 0.117003 0.879649 +v 0.074074 0.109155 0.879649 +v 0.074361 0.109900 0.879649 +v 0.044383 0.115014 0.879924 +v 0.072783 0.107151 0.879000 +v 0.072806 0.107136 0.879233 +v 0.072487 0.106640 0.879233 +v 0.071892 0.105858 0.879000 +v 0.045865 0.120020 0.879000 +v 0.045839 0.120029 0.879233 +v 0.073749 0.108427 0.879649 +v 0.045022 0.116986 0.879454 +v 0.045056 0.117987 0.879649 +v 0.045184 0.117961 0.879454 +v 0.074983 0.111389 0.879809 +v 0.075183 0.111340 0.879924 +v 0.074941 0.110453 0.879924 +v 0.044721 0.117025 0.879809 +v 0.075498 0.111903 0.879981 +v 0.075690 0.111864 0.880000 +v 0.075365 0.111296 0.879981 +v 0.044076 0.113446 0.880000 +v 0.044000 0.115014 0.880000 +v 0.044195 0.115014 0.879981 +v 0.044457 0.113483 0.879924 +v 0.044270 0.113465 0.879981 +v 0.075307 0.110342 0.880000 +v 0.074234 0.109089 0.879809 +v 0.045546 0.119399 0.879454 +v 0.072875 0.107094 0.879454 +v 0.045185 0.118571 0.879649 +v 0.046467 0.121470 0.879000 +v 0.046121 0.120763 0.879233 +v 0.073434 0.107804 0.879649 +v 0.074717 0.109773 0.879924 +v 0.044459 0.116545 0.879924 +v 0.071914 0.105841 0.879233 +v 0.045762 0.120056 0.879454 +v 0.044887 0.118020 0.879809 +v 0.075120 0.110398 0.879981 +v 0.044518 0.117052 0.879924 +v 0.072555 0.106595 0.879454 +v 0.073905 0.108352 0.879809 +v 0.046442 0.121482 0.879233 +v 0.071608 0.105456 0.879233 +v 0.070871 0.104665 0.879000 +v 0.045421 0.119437 0.879649 +v 0.074423 0.109010 0.879924 +v 0.045017 0.118611 0.879809 +v 0.072987 0.107026 0.879649 +v 0.044078 0.116583 0.880000 +v 0.044273 0.116563 0.879981 +v 0.046046 0.120795 0.879454 +v 0.074894 0.109711 0.879981 +v 0.074777 0.108864 0.880000 +v 0.073586 0.107722 0.879809 +v 0.047217 0.122849 0.879000 +v 0.046753 0.122096 0.879233 +v 0.071978 0.105791 0.879454 +v 0.045639 0.120100 0.879649 +v 0.044310 0.118136 0.880000 +v 0.044332 0.117077 0.879981 +v 0.072664 0.106522 0.879649 +v 0.044686 0.118061 0.879924 +v 0.074090 0.108264 0.879924 +v 0.046369 0.121517 0.879454 +v 0.074596 0.108938 0.879981 +v 0.070891 0.104646 0.879233 +v 0.045255 0.119487 0.879809 +v 0.044817 0.118659 0.879924 +v 0.071671 0.105404 0.879454 +v 0.045926 0.120845 0.879649 +v 0.073134 0.106935 0.879809 +v 0.047194 0.122863 0.879233 +v 0.073767 0.107626 0.879924 +v 0.044502 0.118097 0.879981 +v 0.072082 0.105712 0.879649 +v 0.046681 0.122134 0.879454 +v 0.074259 0.108183 0.879981 +v 0.074104 0.107445 0.880000 +v 0.072807 0.106426 0.879809 +v 0.045476 0.120158 0.879809 +v 0.048108 0.124142 0.879000 +v 0.047513 0.123360 0.879233 +v 0.070950 0.104590 0.879454 +v 0.071772 0.105321 0.879649 +v 0.046251 0.121573 0.879649 +v 0.045059 0.119547 0.879924 +v 0.073309 0.106828 0.879924 +v 0.044693 0.119658 0.880000 +v 0.044635 0.118703 0.879981 +v 0.073932 0.107537 0.879981 +v 0.045766 0.120911 0.879809 +v 0.069731 0.103585 0.879000 +v 0.069749 0.103564 0.879233 +v 0.068485 0.102630 0.879000 +v 0.047125 0.122906 0.879454 +v 0.072219 0.105607 0.879809 +v 0.046566 0.122196 0.879649 +v 0.072977 0.106312 0.879924 +v 0.045283 0.120226 0.879924 +v 0.071045 0.104500 0.879649 +v 0.048086 0.124159 0.879233 +v 0.071905 0.105212 0.879809 +v 0.044880 0.119602 0.879981 +v 0.073468 0.106730 0.879981 +v 0.073295 0.106099 0.880000 +v 0.047445 0.123405 0.879454 +v 0.069802 0.103502 0.879454 +v 0.046095 0.121648 0.879809 +v 0.049129 0.125335 0.879000 +v 0.048392 0.124544 0.879233 +v 0.073133 0.106207 0.879981 +v 0.045577 0.120989 0.879924 +v 0.072381 0.105482 0.879924 +v 0.068501 0.102608 0.879233 +v 0.047013 0.122974 0.879649 +v 0.045223 0.121136 0.880000 +v 0.045106 0.120289 0.879981 +v 0.071170 0.104381 0.879809 +v 0.046414 0.122277 0.879809 +v 0.072063 0.105082 0.879924 +v 0.069887 0.103403 0.879649 +v 0.048022 0.124209 0.879454 +v 0.072530 0.105367 0.879981 +v 0.047336 0.123478 0.879649 +v 0.072359 0.104838 0.880000 +v 0.068547 0.102541 0.879454 +v 0.045910 0.121736 0.879924 +v 0.045404 0.121061 0.879981 +v 0.072208 0.104962 0.879981 +v 0.071319 0.104240 0.879924 +v 0.050269 0.126415 0.879000 +v 0.049109 0.125354 0.879233 +v 0.067159 0.101787 0.879233 +v 0.067145 0.101811 0.879000 +v 0.065728 0.101137 0.879000 +v 0.048329 0.124596 0.879454 +v 0.065738 0.101111 0.879233 +v 0.065769 0.101036 0.879454 +v 0.069999 0.103271 0.879809 +v 0.046866 0.123065 0.879809 +v 0.046233 0.122374 0.879924 +v 0.068620 0.102433 0.879649 +v 0.047918 0.124288 0.879649 +v 0.071455 0.104110 0.879981 +v 0.071303 0.103676 0.880000 +v 0.045896 0.122555 0.880000 +v 0.045741 0.121817 0.879981 +v 0.065819 0.100915 0.879649 +v 0.067197 0.101715 0.879454 +v 0.047193 0.123574 0.879809 +v 0.070132 0.103115 0.879924 +v 0.049050 0.125410 0.879454 +v 0.068718 0.102290 0.879809 +v 0.067260 0.101601 0.879649 +v 0.065885 0.100756 0.879809 +v 0.048228 0.124678 0.879649 +v 0.070139 0.102623 0.880000 +v 0.070254 0.102973 0.879981 +v 0.046691 0.123172 0.879924 +v 0.068834 0.102121 0.879924 +v 0.046068 0.122463 0.879981 +v 0.067342 0.101449 0.879809 +v 0.050251 0.126436 0.879233 +v 0.065963 0.100566 0.879924 +v 0.068877 0.101688 0.880000 +v 0.068940 0.101967 0.879981 +v 0.047781 0.124393 0.879809 +v 0.067440 0.101269 0.879924 +v 0.047023 0.123688 0.879924 +v 0.066035 0.100393 0.879981 +v 0.067529 0.101104 0.879981 +v 0.067530 0.100883 0.880000 +v 0.048955 0.125500 0.879649 +v 0.048095 0.124788 0.879809 +v 0.046532 0.123270 0.879981 +v 0.046705 0.123901 0.880000 +v 0.050198 0.126498 0.879454 +v 0.046867 0.123793 0.879981 +v 0.047619 0.124518 0.879924 +v 0.051515 0.127370 0.879000 +v 0.051499 0.127392 0.879233 +v 0.052855 0.128189 0.879000 +v 0.048830 0.125619 0.879809 +v 0.047937 0.124918 0.879924 +v 0.050113 0.126597 0.879649 +v 0.047641 0.125161 0.880000 +v 0.047470 0.124633 0.879981 +v 0.051453 0.127459 0.879454 +v 0.047792 0.125038 0.879981 +v 0.048681 0.125760 0.879924 +v 0.052841 0.128213 0.879233 +v 0.050001 0.126729 0.879809 +v 0.051380 0.127567 0.879649 +v 0.048697 0.126324 0.880000 +v 0.048545 0.125890 0.879981 +v 0.052803 0.128284 0.879454 +v 0.049868 0.126885 0.879924 +v 0.054272 0.128863 0.879000 +v 0.054262 0.128889 0.879233 +v 0.051282 0.127709 0.879809 +v 0.052740 0.128399 0.879649 +v 0.049861 0.127377 0.880000 +v 0.049746 0.127027 0.879981 +v 0.054231 0.128964 0.879454 +v 0.051166 0.127879 0.879924 +v 0.055753 0.129386 0.879000 +v 0.055651 0.129385 0.879233 +v 0.052658 0.128551 0.879809 +v 0.054181 0.129085 0.879649 +v 0.051123 0.128311 0.880000 +v 0.051060 0.128033 0.879981 +v 0.055627 0.129462 0.879454 +v 0.057280 0.129751 0.879000 +v 0.057082 0.129741 0.879233 +v 0.052560 0.128731 0.879924 +v 0.054115 0.129244 0.879809 +v 0.055589 0.129587 0.879649 +v 0.052470 0.129117 0.880000 +v 0.052471 0.128896 0.879981 +v 0.057066 0.129821 0.879454 +v 0.058837 0.129955 0.879000 +v 0.058541 0.129957 0.879233 +v 0.054037 0.129434 0.879924 +v 0.055539 0.129753 0.879809 +v 0.057040 0.129949 0.879649 +v 0.053965 0.129607 0.879981 +v 0.053890 0.129788 0.880000 +v 0.058533 0.130038 0.879454 +v 0.060014 0.130028 0.879233 +v 0.060406 0.129994 0.879000 +v 0.055480 0.129949 0.879924 +v 0.057007 0.130119 0.879809 +v 0.058520 0.130168 0.879649 +v 0.055426 0.130128 0.879981 +v 0.055369 0.130315 0.880000 +v 0.060014 0.130109 0.879454 +v 0.061971 0.129870 0.879000 +v 0.061486 0.129954 0.879233 +v 0.056967 0.130320 0.879924 +v 0.058503 0.130339 0.879809 +v 0.061975 0.129897 0.879233 +v 0.060014 0.130240 0.879649 +v 0.056931 0.130504 0.879981 +v 0.056893 0.130695 0.880000 +v 0.061495 0.130035 0.879454 +v 0.066110 0.100212 0.880000 +v 0.064247 0.100614 0.879000 +v 0.064349 0.100616 0.879233 +v 0.063515 0.129582 0.879000 +v 0.062945 0.129736 0.879233 +v 0.058483 0.130544 0.879924 +v 0.064373 0.100538 0.879454 +v 0.061986 0.129978 0.879454 +v 0.062720 0.100249 0.879000 +v 0.062918 0.100258 0.879233 +v 0.060014 0.130412 0.879809 +v 0.064411 0.100413 0.879649 +v 0.063521 0.129609 0.879233 +v 0.061507 0.130165 0.879649 +v 0.062934 0.100179 0.879454 +v 0.058465 0.130730 0.879981 +v 0.061163 0.100045 0.879000 +v 0.061459 0.100043 0.879233 +v 0.058446 0.130924 0.880000 +v 0.062961 0.129816 0.879454 +v 0.064461 0.100247 0.879809 +v 0.062003 0.130107 0.879649 +v 0.062960 0.100051 0.879649 +v 0.064375 0.129377 0.879233 +v 0.065020 0.129135 0.879000 +v 0.061467 0.099962 0.879454 +v 0.060014 0.130617 0.879924 +v 0.059594 0.100005 0.879000 +v 0.059986 0.099972 0.879233 +v 0.063540 0.129688 0.879454 +v 0.061525 0.130337 0.879809 +v 0.064520 0.100051 0.879924 +v 0.065029 0.129161 0.879233 +v 0.062993 0.099881 0.879809 +v 0.062987 0.129944 0.879649 +v 0.061480 0.099832 0.879649 +v 0.062025 0.130278 0.879809 +v 0.064574 0.099872 0.879981 +v 0.064631 0.099685 0.880000 +v 0.060014 0.130805 0.879981 +v 0.059986 0.099891 0.879454 +v 0.060014 0.131000 0.880000 +v 0.064399 0.129454 0.879454 +v 0.058029 0.100130 0.879000 +v 0.058514 0.100046 0.879233 +v 0.063571 0.129815 0.879649 +v 0.063033 0.099680 0.879924 +v 0.066470 0.128533 0.879000 +v 0.065763 0.128878 0.879233 +v 0.061545 0.130541 0.879924 +v 0.061497 0.099661 0.879809 +v 0.065056 0.129238 0.879454 +v 0.058025 0.100103 0.879233 +v 0.063020 0.130113 0.879809 +v 0.059986 0.099760 0.879649 +v 0.062052 0.130482 0.879924 +v 0.063107 0.099305 0.880000 +v 0.063069 0.099496 0.879981 +v 0.058505 0.099965 0.879454 +v 0.066482 0.128558 0.879233 +v 0.056485 0.100418 0.879000 +v 0.057055 0.100264 0.879233 +v 0.064437 0.129579 0.879649 +v 0.063611 0.129983 0.879809 +v 0.061517 0.099457 0.879924 +v 0.061563 0.130727 0.879981 +v 0.058014 0.100022 0.879454 +v 0.061583 0.130921 0.880000 +v 0.065795 0.128954 0.879454 +v 0.059986 0.099588 0.879809 +v 0.067849 0.127782 0.879000 +v 0.067096 0.128247 0.879233 +v 0.065100 0.129361 0.879649 +v 0.056479 0.100391 0.879233 +v 0.062077 0.130668 0.879981 +v 0.058493 0.099835 0.879649 +v 0.063136 0.130690 0.880000 +v 0.061535 0.099270 0.879981 +v 0.061554 0.099076 0.880000 +v 0.063061 0.130314 0.879924 +v 0.066517 0.128631 0.879454 +v 0.057039 0.100184 0.879454 +v 0.064487 0.129744 0.879809 +v 0.057997 0.099893 0.879649 +v 0.055625 0.100623 0.879233 +v 0.054980 0.100865 0.879000 +v 0.063659 0.130182 0.879924 +v 0.065845 0.129074 0.879649 +v 0.059986 0.099383 0.879924 +v 0.067863 0.127806 0.879233 +v 0.056460 0.100312 0.879454 +v 0.063097 0.130498 0.879981 +v 0.058475 0.099663 0.879809 +v 0.067134 0.128319 0.879454 +v 0.054971 0.100839 0.879233 +v 0.065158 0.129524 0.879809 +v 0.057013 0.100056 0.879649 +v 0.068360 0.127487 0.879233 +v 0.057975 0.099721 0.879809 +v 0.069142 0.126892 0.879000 +v 0.066573 0.128749 0.879649 +v 0.059986 0.099000 0.880000 +v 0.059986 0.099195 0.879981 +v 0.055601 0.100546 0.879454 +v 0.064547 0.129941 0.879924 +v 0.063703 0.130365 0.879981 +v 0.056429 0.100185 0.879649 +v 0.064658 0.130307 0.880000 +v 0.065911 0.129234 0.879809 +v 0.053530 0.101467 0.879000 +v 0.054237 0.101122 0.879233 +v 0.067906 0.127875 0.879454 +v 0.058455 0.099459 0.879924 +v 0.067196 0.128434 0.879649 +v 0.054944 0.100762 0.879454 +v 0.065226 0.129717 0.879924 +v 0.056980 0.099887 0.879809 +v 0.057948 0.099518 0.879924 +v 0.069159 0.126914 0.879233 +v 0.064602 0.130120 0.879981 +v 0.053518 0.101442 0.879233 +v 0.068405 0.127555 0.879454 +v 0.055563 0.100421 0.879649 +v 0.066648 0.128905 0.879809 +v 0.056389 0.100017 0.879809 +v 0.069544 0.126608 0.879233 +v 0.070335 0.125871 0.879000 +v 0.058437 0.099273 0.879981 +v 0.058417 0.099078 0.880000 +v 0.065990 0.129423 0.879924 +v 0.054205 0.101046 0.879454 +v 0.067974 0.127987 0.879649 +v 0.052151 0.102217 0.879000 +v 0.052904 0.101753 0.879233 +v 0.065289 0.129894 0.879981 +v 0.066136 0.129776 0.880000 +v 0.067278 0.128586 0.879809 +v 0.054900 0.100639 0.879649 +v 0.057923 0.099332 0.879981 +v 0.056864 0.099310 0.880000 +v 0.069209 0.126978 0.879454 +v 0.056939 0.099686 0.879924 +v 0.068478 0.127664 0.879649 +v 0.053483 0.101369 0.879454 +v 0.055513 0.100255 0.879809 +v 0.066736 0.129090 0.879924 +v 0.066061 0.129596 0.879981 +v 0.056340 0.099817 0.879924 +v 0.070354 0.125891 0.879233 +v 0.054155 0.100926 0.879649 +v 0.069596 0.126671 0.879454 +v 0.052137 0.102194 0.879233 +v 0.068065 0.128134 0.879809 +v 0.056903 0.099502 0.879981 +v 0.067374 0.128767 0.879924 +v 0.052866 0.101682 0.879454 +v 0.069288 0.127082 0.879649 +v 0.054842 0.100476 0.879809 +v 0.066817 0.129259 0.879981 +v 0.067555 0.129104 0.880000 +v 0.050858 0.103108 0.879000 +v 0.051640 0.102512 0.879233 +v 0.068574 0.127807 0.879809 +v 0.053427 0.101251 0.879649 +v 0.070410 0.125950 0.879454 +v 0.055453 0.100059 0.879924 +v 0.069679 0.126772 0.879649 +v 0.056297 0.099635 0.879981 +v 0.055342 0.099693 0.880000 +v 0.068172 0.128309 0.879924 +v 0.054089 0.100766 0.879809 +v 0.067463 0.128932 0.879981 +v 0.052094 0.102125 0.879454 +v 0.071415 0.124731 0.879000 +v 0.071436 0.124749 0.879233 +v 0.072370 0.123485 0.879000 +v 0.069393 0.127219 0.879809 +v 0.052804 0.101566 0.879649 +v 0.068688 0.127977 0.879924 +v 0.054774 0.100283 0.879924 +v 0.070500 0.126045 0.879649 +v 0.050841 0.103086 0.879233 +v 0.055398 0.099880 0.879981 +v 0.069788 0.126905 0.879809 +v 0.068270 0.128468 0.879981 +v 0.051595 0.102445 0.879454 +v 0.068901 0.128295 0.880000 +v 0.071498 0.124802 0.879454 +v 0.053352 0.101095 0.879809 +v 0.050456 0.103392 0.879233 +v 0.049665 0.104129 0.879000 +v 0.068793 0.128133 0.879981 +v 0.069518 0.127381 0.879924 +v 0.054010 0.100577 0.879924 +v 0.072392 0.123501 0.879233 +v 0.073189 0.122145 0.879000 +v 0.052026 0.102013 0.879649 +v 0.070619 0.126170 0.879809 +v 0.054711 0.100106 0.879981 +v 0.053864 0.100223 0.880000 +v 0.069918 0.127063 0.879924 +v 0.052722 0.101414 0.879809 +v 0.071597 0.124887 0.879649 +v 0.050791 0.103021 0.879454 +v 0.051522 0.102336 0.879649 +v 0.069633 0.127530 0.879981 +v 0.070161 0.127359 0.880000 +v 0.053264 0.100910 0.879924 +v 0.072459 0.123547 0.879454 +v 0.070038 0.127208 0.879981 +v 0.053939 0.100404 0.879981 +v 0.070760 0.126319 0.879924 +v 0.049646 0.104109 0.879233 +v 0.073213 0.122159 0.879233 +v 0.050404 0.103329 0.879454 +v 0.051935 0.101866 0.879809 +v 0.071729 0.124999 0.879809 +v 0.072567 0.123620 0.879649 +v 0.052626 0.101233 0.879924 +v 0.050712 0.102918 0.879649 +v 0.070890 0.126455 0.879981 +v 0.071324 0.126303 0.880000 +v 0.053183 0.100741 0.879981 +v 0.052445 0.100896 0.880000 +v 0.073285 0.122197 0.879454 +v 0.051426 0.102193 0.879809 +v 0.071885 0.125132 0.879924 +v 0.073889 0.120738 0.879233 +v 0.073863 0.120728 0.879000 +v 0.049590 0.104050 0.879454 +v 0.050321 0.103228 0.879649 +v 0.072709 0.123718 0.879809 +v 0.051828 0.101691 0.879924 +v 0.073399 0.122260 0.879649 +v 0.052537 0.101068 0.879981 +v 0.048564 0.105251 0.879233 +v 0.048585 0.105269 0.879000 +v 0.072027 0.125254 0.879981 +v 0.072377 0.125139 0.880000 +v 0.073964 0.120769 0.879454 +v 0.050607 0.102781 0.879809 +v 0.072879 0.123834 0.879924 +v 0.051312 0.102022 0.879924 +v 0.074384 0.119349 0.879233 +v 0.074386 0.119247 0.879000 +v 0.049500 0.103955 0.879649 +v 0.073551 0.122342 0.879809 +v 0.050212 0.103095 0.879809 +v 0.051099 0.101705 0.880000 +v 0.051730 0.101532 0.879981 +v 0.074085 0.120819 0.879649 +v 0.073033 0.123940 0.879981 +v 0.048502 0.105198 0.879454 +v 0.073312 0.123877 0.880000 +v 0.074462 0.119373 0.879454 +v 0.051207 0.101867 0.879981 +v 0.074742 0.117918 0.879233 +v 0.050482 0.102618 0.879924 +v 0.074751 0.117720 0.879000 +v 0.047608 0.106499 0.879233 +v 0.047630 0.106515 0.879000 +v 0.046811 0.107855 0.879000 +v 0.073731 0.122439 0.879924 +v 0.074244 0.120885 0.879809 +v 0.049381 0.103830 0.879809 +v 0.074587 0.119411 0.879649 +v 0.050082 0.102937 0.879924 +v 0.073896 0.122529 0.879981 +v 0.048403 0.105113 0.879649 +v 0.074118 0.122530 0.880000 +v 0.074821 0.117934 0.879454 +v 0.049839 0.102641 0.880000 +v 0.050367 0.102470 0.879981 +v 0.074955 0.116163 0.879000 +v 0.074957 0.116459 0.879233 +v 0.047541 0.106453 0.879454 +v 0.074434 0.120963 0.879924 +v 0.049962 0.102792 0.879981 +v 0.049240 0.103681 0.879924 +v 0.074753 0.119461 0.879809 +v 0.074949 0.117960 0.879649 +v 0.046787 0.107841 0.879233 +v 0.074607 0.121035 0.879981 +v 0.048271 0.105001 0.879809 +v 0.074788 0.121110 0.880000 +v 0.075038 0.116467 0.879454 +v 0.074994 0.114594 0.879000 +v 0.075028 0.114986 0.879233 +v 0.047433 0.106379 0.879649 +v 0.049110 0.103545 0.879981 +v 0.048676 0.103696 0.880000 +v 0.046715 0.107803 0.879454 +v 0.074949 0.119520 0.879924 +v 0.075119 0.117993 0.879809 +v 0.048115 0.104868 0.879924 +v 0.075168 0.116480 0.879649 +v 0.046137 0.109272 0.879000 +v 0.046111 0.109262 0.879233 +v 0.075128 0.119574 0.879981 +v 0.047291 0.106282 0.879809 +v 0.075315 0.119631 0.880000 +v 0.075109 0.114986 0.879454 +v 0.074870 0.113029 0.879000 +v 0.074954 0.113513 0.879233 +v 0.046601 0.107740 0.879649 +v 0.047973 0.104746 0.879981 +v 0.047623 0.104861 0.880000 +v 0.075320 0.118033 0.879924 +v 0.075339 0.116497 0.879809 +v 0.046036 0.109231 0.879454 +v 0.047121 0.106166 0.879924 +v 0.074897 0.113025 0.879233 +v 0.045614 0.110753 0.879000 +v 0.045616 0.110651 0.879233 +v 0.075240 0.114986 0.879649 +v 0.075504 0.118069 0.879981 +v 0.075695 0.118107 0.880000 +v 0.046449 0.107658 0.879809 +v 0.045915 0.109181 0.879649 +v 0.075035 0.113505 0.879454 +v 0.074582 0.111485 0.879000 +v 0.074736 0.112055 0.879233 +v 0.046688 0.106123 0.880000 +v 0.046967 0.106060 0.879981 +v 0.075543 0.116517 0.879924 +v 0.045538 0.110627 0.879454 +v 0.045249 0.112280 0.879000 +v 0.045258 0.112082 0.879233 +v 0.074978 0.113014 0.879454 +v 0.075412 0.114986 0.879809 +v 0.046269 0.107561 0.879924 +v 0.045756 0.109115 0.879809 +v 0.074609 0.111479 0.879233 +v 0.075165 0.113493 0.879649 +v 0.045413 0.110589 0.879649 +v 0.045882 0.107470 0.880000 +v 0.046104 0.107471 0.879981 +v 0.075730 0.116535 0.879981 +v 0.075924 0.116554 0.880000 +v 0.045179 0.112066 0.879454 +v 0.074816 0.112039 0.879454 +v 0.045045 0.113837 0.879000 +v 0.045043 0.113540 0.879233 +v 0.075107 0.112997 0.879649 +v 0.074135 0.109980 0.879000 +v 0.074377 0.110625 0.879233 +v 0.045566 0.109036 0.879924 +v 0.075617 0.114986 0.879924 +v 0.045247 0.110539 0.879809 +v 0.045051 0.112040 0.879649 +v 0.074688 0.111460 0.879454 +v 0.045212 0.108890 0.880000 +v 0.045393 0.108965 0.879981 +v 0.075337 0.113475 0.879809 +v 0.044962 0.113533 0.879454 +v 0.074161 0.109971 0.879233 +v 0.045005 0.115406 0.879000 +v 0.044972 0.115014 0.879233 +v 0.074944 0.112013 0.879649 +v 0.075279 0.112974 0.879809 +v 0.045051 0.110480 0.879924 +v 0.075805 0.114986 0.879981 +v 0.044881 0.112007 0.879809 +v 0.076000 0.114986 0.880000 +v 0.074454 0.110601 0.879454 +v 0.044832 0.113520 0.879649 +v 0.074815 0.111429 0.879649 +v 0.044685 0.110369 0.880000 +v 0.044872 0.110426 0.879981 +v 0.073533 0.108530 0.879000 +v 0.073879 0.109237 0.879233 +v 0.044891 0.115014 0.879454 +v 0.045046 0.116486 0.879233 +v 0.075541 0.113455 0.879924 +v 0.045130 0.116971 0.879000 +v 0.074238 0.109944 0.879454 +v 0.044680 0.111967 0.879924 +v 0.075113 0.111980 0.879809 +v 0.044661 0.113503 0.879809 +v 0.075482 0.112948 0.879924 +v 0.045103 0.116975 0.879233 +v 0.073558 0.108518 0.879233 +v 0.044760 0.115014 0.879649 +v 0.044496 0.111931 0.879981 +v 0.044305 0.111893 0.880000 +v 0.044965 0.116494 0.879454 +v 0.075727 0.113437 0.879981 +v 0.045418 0.118515 0.879000 +v 0.045264 0.117945 0.879233 +v 0.075922 0.113417 0.880000 +v 0.073954 0.109205 0.879454 +v 0.075668 0.112923 0.879981 +v 0.075314 0.111939 0.879924 +v 0.049499 0.140416 0.880000 +v 0.047629 0.139560 0.880000 +v 0.045828 0.138567 0.880000 +v 0.044107 0.137442 0.880000 +v 0.042474 0.136192 0.880000 +v 0.040939 0.134823 0.880000 +v 0.039511 0.133343 0.880000 +v 0.038198 0.131761 0.880000 +v 0.037006 0.130084 0.880000 +v 0.035943 0.128324 0.880000 +v 0.035015 0.126489 0.880000 +v 0.034226 0.124590 0.880000 +v 0.033582 0.122637 0.880000 +v 0.033085 0.120641 0.880000 +v 0.032739 0.118614 0.880000 +v 0.032545 0.116567 0.880000 +v 0.032504 0.114511 0.880000 +v 0.032618 0.112457 0.880000 +v 0.032884 0.110418 0.880000 +v 0.033303 0.108404 0.880000 +v 0.033870 0.106428 0.880000 +v 0.034584 0.104499 0.880000 +v 0.035440 0.102629 0.880000 +v 0.036433 0.100828 0.880000 +v 0.037558 0.099107 0.880000 +v 0.038808 0.097474 0.880000 +v 0.040177 0.095939 0.880000 +v 0.041657 0.094511 0.880000 +v 0.043239 0.093198 0.880000 +v 0.044916 0.092006 0.880000 +v 0.046676 0.090943 0.880000 +v 0.048511 0.090015 0.880000 +v 0.050410 0.089226 0.880000 +v 0.052363 0.088582 0.880000 +v 0.054359 0.088085 0.880000 +v 0.056386 0.087739 0.880000 +v 0.058433 0.087545 0.880000 +v 0.060489 0.087504 0.880000 +v 0.062543 0.087618 0.880000 +v 0.064582 0.087884 0.880000 +v 0.066595 0.088303 0.880000 +v 0.068572 0.088870 0.880000 +v 0.070501 0.089584 0.880000 +v 0.072371 0.090440 0.880000 +v 0.074172 0.091433 0.880000 +v 0.075893 0.092558 0.880000 +v 0.077526 0.093808 0.880000 +v 0.079061 0.095177 0.880000 +v 0.080489 0.096657 0.880000 +v 0.081802 0.098239 0.880000 +v 0.082994 0.099916 0.880000 +v 0.084057 0.101676 0.880000 +v 0.084985 0.103511 0.880000 +v 0.085774 0.105410 0.880000 +v 0.086418 0.107363 0.880000 +v 0.086915 0.109359 0.880000 +v 0.087261 0.111386 0.880000 +v 0.087455 0.113433 0.880000 +v 0.087496 0.115489 0.880000 +v 0.087382 0.117543 0.880000 +v 0.087116 0.119582 0.880000 +v 0.086697 0.121595 0.880000 +v 0.086130 0.123572 0.880000 +v 0.085416 0.125501 0.880000 +v 0.084560 0.127371 0.880000 +v 0.083567 0.129172 0.880000 +v 0.082442 0.130893 0.880000 +v 0.081192 0.132526 0.880000 +v 0.079823 0.134060 0.880000 +v 0.078343 0.135489 0.880000 +v 0.076761 0.136802 0.880000 +v 0.075084 0.137994 0.880000 +v 0.073324 0.139057 0.880000 +v 0.071489 0.139985 0.880000 +v 0.069590 0.140774 0.880000 +v 0.067637 0.141418 0.880000 +v 0.065641 0.141915 0.880000 +v 0.063614 0.142261 0.880000 +v 0.061567 0.142455 0.880000 +v 0.059511 0.142496 0.880000 +v 0.057457 0.142382 0.880000 +v 0.055418 0.142116 0.880000 +v 0.053405 0.141697 0.880000 +v 0.051428 0.141130 0.880000 +v 0.054272 0.128863 0.782805 +v 0.052899 0.128213 0.782805 +v 0.051599 0.127427 0.782805 +v 0.050385 0.126513 0.782805 +v 0.049269 0.125481 0.782805 +v 0.048264 0.124342 0.782805 +v 0.047379 0.123106 0.782805 +v 0.046624 0.121788 0.782805 +v 0.046006 0.120400 0.782805 +v 0.045531 0.118956 0.782805 +v 0.045205 0.117472 0.782805 +v 0.045031 0.115963 0.782805 +v 0.045010 0.114444 0.782805 +v 0.045144 0.112930 0.782805 +v 0.045429 0.111438 0.782805 +v 0.045864 0.109982 0.782805 +v 0.046445 0.108577 0.782805 +v 0.047164 0.107239 0.782805 +v 0.048015 0.105980 0.782805 +v 0.048989 0.104814 0.782805 +v 0.050076 0.103752 0.782805 +v 0.051265 0.102806 0.782805 +v 0.052543 0.101985 0.782805 +v 0.053898 0.101297 0.782805 +v 0.055316 0.100750 0.782805 +v 0.056781 0.100349 0.782805 +v 0.058280 0.100099 0.782805 +v 0.059796 0.100001 0.782805 +v 0.061315 0.100058 0.782805 +v 0.062820 0.100267 0.782805 +v 0.064296 0.100628 0.782805 +v 0.065728 0.101137 0.782805 +v 0.067101 0.101787 0.782805 +v 0.068401 0.102573 0.782805 +v 0.069615 0.103487 0.782805 +v 0.070731 0.104519 0.782805 +v 0.071736 0.105658 0.782805 +v 0.072621 0.106894 0.782805 +v 0.073376 0.108212 0.782805 +v 0.073994 0.109600 0.782805 +v 0.074469 0.111043 0.782805 +v 0.074795 0.112528 0.782805 +v 0.074969 0.114037 0.782805 +v 0.074990 0.115556 0.782805 +v 0.074856 0.117070 0.782805 +v 0.074571 0.118562 0.782805 +v 0.074136 0.120018 0.782805 +v 0.073555 0.121423 0.782805 +v 0.072836 0.122761 0.782805 +v 0.071985 0.124020 0.782805 +v 0.071011 0.125186 0.782805 +v 0.069924 0.126248 0.782805 +v 0.068735 0.127194 0.782805 +v 0.067457 0.128015 0.782805 +v 0.066102 0.128703 0.782805 +v 0.064684 0.129250 0.782805 +v 0.063219 0.129651 0.782805 +v 0.061720 0.129901 0.782805 +v 0.060204 0.129999 0.782805 +v 0.058685 0.129942 0.782805 +v 0.057180 0.129733 0.782805 +v 0.055704 0.129372 0.782805 +v 0.055343 0.126271 0.780000 +v 0.054066 0.125654 0.780000 +v 0.052870 0.124893 0.780000 +v 0.051769 0.123998 0.780000 +v 0.050780 0.122982 0.780000 +v 0.049916 0.121858 0.780000 +v 0.049188 0.120641 0.780000 +v 0.048606 0.119347 0.780000 +v 0.048179 0.117995 0.780000 +v 0.047911 0.116603 0.780000 +v 0.047806 0.115188 0.780000 +v 0.047867 0.113771 0.780000 +v 0.048092 0.112371 0.780000 +v 0.048477 0.111007 0.780000 +v 0.049019 0.109696 0.780000 +v 0.049709 0.108457 0.780000 +v 0.050538 0.107306 0.780000 +v 0.051495 0.106260 0.780000 +v 0.052567 0.105332 0.780000 +v 0.053740 0.104534 0.780000 +v 0.054997 0.103878 0.780000 +v 0.056322 0.103373 0.780000 +v 0.057697 0.103024 0.780000 +v 0.059103 0.102838 0.780000 +v 0.060521 0.102816 0.780000 +v 0.061932 0.102959 0.780000 +v 0.063317 0.103265 0.780000 +v 0.064657 0.103729 0.780000 +v 0.065934 0.104346 0.780000 +v 0.067130 0.105107 0.780000 +v 0.068231 0.106001 0.780000 +v 0.069220 0.107018 0.780000 +v 0.070084 0.108142 0.780000 +v 0.070812 0.109359 0.780000 +v 0.071394 0.110653 0.780000 +v 0.071821 0.112005 0.780000 +v 0.072089 0.113397 0.780000 +v 0.072194 0.114812 0.780000 +v 0.072133 0.116228 0.780000 +v 0.071908 0.117629 0.780000 +v 0.071523 0.118993 0.780000 +v 0.070981 0.120304 0.780000 +v 0.070291 0.121543 0.780000 +v 0.069462 0.122694 0.780000 +v 0.068505 0.123740 0.780000 +v 0.067433 0.124668 0.780000 +v 0.066260 0.125466 0.780000 +v 0.065003 0.126122 0.780000 +v 0.063678 0.126627 0.780000 +v 0.062303 0.126976 0.780000 +v 0.060897 0.127162 0.780000 +v 0.059479 0.127184 0.780000 +v 0.058068 0.127041 0.780000 +v 0.056683 0.126735 0.780000 +v 0.050845 0.122038 0.900000 +v 0.070672 0.119409 0.900000 +v 0.069155 0.107962 0.900000 +v 0.049328 0.110591 0.900000 +v 0.058482 0.103553 0.900000 +v 0.061518 0.126447 0.900000 +v 0.050845 0.122038 0.885000 +v 0.049328 0.110591 0.885000 +v 0.061518 0.126447 0.885000 +v 0.070672 0.119409 0.885000 +v 0.069155 0.107962 0.885000 +v 0.058482 0.103553 0.885000 +v -0.050000 -0.115000 0.885000 +v -0.050086 -0.113695 0.885000 +v -0.051383 -0.113481 0.884278 +v -0.052614 -0.113698 0.883557 +v -0.052952 -0.112435 0.883557 +v -0.054255 -0.110179 0.883557 +v -0.056250 -0.108505 0.883557 +v -0.055983 -0.110212 0.882835 +v -0.057500 -0.110670 0.882113 +v -0.056170 -0.111786 0.882113 +v -0.054587 -0.111875 0.882835 +v -0.060434 -0.112538 0.880670 +v -0.061250 -0.112835 0.880670 +v -0.060660 -0.113470 0.880189 +v -0.060289 -0.113359 0.880189 +v -0.058717 -0.111476 0.881392 +v -0.059132 -0.110076 0.882113 +v -0.060000 -0.111250 0.881392 +v -0.059566 -0.112538 0.880670 +v -0.060868 -0.110076 0.882113 +v -0.057862 -0.109127 0.882835 +v -0.058698 -0.107614 0.883557 +v -0.061283 -0.111476 0.881392 +v -0.062500 -0.110670 0.882113 +v -0.060000 -0.108750 0.882835 +v -0.061302 -0.107614 0.883557 +v -0.062410 -0.112127 0.881392 +v -0.063830 -0.111786 0.882113 +v -0.061915 -0.113393 0.880670 +v -0.062138 -0.109127 0.882835 +v -0.063750 -0.108505 0.883557 +v -0.062349 -0.114145 0.880670 +v -0.063248 -0.113125 0.881392 +v -0.064698 -0.113290 0.882113 +v -0.064017 -0.110212 0.882835 +v -0.065745 -0.110179 0.883557 +v -0.063693 -0.114349 0.881392 +v -0.065000 -0.115000 0.882113 +v -0.062500 -0.115000 0.880670 +v -0.065413 -0.111875 0.882835 +v -0.067048 -0.112435 0.883557 +v -0.063693 -0.115651 0.881392 +v -0.062349 -0.115855 0.880670 +v -0.064698 -0.116710 0.882113 +v -0.067500 -0.115000 0.883557 +v -0.066155 -0.113915 0.882835 +v -0.063248 -0.116875 0.881392 +v -0.061915 -0.116607 0.880670 +v -0.063830 -0.118214 0.882113 +v -0.061250 -0.117165 0.880670 +v -0.060434 -0.117462 0.880670 +v -0.060660 -0.116530 0.880189 +v -0.066155 -0.116085 0.882835 +v -0.067048 -0.117565 0.883557 +v -0.062500 -0.119330 0.882113 +v -0.062410 -0.117873 0.881392 +v -0.060289 -0.116641 0.880189 +v -0.065745 -0.119821 0.883557 +v -0.065413 -0.118125 0.882835 +v -0.059566 -0.117462 0.880670 +v -0.059903 -0.116664 0.880189 +v -0.060000 -0.116250 0.879948 +v -0.059783 -0.116231 0.879948 +v -0.061283 -0.118524 0.881392 +v -0.060868 -0.119924 0.882113 +v -0.058750 -0.117165 0.880670 +v -0.059572 -0.116175 0.879948 +v -0.064017 -0.119788 0.882835 +v -0.063750 -0.121495 0.883557 +v -0.059375 -0.116082 0.879948 +v -0.060000 -0.118750 0.881392 +v -0.059132 -0.119924 0.882113 +v -0.058085 -0.116607 0.880670 +v -0.059197 -0.115958 0.879948 +v -0.062138 -0.120873 0.882835 +v -0.061302 -0.122386 0.883557 +v -0.059042 -0.115803 0.879948 +v -0.058717 -0.118524 0.881392 +v -0.057500 -0.119330 0.882113 +v -0.057651 -0.115855 0.880670 +v -0.058917 -0.115625 0.879948 +v -0.060000 -0.121250 0.882835 +v -0.058698 -0.122386 0.883557 +v -0.058825 -0.115427 0.879948 +v -0.057590 -0.117873 0.881392 +v -0.056170 -0.118214 0.882113 +v -0.057862 -0.120873 0.882835 +v -0.056250 -0.121495 0.883557 +v -0.056752 -0.116875 0.881392 +v -0.055302 -0.116710 0.882113 +v -0.057538 -0.115434 0.880670 +v -0.058769 -0.115217 0.879948 +v -0.060000 -0.115000 0.879226 +v -0.055983 -0.119788 0.882835 +v -0.054255 -0.119821 0.883557 +v -0.054587 -0.118125 0.882835 +v -0.052952 -0.117565 0.883557 +v -0.052614 -0.116302 0.883557 +v -0.050086 -0.116305 0.885000 +v -0.051383 -0.116519 0.884278 +v -0.058769 -0.114783 0.879948 +v -0.058825 -0.114572 0.879948 +v -0.059396 -0.114838 0.879587 +v -0.059413 -0.114786 0.879587 +v -0.059434 -0.114736 0.879587 +v -0.058917 -0.114375 0.879948 +v -0.059459 -0.114687 0.879587 +v -0.059042 -0.114197 0.879948 +v -0.059488 -0.114641 0.879587 +v -0.059521 -0.114598 0.879587 +v -0.059558 -0.114558 0.879587 +v -0.059197 -0.114042 0.879948 +v -0.059375 -0.113917 0.879948 +v -0.056264 -0.114673 0.881392 +v -0.057538 -0.114566 0.880670 +v -0.057651 -0.114145 0.880670 +v -0.056752 -0.113125 0.881392 +v -0.055302 -0.113290 0.882113 +v -0.060417 -0.114278 0.879708 +v -0.050341 -0.112412 0.885000 +v -0.051190 -0.111794 0.884639 +v -0.050761 -0.111173 0.885000 +v -0.051340 -0.110000 0.885000 +v -0.061515 -0.113570 0.880429 +v -0.060442 -0.114558 0.879587 +v -0.061741 -0.113855 0.880429 +v -0.061286 -0.114475 0.880028 +v -0.061944 -0.115000 0.880349 +v -0.061667 -0.115000 0.880189 +v -0.061428 -0.115295 0.880068 +v -0.061250 -0.115000 0.879948 +v -0.052929 -0.107929 0.885000 +v -0.053912 -0.107066 0.885000 +v -0.061323 -0.115764 0.880109 +v -0.061741 -0.116145 0.880429 +v -0.061515 -0.116430 0.880429 +v -0.059558 -0.115442 0.879587 +v -0.059521 -0.115402 0.879587 +v -0.059488 -0.115358 0.879587 +v -0.059459 -0.115312 0.879587 +v -0.059434 -0.115264 0.879587 +v -0.055000 -0.106340 0.885000 +v -0.056173 -0.105761 0.885000 +v -0.059413 -0.115214 0.879587 +v -0.059396 -0.115162 0.879587 +v -0.056264 -0.115327 0.881392 +v -0.051340 -0.120000 0.885000 +v -0.050761 -0.118827 0.885000 +v -0.051190 -0.118206 0.884639 +v -0.050341 -0.117588 0.885000 +v -0.059880 -0.114711 0.879407 +v -0.059572 -0.113825 0.879948 +v -0.059783 -0.113769 0.879948 +v -0.060000 -0.113750 0.879948 +v -0.059905 -0.114277 0.879647 +v -0.060000 -0.114375 0.879587 +v -0.057412 -0.105341 0.885000 +v -0.058695 -0.105086 0.885000 +v -0.060000 -0.105000 0.885000 +v -0.052693 -0.110781 0.884098 +v -0.052066 -0.108912 0.885000 +v -0.060722 -0.115417 0.879708 +v -0.060884 -0.115884 0.879948 +v -0.060442 -0.115442 0.879587 +v -0.061305 -0.105086 0.885000 +v -0.060694 -0.116203 0.880028 +v -0.062588 -0.105341 0.885000 +v -0.063827 -0.105761 0.885000 +v -0.060120 -0.115289 0.879407 +v -0.060359 -0.115866 0.879768 +v -0.060000 -0.115417 0.879467 +v -0.052929 -0.122071 0.885000 +v -0.052066 -0.121088 0.885000 +v -0.052693 -0.119219 0.884098 +v -0.060087 -0.114870 0.879317 +v -0.060289 -0.114880 0.879407 +v -0.065000 -0.106340 0.885000 +v -0.066088 -0.107066 0.885000 +v -0.060723 -0.114905 0.879647 +v -0.060625 -0.115000 0.879587 +v -0.060460 -0.115091 0.879497 +v -0.067071 -0.107929 0.885000 +v -0.067934 -0.108912 0.885000 +v -0.068660 -0.110000 0.885000 +v -0.069239 -0.111173 0.885000 +v -0.069659 -0.112412 0.885000 +v -0.069914 -0.113695 0.885000 +v -0.070000 -0.115000 0.885000 +v -0.069914 -0.116305 0.885000 +v -0.069659 -0.117588 0.885000 +v -0.069239 -0.118827 0.885000 +v -0.068660 -0.120000 0.885000 +v -0.067934 -0.121088 0.885000 +v -0.067071 -0.122071 0.885000 +v -0.066088 -0.122933 0.885000 +v -0.065000 -0.123660 0.885000 +v -0.063827 -0.124239 0.885000 +v -0.062588 -0.124659 0.885000 +v -0.061305 -0.124914 0.885000 +v -0.060000 -0.125000 0.885000 +v -0.058695 -0.124914 0.885000 +v -0.057412 -0.124659 0.885000 +v -0.056173 -0.124239 0.885000 +v -0.055000 -0.123660 0.885000 +v -0.053912 -0.122933 0.885000 +v -0.058085 -0.113393 0.880670 +v -0.058750 -0.112835 0.880670 +v -0.057590 -0.112127 0.881392 +v -0.059903 -0.113336 0.880189 +v -0.063118 -0.142007 0.898335 +v -0.064413 -0.141445 0.898913 +v -0.064475 -0.141816 0.898335 +v -0.063145 -0.142240 0.897685 +v -0.062264 -0.142327 0.897685 +v -0.040682 -0.096409 0.898913 +v -0.040275 -0.096842 0.898913 +v -0.040411 -0.096148 0.898335 +v -0.041587 -0.094998 0.898335 +v -0.040243 -0.095986 0.897685 +v -0.041428 -0.094826 0.897685 +v -0.065010 -0.140831 0.899390 +v -0.066972 -0.140372 0.899390 +v -0.065105 -0.141320 0.898913 +v -0.066815 -0.139799 0.899741 +v -0.040159 -0.098637 0.899741 +v -0.039705 -0.099203 0.899741 +v -0.039236 -0.098839 0.899390 +v -0.061050 -0.142400 0.897685 +v -0.061053 -0.142480 0.897000 +v -0.039700 -0.098259 0.899390 +v -0.062245 -0.142094 0.898335 +v -0.040641 -0.097179 0.899390 +v -0.040175 -0.099569 0.899935 +v -0.040666 -0.099952 0.900000 +v -0.039451 -0.100546 0.899935 +v -0.066657 -0.139225 0.899935 +v -0.066014 -0.138750 0.900000 +v -0.067955 -0.138172 0.900000 +v -0.068492 -0.138644 0.899935 +v -0.068693 -0.139205 0.899741 +v -0.043158 -0.093361 0.897685 +v -0.041704 -0.094470 0.897000 +v -0.043329 -0.093129 0.897000 +v -0.064331 -0.140954 0.899390 +v -0.041041 -0.096754 0.899390 +v -0.063075 -0.141634 0.898913 +v -0.041842 -0.095275 0.898913 +v -0.060000 -0.142421 0.897685 +v -0.058947 -0.142480 0.897000 +v -0.040618 -0.099016 0.899935 +v -0.041975 -0.098407 0.900000 +v -0.064897 -0.140248 0.899741 +v -0.061041 -0.142167 0.898335 +v -0.041078 -0.097581 0.899741 +v -0.062214 -0.141719 0.898913 +v -0.043302 -0.093546 0.898335 +v -0.064233 -0.140368 0.899741 +v -0.063018 -0.141139 0.899390 +v -0.041469 -0.097166 0.899741 +v -0.042179 -0.095641 0.899390 +v -0.058950 -0.142400 0.897685 +v -0.041517 -0.097985 0.899935 +v -0.060000 -0.142187 0.898335 +v -0.045002 -0.092044 0.897685 +v -0.045052 -0.091917 0.897000 +v -0.064783 -0.139663 0.899935 +v -0.064033 -0.139166 0.900000 +v -0.061027 -0.141791 0.898913 +v -0.043532 -0.093843 0.898913 +v -0.062173 -0.141223 0.899390 +v -0.041898 -0.097579 0.899935 +v -0.043407 -0.096975 0.900000 +v -0.042581 -0.096078 0.899741 +v -0.064135 -0.139780 0.899935 +v -0.057736 -0.142327 0.897685 +v -0.056846 -0.142319 0.897000 +v -0.045130 -0.092240 0.898335 +v -0.062949 -0.140549 0.899741 +v -0.043839 -0.094236 0.899390 +v -0.058959 -0.142167 0.898335 +v -0.042985 -0.096517 0.899935 +v -0.044952 -0.095666 0.900000 +v -0.060000 -0.141811 0.898913 +v -0.046901 -0.090911 0.897685 +v -0.046863 -0.090841 0.897000 +v -0.048751 -0.089906 0.897000 +v -0.061008 -0.141293 0.899390 +v -0.045336 -0.092555 0.898913 +v -0.056855 -0.142240 0.897685 +v -0.044203 -0.094705 0.899741 +v -0.062124 -0.140631 0.899741 +v -0.047012 -0.091116 0.898335 +v -0.062881 -0.139957 0.899935 +v -0.062023 -0.139416 0.900000 +v -0.045608 -0.092972 0.899390 +v -0.057755 -0.142094 0.898335 +v -0.048783 -0.089979 0.897685 +v -0.050705 -0.089119 0.897000 +v -0.058973 -0.141791 0.898913 +v -0.044569 -0.095175 0.899935 +v -0.046600 -0.094489 0.900000 +v -0.060000 -0.141312 0.899390 +v -0.047192 -0.091446 0.898913 +v -0.060985 -0.140699 0.899741 +v -0.045933 -0.093469 0.899741 +v -0.062075 -0.140037 0.899935 +v -0.048879 -0.090192 0.898335 +v -0.056882 -0.142007 0.898335 +v -0.047430 -0.091884 0.899390 +v -0.055487 -0.142047 0.897685 +v -0.054764 -0.141997 0.897000 +v -0.050731 -0.089193 0.897685 +v -0.057786 -0.141719 0.898913 +v -0.052713 -0.088483 0.897000 +v -0.046259 -0.093968 0.899935 +v -0.058992 -0.141293 0.899390 +v -0.049033 -0.090535 0.898913 +v -0.054779 -0.141919 0.897685 +v -0.047714 -0.092406 0.899741 +v -0.060000 -0.140718 0.899741 +v -0.050810 -0.089413 0.898335 +v -0.060962 -0.140104 0.899935 +v -0.060000 -0.139500 0.900000 +v -0.049236 -0.090990 0.899390 +v -0.056925 -0.141634 0.898913 +v -0.052734 -0.088560 0.897685 +v -0.054764 -0.088003 0.897000 +v -0.055525 -0.141816 0.898335 +v -0.047998 -0.092929 0.899935 +v -0.048339 -0.093453 0.900000 +v -0.057827 -0.141223 0.899390 +v -0.050937 -0.089767 0.898913 +v -0.059015 -0.140699 0.899741 +v -0.049479 -0.091532 0.899741 +v -0.054824 -0.141689 0.898335 +v -0.060000 -0.140123 0.899935 +v -0.052796 -0.088785 0.898335 +v -0.053269 -0.141582 0.897685 +v -0.052713 -0.141517 0.897000 +v -0.051106 -0.090236 0.899390 +v -0.056982 -0.141139 0.899390 +v -0.054779 -0.088081 0.897685 +v -0.049723 -0.092075 0.899935 +v -0.050158 -0.092564 0.900000 +v -0.055587 -0.141445 0.898913 +v -0.052896 -0.089148 0.898913 +v -0.057876 -0.140631 0.899741 +v -0.059038 -0.140104 0.899935 +v -0.057977 -0.139416 0.900000 +v -0.055487 -0.087953 0.897685 +v -0.056846 -0.087681 0.897000 +v -0.051307 -0.090795 0.899741 +v -0.054895 -0.141320 0.898913 +v -0.053326 -0.141355 0.898335 +v -0.054824 -0.088311 0.898335 +v -0.057051 -0.140549 0.899741 +v -0.053028 -0.089628 0.899390 +v -0.055669 -0.140954 0.899390 +v -0.057925 -0.140037 0.899935 +v -0.055525 -0.088184 0.898335 +v -0.056855 -0.087760 0.897685 +v -0.051097 -0.140935 0.897685 +v -0.051508 -0.091356 0.899935 +v -0.052045 -0.091827 0.900000 +v -0.050705 -0.140881 0.897000 +v -0.054895 -0.088680 0.898913 +v -0.054990 -0.140831 0.899390 +v -0.057736 -0.087673 0.897685 +v -0.058947 -0.087520 0.897000 +v -0.053418 -0.140990 0.898913 +v -0.057119 -0.139957 0.899935 +v -0.055967 -0.139166 0.900000 +v -0.053185 -0.090201 0.899741 +v -0.055767 -0.140368 0.899741 +v -0.055587 -0.088555 0.898913 +v -0.051172 -0.140714 0.898335 +v -0.056882 -0.087993 0.898335 +v -0.054990 -0.089169 0.899390 +v -0.055103 -0.140248 0.899741 +v -0.053541 -0.140507 0.899390 +v -0.058950 -0.087599 0.897685 +v -0.055865 -0.139780 0.899935 +v -0.057755 -0.087906 0.898335 +v -0.053343 -0.090775 0.899935 +v -0.053986 -0.091250 0.900000 +v -0.048985 -0.140111 0.897685 +v -0.048751 -0.140094 0.897000 +v -0.051295 -0.140358 0.898913 +v -0.055669 -0.089046 0.899390 +v -0.056925 -0.088366 0.898913 +v -0.055217 -0.139663 0.899935 +v -0.053986 -0.138750 0.900000 +v -0.060000 -0.087579 0.897685 +v -0.053687 -0.139931 0.899741 +v -0.061053 -0.087520 0.897000 +v -0.049079 -0.139897 0.898335 +v -0.055103 -0.089752 0.899741 +v -0.058959 -0.087833 0.898335 +v -0.051456 -0.139887 0.899390 +v -0.057786 -0.088281 0.898913 +v -0.053833 -0.139354 0.899935 +v -0.052045 -0.138172 0.900000 +v -0.055767 -0.089632 0.899741 +v -0.046949 -0.139116 0.897685 +v -0.046863 -0.139159 0.897000 +v -0.056982 -0.088861 0.899390 +v -0.061050 -0.087599 0.897685 +v -0.049230 -0.139553 0.898913 +v -0.060000 -0.087813 0.898335 +v -0.051649 -0.139325 0.899741 +v -0.055217 -0.090337 0.899935 +v -0.055967 -0.090834 0.900000 +v -0.047061 -0.138910 0.898335 +v -0.058973 -0.088209 0.898913 +v -0.049430 -0.139096 0.899390 +v -0.057827 -0.088777 0.899390 +v -0.055865 -0.090220 0.899935 +v -0.045095 -0.138016 0.897685 +v -0.045052 -0.138082 0.897000 +v -0.043329 -0.136871 0.897000 +v -0.062264 -0.087673 0.897685 +v -0.063154 -0.087681 0.897000 +v -0.051843 -0.138761 0.899935 +v -0.050158 -0.137436 0.900000 +v -0.057051 -0.089451 0.899741 +v -0.047239 -0.138579 0.898913 +v -0.061041 -0.087833 0.898335 +v -0.049669 -0.138552 0.899741 +v -0.060000 -0.088189 0.898913 +v -0.045222 -0.137820 0.898335 +v -0.058992 -0.088707 0.899390 +v -0.047477 -0.138141 0.899390 +v -0.043377 -0.136807 0.897685 +v -0.063145 -0.087760 0.897685 +v -0.057876 -0.089369 0.899741 +v -0.049908 -0.138007 0.899935 +v -0.048339 -0.136547 0.900000 +v -0.057119 -0.090043 0.899935 +v -0.045427 -0.137504 0.898913 +v -0.057977 -0.090584 0.900000 +v -0.047759 -0.137619 0.899741 +v -0.062245 -0.087906 0.898335 +v -0.043519 -0.136621 0.898335 +v -0.061027 -0.088209 0.898913 +v -0.060000 -0.088687 0.899390 +v -0.045697 -0.137086 0.899390 +v -0.059015 -0.089300 0.899741 +v -0.041756 -0.135471 0.897685 +v -0.057925 -0.089963 0.899935 +v -0.041704 -0.135530 0.897000 +v -0.040186 -0.134069 0.897000 +v -0.048043 -0.137095 0.899935 +v -0.063118 -0.087993 0.898335 +v -0.043747 -0.136322 0.898913 +v -0.064513 -0.087953 0.897685 +v -0.065236 -0.088003 0.897000 +v -0.046020 -0.136587 0.899741 +v -0.062214 -0.088281 0.898913 +v -0.041912 -0.135296 0.898335 +v -0.061008 -0.088707 0.899390 +v -0.065221 -0.088081 0.897685 +v -0.044049 -0.135926 0.899390 +v -0.060000 -0.089282 0.899741 +v -0.059038 -0.089896 0.899935 +v -0.040243 -0.134014 0.897685 +v -0.060000 -0.090500 0.900000 +v -0.046344 -0.136087 0.899935 +v -0.046600 -0.135511 0.900000 +v -0.063075 -0.088366 0.898913 +v -0.064475 -0.088184 0.898335 +v -0.039826 -0.133571 0.897685 +v -0.038784 -0.132497 0.897000 +v -0.042162 -0.135016 0.898913 +v -0.062173 -0.088777 0.899390 +v -0.060985 -0.089300 0.899741 +v -0.044409 -0.135454 0.899741 +v -0.065176 -0.088311 0.898335 +v -0.040411 -0.133852 0.898335 +v -0.060000 -0.089877 0.899935 +v -0.066731 -0.088418 0.897685 +v -0.039998 -0.133413 0.898335 +v -0.067287 -0.088483 0.897000 +v -0.042494 -0.134644 0.899390 +v -0.063018 -0.088861 0.899390 +v -0.064413 -0.088555 0.898913 +v -0.038845 -0.132446 0.897685 +v -0.044770 -0.134980 0.899935 +v -0.044952 -0.134334 0.900000 +v -0.062124 -0.089369 0.899741 +v -0.060962 -0.089896 0.899935 +v -0.062023 -0.090584 0.900000 +v -0.040682 -0.133592 0.898913 +v -0.065105 -0.088680 0.898913 +v -0.066674 -0.088645 0.898335 +v -0.038361 -0.131842 0.897685 +v -0.037507 -0.130821 0.897000 +v -0.062949 -0.089451 0.899741 +v -0.040275 -0.133158 0.898913 +v -0.042889 -0.134200 0.899741 +v -0.064331 -0.089046 0.899390 +v -0.062075 -0.089963 0.899935 +v -0.039026 -0.132297 0.898335 +v -0.068903 -0.089065 0.897685 +v -0.069295 -0.089119 0.897000 +v -0.041041 -0.133246 0.899390 +v -0.037572 -0.130776 0.897685 +v -0.065010 -0.089169 0.899390 +v -0.066582 -0.089010 0.898913 +v -0.038546 -0.131698 0.898335 +v -0.043285 -0.133755 0.899935 +v -0.043407 -0.133025 0.900000 +v -0.062881 -0.090043 0.899935 +v -0.064033 -0.090834 0.900000 +v -0.064233 -0.089632 0.899741 +v -0.040641 -0.132821 0.899390 +v -0.068828 -0.089286 0.898335 +v -0.039316 -0.132058 0.898913 +v -0.064897 -0.089752 0.899741 +v -0.037044 -0.129998 0.897685 +v -0.036362 -0.129053 0.897000 +v -0.041469 -0.132834 0.899741 +v -0.066459 -0.089493 0.899390 +v -0.064135 -0.090220 0.899935 +v -0.037763 -0.130641 0.898335 +v -0.071015 -0.089889 0.897685 +v -0.071249 -0.089906 0.897000 +v -0.038843 -0.131467 0.898913 +v -0.068705 -0.089642 0.898913 +v -0.041078 -0.132419 0.899741 +v -0.039700 -0.131741 0.899390 +v -0.064783 -0.090337 0.899935 +v -0.066014 -0.091250 0.900000 +v -0.066313 -0.090069 0.899741 +v -0.036430 -0.129012 0.897685 +v -0.070921 -0.090103 0.898335 +v -0.037240 -0.129870 0.898335 +v -0.041898 -0.132421 0.899935 +v -0.041975 -0.131593 0.900000 +v -0.068544 -0.090113 0.899390 +v -0.066167 -0.090646 0.899935 +v -0.067955 -0.091827 0.900000 +v -0.038071 -0.130425 0.898913 +v -0.039236 -0.131161 0.899390 +v -0.073051 -0.090884 0.897685 +v -0.073137 -0.090841 0.897000 +v -0.041517 -0.132015 0.899935 +v -0.070770 -0.090447 0.898913 +v -0.035884 -0.128051 0.897685 +v -0.068351 -0.090675 0.899741 +v -0.035355 -0.127202 0.897000 +v -0.040159 -0.131363 0.899741 +v -0.072939 -0.091090 0.898335 +v -0.036631 -0.128893 0.898335 +v -0.037555 -0.129664 0.898913 +v -0.070570 -0.090904 0.899390 +v -0.038478 -0.130138 0.899390 +v -0.074905 -0.091984 0.897685 +v -0.074948 -0.091917 0.897000 +v -0.076671 -0.093129 0.897000 +v -0.039705 -0.130797 0.899741 +v -0.068157 -0.091238 0.899935 +v -0.069842 -0.092564 0.900000 +v -0.035427 -0.127167 0.897685 +v -0.072761 -0.091421 0.898913 +v -0.036090 -0.127939 0.898335 +v -0.070331 -0.091448 0.899741 +v -0.040618 -0.130984 0.899935 +v -0.040666 -0.130048 0.900000 +v -0.087421 -0.115000 0.897685 +v -0.087419 -0.112895 0.897000 +v -0.087500 -0.115000 0.897000 +v -0.074778 -0.092180 0.898335 +v -0.036954 -0.128701 0.898913 +v -0.037972 -0.129392 0.899390 +v -0.072523 -0.091859 0.899390 +v -0.040175 -0.130431 0.899935 +v -0.076623 -0.093193 0.897685 +v -0.078296 -0.094470 0.897000 +v -0.038964 -0.129796 0.899741 +v -0.070092 -0.091993 0.899935 +v -0.071661 -0.093453 0.900000 +v -0.034889 -0.126015 0.897685 +v -0.034494 -0.125280 0.897000 +v -0.074573 -0.092496 0.898913 +v -0.035636 -0.127063 0.898335 +v -0.072241 -0.092381 0.899741 +v -0.036421 -0.127760 0.898913 +v -0.076481 -0.093379 0.898335 +v -0.084500 -0.115000 0.900000 +v -0.084416 -0.112977 0.900000 +v -0.085123 -0.115000 0.899935 +v -0.037383 -0.128446 0.899390 +v -0.087340 -0.117099 0.897685 +v -0.074303 -0.092914 0.899390 +v -0.087419 -0.117105 0.897000 +v -0.087178 -0.119198 0.897000 +v -0.034567 -0.125250 0.897685 +v -0.087107 -0.117081 0.898335 +v -0.087187 -0.115000 0.898335 +v -0.078244 -0.094529 0.897685 +v -0.079814 -0.095931 0.897000 +v -0.038469 -0.129067 0.899741 +v -0.071957 -0.092905 0.899935 +v -0.039451 -0.129454 0.899935 +v -0.039489 -0.128400 0.900000 +v -0.087099 -0.119186 0.897685 +v -0.076253 -0.093678 0.898913 +v -0.035103 -0.125921 0.898335 +v -0.086732 -0.117052 0.898913 +v -0.086811 -0.115000 0.898913 +v -0.035973 -0.126896 0.898913 +v -0.073980 -0.093413 0.899741 +v -0.086868 -0.119150 0.898335 +v -0.036859 -0.127523 0.899390 +v -0.078088 -0.094704 0.898335 +v -0.037893 -0.128143 0.899741 +v -0.086235 -0.117014 0.899390 +v -0.086313 -0.115000 0.899390 +v -0.075951 -0.094074 0.899390 +v -0.086699 -0.121248 0.897685 +v -0.038968 -0.128741 0.899935 +v -0.079757 -0.095986 0.897685 +v -0.086777 -0.121266 0.897000 +v -0.086218 -0.123297 0.897000 +v -0.034784 -0.125163 0.898335 +v -0.086497 -0.119093 0.898913 +v -0.073656 -0.093913 0.899935 +v -0.073400 -0.094489 0.900000 +v -0.034065 -0.123903 0.897685 +v -0.085643 -0.116969 0.899741 +v -0.085718 -0.115000 0.899741 +v -0.080174 -0.096428 0.897685 +v -0.081216 -0.097503 0.897000 +v -0.033782 -0.123297 0.897000 +v -0.086472 -0.121195 0.898335 +v -0.035447 -0.125770 0.898913 +v -0.077838 -0.094984 0.898913 +v -0.075591 -0.094546 0.899741 +v -0.086004 -0.119017 0.899390 +v -0.036420 -0.126675 0.899390 +v -0.033857 -0.123273 0.897685 +v -0.086143 -0.123273 0.897685 +v -0.079589 -0.096148 0.898335 +v -0.037381 -0.127241 0.899741 +v -0.085049 -0.116923 0.899935 +v -0.084416 -0.117023 0.900000 +v -0.038405 -0.127838 0.899935 +v -0.038453 -0.126661 0.900000 +v -0.080002 -0.096587 0.898335 +v -0.086106 -0.121109 0.898913 +v -0.085935 -0.123903 0.897685 +v -0.077506 -0.095356 0.899390 +v -0.035133 -0.125022 0.898913 +v -0.034286 -0.123827 0.898335 +v -0.085506 -0.125280 0.897000 +v -0.081155 -0.097554 0.897685 +v -0.085417 -0.118926 0.899741 +v -0.075230 -0.095020 0.899935 +v -0.075048 -0.095666 0.900000 +v -0.085920 -0.123203 0.898335 +v -0.035904 -0.125570 0.899390 +v -0.085620 -0.120995 0.899390 +v -0.079318 -0.096409 0.898913 +v -0.036952 -0.126412 0.899741 +v -0.081639 -0.098158 0.897685 +v -0.034080 -0.123203 0.898335 +v -0.082493 -0.099179 0.897000 +v -0.085714 -0.123827 0.898335 +v -0.037905 -0.126957 0.899935 +v -0.079725 -0.096842 0.898913 +v -0.085433 -0.125250 0.897685 +v -0.033418 -0.121731 0.897685 +v -0.033223 -0.121266 0.897000 +v -0.077111 -0.095800 0.899741 +v -0.084828 -0.118835 0.899935 +v -0.084166 -0.119033 0.900000 +v -0.085561 -0.123089 0.898913 +v -0.035595 -0.124836 0.899390 +v -0.080974 -0.097703 0.898335 +v -0.085111 -0.126015 0.897685 +v -0.078959 -0.096754 0.899390 +v -0.034642 -0.123705 0.898913 +v -0.084645 -0.127202 0.897000 +v -0.037486 -0.126147 0.899935 +v -0.085042 -0.120860 0.899741 +v -0.037564 -0.124841 0.900000 +v -0.036448 -0.125331 0.899741 +v -0.082428 -0.099224 0.897685 +v -0.085358 -0.123705 0.898913 +v -0.081454 -0.098302 0.898335 +v -0.034439 -0.123089 0.898913 +v -0.033645 -0.121674 0.898335 +v -0.085216 -0.125163 0.898335 +v -0.076715 -0.096245 0.899935 +v -0.076593 -0.096975 0.900000 +v -0.079359 -0.097179 0.899390 +v -0.085086 -0.122939 0.899390 +v -0.036146 -0.124614 0.899741 +v -0.080684 -0.097942 0.898913 +v -0.084573 -0.127167 0.897685 +v -0.035113 -0.123544 0.899390 +v -0.082956 -0.100002 0.897685 +v -0.084897 -0.125921 0.898335 +v -0.083638 -0.100947 0.897000 +v -0.036993 -0.125092 0.899935 +v -0.078531 -0.097166 0.899741 +v -0.084462 -0.120724 0.899935 +v -0.032953 -0.119513 0.897685 +v -0.032822 -0.119198 0.897000 +v -0.083750 -0.121014 0.900000 +v -0.084887 -0.123544 0.899390 +v -0.082237 -0.099359 0.898335 +v -0.084867 -0.125022 0.898913 +v -0.034914 -0.122939 0.899390 +v -0.081157 -0.098532 0.898913 +v -0.034010 -0.121582 0.898913 +v -0.078922 -0.097581 0.899741 +v -0.036699 -0.124391 0.899935 +v -0.084116 -0.128051 0.897685 +v -0.083638 -0.129053 0.897000 +v -0.036827 -0.122955 0.900000 +v -0.080300 -0.098259 0.899390 +v -0.084520 -0.122760 0.899741 +v -0.035675 -0.123351 0.899741 +v -0.084364 -0.127063 0.898335 +v -0.083570 -0.100988 0.897685 +v -0.033184 -0.119475 0.898335 +v -0.082760 -0.100130 0.898335 +v -0.035480 -0.122760 0.899741 +v -0.084553 -0.125770 0.898913 +v -0.078101 -0.097579 0.899935 +v -0.084325 -0.123351 0.899741 +v -0.078025 -0.098407 0.900000 +v -0.081929 -0.099575 0.898913 +v -0.084405 -0.124836 0.899390 +v -0.034493 -0.121459 0.899390 +v -0.036238 -0.123157 0.899935 +v -0.080764 -0.098839 0.899390 +v -0.083570 -0.129012 0.897685 +v -0.078483 -0.097985 0.899935 +v -0.083910 -0.127939 0.898335 +v -0.032673 -0.117264 0.897685 +v -0.032581 -0.117105 0.897000 +v -0.084116 -0.101949 0.897685 +v -0.084645 -0.102798 0.897000 +v -0.033555 -0.119413 0.898913 +v -0.083952 -0.122580 0.899935 +v -0.083173 -0.122955 0.900000 +v -0.084027 -0.126896 0.898913 +v -0.079841 -0.098637 0.899741 +v -0.036048 -0.122580 0.899935 +v -0.036250 -0.121014 0.900000 +v -0.084096 -0.125570 0.899390 +v -0.035069 -0.121313 0.899741 +v -0.083369 -0.101107 0.898335 +v -0.032906 -0.117245 0.898335 +v -0.083762 -0.123157 0.899935 +v -0.082445 -0.100336 0.898913 +v -0.081522 -0.099862 0.899390 +v -0.082956 -0.129998 0.897685 +v -0.082493 -0.130821 0.897000 +v -0.034046 -0.119331 0.899390 +v -0.080295 -0.099203 0.899741 +v -0.083854 -0.124614 0.899741 +v -0.035646 -0.121167 0.899935 +v -0.083369 -0.128893 0.898335 +v -0.035834 -0.119033 0.900000 +v -0.084573 -0.102833 0.897685 +v -0.083910 -0.102060 0.898335 +v -0.083579 -0.127760 0.898913 +v -0.032579 -0.115000 0.897685 +v -0.032500 -0.115000 0.897000 +v -0.079382 -0.099016 0.899935 +v -0.079334 -0.099952 0.900000 +v -0.083580 -0.126675 0.899390 +v -0.033281 -0.117214 0.898913 +v -0.083046 -0.101299 0.898913 +v -0.034632 -0.119233 0.899741 +v -0.083552 -0.125331 0.899741 +v -0.082028 -0.100608 0.899390 +v -0.082428 -0.130776 0.897685 +v -0.032813 -0.115000 0.898335 +v -0.079825 -0.099569 0.899935 +v -0.083301 -0.124391 0.899935 +v -0.082436 -0.124841 0.900000 +v -0.033777 -0.117173 0.899390 +v -0.082760 -0.129870 0.898335 +v -0.081036 -0.100204 0.899741 +v -0.083046 -0.128701 0.898913 +v -0.085111 -0.103985 0.897685 +v -0.085506 -0.104720 0.897000 +v -0.032660 -0.112901 0.897685 +v -0.032581 -0.112895 0.897000 +v -0.032822 -0.110802 0.897000 +v -0.084364 -0.102937 0.898335 +v -0.083141 -0.127523 0.899390 +v -0.035220 -0.119135 0.899935 +v -0.035584 -0.117023 0.900000 +v -0.083579 -0.102239 0.898913 +v -0.083007 -0.125092 0.899935 +v -0.033189 -0.115000 0.898913 +v -0.083048 -0.126412 0.899741 +v -0.034369 -0.117124 0.899741 +v -0.082617 -0.101554 0.899390 +v -0.081639 -0.131842 0.897685 +v -0.081216 -0.132497 0.897000 +v -0.032893 -0.112919 0.898335 +v -0.085433 -0.104750 0.897685 +v -0.081531 -0.100933 0.899741 +v -0.082237 -0.130641 0.898335 +v -0.080549 -0.100546 0.899935 +v -0.082445 -0.129664 0.898913 +v -0.033687 -0.115000 0.899390 +v -0.080511 -0.101600 0.900000 +v -0.084897 -0.104079 0.898335 +v -0.082617 -0.128446 0.899390 +v -0.032901 -0.110814 0.897685 +v -0.033223 -0.108734 0.897000 +v -0.034963 -0.117075 0.899935 +v -0.035500 -0.115000 0.900000 +v -0.081155 -0.132446 0.897685 +v -0.084027 -0.103103 0.898913 +v -0.033268 -0.112948 0.898913 +v -0.082619 -0.127241 0.899741 +v -0.083141 -0.102477 0.899390 +v -0.034282 -0.115000 0.899741 +v -0.082107 -0.101857 0.899741 +v -0.082514 -0.126147 0.899935 +v -0.081547 -0.126661 0.900000 +v -0.081032 -0.101259 0.899935 +v -0.081454 -0.131698 0.898335 +v -0.033132 -0.110850 0.898335 +v -0.085216 -0.104837 0.898335 +v -0.081929 -0.130425 0.898913 +v -0.033765 -0.112986 0.899390 +v -0.085935 -0.106096 0.897685 +v -0.086218 -0.106703 0.897000 +v -0.033301 -0.108752 0.897685 +v -0.082028 -0.129392 0.899390 +v -0.084553 -0.104230 0.898913 +v -0.082107 -0.128143 0.899741 +v -0.034877 -0.115000 0.899935 +v -0.083580 -0.103325 0.899390 +v -0.080974 -0.132297 0.898335 +v -0.033503 -0.110907 0.898913 +v -0.034357 -0.113031 0.899741 +v -0.082095 -0.126957 0.899935 +v -0.086143 -0.106727 0.897685 +v -0.082619 -0.102759 0.899741 +v -0.080174 -0.133571 0.897685 +v -0.079814 -0.134069 0.897000 +v -0.081157 -0.131467 0.898913 +v -0.033528 -0.108805 0.898335 +v -0.081595 -0.102162 0.899935 +v -0.081547 -0.103339 0.900000 +v -0.033996 -0.110983 0.899390 +v -0.084867 -0.104978 0.898913 +v -0.081522 -0.130138 0.899390 +v -0.033857 -0.106727 0.897685 +v -0.033782 -0.106703 0.897000 +v -0.085714 -0.106172 0.898335 +v -0.034951 -0.113077 0.899935 +v -0.035584 -0.112977 0.900000 +v -0.079757 -0.134014 0.897685 +v -0.084096 -0.104430 0.899390 +v -0.033894 -0.108891 0.898913 +v -0.081531 -0.129067 0.899741 +v -0.081595 -0.127838 0.899935 +v -0.034065 -0.106096 0.897685 +v -0.083048 -0.103588 0.899741 +v -0.080511 -0.128400 0.900000 +v -0.034494 -0.104720 0.897000 +v -0.080684 -0.132058 0.898913 +v -0.034583 -0.111074 0.899741 +v -0.085920 -0.106797 0.898335 +v -0.082095 -0.103043 0.899935 +v -0.080002 -0.133413 0.898335 +v -0.034080 -0.106797 0.898335 +v -0.086582 -0.108269 0.897685 +v -0.086777 -0.108734 0.897000 +v -0.080764 -0.131161 0.899390 +v -0.084405 -0.105164 0.899390 +v -0.034380 -0.109005 0.899390 +v -0.081036 -0.129796 0.899741 +v -0.034286 -0.106172 0.898335 +v -0.079589 -0.133852 0.898335 +v -0.034567 -0.104750 0.897685 +v -0.085358 -0.106295 0.898913 +v -0.081032 -0.128741 0.899935 +v -0.082514 -0.103852 0.899935 +v -0.082436 -0.105159 0.900000 +v -0.035172 -0.111165 0.899935 +v -0.035834 -0.110967 0.900000 +v -0.034439 -0.106911 0.898913 +v -0.083552 -0.104669 0.899741 +v -0.078571 -0.135174 0.897685 +v -0.078296 -0.135530 0.897000 +v -0.080300 -0.131741 0.899390 +v -0.034889 -0.103985 0.897685 +v -0.079725 -0.133158 0.898913 +v -0.035355 -0.102798 0.897000 +v -0.085561 -0.106911 0.898913 +v -0.034958 -0.109140 0.899741 +v -0.086355 -0.108326 0.898335 +v -0.080549 -0.129454 0.899935 +v -0.034642 -0.106295 0.898913 +v -0.083854 -0.105386 0.899741 +v -0.079334 -0.130048 0.900000 +v -0.080295 -0.130797 0.899741 +v -0.034784 -0.104837 0.898335 +v -0.084887 -0.106456 0.899390 +v -0.079318 -0.133592 0.898913 +v -0.083007 -0.104908 0.899935 +v -0.034914 -0.107061 0.899390 +v -0.078413 -0.135002 0.898335 +v -0.087047 -0.110487 0.897685 +v -0.087178 -0.110802 0.897000 +v -0.079841 -0.131363 0.899741 +v -0.035427 -0.102833 0.897685 +v -0.085086 -0.107061 0.899390 +v -0.079359 -0.132821 0.899390 +v -0.035103 -0.104079 0.898335 +v -0.035538 -0.109276 0.899935 +v -0.036250 -0.108986 0.900000 +v -0.085990 -0.108418 0.898913 +v -0.079825 -0.130431 0.899935 +v -0.035113 -0.106456 0.899390 +v -0.083301 -0.105609 0.899935 +v -0.083173 -0.107045 0.900000 +v -0.076842 -0.136639 0.897685 +v -0.035133 -0.104978 0.898913 +v -0.084325 -0.106649 0.899741 +v -0.076671 -0.136871 0.897000 +v -0.078959 -0.133246 0.899390 +v -0.035884 -0.101949 0.897685 +v -0.036362 -0.100947 0.897000 +v -0.086816 -0.110525 0.898335 +v -0.035480 -0.107240 0.899741 +v -0.078158 -0.134725 0.898913 +v -0.084520 -0.107240 0.899741 +v -0.079382 -0.130984 0.899935 +v -0.085507 -0.108541 0.899390 +v -0.078025 -0.131593 0.900000 +v -0.035636 -0.102937 0.898335 +v -0.078922 -0.132419 0.899741 +v -0.083762 -0.106843 0.899935 +v -0.035447 -0.104230 0.898913 +v -0.035675 -0.106649 0.899741 +v -0.076698 -0.136454 0.898335 +v -0.087327 -0.112736 0.897685 +v -0.078531 -0.132834 0.899741 +v -0.035595 -0.105164 0.899390 +v -0.086445 -0.110587 0.898913 +v -0.077821 -0.134359 0.899390 +v -0.036430 -0.100988 0.897685 +v -0.083952 -0.107420 0.899935 +v -0.078483 -0.132015 0.899935 +v -0.083750 -0.108986 0.900000 +v -0.036090 -0.102060 0.898335 +v -0.084931 -0.108686 0.899741 +v -0.074998 -0.137956 0.897685 +v -0.036048 -0.107420 0.899935 +v -0.036827 -0.107045 0.900000 +v -0.087094 -0.112755 0.898335 +v -0.074948 -0.138082 0.897000 +v -0.035973 -0.103103 0.898913 +v -0.076468 -0.136157 0.898913 +v -0.085954 -0.110669 0.899390 +v -0.078101 -0.132421 0.899935 +v -0.035904 -0.104430 0.899390 +v -0.076593 -0.133025 0.900000 +v -0.077419 -0.133922 0.899741 +v -0.084354 -0.108833 0.899935 +v -0.036238 -0.106843 0.899935 +v -0.084166 -0.110967 0.900000 +v -0.037044 -0.100002 0.897685 +v -0.037507 -0.099179 0.897000 +v -0.086719 -0.112786 0.898913 +v -0.074870 -0.137760 0.898335 +v -0.085368 -0.110767 0.899741 +v -0.036146 -0.105386 0.899741 +v -0.076161 -0.135764 0.899390 +v -0.036631 -0.101107 0.898335 +v -0.086223 -0.112827 0.899390 +v -0.077015 -0.133483 0.899935 +v -0.036421 -0.102239 0.898913 +v -0.075048 -0.134334 0.900000 +v -0.084780 -0.110865 0.899935 +v -0.073099 -0.139089 0.897685 +v -0.036420 -0.103325 0.899390 +v -0.073137 -0.139159 0.897000 +v -0.071249 -0.140094 0.897000 +v -0.085631 -0.112876 0.899741 +v -0.074664 -0.137445 0.898913 +v -0.036448 -0.104669 0.899741 +v -0.085037 -0.112925 0.899935 +v -0.075797 -0.135295 0.899741 +v -0.037572 -0.099224 0.897685 +v -0.072988 -0.138884 0.898335 +v -0.036699 -0.105609 0.899935 +v -0.037564 -0.105159 0.900000 +v -0.037240 -0.100130 0.898335 +v -0.074392 -0.137028 0.899390 +v -0.036954 -0.101299 0.898913 +v -0.071217 -0.140021 0.897685 +v -0.069295 -0.140881 0.897000 +v -0.075431 -0.134825 0.899935 +v -0.073400 -0.135511 0.900000 +v -0.036859 -0.102477 0.899390 +v -0.036993 -0.104908 0.899935 +v -0.072808 -0.138554 0.898913 +v -0.036952 -0.103588 0.899741 +v -0.074067 -0.136531 0.899741 +v -0.038361 -0.098158 0.897685 +v -0.038784 -0.097503 0.897000 +v -0.071121 -0.139808 0.898335 +v -0.037763 -0.099359 0.898335 +v -0.037555 -0.100336 0.898913 +v -0.072570 -0.138116 0.899390 +v -0.069269 -0.140807 0.897685 +v -0.037383 -0.101554 0.899390 +v -0.073741 -0.136032 0.899935 +v -0.038845 -0.097554 0.897685 +v -0.070967 -0.139465 0.898913 +v -0.037381 -0.102759 0.899741 +v -0.037486 -0.103852 0.899935 +v -0.038453 -0.103339 0.900000 +v -0.072286 -0.137594 0.899741 +v -0.038546 -0.098302 0.898335 +v -0.069190 -0.140587 0.898335 +v -0.038071 -0.099575 0.898913 +v -0.070764 -0.139010 0.899390 +v -0.037972 -0.100608 0.899390 +v -0.067266 -0.141440 0.897685 +v -0.067287 -0.141517 0.897000 +v -0.065236 -0.141997 0.897000 +v -0.037893 -0.101857 0.899741 +v -0.072002 -0.137071 0.899935 +v -0.071661 -0.136547 0.900000 +v -0.039026 -0.097703 0.898335 +v -0.069063 -0.140233 0.898913 +v -0.037905 -0.103043 0.899935 +v -0.070521 -0.138468 0.899741 +v -0.039826 -0.096428 0.897685 +v -0.040186 -0.095931 0.897000 +v -0.067204 -0.141215 0.898335 +v -0.038843 -0.098532 0.898913 +v -0.038478 -0.099862 0.899390 +v -0.068894 -0.139764 0.899390 +v -0.065221 -0.141919 0.897685 +v -0.070277 -0.137925 0.899935 +v -0.069842 -0.137436 0.900000 +v -0.038469 -0.100933 0.899741 +v -0.038405 -0.102162 0.899935 +v -0.039489 -0.101600 0.900000 +v -0.067104 -0.140852 0.898913 +v -0.039316 -0.097942 0.898913 +v -0.064513 -0.142047 0.897685 +v -0.063154 -0.142319 0.897000 +v -0.039998 -0.096587 0.898335 +v -0.065176 -0.141689 0.898335 +v -0.038964 -0.100204 0.899741 +v -0.038968 -0.101259 0.899935 +v -0.063863 -0.129920 0.879809 +v -0.063204 -0.130075 0.879809 +v -0.063915 -0.130119 0.879924 +v -0.050941 -0.102531 0.879809 +v -0.051847 -0.101921 0.879809 +v -0.050820 -0.102365 0.879924 +v -0.051739 -0.101746 0.879924 +v -0.047010 -0.107500 0.879000 +v -0.047865 -0.106183 0.879000 +v -0.047842 -0.106167 0.879233 +v -0.048832 -0.104945 0.879233 +v -0.066145 -0.128803 0.879454 +v -0.065293 -0.129291 0.879649 +v -0.066198 -0.128922 0.879649 +v -0.062423 -0.130815 0.880000 +v -0.064010 -0.130489 0.880000 +v -0.063286 -0.130460 0.879981 +v -0.049803 -0.103675 0.879649 +v -0.049687 -0.103546 0.879809 +v -0.063247 -0.130276 0.879924 +v -0.062393 -0.130623 0.879981 +v -0.062365 -0.130437 0.879924 +v -0.064763 -0.129658 0.879809 +v -0.065353 -0.129453 0.879809 +v -0.048772 -0.104890 0.879454 +v -0.049890 -0.103772 0.879454 +v -0.048675 -0.104803 0.879649 +v -0.051640 -0.101587 0.879981 +v -0.050710 -0.102214 0.879981 +v -0.067514 -0.128014 0.879233 +v -0.066654 -0.128565 0.879454 +v -0.067554 -0.128085 0.879454 +v -0.051537 -0.101422 0.880000 +v -0.067949 -0.127753 0.879233 +v -0.050206 -0.102348 0.880000 +v -0.047777 -0.106119 0.879454 +v -0.066711 -0.128682 0.879649 +v -0.046297 -0.108899 0.879000 +v -0.046986 -0.107486 0.879233 +v -0.068817 -0.127135 0.879000 +v -0.068833 -0.127158 0.879233 +v -0.064826 -0.129853 0.879924 +v -0.049550 -0.103394 0.879924 +v -0.063962 -0.130300 0.879981 +v -0.048546 -0.104687 0.879809 +v -0.067992 -0.127822 0.879454 +v -0.047671 -0.106042 0.879649 +v -0.066269 -0.129080 0.879809 +v -0.049424 -0.103255 0.879981 +v -0.065424 -0.129645 0.879924 +v -0.048977 -0.103403 0.880000 +v -0.046915 -0.107445 0.879454 +v -0.067620 -0.128198 0.879649 +v -0.066787 -0.128837 0.879809 +v -0.046272 -0.108888 0.879233 +v -0.065557 -0.130004 0.880000 +v -0.064884 -0.130031 0.879981 +v -0.048394 -0.104550 0.879924 +v -0.068881 -0.127223 0.879454 +v -0.047531 -0.105941 0.879809 +v -0.068061 -0.127933 0.879649 +v -0.046802 -0.107380 0.879649 +v -0.070037 -0.126147 0.879000 +v -0.070055 -0.126168 0.879233 +v -0.071147 -0.125037 0.879000 +v -0.048255 -0.104424 0.879981 +v -0.047860 -0.104578 0.880000 +v -0.066352 -0.129267 0.879924 +v -0.065489 -0.129821 0.879981 +v -0.046197 -0.108855 0.879454 +v -0.067706 -0.128347 0.879809 +v -0.047365 -0.105820 0.879924 +v -0.066878 -0.129021 0.879924 +v -0.045708 -0.110356 0.879233 +v -0.045734 -0.110365 0.879000 +v -0.045328 -0.111881 0.879000 +v -0.068958 -0.127329 0.879649 +v -0.046653 -0.107294 0.879809 +v -0.068153 -0.128080 0.879809 +v -0.067046 -0.129365 0.880000 +v -0.066428 -0.129438 0.879981 +v -0.046078 -0.108801 0.879649 +v -0.070110 -0.126228 0.879454 +v -0.047214 -0.105710 0.879981 +v -0.046868 -0.105860 0.880000 +v -0.066960 -0.129190 0.879981 +v -0.045630 -0.110331 0.879454 +v -0.067809 -0.128525 0.879924 +v -0.071168 -0.125055 0.879233 +v -0.072135 -0.123817 0.879000 +v -0.046475 -0.107191 0.879924 +v -0.045301 -0.111876 0.879233 +v -0.069059 -0.127469 0.879809 +v -0.068261 -0.128253 0.879924 +v -0.045920 -0.108731 0.879809 +v -0.070197 -0.126325 0.879649 +v -0.045506 -0.110291 0.879649 +v -0.068463 -0.128578 0.880000 +v -0.067902 -0.128687 0.879981 +v -0.046313 -0.107097 0.879981 +v -0.071228 -0.125110 0.879454 +v -0.046010 -0.107235 0.880000 +v -0.068360 -0.128413 0.879981 +v -0.045221 -0.111859 0.879454 +v -0.069180 -0.127635 0.879924 +v -0.045733 -0.108648 0.879924 +v -0.045055 -0.113429 0.879233 +v -0.045082 -0.113432 0.879000 +v -0.072990 -0.122500 0.879000 +v -0.072158 -0.123833 0.879233 +v -0.045000 -0.115000 0.879000 +v -0.044972 -0.115000 0.879233 +v -0.044891 -0.115000 0.879454 +v -0.045342 -0.110237 0.879809 +v -0.070313 -0.126453 0.879809 +v -0.045093 -0.111831 0.879649 +v -0.071325 -0.125197 0.879649 +v -0.045297 -0.108690 0.880000 +v -0.045561 -0.108572 0.879981 +v -0.069794 -0.127652 0.880000 +v -0.069290 -0.127786 0.879981 +v -0.044974 -0.113421 0.879454 +v -0.072223 -0.123881 0.879454 +v -0.045147 -0.110174 0.879924 +v -0.070450 -0.126606 0.879924 +v -0.044925 -0.111796 0.879809 +v -0.073703 -0.121101 0.879000 +v -0.073014 -0.122514 0.879233 +v -0.044844 -0.113407 0.879649 +v -0.044760 -0.115000 0.879649 +v -0.044588 -0.115000 0.879809 +v -0.044969 -0.110116 0.879981 +v -0.071454 -0.125313 0.879809 +v -0.044734 -0.110210 0.880000 +v -0.044724 -0.111753 0.879924 +v -0.072329 -0.123958 0.879649 +v -0.044672 -0.113389 0.879809 +v -0.071023 -0.126597 0.880000 +v -0.070576 -0.126745 0.879981 +v -0.044540 -0.111714 0.879981 +v -0.073085 -0.122554 0.879454 +v -0.044328 -0.111779 0.880000 +v -0.044468 -0.113367 0.879924 +v -0.044383 -0.115000 0.879924 +v -0.044195 -0.115000 0.879981 +v -0.073728 -0.121112 0.879233 +v -0.044082 -0.113381 0.880000 +v -0.044282 -0.113348 0.879981 +v -0.071606 -0.125450 0.879924 +v -0.072469 -0.124059 0.879809 +v -0.073198 -0.122620 0.879649 +v -0.072140 -0.125422 0.880000 +v -0.071745 -0.125575 0.879981 +v -0.073803 -0.121145 0.879454 +v -0.074266 -0.119635 0.879000 +v -0.074292 -0.119644 0.879233 +v -0.074672 -0.118119 0.879000 +v -0.072635 -0.124180 0.879924 +v -0.073347 -0.122706 0.879809 +v -0.073922 -0.121198 0.879649 +v -0.073132 -0.124140 0.880000 +v -0.072786 -0.124290 0.879981 +v -0.074370 -0.119669 0.879454 +v -0.074918 -0.116568 0.879000 +v -0.074699 -0.118124 0.879233 +v -0.073525 -0.122809 0.879924 +v -0.074080 -0.121269 0.879809 +v -0.074494 -0.119709 0.879649 +v -0.073990 -0.122765 0.880000 +v -0.073687 -0.122902 0.879981 +v -0.074779 -0.118141 0.879454 +v -0.074945 -0.116571 0.879233 +v -0.074267 -0.121352 0.879924 +v -0.074658 -0.119763 0.879809 +v -0.074907 -0.118168 0.879649 +v -0.074703 -0.121310 0.880000 +v -0.074438 -0.121428 0.879981 +v -0.075026 -0.116579 0.879454 +v -0.075000 -0.115000 0.879000 +v -0.075028 -0.115000 0.879233 +v -0.074853 -0.119826 0.879924 +v -0.075075 -0.118204 0.879809 +v -0.075156 -0.116593 0.879649 +v -0.075266 -0.119790 0.880000 +v -0.075031 -0.119884 0.879981 +v -0.075109 -0.115000 0.879454 +v -0.074918 -0.113432 0.879000 +v -0.074951 -0.113480 0.879233 +v -0.075276 -0.118247 0.879924 +v -0.075328 -0.116611 0.879809 +v -0.075240 -0.115000 0.879649 +v -0.075672 -0.118221 0.880000 +v -0.075460 -0.118286 0.879981 +v -0.075031 -0.113471 0.879454 +v -0.074672 -0.111881 0.879000 +v -0.074720 -0.111975 0.879233 +v -0.075532 -0.116632 0.879924 +v -0.075412 -0.115000 0.879809 +v -0.075161 -0.113458 0.879649 +v -0.075718 -0.116652 0.879981 +v -0.075918 -0.116619 0.880000 +v -0.074800 -0.111959 0.879454 +v -0.074266 -0.110365 0.879000 +v -0.074338 -0.110501 0.879233 +v -0.075617 -0.115000 0.879924 +v -0.075333 -0.113441 0.879809 +v -0.074928 -0.111932 0.879649 +v -0.075805 -0.115000 0.879981 +v -0.076000 -0.115000 0.880000 +v -0.074416 -0.110477 0.879454 +v -0.073810 -0.109074 0.879233 +v -0.073703 -0.108899 0.879000 +v -0.075537 -0.113420 0.879924 +v -0.075097 -0.111897 0.879809 +v -0.074541 -0.110438 0.879649 +v -0.075724 -0.113401 0.879981 +v -0.075918 -0.113381 0.880000 +v -0.073885 -0.109042 0.879454 +v -0.073139 -0.107707 0.879233 +v -0.072990 -0.107500 0.879000 +v -0.075298 -0.111856 0.879924 +v -0.074705 -0.110386 0.879809 +v -0.074005 -0.108990 0.879649 +v -0.075481 -0.111818 0.879981 +v -0.075672 -0.111779 0.880000 +v -0.073210 -0.107668 0.879454 +v -0.072135 -0.106183 0.879000 +v -0.072334 -0.106415 0.879233 +v -0.074901 -0.110325 0.879924 +v -0.074163 -0.108922 0.879809 +v -0.073325 -0.107604 0.879649 +v -0.075080 -0.110269 0.879981 +v -0.075266 -0.110210 0.880000 +v -0.072401 -0.106369 0.879454 +v -0.071402 -0.105211 0.879233 +v -0.071147 -0.104963 0.879000 +v -0.074352 -0.108841 0.879924 +v -0.073476 -0.107520 0.879809 +v -0.044000 -0.115000 0.880000 +v -0.045082 -0.116568 0.879000 +v -0.045049 -0.116520 0.879233 +v -0.072508 -0.106294 0.879649 +v -0.074524 -0.108767 0.879981 +v -0.044969 -0.116529 0.879454 +v -0.074703 -0.108690 0.880000 +v -0.071464 -0.105158 0.879454 +v -0.045328 -0.118119 0.879000 +v -0.045280 -0.118025 0.879233 +v -0.070354 -0.104108 0.879233 +v -0.070037 -0.103853 0.879000 +v -0.044839 -0.116542 0.879649 +v -0.073655 -0.107421 0.879924 +v -0.045200 -0.118041 0.879454 +v -0.072650 -0.106195 0.879809 +v -0.045734 -0.119635 0.879000 +v -0.045662 -0.119499 0.879233 +v -0.071563 -0.105073 0.879649 +v -0.073819 -0.107330 0.879981 +v -0.044667 -0.116559 0.879809 +v -0.073990 -0.107235 0.880000 +v -0.070410 -0.104049 0.879454 +v -0.045072 -0.118068 0.879649 +v -0.069198 -0.103116 0.879233 +v -0.045584 -0.119523 0.879454 +v -0.068817 -0.102865 0.879000 +v -0.046297 -0.121101 0.879000 +v -0.046190 -0.120926 0.879233 +v -0.072818 -0.106078 0.879924 +v -0.071694 -0.104961 0.879809 +v -0.044463 -0.116580 0.879924 +v -0.070500 -0.103954 0.879649 +v -0.044903 -0.118102 0.879809 +v -0.072972 -0.105971 0.879981 +v -0.073132 -0.105860 0.880000 +v -0.045459 -0.119562 0.879649 +v -0.069248 -0.103052 0.879454 +v -0.044276 -0.116599 0.879981 +v -0.044082 -0.116619 0.880000 +v -0.067949 -0.102247 0.879233 +v -0.067500 -0.102010 0.879000 +v -0.046115 -0.120958 0.879454 +v -0.071850 -0.104827 0.879924 +v -0.047010 -0.122500 0.879000 +v -0.046861 -0.122293 0.879233 +v -0.070619 -0.103829 0.879809 +v -0.044702 -0.118144 0.879924 +v -0.045295 -0.119614 0.879809 +v -0.067514 -0.101986 0.879233 +v -0.069328 -0.102949 0.879649 +v -0.045995 -0.121010 0.879649 +v -0.071992 -0.104705 0.879981 +v -0.044519 -0.118181 0.879981 +v -0.044328 -0.118221 0.880000 +v -0.072140 -0.104578 0.880000 +v -0.067992 -0.102178 0.879454 +v -0.046789 -0.122332 0.879454 +v -0.066101 -0.101297 0.879000 +v -0.066618 -0.101508 0.879233 +v -0.047865 -0.123817 0.879000 +v -0.047666 -0.123585 0.879233 +v -0.070760 -0.103681 0.879924 +v -0.045099 -0.119675 0.879924 +v -0.067554 -0.101915 0.879454 +v -0.069434 -0.102812 0.879809 +v -0.045837 -0.121078 0.879809 +v -0.066112 -0.101272 0.879233 +v -0.046675 -0.122396 0.879649 +v -0.044734 -0.119790 0.880000 +v -0.044920 -0.119731 0.879981 +v -0.068061 -0.102067 0.879649 +v -0.047599 -0.123631 0.879454 +v -0.070889 -0.103545 0.879981 +v -0.048853 -0.125037 0.879000 +v -0.048598 -0.124789 0.879233 +v -0.071023 -0.103403 0.880000 +v -0.066654 -0.101435 0.879454 +v -0.045648 -0.121159 0.879924 +v -0.067620 -0.101802 0.879649 +v -0.064635 -0.100734 0.879000 +v -0.065219 -0.100908 0.879233 +v -0.046524 -0.122480 0.879809 +v -0.069559 -0.102650 0.879924 +v -0.047492 -0.123706 0.879649 +v -0.045297 -0.121310 0.880000 +v -0.045476 -0.121233 0.879981 +v -0.066145 -0.101197 0.879454 +v -0.048536 -0.124842 0.879454 +v -0.068153 -0.101921 0.879809 +v -0.049963 -0.126147 0.879000 +v -0.049646 -0.125892 0.879233 +v -0.064644 -0.100708 0.879233 +v -0.046345 -0.122579 0.879924 +v -0.047350 -0.123804 0.879809 +v -0.066711 -0.101318 0.879649 +v -0.067706 -0.101653 0.879809 +v -0.069674 -0.102502 0.879981 +v -0.048437 -0.124927 0.879649 +v -0.069794 -0.102348 0.880000 +v -0.046010 -0.122765 0.880000 +v -0.046181 -0.122670 0.879981 +v -0.065247 -0.100831 0.879454 +v -0.049590 -0.125951 0.879454 +v -0.066198 -0.101078 0.879649 +v -0.051183 -0.127135 0.879000 +v -0.050801 -0.126883 0.879233 +v -0.063767 -0.100452 0.879233 +v -0.063119 -0.100328 0.879000 +v -0.068261 -0.101746 0.879924 +v -0.047182 -0.123922 0.879924 +v -0.064669 -0.100630 0.879454 +v -0.048306 -0.125039 0.879809 +v -0.066787 -0.101163 0.879809 +v -0.049500 -0.126045 0.879649 +v -0.063124 -0.100301 0.879233 +v -0.047028 -0.124029 0.879981 +v -0.046868 -0.124140 0.880000 +v -0.067809 -0.101475 0.879924 +v -0.050752 -0.126948 0.879454 +v -0.052500 -0.127990 0.879000 +v -0.052051 -0.127753 0.879233 +v -0.065293 -0.100709 0.879649 +v -0.066269 -0.100920 0.879809 +v -0.048150 -0.125173 0.879924 +v -0.068360 -0.101587 0.879981 +v -0.068463 -0.101422 0.880000 +v -0.063787 -0.100373 0.879454 +v -0.049381 -0.126171 0.879809 +v -0.064709 -0.100506 0.879649 +v -0.052486 -0.128014 0.879233 +v -0.062276 -0.100146 0.879233 +v -0.050672 -0.127051 0.879649 +v -0.061568 -0.100082 0.879000 +v -0.047860 -0.125422 0.880000 +v -0.048008 -0.125295 0.879981 +v -0.067902 -0.101312 0.879981 +v -0.067046 -0.100635 0.880000 +v -0.066878 -0.100979 0.879924 +v -0.052008 -0.127822 0.879454 +v -0.063141 -0.100221 0.879454 +v -0.053899 -0.128703 0.879000 +v -0.053382 -0.128492 0.879233 +v -0.065353 -0.100547 0.879809 +v -0.049240 -0.126319 0.879924 +v -0.066352 -0.100733 0.879924 +v -0.052445 -0.128085 0.879454 +v -0.050566 -0.127188 0.879809 +v -0.061571 -0.100055 0.879233 +v -0.063820 -0.100247 0.879649 +v -0.064763 -0.100342 0.879809 +v -0.053888 -0.128728 0.879233 +v -0.051939 -0.127933 0.879649 +v -0.066960 -0.100810 0.879981 +v -0.049111 -0.126455 0.879981 +v -0.062288 -0.100065 0.879454 +v -0.048977 -0.126597 0.880000 +v -0.063168 -0.100093 0.879649 +v -0.053346 -0.128565 0.879454 +v -0.060761 -0.099992 0.879233 +v -0.060000 -0.100000 0.879000 +v -0.052380 -0.128198 0.879649 +v -0.065424 -0.100355 0.879924 +v -0.055365 -0.129266 0.879000 +v -0.054781 -0.129092 0.879233 +v -0.066428 -0.100561 0.879981 +v -0.050441 -0.127350 0.879924 +v -0.065557 -0.099996 0.880000 +v -0.061579 -0.099974 0.879454 +v -0.053855 -0.128803 0.879454 +v -0.063863 -0.100080 0.879809 +v -0.051847 -0.128080 0.879809 +v -0.064826 -0.100147 0.879924 +v -0.055356 -0.129292 0.879233 +v -0.053289 -0.128682 0.879649 +v -0.060000 -0.099972 0.879233 +v -0.062308 -0.099936 0.879649 +v -0.052294 -0.128347 0.879809 +v -0.065489 -0.100179 0.879981 +v -0.050206 -0.127652 0.880000 +v -0.050326 -0.127498 0.879981 +v -0.063204 -0.099925 0.879809 +v -0.054753 -0.129168 0.879454 +v -0.060765 -0.099910 0.879454 +v -0.053801 -0.128922 0.879649 +v -0.059239 -0.099992 0.879233 +v -0.056881 -0.129672 0.879000 +v -0.056233 -0.129548 0.879233 +v -0.058432 -0.100082 0.879000 +v -0.061593 -0.099844 0.879649 +v -0.051739 -0.128253 0.879924 +v -0.063915 -0.099881 0.879924 +v -0.055331 -0.129369 0.879454 +v -0.064884 -0.099969 0.879981 +v -0.053213 -0.128837 0.879809 +v -0.064010 -0.099511 0.880000 +v -0.060000 -0.099891 0.879454 +v -0.052191 -0.128525 0.879924 +v -0.056876 -0.129699 0.879233 +v -0.062334 -0.099766 0.879809 +v -0.063247 -0.099724 0.879924 +v -0.054707 -0.129291 0.879649 +v -0.058429 -0.100055 0.879233 +v -0.053731 -0.129080 0.879809 +v -0.060772 -0.099780 0.879649 +v -0.051537 -0.128578 0.880000 +v -0.051640 -0.128413 0.879981 +v -0.063962 -0.099700 0.879981 +v -0.056213 -0.129627 0.879454 +v -0.059235 -0.099910 0.879454 +v -0.055291 -0.129494 0.879649 +v -0.061611 -0.099672 0.879809 +v -0.058432 -0.129918 0.879000 +v -0.057724 -0.129854 0.879233 +v -0.057724 -0.100146 0.879233 +v -0.056881 -0.100328 0.879000 +v -0.052098 -0.128687 0.879981 +v -0.052954 -0.129365 0.880000 +v -0.053122 -0.129021 0.879924 +v -0.060000 -0.099760 0.879649 +v -0.056859 -0.129779 0.879454 +v -0.062365 -0.099563 0.879924 +v -0.063286 -0.099540 0.879981 +v -0.054647 -0.129453 0.879809 +v -0.062423 -0.099185 0.880000 +v -0.058421 -0.099974 0.879454 +v -0.058429 -0.129945 0.879233 +v -0.060781 -0.099608 0.879809 +v -0.053648 -0.129267 0.879924 +v -0.056180 -0.129753 0.879649 +v -0.059228 -0.099780 0.879649 +v -0.055237 -0.129658 0.879809 +v -0.056876 -0.100301 0.879233 +v -0.053040 -0.129190 0.879981 +v -0.061632 -0.099468 0.879924 +v -0.062393 -0.099377 0.879981 +v -0.057712 -0.129935 0.879454 +v -0.056832 -0.129907 0.879649 +v -0.057712 -0.100065 0.879454 +v -0.060000 -0.099588 0.879809 +v -0.060000 -0.130000 0.879000 +v -0.059239 -0.130008 0.879233 +v -0.055365 -0.100734 0.879000 +v -0.056233 -0.100452 0.879233 +v -0.054576 -0.129645 0.879924 +v -0.058407 -0.099844 0.879649 +v -0.054443 -0.130004 0.880000 +v -0.053572 -0.129438 0.879981 +v -0.058421 -0.130026 0.879454 +v -0.060791 -0.099403 0.879924 +v -0.061652 -0.099282 0.879981 +v -0.056137 -0.129920 0.879809 +v -0.060810 -0.099021 0.880000 +v -0.059219 -0.099608 0.879809 +v -0.060000 -0.130028 0.879233 +v -0.055174 -0.129853 0.879924 +v -0.056859 -0.100221 0.879454 +v -0.057692 -0.130064 0.879649 +v -0.057692 -0.099936 0.879649 +v -0.054511 -0.129821 0.879981 +v -0.055356 -0.100708 0.879233 +v -0.056796 -0.130075 0.879809 +v -0.060000 -0.099383 0.879924 +v -0.060801 -0.099215 0.879981 +v -0.059235 -0.130090 0.879454 +v -0.061568 -0.129918 0.879000 +v -0.060761 -0.130008 0.879233 +v -0.056213 -0.100373 0.879454 +v -0.058407 -0.130156 0.879649 +v -0.058389 -0.099672 0.879809 +v -0.056085 -0.130119 0.879924 +v -0.053899 -0.101297 0.879000 +v -0.054781 -0.100908 0.879233 +v -0.055116 -0.130031 0.879981 +v -0.055990 -0.130489 0.880000 +v -0.059209 -0.099403 0.879924 +v -0.056832 -0.100093 0.879649 +v -0.060000 -0.130109 0.879454 +v -0.060000 -0.099195 0.879981 +v -0.059190 -0.099021 0.880000 +v -0.057666 -0.130234 0.879809 +v -0.057666 -0.099766 0.879809 +v -0.061571 -0.129945 0.879233 +v -0.055331 -0.100630 0.879454 +v -0.056753 -0.130276 0.879924 +v -0.056180 -0.100247 0.879649 +v -0.059228 -0.130220 0.879649 +v -0.058368 -0.099468 0.879924 +v -0.056038 -0.130300 0.879981 +v -0.053888 -0.101272 0.879233 +v -0.060765 -0.130090 0.879454 +v -0.058389 -0.130328 0.879809 +v -0.059199 -0.099215 0.879981 +v -0.054753 -0.100831 0.879454 +v -0.063119 -0.129672 0.879000 +v -0.062276 -0.129854 0.879233 +v -0.056796 -0.099925 0.879809 +v -0.060000 -0.130240 0.879649 +v -0.053382 -0.101508 0.879233 +v -0.052500 -0.102010 0.879000 +v -0.057635 -0.130437 0.879924 +v -0.057635 -0.099563 0.879924 +v -0.056714 -0.130460 0.879981 +v -0.057577 -0.130815 0.880000 +v -0.055291 -0.100506 0.879649 +v -0.061579 -0.130026 0.879454 +v -0.058348 -0.099282 0.879981 +v -0.057577 -0.099185 0.880000 +v -0.056137 -0.100080 0.879809 +v -0.059219 -0.130392 0.879809 +v -0.060772 -0.130220 0.879649 +v -0.053855 -0.101197 0.879454 +v -0.063124 -0.129699 0.879233 +v -0.054707 -0.100709 0.879649 +v -0.058368 -0.130532 0.879924 +v -0.056753 -0.099724 0.879924 +v -0.057607 -0.130623 0.879981 +v -0.052486 -0.101986 0.879233 +v -0.062288 -0.129935 0.879454 +v -0.057607 -0.099377 0.879981 +v -0.060000 -0.130412 0.879809 +v -0.053346 -0.101435 0.879454 +v -0.064635 -0.129266 0.879000 +v -0.063767 -0.129548 0.879233 +v -0.055237 -0.100342 0.879809 +v -0.061593 -0.130156 0.879649 +v -0.051183 -0.102865 0.879000 +v -0.052051 -0.102247 0.879233 +v -0.059209 -0.130597 0.879924 +v -0.056085 -0.099881 0.879924 +v -0.059190 -0.130979 0.880000 +v -0.058348 -0.130718 0.879981 +v -0.053801 -0.101078 0.879649 +v -0.060781 -0.130392 0.879809 +v -0.056714 -0.099540 0.879981 +v -0.055990 -0.099511 0.880000 +v -0.063141 -0.129779 0.879454 +v -0.054647 -0.100547 0.879809 +v -0.062308 -0.130064 0.879649 +v -0.052445 -0.101915 0.879454 +v -0.060000 -0.130617 0.879924 +v -0.053289 -0.101318 0.879649 +v -0.064644 -0.129292 0.879233 +v -0.049963 -0.103853 0.879000 +v -0.051167 -0.102842 0.879233 +v -0.059199 -0.130785 0.879981 +v -0.055174 -0.100147 0.879924 +v -0.063787 -0.129627 0.879454 +v -0.056038 -0.099700 0.879981 +v -0.061611 -0.130328 0.879809 +v -0.066101 -0.128703 0.879000 +v -0.065219 -0.129092 0.879233 +v -0.052008 -0.102178 0.879454 +v -0.053731 -0.100920 0.879809 +v -0.060791 -0.130597 0.879924 +v -0.063168 -0.129907 0.879649 +v -0.054576 -0.100355 0.879924 +v -0.052380 -0.101802 0.879649 +v -0.060810 -0.130979 0.880000 +v -0.060000 -0.130805 0.879981 +v -0.053213 -0.101163 0.879809 +v -0.062334 -0.130234 0.879809 +v -0.055116 -0.099969 0.879981 +v -0.054443 -0.099996 0.880000 +v -0.064669 -0.129369 0.879454 +v -0.051119 -0.102777 0.879454 +v -0.063820 -0.129753 0.879649 +v -0.051939 -0.102067 0.879649 +v -0.061632 -0.130532 0.879924 +v -0.049945 -0.103832 0.879233 +v -0.053648 -0.100733 0.879924 +v -0.066112 -0.128728 0.879233 +v -0.060801 -0.130785 0.879981 +v -0.054511 -0.100179 0.879981 +v -0.065247 -0.129168 0.879454 +v -0.052294 -0.101653 0.879809 +v -0.053122 -0.100979 0.879924 +v -0.066618 -0.128492 0.879233 +v -0.051042 -0.102671 0.879649 +v -0.067500 -0.127990 0.879000 +v -0.064709 -0.129494 0.879649 +v -0.053572 -0.100561 0.879981 +v -0.061652 -0.130718 0.879981 +v -0.052954 -0.100635 0.880000 +v -0.053040 -0.100810 0.879981 +v -0.052191 -0.101475 0.879924 +v -0.048853 -0.104963 0.879000 +v -0.052098 -0.101312 0.879981 +v -0.087500 -0.115000 0.880000 +v -0.087419 -0.117105 0.880000 +v -0.087178 -0.119198 0.880000 +v -0.086777 -0.121266 0.880000 +v -0.086218 -0.123297 0.880000 +v -0.085506 -0.125280 0.880000 +v -0.084645 -0.127202 0.880000 +v -0.083638 -0.129053 0.880000 +v -0.082493 -0.130821 0.880000 +v -0.081216 -0.132497 0.880000 +v -0.079814 -0.134069 0.880000 +v -0.078296 -0.135530 0.880000 +v -0.076671 -0.136871 0.880000 +v -0.074948 -0.138082 0.880000 +v -0.073137 -0.139159 0.880000 +v -0.071249 -0.140094 0.880000 +v -0.069295 -0.140881 0.880000 +v -0.067287 -0.141517 0.880000 +v -0.065236 -0.141997 0.880000 +v -0.063154 -0.142319 0.880000 +v -0.061053 -0.142480 0.880000 +v -0.058947 -0.142480 0.880000 +v -0.056846 -0.142319 0.880000 +v -0.054764 -0.141997 0.880000 +v -0.052713 -0.141517 0.880000 +v -0.050705 -0.140881 0.880000 +v -0.048751 -0.140094 0.880000 +v -0.046863 -0.139159 0.880000 +v -0.045052 -0.138082 0.880000 +v -0.043329 -0.136871 0.880000 +v -0.041704 -0.135530 0.880000 +v -0.040186 -0.134069 0.880000 +v -0.038784 -0.132497 0.880000 +v -0.037507 -0.130821 0.880000 +v -0.036362 -0.129053 0.880000 +v -0.035355 -0.127202 0.880000 +v -0.034494 -0.125280 0.880000 +v -0.033782 -0.123297 0.880000 +v -0.033223 -0.121266 0.880000 +v -0.032822 -0.119198 0.880000 +v -0.032581 -0.117105 0.880000 +v -0.032500 -0.115000 0.880000 +v -0.032581 -0.112895 0.880000 +v -0.032822 -0.110802 0.880000 +v -0.033223 -0.108734 0.880000 +v -0.033782 -0.106703 0.880000 +v -0.034494 -0.104720 0.880000 +v -0.035355 -0.102798 0.880000 +v -0.036362 -0.100947 0.880000 +v -0.037507 -0.099179 0.880000 +v -0.038784 -0.097503 0.880000 +v -0.040186 -0.095931 0.880000 +v -0.041704 -0.094470 0.880000 +v -0.043329 -0.093129 0.880000 +v -0.045052 -0.091917 0.880000 +v -0.046863 -0.090841 0.880000 +v -0.048751 -0.089906 0.880000 +v -0.050705 -0.089119 0.880000 +v -0.052713 -0.088483 0.880000 +v -0.054764 -0.088003 0.880000 +v -0.056846 -0.087681 0.880000 +v -0.058947 -0.087520 0.880000 +v -0.061053 -0.087520 0.880000 +v -0.063154 -0.087681 0.880000 +v -0.065236 -0.088003 0.880000 +v -0.067287 -0.088483 0.880000 +v -0.069295 -0.089119 0.880000 +v -0.071249 -0.089906 0.880000 +v -0.073137 -0.090841 0.880000 +v -0.074948 -0.091917 0.880000 +v -0.076671 -0.093129 0.880000 +v -0.078296 -0.094470 0.880000 +v -0.079814 -0.095931 0.880000 +v -0.081216 -0.097503 0.880000 +v -0.082493 -0.099179 0.880000 +v -0.083638 -0.100947 0.880000 +v -0.084645 -0.102798 0.880000 +v -0.085506 -0.104720 0.880000 +v -0.086218 -0.106703 0.880000 +v -0.086777 -0.108734 0.880000 +v -0.087178 -0.110802 0.880000 +v -0.087419 -0.112895 0.880000 +v -0.075000 -0.115000 0.782805 +v -0.074918 -0.116568 0.782805 +v -0.074672 -0.118119 0.782805 +v -0.074266 -0.119635 0.782805 +v -0.073703 -0.121101 0.782805 +v -0.072990 -0.122500 0.782805 +v -0.072135 -0.123817 0.782805 +v -0.071147 -0.125037 0.782805 +v -0.070037 -0.126147 0.782805 +v -0.068817 -0.127135 0.782805 +v -0.067500 -0.127990 0.782805 +v -0.066101 -0.128703 0.782805 +v -0.064635 -0.129266 0.782805 +v -0.063119 -0.129672 0.782805 +v -0.061568 -0.129918 0.782805 +v -0.060000 -0.130000 0.782805 +v -0.058432 -0.129918 0.782805 +v -0.056881 -0.129672 0.782805 +v -0.055365 -0.129266 0.782805 +v -0.053899 -0.128703 0.782805 +v -0.052500 -0.127990 0.782805 +v -0.051183 -0.127135 0.782805 +v -0.049963 -0.126147 0.782805 +v -0.048853 -0.125037 0.782805 +v -0.047865 -0.123817 0.782805 +v -0.047010 -0.122500 0.782805 +v -0.046297 -0.121101 0.782805 +v -0.045734 -0.119635 0.782805 +v -0.045328 -0.118119 0.782805 +v -0.045082 -0.116568 0.782805 +v -0.045000 -0.115000 0.782805 +v -0.045082 -0.113432 0.782805 +v -0.045328 -0.111881 0.782805 +v -0.045734 -0.110365 0.782805 +v -0.046297 -0.108899 0.782805 +v -0.047010 -0.107500 0.782805 +v -0.047865 -0.106183 0.782805 +v -0.048853 -0.104963 0.782805 +v -0.049963 -0.103853 0.782805 +v -0.051183 -0.102865 0.782805 +v -0.052500 -0.102010 0.782805 +v -0.053899 -0.101297 0.782805 +v -0.055365 -0.100734 0.782805 +v -0.056881 -0.100328 0.782805 +v -0.058432 -0.100082 0.782805 +v -0.060000 -0.100000 0.782805 +v -0.061568 -0.100082 0.782805 +v -0.063119 -0.100328 0.782805 +v -0.064635 -0.100734 0.782805 +v -0.066101 -0.101297 0.782805 +v -0.067500 -0.102010 0.782805 +v -0.068817 -0.102865 0.782805 +v -0.070037 -0.103853 0.782805 +v -0.071147 -0.104963 0.782805 +v -0.072135 -0.106183 0.782805 +v -0.072990 -0.107500 0.782805 +v -0.073703 -0.108899 0.782805 +v -0.074266 -0.110365 0.782805 +v -0.074672 -0.111881 0.782805 +v -0.074918 -0.113432 0.782805 +v -0.072195 -0.115000 0.780000 +v -0.072113 -0.116416 0.780000 +v -0.071866 -0.117812 0.780000 +v -0.071460 -0.119171 0.780000 +v -0.070898 -0.120473 0.780000 +v -0.070189 -0.121701 0.780000 +v -0.069342 -0.122839 0.780000 +v -0.068369 -0.123870 0.780000 +v -0.067282 -0.124782 0.780000 +v -0.066097 -0.125561 0.780000 +v -0.064830 -0.126198 0.780000 +v -0.063498 -0.126683 0.780000 +v -0.062118 -0.127010 0.780000 +v -0.060709 -0.127174 0.780000 +v -0.059291 -0.127174 0.780000 +v -0.057882 -0.127010 0.780000 +v -0.056502 -0.126683 0.780000 +v -0.055170 -0.126198 0.780000 +v -0.053902 -0.125561 0.780000 +v -0.052718 -0.124782 0.780000 +v -0.051631 -0.123870 0.780000 +v -0.050658 -0.122839 0.780000 +v -0.049811 -0.121701 0.780000 +v -0.049102 -0.120473 0.780000 +v -0.048540 -0.119171 0.780000 +v -0.048134 -0.117812 0.780000 +v -0.047887 -0.116416 0.780000 +v -0.047805 -0.115000 0.780000 +v -0.047887 -0.113584 0.780000 +v -0.048134 -0.112188 0.780000 +v -0.048540 -0.110829 0.780000 +v -0.049102 -0.109527 0.780000 +v -0.049811 -0.108299 0.780000 +v -0.050658 -0.107161 0.780000 +v -0.051631 -0.106130 0.780000 +v -0.052718 -0.105218 0.780000 +v -0.053902 -0.104439 0.780000 +v -0.055170 -0.103802 0.780000 +v -0.056502 -0.103317 0.780000 +v -0.057882 -0.102990 0.780000 +v -0.059291 -0.102826 0.780000 +v -0.060709 -0.102826 0.780000 +v -0.062118 -0.102990 0.780000 +v -0.063498 -0.103317 0.780000 +v -0.064830 -0.103802 0.780000 +v -0.066097 -0.104439 0.780000 +v -0.067282 -0.105218 0.780000 +v -0.068369 -0.106130 0.780000 +v -0.069342 -0.107161 0.780000 +v -0.070189 -0.108299 0.780000 +v -0.070898 -0.109527 0.780000 +v -0.071460 -0.110829 0.780000 +v -0.071866 -0.112188 0.780000 +v -0.072113 -0.113584 0.780000 +v -0.060000 -0.103453 0.900000 +v -0.060000 -0.126547 0.900000 +v -0.070000 -0.120773 0.900000 +v -0.050000 -0.120773 0.900000 +v -0.050000 -0.109226 0.900000 +v -0.070000 -0.109226 0.900000 +v -0.070000 -0.120773 0.885000 +v -0.060000 -0.126547 0.885000 +v -0.070000 -0.109226 0.885000 +v -0.060000 -0.103453 0.885000 +v -0.050000 -0.109226 0.885000 +v -0.050000 -0.120773 0.885000 +vt 0.017387 0.177440 +vt 0.013706 0.179034 +vt 0.017982 0.179409 +vt 0.515621 0.086546 +vt 0.516759 0.087420 +vt 0.516025 0.088118 +vt 0.010040 0.178432 +vt 0.012670 0.176955 +vt 0.008806 0.176199 +vt 0.542640 0.485237 +vt 0.540318 0.487258 +vt 0.544815 0.487258 +vt 0.546930 0.485237 +vt 0.549950 0.487258 +vt 0.555313 0.510981 +vt 0.551596 0.513001 +vt 0.556334 0.513001 +vt 0.434150 0.325087 +vt 0.436633 0.320422 +vt 0.434150 0.320422 +vt 0.009419 0.016035 +vt 0.007347 0.020685 +vt 0.009294 0.020663 +vt 0.353807 0.603271 +vt 0.355474 0.603770 +vt 0.355474 0.603285 +vt 0.598457 0.587072 +vt 0.600896 0.590907 +vt 0.598457 0.590907 +vt 0.125954 0.635265 +vt 0.126821 0.635213 +vt 0.126821 0.635265 +vt 0.216633 0.007026 +vt 0.216677 0.006740 +vt 0.216633 0.006740 +vt 0.100096 0.158181 +vt 0.101999 0.162030 +vt 0.100478 0.162714 +vt 0.508952 0.359950 +vt 0.504177 0.353661 +vt 0.504169 0.360031 +vt 0.628999 0.340500 +vt 0.627346 0.340552 +vt 0.627346 0.340500 +vt 0.538981 0.485237 +vt 0.218088 0.353608 +vt 0.218036 0.353505 +vt 0.218036 0.353608 +vt 0.200974 0.005295 +vt 0.194737 0.009526 +vt 0.201143 0.009534 +vt 0.050167 0.609885 +vt 0.049433 0.609113 +vt 0.050153 0.609128 +vt 0.007986 0.010730 +vt 0.009793 0.011737 +vt 0.010396 0.008048 +vt 0.540318 0.510988 +vt 0.538981 0.513009 +vt 0.542640 0.513009 +vt 0.580330 0.557470 +vt 0.582276 0.555538 +vt 0.583841 0.557478 +vt 0.582276 0.544150 +vt 0.551596 0.485230 +vt 0.580330 0.530823 +vt 0.619386 0.053757 +vt 0.619335 0.053470 +vt 0.619386 0.053470 +vt 0.035527 0.178483 +vt 0.032926 0.176970 +vt 0.031647 0.179071 +vt 0.544815 0.510981 +vt 0.546930 0.513009 +vt 0.582276 0.532770 +vt 0.583841 0.530838 +vt 0.181261 0.392176 +vt 0.151874 0.393631 +vt 0.150228 0.402462 +vt 0.556334 0.485237 +vt 0.555313 0.487258 +vt 0.555313 0.499116 +vt 0.549950 0.510981 +vt 0.560853 0.485237 +vt 0.008015 0.031081 +vt 0.010396 0.033674 +vt 0.009793 0.029773 +vt 0.010374 0.244980 +vt 0.014246 0.240462 +vt 0.009558 0.242321 +vt 0.400553 0.424274 +vt 0.443282 0.397326 +vt 0.400766 0.422680 +vt 0.560853 0.513009 +vt 0.027945 0.177455 +vt 0.027239 0.179439 +vt 0.022574 0.177617 +vt 0.022589 0.179549 +vt 0.387859 0.603168 +vt 0.383995 0.603535 +vt 0.387859 0.603653 +vt 0.037091 0.176199 +vt 0.008794 0.035269 +vt 0.089135 0.636182 +vt 0.091045 0.635616 +vt 0.089157 0.635697 +vt 0.008735 0.006836 +vt 0.025637 0.607599 +vt 0.021435 0.609399 +vt 0.026203 0.609560 +vt 0.143068 0.636388 +vt 0.143016 0.636748 +vt 0.143068 0.636748 +vt 0.598524 0.143601 +vt 0.600853 0.139773 +vt 0.599024 0.139075 +vt 0.435151 0.635139 +vt 0.437090 0.635359 +vt 0.435151 0.635359 +vt 0.104404 0.621669 +vt 0.106484 0.622418 +vt 0.106484 0.621661 +vt 0.102592 0.264413 +vt 0.098521 0.266940 +vt 0.101240 0.268674 +vt 0.560242 0.092637 +vt 0.560499 0.093908 +vt 0.560286 0.092637 +vt 0.019861 0.055905 +vt 0.020368 0.049969 +vt 0.022969 0.050336 +vt 0.405024 0.360104 +vt 0.399859 0.353661 +vt 0.399859 0.360031 +vt 0.016402 0.607657 +vt 0.012391 0.610016 +vt 0.016726 0.609560 +vt 0.499866 0.174178 +vt 0.503135 0.176169 +vt 0.504457 0.174178 +vt 0.600258 0.148905 +vt 0.598466 0.153093 +vt 0.600412 0.153489 +vt 0.503135 0.187858 +vt 0.499866 0.201531 +vt 0.012207 0.608128 +vt 0.008718 0.610743 +vt 0.296166 0.125301 +vt 0.294491 0.126461 +vt 0.294211 0.125925 +vt 0.503135 0.199540 +vt 0.504457 0.201531 +vt 0.509115 0.201531 +vt 0.512576 0.199540 +vt 0.507932 0.199540 +vt 0.571865 0.441565 +vt 0.571865 0.453033 +vt 0.567898 0.439618 +vt 0.571770 0.439603 +vt 0.325068 0.138723 +vt 0.324826 0.138672 +vt 0.325068 0.138679 +vt 0.507932 0.176169 +vt 0.509115 0.174178 +vt 0.513567 0.201531 +vt 0.516756 0.199540 +vt 0.616251 0.515028 +vt 0.616295 0.515006 +vt 0.616295 0.515028 +vt 0.571865 0.464509 +vt 0.567898 0.466478 +vt 0.571770 0.466463 +vt 0.390915 0.378663 +vt 0.399584 0.379912 +vt 0.390915 0.379912 +vt 0.523815 0.373947 +vt 0.550139 0.377363 +vt 0.531397 0.369715 +vt 0.007501 0.015461 +vt 0.393206 0.532760 +vt 0.390105 0.532680 +vt 0.390105 0.532731 +vt 0.283893 0.526547 +vt 0.289690 0.532843 +vt 0.289705 0.526466 +vt 0.493733 0.518858 +vt 0.500081 0.521841 +vt 0.500360 0.521627 +vt 0.619937 0.250805 +vt 0.620878 0.250849 +vt 0.620878 0.250805 +vt 0.034086 0.608679 +vt 0.030729 0.610016 +vt 0.034711 0.610743 +vt 0.102228 0.583966 +vt 0.101809 0.584010 +vt 0.102228 0.584010 +vt 0.520202 0.176169 +vt 0.517513 0.174186 +vt 0.516756 0.176169 +vt 0.600859 0.519791 +vt 0.598030 0.515500 +vt 0.600425 0.515522 +vt 0.282320 0.635235 +vt 0.282864 0.635213 +vt 0.282864 0.635257 +vt 0.529004 0.610920 +vt 0.531532 0.607056 +vt 0.528600 0.608951 +vt 0.482670 0.030717 +vt 0.483148 0.031929 +vt 0.482104 0.031246 +vt 0.610074 0.369105 +vt 0.610052 0.369825 +vt 0.610022 0.369105 +vt 0.389163 0.636469 +vt 0.389119 0.636932 +vt 0.389163 0.636932 +vt 0.347393 0.603205 +vt 0.348892 0.603712 +vt 0.348892 0.603227 +vt 0.628583 0.005621 +vt 0.628664 0.006385 +vt 0.628715 0.006385 +vt 0.609661 0.459451 +vt 0.610888 0.468017 +vt 0.610888 0.459451 +vt 0.619386 0.593868 +vt 0.619342 0.592905 +vt 0.619386 0.592905 +vt 0.195830 0.534609 +vt 0.199871 0.534565 +vt 0.195830 0.534565 +vt 0.218088 0.366402 +vt 0.218036 0.366512 +vt 0.218088 0.366512 +vt 0.303975 0.547399 +vt 0.303930 0.547186 +vt 0.303975 0.547186 +vt 0.625726 0.326439 +vt 0.623787 0.326233 +vt 0.623794 0.326461 +vt 0.357164 0.603770 +vt 0.357164 0.603285 +vt 0.484038 0.141228 +vt 0.483546 0.141699 +vt 0.483538 0.141214 +vt 0.383337 0.166265 +vt 0.384292 0.165523 +vt 0.383337 0.165515 +vt 0.028611 0.007391 +vt 0.028633 0.007398 +vt 0.028633 0.007391 +vt 0.499724 0.375141 +vt 0.499628 0.375215 +vt 0.499731 0.375193 +vt 0.040112 0.056270 +vt 0.110870 0.057923 +vt 0.040127 0.057923 +vt 0.009942 0.585923 +vt 0.080648 0.584549 +vt 0.080641 0.585923 +vt 0.616577 0.415871 +vt 0.616327 0.416937 +vt 0.616379 0.416944 +vt 0.564551 0.007354 +vt 0.562876 0.078046 +vt 0.564551 0.078053 +vt 0.218027 0.060414 +vt 0.217822 0.058445 +vt 0.218027 0.058445 +vt 0.600278 0.241332 +vt 0.598023 0.236659 +vt 0.600418 0.236689 +vt 0.550076 0.635940 +vt 0.550032 0.635948 +vt 0.550032 0.635933 +vt 0.571138 0.415893 +vt 0.572747 0.345151 +vt 0.571138 0.345136 +vt 0.499129 0.360104 +vt 0.493840 0.353808 +vt 0.493840 0.360178 +vt 0.588556 0.451305 +vt 0.589328 0.451202 +vt 0.589328 0.451254 +vt 0.592418 0.402462 +vt 0.594864 0.406635 +vt 0.592425 0.406635 +vt 0.630052 0.263613 +vt 0.631059 0.263679 +vt 0.631059 0.263635 +vt 0.467993 0.636506 +vt 0.468037 0.636190 +vt 0.467993 0.636190 +vt 0.161339 0.635236 +vt 0.161479 0.635295 +vt 0.161339 0.635280 +vt 0.173831 0.621955 +vt 0.172494 0.622433 +vt 0.172494 0.621948 +vt 0.629693 0.175357 +vt 0.630185 0.173425 +vt 0.630192 0.175357 +vt 0.575730 0.254162 +vt 0.574151 0.183433 +vt 0.575730 0.183441 +vt 0.216611 0.031499 +vt 0.216560 0.031279 +vt 0.216604 0.031279 +vt 0.619335 0.573970 +vt 0.619386 0.574873 +vt 0.619335 0.574873 +vt 0.216525 0.124830 +vt 0.216584 0.123905 +vt 0.216635 0.123905 +vt 0.108310 0.635235 +vt 0.108362 0.635514 +vt 0.108310 0.635514 +vt 0.281893 0.545638 +vt 0.281841 0.546579 +vt 0.281893 0.546579 +vt 0.628839 0.403098 +vt 0.626855 0.402936 +vt 0.628839 0.402936 +vt 0.161891 0.171684 +vt 0.161935 0.169855 +vt 0.161891 0.169855 +vt 0.507021 0.056340 +vt 0.506999 0.060998 +vt 0.507051 0.060990 +vt 0.626855 0.474941 +vt 0.628839 0.475103 +vt 0.628839 0.474941 +vt 0.179209 0.636594 +vt 0.177188 0.636094 +vt 0.179209 0.636094 +vt 0.369097 0.637035 +vt 0.371030 0.636814 +vt 0.369097 0.636814 +vt 0.201305 0.123851 +vt 0.194737 0.128729 +vt 0.201143 0.128744 +vt 0.623728 0.436905 +vt 0.625704 0.436714 +vt 0.623757 0.436728 +vt 0.226349 0.481666 +vt 0.224387 0.481850 +vt 0.224387 0.481666 +vt 0.154121 0.516819 +vt 0.154165 0.516577 +vt 0.154165 0.516819 +vt 0.525512 0.635213 +vt 0.526445 0.635265 +vt 0.526445 0.635221 +vt 0.616251 0.127766 +vt 0.616295 0.118266 +vt 0.616251 0.118266 +vt 0.452224 0.636439 +vt 0.452268 0.636770 +vt 0.452217 0.636770 +vt 0.161891 0.168224 +vt 0.239010 0.637027 +vt 0.236923 0.637417 +vt 0.239010 0.637417 +vt 0.508251 0.108724 +vt 0.507472 0.114374 +vt 0.508236 0.114381 +vt 0.480219 0.335990 +vt 0.480469 0.337915 +vt 0.480454 0.335976 +vt 0.412477 0.603249 +vt 0.414850 0.603756 +vt 0.414850 0.603278 +vt 0.452689 0.141118 +vt 0.454790 0.141588 +vt 0.452689 0.141596 +vt 0.600839 0.548587 +vt 0.598054 0.552841 +vt 0.600464 0.552812 +vt 0.154121 0.517025 +vt 0.154165 0.517025 +vt 0.096147 0.622477 +vt 0.093531 0.621713 +vt 0.093531 0.622477 +vt 0.600733 0.625444 +vt 0.600682 0.624342 +vt 0.600733 0.624342 +vt 0.482892 0.637417 +vt 0.485566 0.637365 +vt 0.485566 0.637417 +vt 0.216110 0.621720 +vt 0.218108 0.622469 +vt 0.216110 0.622477 +vt 0.507044 0.062555 +vt 0.506970 0.062460 +vt 0.506992 0.062570 +vt 0.628973 0.456699 +vt 0.627041 0.456280 +vt 0.628973 0.456280 +vt 0.600859 0.501879 +vt 0.599162 0.497971 +vt 0.601564 0.498000 +vt 0.499129 0.353742 +vt 0.580279 0.160913 +vt 0.578611 0.090221 +vt 0.578611 0.160913 +vt 0.508236 0.116336 +vt 0.507472 0.116328 +vt 0.154171 0.566429 +vt 0.154119 0.560030 +vt 0.154171 0.560030 +vt 0.342696 0.635842 +vt 0.340764 0.636261 +vt 0.342703 0.636334 +vt 0.326038 0.637395 +vt 0.326024 0.637372 +vt 0.326024 0.637395 +vt 0.629410 0.635286 +vt 0.629065 0.635272 +vt 0.629065 0.635323 +vt 0.217891 0.149806 +vt 0.218111 0.147874 +vt 0.217891 0.147874 +vt 0.349534 0.437297 +vt 0.348005 0.508011 +vt 0.349534 0.508040 +vt 0.124536 0.058046 +vt 0.125461 0.058112 +vt 0.125469 0.058156 +vt 0.403027 0.105055 +vt 0.402975 0.114444 +vt 0.403019 0.114444 +vt 0.320290 0.526334 +vt 0.326483 0.532733 +vt 0.326490 0.526356 +vt 0.541411 0.122346 +vt 0.541359 0.122324 +vt 0.541359 0.122346 +vt 0.448229 0.141140 +vt 0.450456 0.141610 +vt 0.448229 0.141625 +vt 0.457082 0.375187 +vt 0.457332 0.375142 +vt 0.457332 0.375187 +vt 0.616295 0.515160 +vt 0.616251 0.515087 +vt 0.616295 0.515087 +vt 0.378303 0.143871 +vt 0.378244 0.147875 +vt 0.378252 0.143871 +vt 0.216611 0.101236 +vt 0.216574 0.101016 +vt 0.216567 0.101243 +vt 0.628839 0.402738 +vt 0.626855 0.402517 +vt 0.628839 0.402517 +vt 0.542530 0.238654 +vt 0.536234 0.233034 +vt 0.542589 0.233034 +vt 0.262661 0.527032 +vt 0.267598 0.533262 +vt 0.267613 0.526885 +vt 0.138166 0.584003 +vt 0.137292 0.583959 +vt 0.137292 0.584003 +vt 0.590158 0.451188 +vt 0.590158 0.451232 +vt 0.144737 0.135528 +vt 0.145333 0.135484 +vt 0.145333 0.135528 +vt 0.527189 0.007516 +vt 0.526190 0.007964 +vt 0.526190 0.007486 +vt 0.610106 0.389928 +vt 0.610062 0.390097 +vt 0.610062 0.389928 +vt 0.593962 0.371356 +vt 0.594741 0.372128 +vt 0.594726 0.371364 +vt 0.619386 0.540809 +vt 0.619342 0.539876 +vt 0.619386 0.539876 +vt 0.632058 0.030855 +vt 0.632110 0.033184 +vt 0.632110 0.030855 +vt 0.147698 0.007323 +vt 0.146427 0.007162 +vt 0.146427 0.007118 +vt 0.218113 0.636719 +vt 0.220038 0.636932 +vt 0.218128 0.636932 +vt 0.600681 0.113898 +vt 0.600181 0.113281 +vt 0.600196 0.113890 +vt 0.245299 0.482037 +vt 0.243213 0.481655 +vt 0.245299 0.481655 +vt 0.628946 0.375976 +vt 0.629350 0.373963 +vt 0.629328 0.375910 +vt 0.257785 0.635213 +vt 0.258123 0.635265 +vt 0.258123 0.635213 +vt 0.476465 0.335976 +vt 0.476252 0.337915 +vt 0.476487 0.337915 +vt 0.559513 0.185930 +vt 0.558992 0.190411 +vt 0.559028 0.185930 +vt 0.628910 0.509070 +vt 0.628954 0.509085 +vt 0.628910 0.509085 +vt 0.349656 0.603234 +vt 0.349656 0.603726 +vt 0.169442 0.536449 +vt 0.174019 0.534010 +vt 0.174019 0.536449 +vt 0.544305 0.097400 +vt 0.545113 0.091919 +vt 0.545062 0.097400 +vt 0.625601 0.439219 +vt 0.623728 0.439652 +vt 0.625675 0.439630 +vt 0.408095 0.635857 +vt 0.408051 0.635871 +vt 0.408051 0.635857 +vt 0.133617 0.145417 +vt 0.133573 0.145469 +vt 0.133617 0.145461 +vt 0.558844 0.280227 +vt 0.559328 0.285171 +vt 0.558844 0.285171 +vt 0.378274 0.142483 +vt 0.378229 0.142527 +vt 0.378222 0.142483 +vt 0.214906 0.082642 +vt 0.214862 0.082605 +vt 0.214862 0.082642 +vt 0.346078 0.603653 +vt 0.347393 0.603690 +vt 0.202040 0.058853 +vt 0.195655 0.065054 +vt 0.202062 0.065069 +vt 0.160780 0.536456 +vt 0.164938 0.534010 +vt 0.164938 0.536449 +vt 0.072675 0.628787 +vt 0.071713 0.628839 +vt 0.072675 0.628839 +vt 0.626404 0.375874 +vt 0.626206 0.373919 +vt 0.626419 0.373934 +vt 0.157453 0.635214 +vt 0.157137 0.635273 +vt 0.157137 0.635229 +vt 0.218093 0.172916 +vt 0.218034 0.172960 +vt 0.218093 0.172960 +vt 0.536278 0.227244 +vt 0.542626 0.227252 +vt 0.559234 0.113593 +vt 0.558734 0.112895 +vt 0.559219 0.112887 +vt 0.487972 0.007442 +vt 0.486738 0.007957 +vt 0.486738 0.007479 +vt 0.619335 0.569716 +vt 0.619386 0.570700 +vt 0.619335 0.570700 +vt 0.632066 0.082515 +vt 0.632110 0.082772 +vt 0.632110 0.082515 +vt 0.122942 0.635265 +vt 0.123823 0.635213 +vt 0.123823 0.635265 +vt 0.616251 0.117568 +vt 0.616295 0.118024 +vt 0.616295 0.117568 +vt 0.566484 0.590393 +vt 0.566418 0.589174 +vt 0.567116 0.590217 +vt 0.568056 0.591032 +vt 0.563097 0.586426 +vt 0.566176 0.585449 +vt 0.565933 0.586705 +vt 0.566014 0.587969 +vt 0.579917 0.282530 +vt 0.583237 0.284470 +vt 0.580313 0.285829 +vt 0.403391 0.061155 +vt 0.400078 0.058334 +vt 0.399248 0.061713 +vt 0.141265 0.622477 +vt 0.138305 0.619340 +vt 0.142522 0.617878 +vt 0.270121 0.619391 +vt 0.271421 0.622469 +vt 0.268975 0.622469 +vt 0.565823 0.593295 +vt 0.569173 0.591576 +vt 0.570047 0.593354 +vt 0.562723 0.589614 +vt 0.580350 0.289039 +vt 0.583406 0.286982 +vt 0.583957 0.288128 +vt 0.583891 0.292294 +vt 0.580005 0.291405 +vt 0.266514 0.621970 +vt 0.266668 0.622477 +vt 0.264655 0.622484 +vt 0.265529 0.619634 +vt 0.401187 0.063116 +vt 0.403156 0.065930 +vt 0.403347 0.063609 +vt 0.538912 0.275898 +vt 0.540962 0.273753 +vt 0.541065 0.276038 +vt 0.536951 0.275075 +vt 0.537957 0.278161 +vt 0.607081 0.318876 +vt 0.603709 0.317304 +vt 0.607081 0.316319 +vt 0.170044 0.591942 +vt 0.172982 0.590803 +vt 0.169926 0.590282 +vt 0.589401 0.277747 +vt 0.588836 0.280554 +vt 0.588674 0.277608 +vt 0.524842 0.501432 +vt 0.528236 0.501601 +vt 0.524864 0.500617 +vt 0.526495 0.503768 +vt 0.587227 0.278768 +vt 0.588196 0.277946 +vt 0.603209 0.313586 +vt 0.603209 0.315996 +vt 0.602408 0.315078 +vt 0.571928 0.579615 +vt 0.572443 0.579343 +vt 0.572229 0.582282 +vt 0.524372 0.501917 +vt 0.586374 0.280752 +vt 0.585831 0.278144 +vt 0.573155 0.579571 +vt 0.568894 0.579175 +vt 0.569563 0.579512 +vt 0.569761 0.582165 +vt 0.524834 0.505039 +vt 0.524372 0.504334 +vt 0.528236 0.506281 +vt 0.607074 0.309795 +vt 0.603709 0.312220 +vt 0.603892 0.311000 +vt 0.524864 0.505693 +vt 0.590018 0.280943 +vt 0.590812 0.278137 +vt 0.591503 0.281318 +vt 0.029386 0.110956 +vt 0.029386 0.108892 +vt 0.031509 0.110089 +vt 0.578925 0.287159 +vt 0.578565 0.289796 +vt 0.577698 0.287592 +vt 0.561554 0.587572 +vt 0.560283 0.585463 +vt 0.577397 0.285226 +vt 0.525290 0.494203 +vt 0.528236 0.494291 +vt 0.528236 0.492396 +vt 0.231959 0.380364 +vt 0.253639 0.377300 +vt 0.256357 0.379952 +vt 0.114939 0.031606 +vt 0.117819 0.034831 +vt 0.114807 0.034192 +vt 0.525055 0.498971 +vt 0.528236 0.499044 +vt 0.528236 0.496546 +vt 0.534504 0.277309 +vt 0.534467 0.276060 +vt 0.534357 0.274950 +vt 0.522696 0.497700 +vt 0.574771 0.583392 +vt 0.577497 0.583788 +vt 0.574985 0.584692 +vt 0.574287 0.583649 +vt 0.573346 0.582826 +vt 0.528236 0.504062 +vt 0.540374 0.280563 +vt 0.540881 0.280901 +vt 0.540587 0.283164 +vt 0.541043 0.278477 +vt 0.574316 0.590768 +vt 0.572817 0.591260 +vt 0.573860 0.590533 +vt 0.574683 0.589563 +vt 0.534835 0.279887 +vt 0.534467 0.278616 +vt 0.566661 0.579777 +vt 0.563590 0.579270 +vt 0.565558 0.577962 +vt 0.091817 0.141539 +vt 0.089032 0.131452 +vt 0.093081 0.129512 +vt 0.537208 0.282848 +vt 0.540205 0.285118 +vt 0.573655 0.593677 +vt 0.571642 0.591694 +vt 0.531539 0.600319 +vt 0.532649 0.596814 +vt 0.529269 0.597777 +vt 0.534181 0.281041 +vt 0.566947 0.583017 +vt 0.568585 0.582598 +vt 0.567550 0.583326 +vt 0.566727 0.584303 +vt 0.570393 0.591804 +vt 0.579887 0.278666 +vt 0.578528 0.280620 +vt 0.022689 0.161242 +vt 0.021786 0.163725 +vt 0.024350 0.163725 +vt 0.563127 0.583112 +vt 0.274742 0.620787 +vt 0.273868 0.622477 +vt 0.273853 0.617973 +vt 0.276145 0.622484 +vt 0.020333 0.640527 +vt 0.016697 0.641254 +vt 0.022199 0.641254 +vt 0.311262 0.635359 +vt 0.309330 0.635580 +vt 0.309330 0.635367 +vt 0.558976 0.242244 +vt 0.559446 0.244551 +vt 0.558961 0.244551 +vt 0.196060 0.637049 +vt 0.198080 0.636822 +vt 0.198080 0.637049 +vt 0.262911 0.482496 +vt 0.262962 0.481857 +vt 0.262962 0.482496 +vt 0.121025 0.584010 +vt 0.120224 0.583959 +vt 0.120224 0.584010 +vt 0.558895 0.301599 +vt 0.559395 0.304788 +vt 0.558910 0.304788 +vt 0.434024 0.180945 +vt 0.432378 0.252923 +vt 0.434024 0.252923 +vt 0.600681 0.067270 +vt 0.600189 0.066939 +vt 0.600196 0.067262 +vt 0.145847 0.135484 +vt 0.544401 0.086203 +vt 0.545187 0.080281 +vt 0.545150 0.086203 +vt 0.555618 0.417118 +vt 0.547066 0.418066 +vt 0.555588 0.418066 +vt 0.457584 0.124241 +vt 0.457386 0.122323 +vt 0.457386 0.124219 +vt 0.635184 0.120119 +vt 0.635221 0.118958 +vt 0.635191 0.120119 +vt 0.625743 0.375851 +vt 0.625545 0.373934 +vt 0.625750 0.373919 +vt 0.616295 0.500262 +vt 0.616244 0.500292 +vt 0.616244 0.500262 +vt 0.322079 0.603770 +vt 0.323717 0.602992 +vt 0.323710 0.603763 +vt 0.595318 0.201842 +vt 0.597801 0.197397 +vt 0.595311 0.197397 +vt 0.255854 0.547055 +vt 0.257786 0.546842 +vt 0.257786 0.547055 +vt 0.405468 0.085124 +vt 0.405512 0.082259 +vt 0.405512 0.085124 +vt 0.475437 0.603712 +vt 0.469912 0.603029 +vt 0.469912 0.603771 +vt 0.136234 0.583959 +vt 0.201584 0.024044 +vt 0.195288 0.029400 +vt 0.201702 0.029407 +vt 0.512672 0.007369 +vt 0.516918 0.007868 +vt 0.512679 0.007846 +vt 0.972915 0.919547 +vt 0.973010 0.918709 +vt 0.973062 0.918709 +vt 0.942685 0.182841 +vt 0.942788 0.182892 +vt 0.942788 0.182848 +vt 0.616580 0.166698 +vt 0.616676 0.166749 +vt 0.616580 0.166749 +vt 0.403027 0.104563 +vt 0.402975 0.104754 +vt 0.403027 0.104754 +vt 0.366861 0.352945 +vt 0.368698 0.295419 +vt 0.368698 0.353070 +vt 0.187217 0.621970 +vt 0.188525 0.622433 +vt 0.187217 0.622447 +vt 0.982397 0.423246 +vt 0.982544 0.423716 +vt 0.982448 0.423246 +vt 0.619386 0.543211 +vt 0.619342 0.541926 +vt 0.619386 0.541926 +vt 0.794945 0.425316 +vt 0.795136 0.425360 +vt 0.795136 0.425316 +vt 0.628973 0.454825 +vt 0.627041 0.454399 +vt 0.628973 0.454399 +vt 0.459693 0.124248 +vt 0.459208 0.122330 +vt 0.459215 0.124219 +vt 0.712777 0.604442 +vt 0.712512 0.604493 +vt 0.712777 0.604493 +vt 0.101809 0.583966 +vt 0.101442 0.584010 +vt 0.189590 0.650847 +vt 0.189194 0.650832 +vt 0.189194 0.650877 +vt 0.948117 0.604473 +vt 0.948661 0.604459 +vt 0.948661 0.604503 +vt 0.127512 0.635265 +vt 0.128085 0.635213 +vt 0.128085 0.635265 +vt 0.324259 0.991602 +vt 0.324215 0.991984 +vt 0.324215 0.991602 +vt 0.311262 0.634933 +vt 0.309330 0.635139 +vt 0.309330 0.634933 +vt 0.597930 0.557404 +vt 0.367813 0.915398 +vt 0.372405 0.912907 +vt 0.372405 0.915390 +vt 0.958070 0.655467 +vt 0.958114 0.655511 +vt 0.958121 0.655467 +vt 0.963279 0.827824 +vt 0.963110 0.829191 +vt 0.963066 0.829191 +vt 0.984717 0.325844 +vt 0.984129 0.325800 +vt 0.984129 0.325844 +vt 0.989796 0.570653 +vt 0.989832 0.570712 +vt 0.989796 0.570712 +vt 0.632058 0.033794 +vt 0.632110 0.034029 +vt 0.632110 0.033794 +vt 0.124338 0.635213 +vt 0.124338 0.635265 +vt 0.226349 0.482709 +vt 0.224387 0.482885 +vt 0.224387 0.482709 +vt 0.546575 0.992653 +vt 0.546414 0.990692 +vt 0.546414 0.992653 +vt 0.318743 0.603741 +vt 0.320404 0.602992 +vt 0.320404 0.603763 +vt 0.989832 0.732218 +vt 0.989781 0.732269 +vt 0.989781 0.732218 +vt 0.629710 0.375851 +vt 0.629953 0.373912 +vt 0.629931 0.375851 +vt 0.561582 0.992653 +vt 0.561214 0.992638 +vt 0.561222 0.992690 +vt 0.815724 0.617811 +vt 0.816995 0.689840 +vt 0.815724 0.689818 +vt 0.329066 0.603719 +vt 0.331182 0.602896 +vt 0.331182 0.603667 +vt 0.714418 0.826417 +vt 0.642470 0.824756 +vt 0.642448 0.826417 +vt 0.254082 0.635206 +vt 0.254325 0.635184 +vt 0.254075 0.635162 +vt 0.830690 0.228527 +vt 0.830661 0.228578 +vt 0.830690 0.228578 +vt 0.602343 0.733514 +vt 0.603070 0.731236 +vt 0.602328 0.731236 +vt 0.880306 0.823376 +vt 0.881342 0.823428 +vt 0.881342 0.823376 +vt 0.616251 0.515006 +vt 0.616295 0.514976 +vt 0.603070 0.728687 +vt 0.602343 0.723015 +vt 0.602328 0.728687 +vt 0.600659 0.111819 +vt 0.600174 0.110195 +vt 0.600167 0.111819 +vt 0.830646 0.228527 +vt 0.830631 0.228578 +vt 0.830646 0.228578 +vt 0.740397 0.982602 +vt 0.740662 0.982653 +vt 0.740397 0.982653 +vt 0.053620 0.609943 +vt 0.055171 0.609179 +vt 0.055185 0.609943 +vt 0.619386 0.053081 +vt 0.619335 0.053081 +vt 0.040777 0.007413 +vt 0.035473 0.007347 +vt 0.035473 0.007391 +vt 0.478778 0.993528 +vt 0.476904 0.993102 +vt 0.478851 0.993102 +vt 0.560913 0.992683 +vt 0.560913 0.992727 +vt 0.978581 0.982653 +vt 0.979073 0.980721 +vt 0.979073 0.982653 +vt 0.812543 0.689789 +vt 0.814211 0.617797 +vt 0.814211 0.689803 +vt 0.594879 0.410220 +vt 0.592432 0.410220 +vt 0.366861 0.295295 +vt 0.364966 0.352872 +vt 0.364966 0.295221 +vt 0.160889 0.596130 +vt 0.162021 0.596673 +vt 0.161235 0.595681 +vt 0.160735 0.594528 +vt 0.396618 0.060332 +vt 0.396662 0.061647 +vt 0.396618 0.062947 +vt 0.825321 0.449821 +vt 0.798020 0.469900 +vt 0.811413 0.439976 +vt 0.936438 0.262357 +vt 0.938840 0.259264 +vt 0.935497 0.258780 +vt 0.427561 0.701037 +vt 0.424424 0.703998 +vt 0.429016 0.705254 +vt 0.138841 0.622477 +vt 0.136644 0.622477 +vt 0.158024 0.595145 +vt 0.160551 0.593286 +vt 0.159170 0.591516 +vt 0.400071 0.065085 +vt 0.396493 0.064145 +vt 0.396779 0.065423 +vt 0.236014 0.855326 +vt 0.235206 0.851932 +vt 0.237167 0.854797 +vt 0.402341 0.067627 +vt 0.402818 0.067958 +vt 0.402363 0.069582 +vt 0.398961 0.068582 +vt 0.560857 0.590136 +vt 0.560283 0.587836 +vt 0.936967 0.862048 +vt 0.938840 0.864076 +vt 0.938840 0.861460 +vt 0.935497 0.863598 +vt 0.166326 0.584426 +vt 0.164159 0.585124 +vt 0.167259 0.586013 +vt 0.646915 0.074131 +vt 0.650169 0.072045 +vt 0.646915 0.071839 +vt 0.236638 0.866868 +vt 0.237461 0.864120 +vt 0.238908 0.864774 +vt 0.235257 0.866288 +vt 0.236286 0.863680 +vt 0.540124 0.930849 +vt 0.539551 0.934126 +vt 0.539352 0.930871 +vt 0.541997 0.932458 +vt 0.650647 0.068144 +vt 0.650640 0.070656 +vt 0.651426 0.069400 +vt 0.234037 0.864091 +vt 0.234383 0.865355 +vt 0.172703 0.593646 +vt 0.173129 0.593095 +vt 0.170227 0.593184 +vt 0.540748 0.930401 +vt 0.570863 0.580313 +vt 0.543878 0.930857 +vt 0.544436 0.934133 +vt 0.173122 0.592331 +vt 0.172255 0.596563 +vt 0.172123 0.595968 +vt 0.169610 0.595601 +vt 0.543254 0.930408 +vt 0.537259 0.934119 +vt 0.544649 0.930879 +vt 0.145673 0.214175 +vt 0.214969 0.217878 +vt 0.214807 0.212448 +vt 0.938980 0.254173 +vt 0.936967 0.257237 +vt 0.938840 0.256649 +vt 0.528218 0.604242 +vt 0.532362 0.603676 +vt 0.936438 0.867169 +vt 0.939251 0.869094 +vt 0.938980 0.866677 +vt 0.228682 0.859720 +vt 0.230797 0.856663 +vt 0.230856 0.861475 +vt 0.234309 0.857163 +vt 0.233075 0.854356 +vt 0.537854 0.931048 +vt 0.535268 0.934104 +vt 0.165312 0.588423 +vt 0.166569 0.588577 +vt 0.167744 0.589047 +vt 0.170426 0.586726 +vt 0.168751 0.589797 +vt 0.169537 0.590788 +vt 0.541997 0.934133 +vt 0.150265 0.621962 +vt 0.150236 0.622477 +vt 0.148414 0.622477 +vt 0.938730 0.857192 +vt 0.938980 0.858992 +vt 0.939251 0.856817 +vt 0.936327 0.859984 +vt 0.162829 0.588467 +vt 0.161918 0.589870 +vt 0.162910 0.589099 +vt 0.164063 0.588599 +vt 0.546141 0.931062 +vt 0.548720 0.934133 +vt 0.546729 0.934133 +vt 0.908209 0.184691 +vt 0.911317 0.186866 +vt 0.911317 0.181349 +vt 0.146746 0.619332 +vt 0.146210 0.622477 +vt 0.159964 0.587482 +vt 0.161161 0.590877 +vt 0.107027 0.034456 +vt 0.111729 0.035206 +vt 0.109311 0.037623 +vt 0.167994 0.597937 +vt 0.168861 0.596600 +vt 0.167869 0.597379 +vt 0.166708 0.597871 +vt 0.160698 0.592037 +vt 0.561988 0.581033 +vt 0.403274 0.058716 +vt 0.403009 0.056445 +vt 0.396779 0.057775 +vt 0.396493 0.059098 +vt 0.398976 0.054572 +vt 0.142522 0.620750 +vt 0.143778 0.622477 +vt 0.218545 0.149806 +vt 0.218736 0.147874 +vt 0.218545 0.147874 +vt 0.201885 0.095991 +vt 0.195391 0.101913 +vt 0.201805 0.101928 +vt 0.492042 0.990704 +vt 0.491851 0.992629 +vt 0.491851 0.990667 +vt 0.218476 0.060414 +vt 0.218674 0.058445 +vt 0.218674 0.060414 +vt 0.977839 0.883329 +vt 0.978059 0.881397 +vt 0.978059 0.883329 +vt 0.205633 0.621683 +vt 0.203091 0.622440 +vt 0.203091 0.621691 +vt 0.979916 0.524829 +vt 0.979402 0.524873 +vt 0.979916 0.524873 +vt 0.972937 0.924168 +vt 0.972812 0.923426 +vt 0.972856 0.923426 +vt 0.598464 0.232258 +vt 0.600859 0.232288 +vt 0.201885 0.040743 +vt 0.195552 0.046650 +vt 0.201951 0.046665 +vt 0.176443 0.824898 +vt 0.248450 0.826536 +vt 0.248435 0.824898 +vt 0.493677 0.375156 +vt 0.498210 0.375185 +vt 0.498203 0.375134 +vt 0.628839 0.398602 +vt 0.626855 0.398815 +vt 0.626855 0.398602 +vt 0.245299 0.482889 +vt 0.243213 0.482720 +vt 0.245299 0.482720 +vt 0.388947 0.603197 +vt 0.388947 0.603682 +vt 0.958151 0.862682 +vt 0.958084 0.867935 +vt 0.958128 0.867935 +vt 0.516838 0.972753 +vt 0.507397 0.972702 +vt 0.507397 0.972746 +vt 0.216567 0.031499 +vt 0.216648 0.037384 +vt 0.216604 0.037384 +vt 0.493655 0.375215 +vt 0.493692 0.375207 +vt 0.975945 0.863165 +vt 0.975130 0.863136 +vt 0.975945 0.863209 +vt 0.628831 0.399520 +vt 0.626855 0.399167 +vt 0.628839 0.399167 +vt 0.845920 0.914296 +vt 0.842438 0.912481 +vt 0.842394 0.914891 +vt 0.761048 0.067720 +vt 0.761033 0.067669 +vt 0.761048 0.067669 +vt 0.478202 0.972731 +vt 0.479547 0.972709 +vt 0.478202 0.972687 +vt 0.624845 0.980176 +vt 0.624889 0.981925 +vt 0.624845 0.981925 +vt 0.962856 0.892523 +vt 0.962995 0.893830 +vt 0.962951 0.893830 +vt 0.243904 0.859411 +vt 0.243250 0.860476 +vt 0.243375 0.859227 +vt 0.243170 0.857986 +vt 0.534992 0.605065 +vt 0.534948 0.603757 +vt 0.534992 0.602449 +vt 0.356951 0.367184 +vt 0.361190 0.368469 +vt 0.359742 0.370005 +vt 0.427561 0.709478 +vt 0.424416 0.708942 +vt 0.424416 0.711131 +vt 0.245785 0.857031 +vt 0.242648 0.856840 +vt 0.242854 0.854606 +vt 0.535117 0.601252 +vt 0.534831 0.599981 +vt 0.528791 0.597439 +vt 0.528453 0.599474 +vt 0.529247 0.595822 +vt 0.233001 0.852512 +vt 0.530422 0.602280 +vt 0.528262 0.601781 +vt 0.646922 0.064661 +vt 0.650169 0.066748 +vt 0.649993 0.065256 +vt 0.171043 0.598459 +vt 0.171880 0.597232 +vt 0.650191 0.071274 +vt 0.648583 0.069393 +vt 0.523563 0.502843 +vt 0.171726 0.594719 +vt 0.232627 0.863724 +vt 0.231973 0.863489 +vt 0.234463 0.861990 +vt 0.650191 0.067519 +vt 0.646915 0.066954 +vt 0.837963 0.862556 +vt 0.837331 0.870174 +vt 0.839440 0.870174 +vt 0.234588 0.865928 +vt 0.528229 0.508125 +vt 0.525047 0.506920 +vt 0.233949 0.860844 +vt 0.233134 0.859389 +vt 0.939251 0.264275 +vt 0.938980 0.261858 +vt 0.402605 0.054484 +vt 0.649986 0.073544 +vt 0.646922 0.076122 +vt 0.235044 0.856134 +vt 0.233868 0.858346 +vt 0.233744 0.859595 +vt 0.646915 0.069393 +vt 0.840909 0.861182 +vt 0.844626 0.870174 +vt 0.842562 0.859903 +vt 0.424931 0.697510 +vt 0.424416 0.697540 +vt 0.424416 0.699369 +vt 0.938730 0.252373 +vt 0.939251 0.252006 +vt 0.936327 0.255165 +vt 0.238122 0.854018 +vt 0.239650 0.854702 +vt 0.238401 0.854584 +vt 0.646929 0.062670 +vt 0.424416 0.706510 +vt 0.424416 0.701566 +vt 0.240010 0.851645 +vt 0.240833 0.855142 +vt 0.238717 0.864238 +vt 0.239959 0.864025 +vt 0.241854 0.855870 +vt 0.173857 0.588151 +vt 0.528336 0.606681 +vt 0.534831 0.607629 +vt 0.535117 0.606306 +vt 0.532634 0.610832 +vt 0.426143 0.705254 +vt 0.041370 0.373897 +vt 0.041355 0.383999 +vt 0.042979 0.382140 +vt 0.864312 0.582273 +vt 0.866942 0.597106 +vt 0.867317 0.582258 +vt 0.045668 0.351548 +vt 0.042876 0.351563 +vt 0.044617 0.380230 +vt 0.673335 0.386639 +vt 0.648803 0.451409 +vt 0.673335 0.458756 +vt 0.866109 0.251282 +vt 0.866492 0.266027 +vt 0.864339 0.264719 +vt 0.048100 0.351526 +vt 0.047056 0.377269 +vt 0.460696 0.868880 +vt 0.483112 0.872304 +vt 0.458757 0.870731 +vt 0.650795 0.091993 +vt 0.677251 0.091993 +vt 0.675127 0.093610 +vt 0.059794 0.914759 +vt 0.062498 0.903129 +vt 0.061601 0.915398 +vt 0.480583 0.028337 +vt 0.480569 0.029938 +vt 0.479584 0.028631 +vt 0.060139 0.903239 +vt 0.058295 0.914575 +vt 0.057370 0.903327 +vt 0.650758 0.094594 +vt 0.673180 0.095512 +vt 0.671564 0.097533 +vt 0.480737 0.884839 +vt 0.481516 0.896271 +vt 0.480039 0.896381 +vt 0.113130 0.013367 +vt 0.108273 0.009840 +vt 0.114180 0.011126 +vt 0.110526 0.261026 +vt 0.113737 0.265941 +vt 0.115419 0.261577 +vt 0.255126 0.137842 +vt 0.254693 0.138261 +vt 0.254693 0.138261 +vt 0.477718 0.884869 +vt 0.479018 0.896624 +vt 0.477997 0.896984 +vt 0.650589 0.100574 +vt 0.669551 0.101081 +vt 0.668853 0.102940 +vt 0.476373 0.897021 +vt 0.326787 0.144256 +vt 0.326133 0.143433 +vt 0.326795 0.143455 +vt 0.012967 0.415995 +vt 0.011799 0.411829 +vt 0.011769 0.416156 +vt 0.203738 0.870032 +vt 0.205590 0.887878 +vt 0.202585 0.887863 +vt 0.018296 0.784979 +vt 0.016423 0.785185 +vt 0.018083 0.785861 +vt 0.047584 0.915354 +vt 0.045857 0.903394 +vt 0.048429 0.903423 +vt 0.201292 0.870040 +vt 0.199800 0.887878 +vt 0.471642 0.884839 +vt 0.472663 0.897021 +vt 0.470613 0.896947 +vt 0.857876 0.600229 +vt 0.855532 0.582258 +vt 0.856517 0.600295 +vt 0.877938 0.251282 +vt 0.879150 0.269171 +vt 0.876924 0.269201 +vt 0.243611 0.249641 +vt 0.231922 0.251654 +vt 0.231863 0.249502 +vt 0.123442 0.228993 +vt 0.124882 0.228766 +vt 0.124779 0.228538 +vt 0.314841 0.139385 +vt 0.316546 0.139928 +vt 0.316516 0.140002 +vt 0.875095 0.251304 +vt 0.875491 0.269134 +vt 0.874015 0.268921 +vt 0.242567 0.783778 +vt 0.238621 0.782543 +vt 0.240576 0.780354 +vt 0.864348 0.598377 +vt 0.861211 0.582280 +vt 0.861704 0.599391 +vt 0.036969 0.351548 +vt 0.034802 0.364067 +vt 0.036617 0.365037 +vt 0.151286 0.394145 +vt 0.149692 0.401536 +vt 0.149861 0.401646 +vt 0.039923 0.351563 +vt 0.038203 0.366315 +vt 0.039555 0.367924 +vt 0.040554 0.369790 +vt 0.041172 0.371825 +vt 0.319088 0.140553 +vt 0.318897 0.140075 +vt 0.319183 0.140134 +vt 0.139318 0.284043 +vt 0.139487 0.284220 +vt 0.139392 0.284007 +vt 0.729710 0.546319 +vt 0.739173 0.551300 +vt 0.740216 0.546459 +vt 0.314988 0.138995 +vt 0.316671 0.139517 +vt 0.614805 0.645344 +vt 0.597621 0.643206 +vt 0.597650 0.645895 +vt 0.679551 0.605942 +vt 0.680491 0.589353 +vt 0.678838 0.588817 +vt 0.075386 0.230779 +vt 0.070875 0.230955 +vt 0.070780 0.231557 +vt 0.306478 0.236630 +vt 0.306867 0.235506 +vt 0.307249 0.235734 +vt 0.144256 0.296415 +vt 0.142485 0.296202 +vt 0.142500 0.296467 +vt 0.465472 0.859623 +vt 0.483295 0.863825 +vt 0.465016 0.861474 +vt 0.853299 0.582229 +vt 0.854445 0.600280 +vt 0.889718 0.851251 +vt 0.901671 0.851214 +vt 0.901127 0.852632 +vt 0.851381 0.320698 +vt 0.850698 0.302558 +vt 0.852902 0.302536 +vt 0.325120 0.141412 +vt 0.325898 0.141625 +vt 0.325120 0.141596 +vt 0.053197 0.915362 +vt 0.051323 0.903423 +vt 0.054372 0.903386 +vt 0.691261 0.605795 +vt 0.692099 0.594415 +vt 0.690953 0.594084 +vt 0.206302 0.870054 +vt 0.208646 0.887914 +vt 0.690314 0.593849 +vt 0.295884 0.342865 +vt 0.286619 0.339361 +vt 0.287200 0.337818 +vt 0.066511 0.479192 +vt 0.062573 0.481382 +vt 0.064799 0.482682 +vt 0.609898 0.656143 +vt 0.597672 0.651912 +vt 0.597672 0.654858 +vt 0.863320 0.320815 +vt 0.861461 0.302213 +vt 0.863754 0.301530 +vt 0.063778 0.477503 +vt 0.060193 0.479604 +vt 0.061544 0.480662 +vt 0.088015 0.933817 +vt 0.086729 0.926897 +vt 0.089146 0.926603 +vt 0.685435 0.605839 +vt 0.687316 0.592446 +vt 0.684811 0.591219 +vt 0.238350 0.657955 +vt 0.241722 0.657647 +vt 0.240502 0.660512 +vt 0.469997 0.840269 +vt 0.471158 0.839358 +vt 0.469821 0.840137 +vt 0.164540 0.351548 +vt 0.161785 0.351526 +vt 0.161469 0.375705 +vt 0.287200 0.314286 +vt 0.297434 0.307476 +vt 0.301085 0.310032 +vt 0.167493 0.351563 +vt 0.164790 0.379371 +vt 0.169088 0.372163 +vt 0.170447 0.351563 +vt 0.169521 0.370437 +vt 0.168941 0.373897 +vt 0.170249 0.368754 +vt 0.171248 0.367226 +vt 0.168919 0.383999 +vt 0.245455 0.392258 +vt 0.232010 0.389195 +vt 0.246527 0.391024 +vt 0.172431 0.365926 +vt 0.244624 0.254843 +vt 0.231959 0.254255 +vt 0.244015 0.252903 +vt 0.173231 0.351548 +vt 0.173731 0.364875 +vt 0.175134 0.364067 +vt 0.850276 0.458520 +vt 0.847551 0.458366 +vt 0.848998 0.446574 +vt 0.847492 0.448073 +vt 0.895892 0.878679 +vt 0.895753 0.876497 +vt 0.896128 0.876571 +vt 0.850254 0.444774 +vt 0.897296 0.876615 +vt 0.898684 0.878393 +vt 0.852958 0.458667 +vt 0.851180 0.442754 +vt 0.898442 0.876395 +vt 0.315627 0.137261 +vt 0.316957 0.138576 +vt 0.315334 0.138069 +vt 0.901263 0.877981 +vt 0.899522 0.875976 +vt 0.900822 0.875190 +vt 0.116014 0.236810 +vt 0.111276 0.235473 +vt 0.110805 0.236406 +vt 0.903460 0.877452 +vt 0.902123 0.874146 +vt 0.903460 0.872795 +vt 0.072609 0.401037 +vt 0.070765 0.399898 +vt 0.070721 0.400618 +vt 0.090869 0.027487 +vt 0.088239 0.021309 +vt 0.093220 0.026231 +vt 0.085687 0.802745 +vt 0.086561 0.796405 +vt 0.084541 0.795898 +vt 0.920296 0.478635 +vt 0.918739 0.471788 +vt 0.921435 0.471788 +vt 0.851716 0.440630 +vt 0.853289 0.438669 +vt 0.851856 0.438500 +vt 0.851731 0.436935 +vt 0.851386 0.435370 +vt 0.917681 0.478855 +vt 0.919003 0.478797 +vt 0.855434 0.458806 +vt 0.855045 0.442026 +vt 0.080243 0.802745 +vt 0.081933 0.795677 +vt 0.079163 0.795677 +vt 0.857543 0.458931 +vt 0.857543 0.447470 +vt 0.914911 0.478855 +vt 0.913375 0.471788 +vt 0.915983 0.471788 +vt 0.912347 0.478855 +vt 0.911054 0.471780 +vt 0.465653 0.525125 +vt 0.484887 0.518718 +vt 0.464551 0.524067 +vt 0.887995 0.878577 +vt 0.886584 0.866924 +vt 0.888920 0.870862 +vt 0.090248 0.933443 +vt 0.091123 0.926184 +vt 0.890375 0.878768 +vt 0.891198 0.873647 +vt 0.893071 0.878804 +vt 0.892836 0.875094 +vt 0.103223 0.259865 +vt 0.107991 0.265272 +vt 0.894225 0.875946 +vt 0.085392 0.934053 +vt 0.084033 0.927044 +vt 0.119683 0.911321 +vt 0.122394 0.909653 +vt 0.122519 0.912489 +vt 0.469126 0.922743 +vt 0.468325 0.924653 +vt 0.469427 0.924720 +vt 0.080374 0.934082 +vt 0.078464 0.926897 +vt 0.081212 0.927044 +vt 0.290207 0.089139 +vt 0.286402 0.090227 +vt 0.286321 0.089235 +vt 0.075944 0.926603 +vt 0.074475 0.933854 +vt 0.073821 0.926184 +vt 0.842645 0.235271 +vt 0.843908 0.227300 +vt 0.844952 0.235396 +vt 0.282152 0.356700 +vt 0.281932 0.351711 +vt 0.285892 0.351704 +vt 0.845714 0.449300 +vt 0.911504 0.315231 +vt 0.911004 0.313063 +vt 0.900924 0.314349 +vt 0.903731 0.312351 +vt 0.188638 0.398443 +vt 0.188821 0.399045 +vt 0.188924 0.398994 +vt 0.841251 0.287244 +vt 0.838930 0.287244 +vt 0.840634 0.271735 +vt 0.194332 0.394711 +vt 0.192333 0.396658 +vt 0.194765 0.395548 +vt 0.837953 0.277025 +vt 0.906907 0.756955 +vt 0.909258 0.760996 +vt 0.907017 0.762208 +vt 0.600623 0.926794 +vt 0.598580 0.933333 +vt 0.600770 0.933766 +vt 0.842890 0.267819 +vt 0.274982 0.241714 +vt 0.270346 0.242169 +vt 0.274401 0.240575 +vt 0.846607 0.287237 +vt 0.843867 0.287237 +vt 0.845557 0.272477 +vt 0.844815 0.269641 +vt 0.903766 0.805722 +vt 0.910870 0.803408 +vt 0.910870 0.805913 +vt 0.844756 0.266805 +vt 0.846953 0.275041 +vt 0.903766 0.803151 +vt 0.910870 0.800697 +vt 0.845373 0.263962 +vt 0.290626 0.076745 +vt 0.289957 0.076922 +vt 0.289965 0.076679 +vt 0.072403 0.393756 +vt 0.068406 0.394902 +vt 0.069391 0.395901 +vt 0.848635 0.276951 +vt 0.743772 0.707127 +vt 0.733142 0.708118 +vt 0.734163 0.703218 +vt 0.237769 0.924718 +vt 0.237489 0.917761 +vt 0.239554 0.918209 +vt 0.839366 0.862019 +vt 0.841930 0.870174 +vt 0.910870 0.795312 +vt 0.905375 0.793740 +vt 0.910870 0.792983 +vt 0.256299 0.409950 +vt 0.257423 0.409979 +vt 0.257313 0.410258 +vt 0.851801 0.287244 +vt 0.851831 0.279075 +vt 0.853234 0.279618 +vt 0.242728 0.924711 +vt 0.241964 0.919216 +vt 0.244168 0.920707 +vt 0.890711 0.384475 +vt 0.888977 0.383285 +vt 0.890917 0.382198 +vt 0.467627 0.921942 +vt 0.465842 0.923449 +vt 0.467782 0.922185 +vt 0.162902 0.603418 +vt 0.161653 0.601155 +vt 0.160294 0.602397 +vt 0.328286 0.139811 +vt 0.326582 0.138907 +vt 0.328146 0.138856 +vt 0.910475 0.304835 +vt 0.908558 0.304431 +vt 0.908506 0.305173 +vt 0.737481 0.925670 +vt 0.744534 0.924855 +vt 0.744432 0.926655 +vt 0.243393 0.143286 +vt 0.245869 0.140913 +vt 0.246222 0.142022 +vt 0.908367 0.305915 +vt 0.908337 0.306040 +vt 0.908308 0.306165 +vt 0.910468 0.307693 +vt 0.908271 0.306290 +vt 0.907654 0.307788 +vt 0.290638 0.366912 +vt 0.294561 0.363422 +vt 0.297434 0.366787 +vt 0.910652 0.310499 +vt 0.906831 0.309140 +vt 0.905509 0.310712 +vt 0.176996 0.729331 +vt 0.176988 0.727568 +vt 0.173388 0.729324 +vt 0.315043 0.754403 +vt 0.319121 0.752052 +vt 0.317762 0.755542 +vt 0.321736 0.697686 +vt 0.317607 0.695210 +vt 0.320311 0.694071 +vt 0.216471 0.694873 +vt 0.218432 0.698187 +vt 0.215641 0.697276 +vt 0.016180 0.717160 +vt 0.013087 0.714604 +vt 0.013109 0.717168 +vt 0.183586 0.759960 +vt 0.180507 0.756198 +vt 0.180529 0.760592 +vt 0.016158 0.714537 +vt 0.019545 0.709821 +vt 0.016121 0.709938 +vt 0.327695 0.745249 +vt 0.329186 0.749275 +vt 0.326820 0.748599 +vt 0.218557 0.746867 +vt 0.221349 0.745941 +vt 0.219365 0.749174 +vt 0.214737 0.700244 +vt 0.210645 0.702676 +vt 0.211519 0.699333 +vt 0.323610 0.747681 +vt 0.325873 0.751692 +vt 0.322706 0.750649 +vt 0.015761 0.683541 +vt 0.019156 0.681418 +vt 0.015732 0.681917 +vt 0.221261 0.690825 +vt 0.217881 0.691251 +vt 0.218572 0.689635 +vt 0.019472 0.702547 +vt 0.023138 0.707991 +vt 0.023064 0.701570 +vt 0.016033 0.702760 +vt 0.019530 0.708058 +vt 0.328143 0.707824 +vt 0.331368 0.711623 +vt 0.328936 0.712019 +vt 0.217668 0.744009 +vt 0.323500 0.703049 +vt 0.319797 0.701006 +vt 0.322581 0.700081 +vt 0.219703 0.740218 +vt 0.324359 0.706259 +vt 0.320686 0.703864 +vt 0.180493 0.754508 +vt 0.183564 0.755662 +vt 0.183549 0.754009 +vt 0.013021 0.708403 +vt 0.012962 0.703084 +vt 0.022026 0.388135 +vt 0.022841 0.390016 +vt 0.023333 0.388562 +vt 0.213378 0.705725 +vt 0.209337 0.709229 +vt 0.210108 0.705034 +vt 0.216838 0.740924 +vt 0.329002 0.738681 +vt 0.331684 0.737432 +vt 0.331442 0.739078 +vt 0.138466 0.209811 +vt 0.137989 0.211486 +vt 0.138136 0.211464 +vt 0.015945 0.695671 +vt 0.216250 0.706327 +vt 0.213892 0.703447 +vt 0.216750 0.704138 +vt 0.218447 0.710662 +vt 0.219615 0.704828 +vt 0.216331 0.738734 +vt 0.324888 0.708530 +vt 0.325652 0.712556 +vt 0.215538 0.710206 +vt 0.329179 0.713621 +vt 0.012874 0.696148 +vt 0.325880 0.714091 +vt 0.329744 0.718668 +vt 0.326431 0.718933 +vt 0.019192 0.683064 +vt 0.022895 0.688985 +vt 0.022792 0.682880 +vt 0.019376 0.695355 +vt 0.019288 0.689147 +vt 0.910742 0.769114 +vt 0.909897 0.767189 +vt 0.910242 0.767175 +vt 0.215369 0.733386 +vt 0.218513 0.734385 +vt 0.215596 0.734855 +vt 0.323037 0.736220 +vt 0.325711 0.738167 +vt 0.322816 0.737704 +vt 0.330031 0.725347 +vt 0.332213 0.718463 +vt 0.332507 0.725347 +vt 0.114266 0.270268 +vt 0.119526 0.266962 +vt 0.114964 0.266631 +vt 0.183769 0.672892 +vt 0.180676 0.674589 +vt 0.183733 0.675838 +vt 0.326703 0.725354 +vt 0.183527 0.747948 +vt 0.180463 0.748315 +vt 0.020972 0.607481 +vt 0.177076 0.756529 +vt 0.177069 0.754824 +vt 0.173462 0.754927 +vt 0.223744 0.679849 +vt 0.223200 0.686777 +vt 0.220585 0.685433 +vt 0.015857 0.689536 +vt 0.329840 0.731231 +vt 0.332308 0.731400 +vt 0.910571 0.962945 +vt 0.912319 0.960572 +vt 0.910556 0.960572 +vt 0.278758 0.408260 +vt 0.277289 0.409031 +vt 0.277832 0.407804 +vt 0.323507 0.719175 +vt 0.320825 0.725369 +vt 0.320576 0.719418 +vt 0.012786 0.690153 +vt 0.019611 0.717138 +vt 0.023255 0.720915 +vt 0.023204 0.714449 +vt 0.177128 0.763494 +vt 0.177106 0.760988 +vt 0.173499 0.761128 +vt 0.326519 0.731004 +vt 0.012661 0.682704 +vt 0.180412 0.720434 +vt 0.176988 0.722917 +vt 0.180412 0.723035 +vt 0.012595 0.678575 +vt 0.015651 0.677700 +vt 0.325939 0.736624 +vt 0.329237 0.737087 +vt 0.139436 0.292749 +vt 0.138951 0.290898 +vt 0.139267 0.292764 +vt 0.314529 0.688767 +vt 0.319598 0.692455 +vt 0.316924 0.693652 +vt 0.015541 0.672058 +vt 0.019031 0.674762 +vt 0.018965 0.671426 +vt 0.209403 0.735876 +vt 0.206692 0.734627 +vt 0.209153 0.734275 +vt 0.328231 0.742884 +vt 0.015607 0.675349 +vt 0.012543 0.676282 +vt 0.150525 0.041983 +vt 0.150944 0.031212 +vt 0.152046 0.041292 +vt 0.015475 0.669038 +vt 0.018899 0.668362 +vt 0.012485 0.673057 +vt 0.141618 0.305981 +vt 0.145159 0.302308 +vt 0.141684 0.301867 +vt 0.022209 0.397495 +vt 0.023032 0.394975 +vt 0.021923 0.397356 +vt 0.329994 0.704871 +vt 0.330553 0.707303 +vt 0.177201 0.772868 +vt 0.177179 0.770260 +vt 0.173594 0.773059 +vt 0.323595 0.730805 +vt 0.022572 0.671191 +vt 0.022454 0.665659 +vt 0.148803 0.302462 +vt 0.145093 0.306488 +vt 0.148708 0.308442 +vt 0.177363 0.666104 +vt 0.177385 0.664767 +vt 0.173763 0.665803 +vt 0.013161 0.724228 +vt 0.016217 0.720885 +vt 0.013139 0.720819 +vt 0.019663 0.774172 +vt 0.016217 0.774899 +vt 0.019648 0.775663 +vt 0.327592 0.705459 +vt 0.329069 0.701433 +vt 0.373522 0.818717 +vt 0.370179 0.819628 +vt 0.373522 0.820312 +vt 0.335728 0.137541 +vt 0.339328 0.140582 +vt 0.336529 0.140648 +vt 0.215317 0.711683 +vt 0.020667 0.409008 +vt 0.017904 0.406297 +vt 0.017287 0.407752 +vt 0.177341 0.667551 +vt 0.322758 0.713026 +vt 0.264160 0.404572 +vt 0.263616 0.406129 +vt 0.263895 0.404520 +vt 0.016246 0.771828 +vt 0.019677 0.772556 +vt 0.563965 0.818534 +vt 0.560923 0.822693 +vt 0.560909 0.818402 +vt 0.913150 0.730610 +vt 0.915391 0.727377 +vt 0.913172 0.726782 +vt 0.016283 0.731538 +vt 0.019692 0.727336 +vt 0.016254 0.727218 +vt 0.240840 0.791852 +vt 0.243103 0.792197 +vt 0.244301 0.794284 +vt 0.527260 0.814802 +vt 0.530353 0.815221 +vt 0.527267 0.816264 +vt 0.328209 0.752464 +vt 0.196418 0.406811 +vt 0.193950 0.408303 +vt 0.196661 0.407509 +vt 0.324969 0.742193 +vt 0.324462 0.744470 +vt 0.177260 0.778525 +vt 0.177238 0.776777 +vt 0.173653 0.778738 +vt 0.279875 0.407386 +vt 0.279309 0.408539 +vt 0.406840 0.808233 +vt 0.403887 0.810452 +vt 0.406847 0.810166 +vt 0.242324 0.789861 +vt 0.322104 0.741583 +vt 0.321611 0.743780 +vt 0.242324 0.789861 +vt 0.289293 0.359602 +vt 0.292636 0.359462 +vt 0.183490 0.713719 +vt 0.180434 0.710530 +vt 0.180427 0.713307 +vt 0.278200 0.409479 +vt 0.016283 0.733492 +vt 0.019714 0.731714 +vt 0.012367 0.667745 +vt 0.015343 0.663036 +vt 0.012279 0.664226 +vt 0.144336 0.413409 +vt 0.140685 0.408339 +vt 0.140288 0.411572 +vt 0.297396 0.659048 +vt 0.297448 0.655985 +vt 0.298902 0.657087 +vt 0.240914 0.788788 +vt 0.019707 0.769022 +vt 0.016268 0.768346 +vt 0.242052 0.787290 +vt 0.320789 0.746873 +vt 0.177238 0.675699 +vt 0.177260 0.673811 +vt 0.173631 0.675449 +vt 0.239444 0.787627 +vt 0.324859 0.696532 +vt 0.328077 0.698251 +vt 0.325740 0.699030 +vt 0.013168 0.770638 +vt 0.013190 0.767236 +vt 0.018612 0.656534 +vt 0.022322 0.660376 +vt 0.022197 0.655373 +vt 0.016283 0.765040 +vt 0.141361 0.318890 +vt 0.144880 0.317523 +vt 0.141412 0.316869 +vt 0.323536 0.757967 +vt 0.327327 0.755043 +vt 0.325814 0.758922 +vt 0.342260 0.140501 +vt 0.339879 0.144035 +vt 0.217558 0.701045 +vt 0.221231 0.699098 +vt 0.287170 0.242331 +vt 0.279125 0.244014 +vt 0.284760 0.238922 +vt 0.326703 0.702123 +vt 0.278413 0.406526 +vt 0.280323 0.405057 +vt 0.279368 0.406989 +vt 0.241546 0.785034 +vt 0.242177 0.785534 +vt 0.298866 0.660217 +vt 0.303560 0.660959 +vt 0.301915 0.662803 +vt 0.406884 0.821921 +vt 0.403916 0.820363 +vt 0.403923 0.822479 +vt 0.234412 0.658095 +vt 0.233405 0.662452 +vt 0.231657 0.660688 +vt 0.013219 0.762020 +vt 0.016298 0.763012 +vt 0.325006 0.754198 +vt 0.218036 0.753803 +vt 0.213473 0.751349 +vt 0.216610 0.750195 +vt 0.325064 0.760663 +vt 0.322809 0.759656 +vt 0.214847 0.744832 +vt 0.215765 0.747793 +vt 0.013234 0.757891 +vt 0.016312 0.758795 +vt 0.263014 0.409891 +vt 0.263403 0.409024 +vt 0.263256 0.409950 +vt 0.299703 0.665301 +vt 0.601151 0.895394 +vt 0.603208 0.896658 +vt 0.602664 0.897289 +vt 0.295758 0.664066 +vt 0.297756 0.667490 +vt 0.603223 0.927080 +vt 0.603326 0.934030 +vt 0.571473 0.590716 +vt 0.915597 0.509611 +vt 0.913547 0.511022 +vt 0.915230 0.508722 +vt 0.219233 0.695865 +vt 0.012242 0.662669 +vt 0.015188 0.657372 +vt 0.012139 0.658687 +vt 0.240289 0.664590 +vt 0.235749 0.664825 +vt 0.238320 0.662415 +vt 0.311069 0.668541 +vt 0.306176 0.666873 +vt 0.307939 0.665146 +vt 0.320465 0.756681 +vt 0.240142 0.775924 +vt 0.244572 0.779906 +vt 0.243382 0.781772 +vt 0.302289 0.667703 +vt 0.300247 0.669812 +vt 0.015041 0.652067 +vt 0.018458 0.651163 +vt 0.303788 0.669202 +vt 0.304611 0.665315 +vt 0.197726 0.394314 +vt 0.195801 0.395695 +vt 0.197976 0.394784 +vt 0.016383 0.408310 +vt 0.014245 0.406598 +vt 0.013922 0.407509 +vt 0.180441 0.742034 +vt 0.177003 0.734878 +vt 0.177018 0.742180 +vt 0.317093 0.757107 +vt 0.319767 0.758297 +vt 0.288463 0.237063 +vt 0.289477 0.237394 +vt 0.288706 0.237658 +vt 0.144542 0.329880 +vt 0.148333 0.325112 +vt 0.144696 0.324863 +vt 0.148010 0.334891 +vt 0.148179 0.330145 +vt 0.301687 0.671252 +vt 0.023226 0.779293 +vt 0.023270 0.774407 +vt 0.238092 0.778040 +vt 0.223303 0.693514 +vt 0.220592 0.692383 +vt 0.142727 0.220162 +vt 0.140773 0.219685 +vt 0.142456 0.220596 +vt 0.019743 0.739972 +vt 0.023365 0.746239 +vt 0.023358 0.740053 +vt 0.183483 0.734767 +vt 0.183498 0.741806 +vt 0.092151 0.406407 +vt 0.086149 0.414694 +vt 0.089242 0.417905 +vt 0.236653 0.776592 +vt 0.013241 0.751522 +vt 0.016320 0.752278 +vt 0.144366 0.334759 +vt 0.141074 0.329058 +vt 0.140898 0.333877 +vt 0.365635 0.287426 +vt 0.368713 0.288153 +vt 0.366031 0.288675 +vt 0.322912 0.765174 +vt 0.317416 0.769861 +vt 0.320715 0.764035 +vt 0.019758 0.746129 +vt 0.016320 0.745762 +vt 0.095605 0.226870 +vt 0.098867 0.229478 +vt 0.098139 0.227054 +vt 0.096905 0.262995 +vt 0.095553 0.263502 +vt 0.096817 0.263634 +vt 0.348483 0.143793 +vt 0.353140 0.140163 +vt 0.353882 0.143616 +vt 0.177458 0.794005 +vt 0.173785 0.789384 +vt 0.173859 0.794292 +vt 0.011652 0.274338 +vt 0.007670 0.271693 +vt 0.008537 0.275036 +vt 0.099300 0.263281 +vt 0.099197 0.263913 +vt 0.359011 0.143425 +vt 0.354140 0.147238 +vt 0.317754 0.762507 +vt 0.314595 0.768098 +vt 0.288471 0.234492 +vt 0.287119 0.233809 +vt 0.288103 0.233463 +vt 0.143410 0.479192 +vt 0.142139 0.484005 +vt 0.144880 0.482851 +vt 0.315146 0.761162 +vt 0.370172 0.818078 +vt 0.367072 0.813846 +vt 0.367086 0.817042 +vt 0.312097 0.766548 +vt 0.312531 0.759811 +vt 0.221231 0.760488 +vt 0.226565 0.763802 +vt 0.224075 0.765359 +vt 0.148473 0.319801 +vt 0.144836 0.319573 +vt 0.306036 0.680883 +vt 0.304508 0.674301 +vt 0.308394 0.679120 +vt 0.310753 0.677372 +vt 0.320039 0.685806 +vt 0.319165 0.679399 +vt 0.322214 0.684638 +vt 0.019721 0.765679 +vt 0.023314 0.769235 +vt 0.023343 0.763806 +vt 0.346396 0.143851 +vt 0.348725 0.147407 +vt 0.016312 0.739686 +vt 0.013241 0.745144 +vt 0.177025 0.705968 +vt 0.177032 0.704043 +vt 0.173425 0.703925 +vt 0.141221 0.324106 +vt 0.180515 0.692626 +vt 0.177062 0.697989 +vt 0.180478 0.698437 +vt 0.099675 0.259446 +vt 0.097199 0.259145 +vt 0.180676 0.777886 +vt 0.314265 0.682500 +vt 0.317078 0.680714 +vt 0.208492 0.716679 +vt 0.206633 0.710493 +vt 0.209094 0.710831 +vt 0.180662 0.676448 +vt 0.309592 0.764998 +vt 0.308953 0.771235 +vt 0.306257 0.769927 +vt 0.311326 0.772969 +vt 0.311781 0.684065 +vt 0.309394 0.685798 +vt 0.364603 0.815705 +vt 0.364596 0.812737 +vt 0.138246 0.317795 +vt 0.138106 0.322901 +vt 0.015299 0.661442 +vt 0.642835 0.612607 +vt 0.643540 0.610241 +vt 0.643555 0.610249 +vt 0.177003 0.713065 +vt 0.177010 0.710244 +vt 0.173403 0.710148 +vt 0.305603 0.775533 +vt 0.307851 0.777421 +vt 0.173550 0.767174 +vt 0.343061 0.147569 +vt 0.337198 0.147723 +vt 0.342848 0.143954 +vt 0.406870 0.819849 +vt 0.403909 0.818754 +vt 0.212702 0.735340 +vt 0.212467 0.733797 +vt 0.144954 0.314026 +vt 0.141478 0.313423 +vt 0.145012 0.311102 +vt 0.141545 0.310536 +vt 0.018847 0.665923 +vt 0.015423 0.666629 +vt 0.322640 0.691081 +vt 0.324888 0.690067 +vt 0.211835 0.716899 +vt 0.208308 0.722556 +vt 0.308233 0.785664 +vt 0.310393 0.779566 +vt 0.312288 0.781161 +vt 0.180544 0.763060 +vt 0.183600 0.762377 +vt 0.337036 0.144101 +vt 0.317108 0.687378 +vt 0.293474 0.287264 +vt 0.287405 0.283767 +vt 0.295884 0.283547 +vt 0.277164 0.330890 +vt 0.274629 0.328172 +vt 0.274871 0.328047 +vt 0.145064 0.308295 +vt 0.141589 0.307759 +vt 0.306330 0.663545 +vt 0.013175 0.727005 +vt 0.013205 0.731230 +vt 0.012419 0.670104 +vt 0.406892 0.824294 +vt 0.403938 0.824903 +vt 0.138415 0.309618 +vt 0.283974 0.357853 +vt 0.282659 0.357522 +vt 0.284084 0.357669 +vt 0.335214 0.144138 +vt 0.362784 0.292033 +vt 0.363041 0.295199 +vt 0.180603 0.769739 +vt 0.177150 0.767013 +vt 0.018759 0.662279 +vt 0.018722 0.660670 +vt 0.138466 0.306914 +vt 0.327180 0.695673 +vt 0.323375 0.692771 +vt 0.325652 0.691801 +vt 0.210101 0.695468 +vt 0.213326 0.693742 +vt 0.212459 0.696240 +vt 0.299953 0.790006 +vt 0.303876 0.789874 +vt 0.301540 0.791909 +vt 0.410403 0.822920 +vt 0.304074 0.781623 +vt 0.304905 0.785510 +vt 0.302576 0.783130 +vt 0.176996 0.720280 +vt 0.173388 0.722880 +vt 0.016180 0.778220 +vt 0.186426 0.393961 +vt 0.186132 0.398465 +vt 0.188050 0.397547 +vt 0.312362 0.690971 +vt 0.302539 0.774593 +vt 0.301959 0.779581 +vt 0.298454 0.778935 +vt 0.185963 0.392808 +vt 0.184465 0.394748 +vt 0.299262 0.793753 +vt 0.297742 0.791799 +vt 0.234544 0.778642 +vt 0.233706 0.782536 +vt 0.232149 0.780971 +vt 0.237813 0.666919 +vt 0.239878 0.669020 +vt 0.236373 0.668366 +vt 0.300519 0.781036 +vt 0.220747 0.752656 +vt 0.223450 0.751510 +vt 0.221422 0.754214 +vt 0.300012 0.785547 +vt 0.013109 0.776890 +vt 0.333973 0.137577 +vt 0.329895 0.137673 +vt 0.331622 0.136438 +vt 0.240495 0.653099 +vt 0.242758 0.652732 +vt 0.241994 0.655075 +vt 0.019596 0.714486 +vt 0.277725 0.214492 +vt 0.271752 0.129437 +vt 0.277203 0.129474 +vt 0.296595 0.790315 +vt 0.297822 0.787450 +vt 0.240561 0.656170 +vt 0.022682 0.676936 +vt 0.019082 0.677149 +vt 0.242008 0.660196 +vt 0.236043 0.780141 +vt 0.566911 0.823075 +vt 0.566904 0.818916 +vt 0.527282 0.825631 +vt 0.530368 0.823200 +vt 0.530368 0.825102 +vt 0.243434 0.663774 +vt 0.244286 0.665016 +vt 0.279169 0.319040 +vt 0.278097 0.320553 +vt 0.277685 0.318481 +vt 0.242390 0.662760 +vt 0.242750 0.662459 +vt 0.547095 0.417118 +vt 0.545538 0.418286 +vt 0.545516 0.419307 +vt 0.547044 0.419182 +vt 0.609661 0.468017 +vt 0.610837 0.469553 +vt 0.612086 0.468010 +vt 0.612938 0.469545 +vt 0.613173 0.467995 +vt 0.547051 0.422775 +vt 0.545553 0.423546 +vt 0.547081 0.423811 +vt 0.608471 0.468010 +vt 0.607648 0.469538 +vt 0.608625 0.469545 +vt 0.390959 0.383085 +vt 0.389380 0.381939 +vt 0.390944 0.382189 +vt 0.148487 0.480662 +vt 0.152337 0.482410 +vt 0.149839 0.479604 +vt 0.812842 0.588865 +vt 0.812166 0.587358 +vt 0.811865 0.588894 +vt 0.547037 0.421607 +vt 0.545523 0.422599 +vt 0.813966 0.588843 +vt 0.815193 0.587314 +vt 0.814076 0.587322 +vt 0.815178 0.588835 +vt 0.816310 0.587314 +vt 0.545509 0.420417 +vt 0.545516 0.421533 +vt 0.198850 0.417273 +vt 0.200775 0.417097 +vt 0.198916 0.416825 +vt 0.813048 0.587336 +vt 0.390922 0.381116 +vt 0.389357 0.379853 +vt 0.818565 0.588887 +vt 0.817368 0.587329 +vt 0.817551 0.588857 +vt 0.389357 0.378707 +vt 0.611939 0.469545 +vt 0.547037 0.420387 +vt 0.390952 0.375415 +vt 0.389372 0.376576 +vt 0.389394 0.375731 +vt 0.389372 0.380955 +vt 0.389365 0.377597 +vt 0.390922 0.377450 +vt 0.816398 0.588843 +vt 0.609713 0.469553 +vt 0.478143 0.972724 +vt 0.478158 0.972687 +vt 0.478143 0.972680 +vt 0.165383 0.924696 +vt 0.161894 0.922265 +vt 0.161894 0.924704 +vt 0.899980 0.700130 +vt 0.901802 0.696647 +vt 0.899384 0.696603 +vt 0.216560 0.005975 +vt 0.216560 0.005755 +vt 0.216516 0.005755 +vt 0.544254 0.102608 +vt 0.545011 0.102608 +vt 0.642161 0.729804 +vt 0.641984 0.731766 +vt 0.641984 0.729804 +vt 0.813814 0.214176 +vt 0.814497 0.219987 +vt 0.814563 0.214183 +vt 0.544474 0.067975 +vt 0.545238 0.061664 +vt 0.545231 0.067975 +vt 0.623662 0.437294 +vt 0.625675 0.436890 +vt 0.443624 0.982602 +vt 0.441861 0.982653 +vt 0.441861 0.982602 +vt 0.389878 0.532672 +vt 0.389878 0.532724 +vt 0.626855 0.478673 +vt 0.628839 0.478453 +vt 0.626855 0.478453 +vt 0.821047 0.425346 +vt 0.821267 0.425324 +vt 0.821260 0.425375 +vt 0.168725 0.621970 +vt 0.167630 0.622462 +vt 0.167630 0.621985 +vt 0.091030 0.636101 +vt 0.089164 0.636689 +vt 0.091052 0.636600 +vt 0.541886 0.729799 +vt 0.542378 0.731768 +vt 0.542378 0.729799 +vt 0.452268 0.637417 +vt 0.254633 0.635199 +vt 0.257792 0.635265 +vt 0.544445 0.036237 +vt 0.545172 0.030029 +vt 0.545202 0.036237 +vt 0.821943 0.425353 +vt 0.821554 0.425390 +vt 0.821554 0.425346 +vt 0.712145 0.604442 +vt 0.712307 0.604493 +vt 0.712307 0.604442 +vt 0.766890 0.926801 +vt 0.770130 0.932407 +vt 0.765266 0.929586 +vt 0.975230 0.843260 +vt 0.975392 0.843319 +vt 0.975230 0.843304 +vt 0.934113 0.923319 +vt 0.939102 0.921004 +vt 0.934113 0.920982 +vt 0.803218 0.425360 +vt 0.795937 0.425316 +vt 0.795937 0.425360 +vt 0.628598 0.175357 +vt 0.628392 0.173425 +vt 0.628598 0.173425 +vt 0.593999 0.341550 +vt 0.594792 0.343365 +vt 0.594763 0.341565 +vt 0.416517 0.603285 +vt 0.417575 0.603770 +vt 0.417575 0.603285 +vt 0.635213 0.120149 +vt 0.635235 0.120119 +vt 0.635228 0.120149 +vt 0.972884 0.725625 +vt 0.973090 0.726426 +vt 0.973038 0.726426 +vt 0.169922 0.621962 +vt 0.171149 0.622433 +vt 0.169922 0.622440 +vt 0.600425 0.506280 +vt 0.598464 0.501857 +vt 0.464665 0.360391 +vt 0.458501 0.354028 +vt 0.458501 0.360405 +vt 0.559344 0.202761 +vt 0.558911 0.198816 +vt 0.559396 0.198816 +vt 0.749505 0.751331 +vt 0.749519 0.751339 +vt 0.749505 0.751339 +vt 0.448707 0.375187 +vt 0.448449 0.375142 +vt 0.448707 0.375142 +vt 0.977752 0.744202 +vt 0.977701 0.743688 +vt 0.977752 0.743688 +vt 0.606509 0.459421 +vt 0.607398 0.467995 +vt 0.607398 0.459443 +vt 0.989737 0.994805 +vt 0.989833 0.994754 +vt 0.989833 0.994805 +vt 0.811036 0.280739 +vt 0.809860 0.280247 +vt 0.811028 0.280254 +vt 0.627014 0.374037 +vt 0.626588 0.375910 +vt 0.626602 0.373963 +vt 0.982653 0.287427 +vt 0.982558 0.284304 +vt 0.982602 0.284312 +vt 0.458018 0.124255 +vt 0.458231 0.122352 +vt 0.458010 0.122360 +vt 0.301717 0.526356 +vt 0.307859 0.532704 +vt 0.307873 0.526334 +vt 0.450475 0.883093 +vt 0.451129 0.883137 +vt 0.451129 0.883086 +vt 0.975392 0.843275 +vt 0.975576 0.843334 +vt 0.311262 0.636072 +vt 0.311262 0.635580 +vt 0.624845 0.983483 +vt 0.979896 0.982653 +vt 0.979719 0.980721 +vt 0.979896 0.980721 +vt 0.627952 0.175357 +vt 0.627761 0.173425 +vt 0.627952 0.173425 +vt 0.713791 0.644939 +vt 0.714019 0.643058 +vt 0.714011 0.644953 +vt 0.393573 0.532716 +vt 0.393757 0.532753 +vt 0.393757 0.532702 +vt 0.630371 0.375874 +vt 0.630577 0.373963 +vt 0.630562 0.375903 +vt 0.390937 0.376341 +vt 0.399592 0.377450 +vt 0.977701 0.819373 +vt 0.977752 0.820019 +vt 0.977701 0.820019 +vt 0.110892 0.059443 +vt 0.040157 0.059443 +vt 0.361529 0.982871 +vt 0.362242 0.982695 +vt 0.361529 0.982819 +vt 0.403027 0.115825 +vt 0.402975 0.115664 +vt 0.402975 0.115825 +vt 0.506970 0.056311 +vt 0.506977 0.056347 +vt 0.130590 0.887147 +vt 0.132625 0.887919 +vt 0.132632 0.887170 +vt 0.590173 0.451232 +vt 0.714411 0.821399 +vt 0.642412 0.819922 +vt 0.642448 0.821399 +vt 0.542354 0.254200 +vt 0.536072 0.249256 +vt 0.542420 0.249263 +vt 0.433764 0.360369 +vt 0.427718 0.353962 +vt 0.427718 0.360332 +vt 0.623787 0.436302 +vt 0.625719 0.436052 +vt 0.623779 0.436074 +vt 0.735154 0.510127 +vt 0.735198 0.509532 +vt 0.735154 0.509532 +vt 0.383230 0.669452 +vt 0.380688 0.674073 +vt 0.383083 0.674058 +vt 0.977614 0.487505 +vt 0.977453 0.488247 +vt 0.977497 0.488247 +vt 0.943417 0.525397 +vt 0.943403 0.524831 +vt 0.943447 0.524831 +vt 0.294308 0.603447 +vt 0.292331 0.602712 +vt 0.294308 0.602683 +vt 0.558949 0.466478 +vt 0.563534 0.439625 +vt 0.563534 0.466478 +vt 0.616251 0.522529 +vt 0.616295 0.521691 +vt 0.616295 0.522529 +vt 0.814688 0.202046 +vt 0.813880 0.208181 +vt 0.814637 0.208188 +vt 0.490264 0.007398 +vt 0.490580 0.007876 +vt 0.490271 0.007883 +vt 0.216553 0.038456 +vt 0.216545 0.038273 +vt 0.216589 0.038273 +vt 0.254550 0.261521 +vt 0.264740 0.261470 +vt 0.262867 0.263071 +vt 0.323603 0.342726 +vt 0.363041 0.352857 +vt 0.231995 0.265746 +vt 0.232010 0.263079 +vt 0.260935 0.264658 +vt 0.862554 0.263544 +vt 0.869249 0.595798 +vt 0.231959 0.267979 +vt 0.257944 0.266950 +vt 0.206259 0.930835 +vt 0.206729 0.929079 +vt 0.206281 0.929255 +vt 0.456626 0.872304 +vt 0.082564 0.934133 +vt 0.670462 0.099252 +vt 0.251967 0.133713 +vt 0.251651 0.134117 +vt 0.251614 0.134058 +vt 0.483134 0.869762 +vt 0.462320 0.866874 +vt 0.056819 0.914693 +vt 0.650692 0.097511 +vt 0.668390 0.104777 +vt 0.055805 0.914943 +vt 0.054806 0.915317 +vt 0.464318 0.863340 +vt 0.668163 0.106577 +vt 0.650449 0.103572 +vt 0.474617 0.884869 +vt 0.855349 0.302529 +vt 0.857208 0.320690 +vt 0.854159 0.320683 +vt 0.911917 0.762113 +vt 0.911241 0.763905 +vt 0.910918 0.763678 +vt 0.147099 0.209318 +vt 0.147003 0.209745 +vt 0.049567 0.915398 +vt 0.316458 0.140193 +vt 0.314805 0.139465 +vt 0.316472 0.140163 +vt 0.233831 0.773544 +vt 0.232311 0.766975 +vt 0.236050 0.771611 +vt 0.871590 0.268297 +vt 0.031834 0.351489 +vt 0.032995 0.363472 +vt 0.034214 0.351526 +vt 0.858221 0.582273 +vt 0.859301 0.600023 +vt 0.610469 0.750450 +vt 0.609176 0.752493 +vt 0.608551 0.751956 +vt 0.231995 0.257150 +vt 0.245602 0.256731 +vt 0.232010 0.260155 +vt 0.246895 0.258369 +vt 0.248518 0.259728 +vt 0.250406 0.260735 +vt 0.252456 0.261330 +vt 0.142029 0.212749 +vt 0.140274 0.213102 +vt 0.141846 0.213278 +vt 0.139980 0.290729 +vt 0.141155 0.292588 +vt 0.140788 0.290589 +vt 0.682203 0.590029 +vt 0.682408 0.605876 +vt 0.139061 0.206093 +vt 0.140068 0.204734 +vt 0.139025 0.205123 +vt 0.124191 0.266925 +vt 0.123008 0.267520 +vt 0.123971 0.267829 +vt 0.197427 0.887929 +vt 0.199088 0.870069 +vt 0.614240 0.647070 +vt 0.095348 0.270004 +vt 0.098132 0.268233 +vt 0.095957 0.267990 +vt 0.849045 0.320749 +vt 0.889688 0.853595 +vt 0.356010 0.896418 +vt 0.368133 0.896279 +vt 0.367596 0.897763 +vt 0.483574 0.857984 +vt 0.465832 0.855648 +vt 0.483729 0.855560 +vt 0.693186 0.594533 +vt 0.693693 0.605803 +vt 0.597650 0.657510 +vt 0.609031 0.658392 +vt 0.609369 0.657326 +vt 0.236223 0.145056 +vt 0.237288 0.143616 +vt 0.237303 0.144909 +vt 0.609618 0.656739 +vt 0.688455 0.605810 +vt 0.859742 0.302470 +vt 0.860315 0.320742 +vt 0.871232 0.594623 +vt 0.211555 0.887995 +vt 0.209741 0.869731 +vt 0.211959 0.869055 +vt 0.866002 0.320911 +vt 0.611051 0.653895 +vt 0.612307 0.651441 +vt 0.866016 0.300347 +vt 0.868206 0.321028 +vt 0.159045 0.373023 +vt 0.231995 0.383266 +vt 0.232010 0.386271 +vt 0.260068 0.383435 +vt 0.252824 0.387784 +vt 0.251119 0.388203 +vt 0.254550 0.387637 +vt 0.249407 0.388923 +vt 0.247857 0.389885 +vt 0.264740 0.387586 +vt 0.030104 0.608003 +vt 0.175671 0.351526 +vt 0.231995 0.391862 +vt 0.244624 0.393559 +vt 0.850278 0.235690 +vt 0.847552 0.235543 +vt 0.849000 0.223744 +vt 0.847494 0.225243 +vt 0.120226 0.909785 +vt 0.120300 0.909411 +vt 0.850263 0.221952 +vt 0.120337 0.908235 +vt 0.122093 0.906847 +vt 0.852960 0.235845 +vt 0.851182 0.219931 +vt 0.120102 0.907089 +vt 0.121630 0.904261 +vt 0.119661 0.906009 +vt 0.118860 0.904701 +vt 0.121035 0.902056 +vt 0.117787 0.903401 +vt 0.116384 0.902056 +vt 0.089999 0.798197 +vt 0.088177 0.802745 +vt 0.090301 0.802738 +vt 0.088530 0.797271 +vt 0.922309 0.478128 +vt 0.126315 0.231881 +vt 0.125536 0.230264 +vt 0.126190 0.231939 +vt 0.851718 0.217801 +vt 0.853290 0.215839 +vt 0.851858 0.215677 +vt 0.851733 0.214105 +vt 0.851387 0.212540 +vt 0.295945 0.124830 +vt 0.293969 0.125411 +vt 0.855443 0.235969 +vt 0.855039 0.219197 +vt 0.857544 0.236080 +vt 0.857544 0.224626 +vt 0.636458 0.620270 +vt 0.638698 0.619205 +vt 0.637383 0.621291 +vt 0.563928 0.808425 +vt 0.560887 0.810644 +vt 0.560872 0.807279 +vt 0.122203 0.917595 +vt 0.110573 0.919013 +vt 0.114562 0.916662 +vt 0.122453 0.915200 +vt 0.117361 0.914370 +vt 0.118823 0.912717 +vt 0.183264 0.933493 +vt 0.190133 0.932214 +vt 0.190478 0.934639 +vt 0.120297 0.235003 +vt 0.121414 0.237082 +vt 0.796896 0.777377 +vt 0.776780 0.805030 +vt 0.772607 0.788698 +vt 0.182896 0.928012 +vt 0.189949 0.926675 +vt 0.189949 0.929504 +vt 0.256316 0.130803 +vt 0.256088 0.128621 +vt 0.257161 0.129430 +vt 0.183087 0.923648 +vt 0.190478 0.921378 +vt 0.190133 0.923905 +vt 0.246846 0.140391 +vt 0.248051 0.138914 +vt 0.248293 0.139539 +vt 0.922051 0.840221 +vt 0.921426 0.832463 +vt 0.922822 0.839905 +vt 0.844950 0.458233 +vt 0.843914 0.450144 +vt 0.845716 0.226470 +vt 0.911408 0.132577 +vt 0.910974 0.130432 +vt 0.900814 0.131681 +vt 0.903693 0.129705 +vt 0.744402 0.928462 +vt 0.737511 0.931188 +vt 0.737423 0.928448 +vt 0.849990 0.870159 +vt 0.852311 0.870145 +vt 0.850570 0.854643 +vt 0.744505 0.931261 +vt 0.737753 0.933730 +vt 0.853266 0.859903 +vt 0.285109 0.082468 +vt 0.285880 0.076451 +vt 0.285895 0.082770 +vt 0.089867 0.269614 +vt 0.088831 0.271363 +vt 0.089602 0.271392 +vt 0.848307 0.850742 +vt 0.227777 0.917614 +vt 0.229790 0.924718 +vt 0.227667 0.924718 +vt 0.847367 0.870167 +vt 0.845640 0.855422 +vt 0.846382 0.852586 +vt 0.465692 0.857779 +vt 0.483420 0.860798 +vt 0.846434 0.849750 +vt 0.844244 0.857993 +vt 0.910168 0.511015 +vt 0.908250 0.511441 +vt 0.908243 0.511015 +vt 0.845809 0.846892 +vt 0.235014 0.924718 +vt 0.235329 0.917614 +vt 0.850288 0.278230 +vt 0.240399 0.924718 +vt 0.910870 0.797942 +vt 0.903920 0.798214 +vt 0.904369 0.796157 +vt 0.253458 0.214227 +vt 0.248000 0.143242 +vt 0.249616 0.142272 +vt 0.920321 0.891811 +vt 0.912835 0.890540 +vt 0.912570 0.891260 +vt 0.277289 0.240641 +vt 0.282593 0.236108 +vt 0.907103 0.299097 +vt 0.911004 0.299633 +vt 0.911504 0.297620 +vt 0.906866 0.791543 +vt 0.908022 0.301367 +vt 0.910652 0.302087 +vt 0.141376 0.294256 +vt 0.141633 0.294887 +vt 0.141567 0.294248 +vt 0.908462 0.303130 +vt 0.246258 0.140714 +vt 0.246618 0.141824 +vt 0.910526 0.122233 +vt 0.908601 0.121829 +vt 0.908557 0.122563 +vt 0.608866 0.934045 +vt 0.609600 0.927029 +vt 0.607815 0.927146 +vt 0.316605 0.141941 +vt 0.317082 0.140362 +vt 0.908418 0.123306 +vt 0.908388 0.123430 +vt 0.908351 0.123548 +vt 0.910526 0.125083 +vt 0.908315 0.123673 +vt 0.907697 0.125172 +vt 0.910680 0.127868 +vt 0.906860 0.126516 +vt 0.905515 0.128074 +vt 0.321876 0.753059 +vt 0.190012 0.382398 +vt 0.187440 0.383132 +vt 0.190070 0.382647 +vt 0.330090 0.745837 +vt 0.297485 0.412212 +vt 0.297243 0.413006 +vt 0.297132 0.412264 +vt 0.317005 0.701939 +vt 0.318989 0.698692 +vt 0.319914 0.749738 +vt 0.212599 0.748851 +vt 0.211636 0.745758 +vt 0.180412 0.729360 +vt 0.180412 0.727619 +vt 0.297099 0.122178 +vt 0.296335 0.123376 +vt 0.296019 0.122421 +vt 0.186081 0.392771 +vt 0.186544 0.393925 +vt 0.119328 0.231050 +vt 0.119181 0.230595 +vt 0.119247 0.231050 +vt 0.016239 0.724375 +vt 0.019677 0.724456 +vt 0.142808 0.490066 +vt 0.145475 0.491947 +vt 0.144380 0.489566 +vt 0.318658 0.707663 +vt 0.210740 0.742422 +vt 0.213466 0.739359 +vt 0.213987 0.741621 +vt 0.180574 0.766535 +vt 0.321516 0.706957 +vt 0.173396 0.735789 +vt 0.173410 0.742232 +vt 0.322016 0.709147 +vt 0.319914 0.737241 +vt 0.318746 0.743089 +vt 0.206112 0.729440 +vt 0.208588 0.729235 +vt 0.177312 0.783014 +vt 0.180801 0.788157 +vt 0.180728 0.782324 +vt 0.314015 0.774930 +vt 0.319510 0.771169 +vt 0.316013 0.776385 +vt 0.202024 0.405085 +vt 0.201414 0.406194 +vt 0.202325 0.405974 +vt 0.173491 0.691913 +vt 0.173454 0.697835 +vt 0.217778 0.728478 +vt 0.214847 0.728713 +vt 0.322978 0.714510 +vt 0.319848 0.713496 +vt 0.211916 0.728963 +vt 0.220908 0.678093 +vt 0.215398 0.682781 +vt 0.218792 0.676785 +vt 0.309217 0.670172 +vt 0.313420 0.675381 +vt 0.215692 0.756785 +vt 0.216096 0.763236 +vt 0.213422 0.757807 +vt 0.211651 0.722549 +vt 0.214583 0.722534 +vt 0.177032 0.748543 +vt 0.288775 0.114912 +vt 0.289326 0.110049 +vt 0.289972 0.114912 +vt 0.183571 0.693485 +vt 0.013043 0.710107 +vt 0.016099 0.708197 +vt 0.205818 0.722564 +vt 0.206016 0.716517 +vt 0.212408 0.711286 +vt 0.331625 0.713268 +vt 0.214766 0.717098 +vt 0.217529 0.722527 +vt 0.606030 0.927176 +vt 0.606081 0.934133 +vt 0.180419 0.716738 +vt 0.183476 0.720676 +vt 0.183476 0.723218 +vt 0.218285 0.762060 +vt 0.019641 0.720922 +vt 0.107392 0.755258 +vt 0.107428 0.761576 +vt 0.210189 0.740064 +vt 0.206942 0.736273 +vt 0.208323 0.743017 +vt 0.207757 0.740586 +vt 0.323771 0.725361 +vt 0.217749 0.716576 +vt 0.212636 0.709751 +vt 0.173836 0.661453 +vt 0.183483 0.717069 +vt 0.958167 0.166386 +vt 0.955067 0.161030 +vt 0.954736 0.165313 +vt 0.209124 0.698657 +vt 0.173690 0.670475 +vt 0.177297 0.670747 +vt 0.107318 0.735737 +vt 0.107303 0.729155 +vt 0.183836 0.668396 +vt 0.180801 0.665663 +vt 0.180787 0.666985 +vt 0.023299 0.727350 +vt 0.295200 0.655640 +vt 0.293980 0.653553 +vt 0.958549 0.170464 +vt 0.180765 0.668411 +vt 0.180720 0.671570 +vt 0.183821 0.669799 +vt 0.239386 0.790757 +vt 0.295978 0.657976 +vt 0.294865 0.119269 +vt 0.295416 0.118960 +vt 0.295431 0.119210 +vt 0.295978 0.657983 +vt 0.180559 0.686455 +vt 0.177098 0.692097 +vt 0.180662 0.776174 +vt 0.210233 0.749630 +vt 0.296272 0.660547 +vt 0.237872 0.789552 +vt 0.016266 0.412189 +vt 0.015656 0.411535 +vt 0.015583 0.412130 +vt 0.088297 0.654124 +vt 0.022058 0.650664 +vt 0.019736 0.763622 +vt 0.180456 0.704418 +vt 0.180441 0.706313 +vt 0.373507 0.815235 +vt 0.497845 0.721859 +vt 0.500439 0.721587 +vt 0.498697 0.723167 +vt 0.347814 0.140340 +vt 0.183498 0.710986 +vt 0.183718 0.775197 +vt 0.183733 0.776880 +vt 0.177194 0.679659 +vt 0.317123 0.748820 +vt 0.296772 0.662803 +vt 0.296147 0.662303 +vt 0.115044 0.266066 +vt 0.113656 0.266514 +vt 0.193259 0.390259 +vt 0.192877 0.391544 +vt 0.193670 0.391265 +vt 0.138363 0.312446 +vt 0.138290 0.315811 +vt 0.270581 0.247415 +vt 0.272572 0.248047 +vt 0.270970 0.248569 +vt 0.214957 0.755103 +vt 0.212665 0.756080 +vt 0.150963 0.486319 +vt 0.153983 0.487480 +vt 0.152234 0.485437 +vt 0.180618 0.680364 +vt 0.302230 0.788030 +vt 0.306462 0.783945 +vt 0.306631 0.787281 +vt 0.177385 0.788929 +vt 0.173719 0.784190 +vt 0.019743 0.759346 +vt 0.314904 0.696363 +vt 0.215516 0.688283 +vt 0.217609 0.683912 +vt 0.173579 0.680695 +vt 0.177135 0.685837 +vt 0.296978 0.236674 +vt 0.296692 0.235976 +vt 0.297074 0.236013 +vt 0.214796 0.689973 +vt 0.231848 0.664024 +vt 0.230055 0.662305 +vt 0.298190 0.671920 +vt 0.293760 0.667938 +vt 0.294950 0.666072 +vt 0.236395 0.785034 +vt 0.234257 0.666331 +vt 0.271345 0.411360 +vt 0.273285 0.409046 +vt 0.272381 0.411779 +vt 0.299075 0.108160 +vt 0.301389 0.104774 +vt 0.301698 0.107036 +vt 0.173432 0.748616 +vt 0.148620 0.297224 +vt 0.215425 0.300684 +vt 0.215498 0.294366 +vt 0.298050 0.783365 +vt 0.225816 0.688122 +vt 0.173528 0.686197 +vt 0.183784 0.781214 +vt 0.410359 0.807697 +vt 0.410359 0.809534 +vt 0.222907 0.773962 +vt 0.229100 0.777680 +vt 0.227226 0.779311 +vt 0.570364 0.814574 +vt 0.566896 0.815001 +vt 0.566896 0.813450 +vt 0.231620 0.775483 +vt 0.183623 0.687446 +vt 0.315396 0.673896 +vt 0.358210 0.139980 +vt 0.227594 0.770480 +vt 0.224905 0.772478 +vt 0.226249 0.681392 +vt 0.356931 0.136894 +vt 0.363169 0.139774 +vt 0.224310 0.673024 +vt 0.222289 0.671576 +vt 0.221246 0.767144 +vt 0.219138 0.768467 +vt 0.351980 0.137070 +vt 0.113156 0.273853 +vt 0.118835 0.271598 +vt 0.114009 0.271275 +vt 0.264505 0.403286 +vt 0.264263 0.404594 +vt 0.226007 0.666801 +vt 0.227917 0.668388 +vt 0.013212 0.733140 +vt 0.227013 0.674978 +vt 0.019721 0.733698 +vt 0.023329 0.733750 +vt 0.229945 0.768731 +vt 0.185853 0.383154 +vt 0.184656 0.383669 +vt 0.185912 0.383419 +vt 0.183512 0.705013 +vt 0.230481 0.670533 +vt 0.286306 0.070023 +vt 0.286152 0.070530 +vt 0.286233 0.070023 +vt 0.368155 0.893590 +vt 0.355966 0.893568 +vt 0.140509 0.209458 +vt 0.140582 0.209113 +vt 0.140567 0.209113 +vt 0.183505 0.706864 +vt 0.345757 0.140406 +vt 0.346763 0.137247 +vt 0.232737 0.672414 +vt 0.173396 0.716474 +vt 0.176996 0.716540 +vt 0.148598 0.314232 +vt 0.218741 0.755419 +vt 0.231965 0.784307 +vt 0.230364 0.782705 +vt 0.213245 0.687284 +vt 0.109020 0.269761 +vt 0.112899 0.270150 +vt 0.228953 0.762060 +vt 0.223825 0.759100 +vt 0.225992 0.756896 +vt 0.232083 0.678005 +vt 0.229394 0.676705 +vt 0.016224 0.773423 +vt 0.024729 0.390692 +vt 0.025236 0.389179 +vt 0.341334 0.137401 +vt 0.331159 0.147856 +vt 0.013153 0.772196 +vt 0.334729 0.140685 +vt 0.088811 0.676018 +vt 0.210983 0.692897 +vt 0.212496 0.689018 +vt 0.370179 0.821678 +vt 0.262896 0.412668 +vt 0.263352 0.409964 +vt 0.262977 0.412683 +vt 0.330997 0.144234 +vt 0.330571 0.140780 +vt 0.922469 0.832728 +vt 0.923615 0.839362 +vt 0.118703 0.227899 +vt 0.119504 0.230602 +vt 0.118953 0.227906 +vt 0.183718 0.677660 +vt 0.089536 0.438851 +vt 0.118674 0.435434 +vt 0.091615 0.434898 +vt 0.410381 0.818717 +vt 0.406862 0.818277 +vt 0.209249 0.746456 +vt 0.191885 0.395783 +vt 0.190915 0.397334 +vt 0.192458 0.390523 +vt 0.192612 0.388532 +vt 0.191797 0.388767 +vt 0.138496 0.305166 +vt 0.138554 0.301140 +vt 0.137335 0.302815 +vt 0.297793 0.794885 +vt 0.295537 0.795245 +vt 0.296316 0.792894 +vt 0.239026 0.654216 +vt 0.296316 0.787765 +vt 0.570357 0.812635 +vt 0.566874 0.809042 +vt 0.570342 0.810401 +vt 0.183623 0.765771 +vt 0.294891 0.784173 +vt 0.294046 0.782939 +vt 0.295942 0.785194 +vt 0.295574 0.785495 +vt 0.091143 0.622447 +vt 0.089167 0.621661 +vt 0.089167 0.622418 +vt 0.549988 0.636741 +vt 0.549995 0.637006 +vt 0.549944 0.637006 +vt 0.157772 0.922272 +vt 0.157765 0.924711 +vt 0.619386 0.569716 +vt 0.619335 0.567916 +vt 0.619386 0.567916 +vt 0.325620 0.603748 +vt 0.324665 0.602992 +vt 0.325620 0.602992 +vt 0.977752 0.745862 +vt 0.977701 0.745091 +vt 0.977752 0.745091 +vt 0.635206 0.120119 +vt 0.635228 0.118958 +vt 0.972644 0.047123 +vt 0.972688 0.048431 +vt 0.972592 0.047123 +vt 0.638849 0.982602 +vt 0.640164 0.982653 +vt 0.640164 0.982602 +vt 0.593933 0.369858 +vt 0.594675 0.368535 +vt 0.593918 0.368520 +vt 0.589371 0.812788 +vt 0.583501 0.812744 +vt 0.583494 0.812788 +vt 0.176487 0.819990 +vt 0.248442 0.821511 +vt 0.248472 0.819990 +vt 0.361711 0.526885 +vt 0.366957 0.533402 +vt 0.366972 0.527032 +vt 0.710746 0.968820 +vt 0.710798 0.974014 +vt 0.710746 0.974014 +vt 0.399584 0.378663 +vt 0.601564 0.523450 +vt 0.598464 0.519762 +vt 0.610106 0.401008 +vt 0.610062 0.401199 +vt 0.610062 0.401008 +vt 0.839203 0.203205 +vt 0.840724 0.132396 +vt 0.839203 0.132425 +vt 0.326009 0.637372 +vt 0.326009 0.637395 +vt 0.154121 0.517789 +vt 0.154165 0.517650 +vt 0.154165 0.517789 +vt 0.216576 0.120929 +vt 0.216679 0.122119 +vt 0.216635 0.122119 +vt 0.505950 0.972709 +vt 0.506141 0.972753 +vt 0.506141 0.972709 +vt 0.216672 0.123045 +vt 0.972784 0.764413 +vt 0.972784 0.763568 +vt 0.972740 0.763568 +vt 0.803666 0.425316 +vt 0.803908 0.425360 +vt 0.803908 0.425316 +vt 0.143016 0.637417 +vt 0.143068 0.637417 +vt 0.584178 0.289333 +vt 0.584780 0.289069 +vt 0.585816 0.289767 +vt 0.583157 0.285741 +vt 0.537590 0.272056 +vt 0.063149 0.950171 +vt 0.064449 0.953249 +vt 0.062003 0.953249 +vt 0.586999 0.290163 +vt 0.588086 0.291809 +vt 0.059542 0.952750 +vt 0.059696 0.953249 +vt 0.057675 0.953256 +vt 0.058557 0.950413 +vt 0.113984 0.036161 +vt 0.116122 0.038210 +vt 0.113837 0.038313 +vt 0.574500 0.580144 +vt 0.231569 0.862835 +vt 0.603679 0.316481 +vt 0.605347 0.314152 +vt 0.453009 0.521936 +vt 0.397629 0.430071 +vt 0.396740 0.431445 +vt 0.603679 0.312881 +vt 0.607081 0.311632 +vt 0.568145 0.579336 +vt 0.585133 0.277894 +vt 0.122318 0.270591 +vt 0.123383 0.270099 +vt 0.122501 0.269813 +vt 0.278471 0.587913 +vt 0.280535 0.587913 +vt 0.279338 0.590036 +vt 0.076599 0.795677 +vt 0.075298 0.802745 +vt 0.077627 0.802745 +vt 0.604128 0.323717 +vt 0.607081 0.323629 +vt 0.607081 0.325525 +vt 0.603900 0.318949 +vt 0.607081 0.321366 +vt 0.112566 0.031753 +vt 0.113822 0.031716 +vt 0.601541 0.320213 +vt 0.594258 0.281369 +vt 0.591870 0.282589 +vt 0.591054 0.281641 +vt 0.607081 0.313851 +vt 0.108981 0.038130 +vt 0.106725 0.037836 +vt 0.111405 0.038284 +vt 0.109995 0.032083 +vt 0.111266 0.031716 +vt 0.591987 0.288701 +vt 0.590577 0.289377 +vt 0.591510 0.288525 +vt 0.592193 0.287452 +vt 0.582995 0.278768 +vt 0.581672 0.277123 +vt 0.836155 0.474335 +vt 0.838329 0.477443 +vt 0.832819 0.477443 +vt 0.104764 0.037454 +vt 0.591701 0.291662 +vt 0.589460 0.289958 +vt 0.066888 0.953249 +vt 0.066881 0.948746 +vt 0.108841 0.031429 +vt 0.583685 0.281950 +vt 0.585258 0.281332 +vt 0.584325 0.282185 +vt 0.583641 0.283250 +vt 0.588233 0.290222 +vt 0.335159 0.584933 +vt 0.334263 0.587408 +vt 0.336820 0.587408 +vt 0.067770 0.951567 +vt 0.069173 0.953256 +vt 0.014011 0.992681 +vt 0.017655 0.991954 +vt 0.012145 0.991954 +vt 0.502246 0.637850 +vt 0.500703 0.637872 +vt 0.500703 0.637820 +vt 0.972754 0.049864 +vt 0.972732 0.048431 +vt 0.409573 0.165332 +vt 0.390126 0.166287 +vt 0.409573 0.166088 +vt 0.741304 0.651205 +vt 0.741208 0.651257 +vt 0.741304 0.651257 +vt 0.616342 0.424004 +vt 0.616533 0.425275 +vt 0.616577 0.425275 +vt 0.607222 0.671029 +vt 0.605260 0.670846 +vt 0.607222 0.670846 +vt 0.483558 0.972746 +vt 0.479547 0.972753 +vt 0.583708 0.284124 +vt 0.583862 0.284301 +vt 0.583605 0.283926 +vt 0.583553 0.283698 +vt 0.583568 0.283470 +vt 0.584192 0.284668 +vt 0.162080 0.595167 +vt 0.584523 0.285623 +vt 0.584494 0.286145 +vt 0.584428 0.285123 +vt 0.976847 0.226565 +vt 0.977758 0.227631 +vt 0.977758 0.226433 +vt 0.584325 0.286630 +vt 0.584038 0.287056 +vt 0.583906 0.287247 +vt 0.583832 0.287460 +vt 0.583818 0.287695 +vt 0.583862 0.287915 +vt 0.587006 0.280796 +vt 0.586889 0.280987 +vt 0.587175 0.280642 +vt 0.587374 0.280532 +vt 0.586823 0.281208 +vt 0.586676 0.281700 +vt 0.589159 0.289003 +vt 0.586022 0.282479 +vt 0.586404 0.282141 +vt 0.585574 0.282721 +vt 0.573192 0.589813 +vt 0.572692 0.589842 +vt 0.584574 0.282780 +vt 0.585081 0.282817 +vt 0.584354 0.282765 +vt 0.584134 0.282802 +vt 0.583935 0.282912 +vt 0.583759 0.283059 +vt 0.587594 0.280480 +vt 0.587161 0.289164 +vt 0.587374 0.289627 +vt 0.587800 0.290134 +vt 0.588013 0.290207 +vt 0.587616 0.290009 +vt 0.587476 0.289840 +vt 0.569467 0.590614 +vt 0.569188 0.590195 +vt 0.586419 0.288496 +vt 0.586830 0.288775 +vt 0.585941 0.288341 +vt 0.240348 0.856009 +vt 0.584729 0.288488 +vt 0.584949 0.288444 +vt 0.584508 0.288488 +vt 0.584295 0.288415 +vt 0.584112 0.288297 +vt 0.585441 0.288319 +vt 0.591539 0.282295 +vt 0.591730 0.282412 +vt 0.591326 0.282229 +vt 0.591098 0.282214 +vt 0.590878 0.282266 +vt 0.162043 0.591340 +vt 0.590393 0.282383 +vt 0.588035 0.280568 +vt 0.588219 0.280693 +vt 0.588365 0.280870 +vt 0.587822 0.280495 +vt 0.588461 0.281083 +vt 0.588674 0.281546 +vt 0.589416 0.282207 +vt 0.589894 0.282368 +vt 0.588997 0.281928 +vt 0.591907 0.287805 +vt 0.592076 0.287651 +vt 0.591694 0.287901 +vt 0.591473 0.287952 +vt 0.591260 0.287930 +vt 0.590753 0.287893 +vt 0.589805 0.288224 +vt 0.590261 0.287989 +vt 0.589438 0.288569 +vt 0.569930 0.583149 +vt 0.569614 0.583546 +vt 0.589012 0.289495 +vt 0.588946 0.289715 +vt 0.588828 0.289914 +vt 0.588652 0.290068 +vt 0.588454 0.290171 +vt 0.429246 0.804023 +vt 0.428812 0.804662 +vt 0.428761 0.804868 +vt 0.428812 0.804449 +vt 0.428761 0.804236 +vt 0.428651 0.804052 +vt 0.168692 0.591310 +vt 0.168633 0.591810 +vt 0.428401 0.803634 +vt 0.428269 0.802686 +vt 0.428269 0.803171 +vt 0.429547 0.802869 +vt 0.428401 0.802223 +vt 0.567101 0.585772 +vt 0.567270 0.586257 +vt 0.428974 0.801474 +vt 0.428636 0.801812 +vt 0.429547 0.801672 +vt 0.429128 0.801327 +vt 0.429239 0.801143 +vt 0.429297 0.800937 +vt 0.429297 0.800724 +vt 0.429246 0.800511 +vt 0.428658 0.805059 +vt 0.608172 0.982594 +vt 0.606614 0.982653 +vt 0.606614 0.982594 +vt 0.239010 0.636351 +vt 0.236923 0.636564 +vt 0.239010 0.636564 +vt 0.371967 0.527186 +vt 0.376684 0.533732 +vt 0.376699 0.527355 +vt 0.452217 0.635382 +vt 0.452268 0.635587 +vt 0.452217 0.635587 +vt 0.775900 0.972753 +vt 0.776062 0.972702 +vt 0.775900 0.972702 +vt 0.814012 0.189446 +vt 0.814740 0.195779 +vt 0.814769 0.189446 +vt 0.619937 0.250849 +vt 0.618872 0.250805 +vt 0.618872 0.250857 +vt 0.179209 0.637417 +vt 0.177188 0.637049 +vt 0.179209 0.637049 +vt 0.628831 0.400446 +vt 0.626855 0.399961 +vt 0.628831 0.399961 +vt 0.834266 0.203197 +vt 0.835867 0.132432 +vt 0.834266 0.132410 +vt 0.218699 0.424495 +vt 0.219000 0.426368 +vt 0.219073 0.424436 +vt 0.369097 0.635609 +vt 0.371030 0.635154 +vt 0.369097 0.635154 +vt 0.326046 0.637395 +vt 0.326053 0.637372 +vt 0.326046 0.637372 +vt 0.177188 0.636594 +vt 0.288400 0.109005 +vt 0.266234 0.105626 +vt 0.288672 0.105729 +vt 0.559101 0.327159 +vt 0.559586 0.327570 +vt 0.559108 0.327570 +vt 0.010749 0.962875 +vt 0.006708 0.962919 +vt 0.006708 0.962875 +vt 0.983473 0.068873 +vt 0.983965 0.066941 +vt 0.983965 0.068873 +vt 0.819617 0.280724 +vt 0.817986 0.280239 +vt 0.819617 0.280232 +vt 0.429305 0.994233 +vt 0.427395 0.994013 +vt 0.427409 0.994233 +vt 0.009957 0.593733 +vt 0.080641 0.592388 +vt 0.080656 0.593733 +vt 0.189142 0.903847 +vt 0.193373 0.905706 +vt 0.193359 0.903267 +vt 0.282571 0.792875 +vt 0.277090 0.792927 +vt 0.277090 0.792875 +vt 0.619342 0.540809 +vt 0.946714 0.604510 +vt 0.946016 0.604540 +vt 0.946714 0.604459 +vt 0.577039 0.090228 +vt 0.575665 0.160942 +vt 0.577039 0.160927 +vt 0.595311 0.192739 +vt 0.597801 0.188147 +vt 0.595318 0.188147 +vt 0.592418 0.393367 +vt 0.594857 0.397944 +vt 0.592418 0.397944 +vt 0.102643 0.650566 +vt 0.102254 0.650088 +vt 0.102254 0.650566 +vt 0.595318 0.183923 +vt 0.597809 0.180315 +vt 0.595318 0.180315 +vt 0.120055 0.650566 +vt 0.119357 0.650066 +vt 0.119365 0.650559 +vt 0.880106 0.146325 +vt 0.879922 0.148301 +vt 0.880106 0.148331 +vt 0.429298 0.993792 +vt 0.427409 0.993572 +vt 0.427395 0.993792 +vt 0.040120 0.054587 +vt 0.110855 0.056270 +vt 0.265777 0.851942 +vt 0.262243 0.824736 +vt 0.265777 0.825515 +vt 0.776297 0.972753 +vt 0.776062 0.972753 +vt 0.161935 0.172698 +vt 0.161891 0.172698 +vt 0.216596 0.006218 +vt 0.216670 0.006482 +vt 0.216641 0.006218 +vt 0.710775 0.963824 +vt 0.710798 0.968820 +vt 0.886360 0.823376 +vt 0.886999 0.823421 +vt 0.886999 0.823376 +vt 0.126336 0.058200 +vt 0.127261 0.058156 +vt 0.127261 0.058208 +vt 0.628839 0.398153 +vt 0.626855 0.398374 +vt 0.626855 0.398153 +vt 0.179209 0.635668 +vt 0.177188 0.635874 +vt 0.177188 0.635668 +vt 0.864993 0.386854 +vt 0.865037 0.387037 +vt 0.864993 0.387030 +vt 0.947874 0.146562 +vt 0.950152 0.146606 +vt 0.947874 0.146606 +vt 0.201649 0.534565 +vt 0.199871 0.534609 +vt 0.201649 0.534609 +vt 0.848655 0.785038 +vt 0.850587 0.784575 +vt 0.848655 0.784575 +vt 0.028611 0.007413 +vt 0.028633 0.007413 +vt 0.028633 0.007406 +vt 0.507044 0.061909 +vt 0.506999 0.061916 +vt 0.616251 0.523939 +vt 0.616295 0.525159 +vt 0.616251 0.525159 +vt 0.899384 0.678809 +vt 0.902397 0.674886 +vt 0.899980 0.674842 +vt 0.134665 0.650591 +vt 0.136127 0.651076 +vt 0.134665 0.651076 +vt 0.982602 0.006966 +vt 0.982653 0.008031 +vt 0.982602 0.008031 +vt 0.631088 0.263635 +vt 0.631088 0.263679 +vt 0.154119 0.559266 +vt 0.154171 0.559112 +vt 0.154171 0.559266 +vt 0.296519 0.603440 +vt 0.296526 0.602683 +vt 0.416007 0.360236 +vt 0.410416 0.353808 +vt 0.410409 0.360178 +vt 0.028633 0.007376 +vt 0.028611 0.007384 +vt 0.777017 0.972746 +vt 0.777252 0.972702 +vt 0.777017 0.972702 +vt 0.617241 0.250805 +vt 0.618020 0.250849 +vt 0.618020 0.250805 +vt 0.136234 0.584003 +vt 0.135389 0.583959 +vt 0.135389 0.584010 +vt 0.448244 0.375187 +vt 0.448449 0.375187 +vt 0.154119 0.567597 +vt 0.154171 0.567017 +vt 0.154171 0.567597 +vt 0.434150 0.329664 +vt 0.436633 0.325087 +vt 0.984864 0.550513 +vt 0.984430 0.550462 +vt 0.984864 0.550462 +vt 0.151651 0.007551 +vt 0.153385 0.007426 +vt 0.153385 0.007478 +vt 0.625719 0.436508 +vt 0.623779 0.436523 +vt 0.714374 0.819922 +vt 0.642368 0.818710 +vt 0.211395 0.903847 +vt 0.214790 0.907117 +vt 0.214775 0.904677 +vt 0.977745 0.587684 +vt 0.977701 0.586655 +vt 0.977745 0.586655 +vt 0.471004 0.834296 +vt 0.469255 0.832871 +vt 0.468822 0.833062 +vt 0.214032 0.929262 +vt 0.213569 0.931011 +vt 0.214017 0.930842 +vt 0.211468 0.926213 +vt 0.212709 0.927484 +vt 0.212790 0.927007 +vt 0.210652 0.926713 +vt 0.212761 0.927969 +vt 0.464531 0.837132 +vt 0.464487 0.835574 +vt 0.464127 0.835780 +vt 0.472715 0.835780 +vt 0.472546 0.835655 +vt 0.472341 0.835574 +vt 0.465883 0.839777 +vt 0.465875 0.839358 +vt 0.465846 0.839564 +vt 0.467088 0.840269 +vt 0.467249 0.840137 +vt 0.209293 0.926515 +vt 0.207574 0.927000 +vt 0.207647 0.927477 +vt 0.463995 0.835949 +vt 0.463921 0.836140 +vt 0.469622 0.832569 +vt 0.470989 0.832929 +vt 0.470908 0.832731 +vt 0.463892 0.836353 +vt 0.470776 0.832562 +vt 0.463929 0.836566 +vt 0.470600 0.832430 +vt 0.464017 0.836757 +vt 0.472855 0.835949 +vt 0.470401 0.832349 +vt 0.464149 0.836933 +vt 0.470188 0.832327 +vt 0.464333 0.837058 +vt 0.469975 0.832356 +vt 0.469784 0.832445 +vt 0.465964 0.839982 +vt 0.472943 0.836140 +vt 0.466897 0.840350 +vt 0.471018 0.833143 +vt 0.465758 0.834296 +vt 0.468351 0.833120 +vt 0.467874 0.833062 +vt 0.470996 0.833348 +vt 0.466103 0.840144 +vt 0.469446 0.839835 +vt 0.471114 0.838410 +vt 0.468998 0.839644 +vt 0.466684 0.840387 +vt 0.472980 0.836353 +vt 0.466272 0.840276 +vt 0.465376 0.837587 +vt 0.465589 0.834737 +vt 0.465302 0.835119 +vt 0.466471 0.840357 +vt 0.472958 0.836566 +vt 0.465677 0.837969 +vt 0.472877 0.836757 +vt 0.075797 0.481440 +vt 0.123963 0.442524 +vt 0.086538 0.442157 +vt 0.472752 0.836933 +vt 0.472576 0.837058 +vt 0.472385 0.837132 +vt 0.465942 0.838888 +vt 0.464935 0.835405 +vt 0.464987 0.837301 +vt 0.471070 0.838888 +vt 0.209638 0.933391 +vt 0.207589 0.932605 +vt 0.209205 0.933575 +vt 0.468520 0.839586 +vt 0.471283 0.837969 +vt 0.765200 0.929115 +vt 0.765964 0.927036 +vt 0.766442 0.926977 +vt 0.470813 0.840276 +vt 0.470982 0.840144 +vt 0.471099 0.839982 +vt 0.471173 0.839777 +vt 0.471195 0.839564 +vt 0.468050 0.839644 +vt 0.464289 0.835655 +vt 0.465868 0.838410 +vt 0.208830 0.933876 +vt 0.471202 0.834737 +vt 0.471503 0.835119 +vt 0.767808 0.925486 +vt 0.769292 0.925692 +vt 0.767727 0.925684 +vt 0.465714 0.833348 +vt 0.467044 0.832569 +vt 0.466882 0.832445 +vt 0.466676 0.832356 +vt 0.466463 0.832327 +vt 0.471562 0.837587 +vt 0.466258 0.832349 +vt 0.466059 0.832430 +vt 0.465898 0.832562 +vt 0.465765 0.832731 +vt 0.465692 0.832929 +vt 0.470408 0.840387 +vt 0.470622 0.840357 +vt 0.465677 0.833143 +vt 0.470195 0.840350 +vt 0.274497 0.345525 +vt 0.274482 0.349287 +vt 0.268546 0.360432 +vt 0.274482 0.345275 +vt 0.268436 0.360542 +vt 0.280815 0.319223 +vt 0.280154 0.321280 +vt 0.279573 0.320891 +vt 0.101504 0.398708 +vt 0.099631 0.398303 +vt 0.099829 0.399934 +vt 0.483015 0.896470 +vt 0.485821 0.884700 +vt 0.484793 0.897153 +vt 0.274269 0.312795 +vt 0.274379 0.313956 +vt 0.274453 0.325813 +vt 0.072388 0.406194 +vt 0.069575 0.403703 +vt 0.068612 0.404776 +vt 0.284621 0.289300 +vt 0.286957 0.292187 +vt 0.283482 0.289946 +vt 0.272991 0.399760 +vt 0.265335 0.397747 +vt 0.264887 0.395102 +vt 0.291791 0.295831 +vt 0.292636 0.300144 +vt 0.287244 0.296279 +vt 0.287244 0.294890 +vt 0.259840 0.388960 +vt 0.257283 0.387968 +vt 0.282204 0.319084 +vt 0.282681 0.321288 +vt 0.282167 0.321589 +vt 0.262051 0.390561 +vt 0.283262 0.321097 +vt 0.263770 0.392648 +vt 0.360771 0.362055 +vt 0.359074 0.364759 +vt 0.327688 0.354966 +vt 0.276040 0.279749 +vt 0.275467 0.280564 +vt 0.275415 0.280564 +vt 0.274695 0.278992 +vt 0.290572 0.408062 +vt 0.288808 0.407393 +vt 0.287170 0.406504 +vt 0.290586 0.367169 +vt 0.123699 0.268901 +vt 0.125168 0.268314 +vt 0.290498 0.367375 +vt 0.290381 0.367529 +vt 0.293679 0.408613 +vt 0.290241 0.367646 +vt 0.296861 0.408458 +vt 0.281902 0.356611 +vt 0.280124 0.351711 +vt 0.137739 0.401257 +vt 0.132684 0.401037 +vt 0.132691 0.404967 +vt 0.299917 0.407584 +vt 0.279537 0.349030 +vt 0.279537 0.349456 +vt 0.278890 0.349456 +vt 0.125653 0.230220 +vt 0.127527 0.231300 +vt 0.126770 0.229699 +vt 0.285701 0.288352 +vt 0.287244 0.292091 +vt 0.287133 0.292091 +vt 0.389945 0.085451 +vt 0.391084 0.086333 +vt 0.390401 0.086979 +vt 0.471947 0.917674 +vt 0.469743 0.914294 +vt 0.469750 0.917622 +vt 0.517465 0.088845 +vt 0.516745 0.089595 +vt 0.267253 0.371908 +vt 0.267076 0.371797 +vt 0.257396 0.125631 +vt 0.257815 0.126645 +vt 0.257102 0.126219 +vt 0.301085 0.369351 +vt 0.303120 0.337708 +vt 0.287200 0.328091 +vt 0.287244 0.327026 +vt 0.287280 0.325336 +vt 0.290072 0.367749 +vt 0.289874 0.367830 +vt 0.289653 0.367896 +vt 0.276716 0.279073 +vt 0.274188 0.277618 +vt 0.909294 0.514321 +vt 0.910822 0.513373 +vt 0.909617 0.514901 +vt 0.274482 0.342888 +vt 0.267466 0.371981 +vt 0.277391 0.278573 +vt 0.274056 0.277060 +vt 0.302687 0.406056 +vt 0.267760 0.372018 +vt 0.286619 0.287037 +vt 0.278258 0.278059 +vt 0.273990 0.276986 +vt 0.284621 0.318062 +vt 0.285480 0.321376 +vt 0.284812 0.321133 +vt 0.299266 0.124272 +vt 0.298833 0.124948 +vt 0.298597 0.124493 +vt 0.292078 0.291445 +vt 0.285701 0.317122 +vt 0.268134 0.371974 +vt 0.285958 0.321685 +vt 0.286340 0.322052 +vt 0.274041 0.370842 +vt 0.289191 0.359212 +vt 0.288977 0.358742 +vt 0.274262 0.370784 +vt 0.362027 0.359109 +vt 0.550925 0.394327 +vt 0.518437 0.390118 +vt 0.274460 0.370703 +vt 0.286619 0.315814 +vt 0.150001 0.401786 +vt 0.280264 0.346326 +vt 0.280029 0.346774 +vt 0.280000 0.346781 +vt 0.275871 0.343909 +vt 0.279463 0.277647 +vt 0.286626 0.322441 +vt 0.286840 0.322838 +vt 0.282292 0.356780 +vt 0.274482 0.302436 +vt 0.274475 0.311112 +vt 0.284804 0.357405 +vt 0.284628 0.357405 +vt 0.275055 0.309621 +vt 0.284988 0.357434 +vt 0.275966 0.308350 +vt 0.228755 0.682935 +vt 0.908491 0.120536 +vt 0.910680 0.119500 +vt 0.280918 0.277471 +vt 0.272403 0.278441 +vt 0.272396 0.278463 +vt 0.257283 0.261168 +vt 0.259840 0.260147 +vt 0.262051 0.258531 +vt 0.274629 0.302377 +vt 0.274578 0.302436 +vt 0.274600 0.302406 +vt 0.287060 0.351814 +vt 0.287111 0.351873 +vt 0.274680 0.302348 +vt 0.287089 0.351829 +vt 0.287104 0.351851 +vt 0.362784 0.356024 +vt 0.102246 0.229838 +vt 0.274857 0.302296 +vt 0.137864 0.284190 +vt 0.138782 0.284301 +vt 0.138584 0.283838 +vt 0.305273 0.311627 +vt 0.246060 0.140053 +vt 0.246258 0.138305 +vt 0.246640 0.139745 +vt 0.275386 0.339978 +vt 0.274578 0.342888 +vt 0.295850 0.128651 +vt 0.297010 0.126799 +vt 0.297694 0.127821 +vt 0.285796 0.235550 +vt 0.286942 0.237703 +vt 0.349786 0.807476 +vt 0.323183 0.824520 +vt 0.346598 0.799394 +vt 0.274666 0.338590 +vt 0.291791 0.355149 +vt 0.276143 0.366919 +vt 0.274996 0.369535 +vt 0.276025 0.366816 +vt 0.142544 0.297238 +vt 0.142470 0.296467 +vt 0.142514 0.297238 +vt 0.288507 0.358294 +vt 0.288272 0.358206 +vt 0.288698 0.358419 +vt 0.288860 0.358566 +vt 0.326013 0.346414 +vt 0.327402 0.350587 +vt 0.287214 0.351873 +vt 0.263770 0.256422 +vt 0.275929 0.366691 +vt 0.264887 0.253961 +vt 0.279169 0.342579 +vt 0.277685 0.342021 +vt 0.127233 0.399383 +vt 0.123442 0.398303 +vt 0.126748 0.399721 +vt 0.281065 0.345356 +vt 0.280602 0.345848 +vt 0.276275 0.366993 +vt 0.275841 0.366530 +vt 0.274379 0.337502 +vt 0.287148 0.281923 +vt 0.286671 0.280733 +vt 0.287339 0.282820 +vt 0.276444 0.367037 +vt 0.322053 0.307343 +vt 0.320312 0.339736 +vt 0.274578 0.299592 +vt 0.274600 0.299637 +vt 0.274585 0.299615 +vt 0.274607 0.299651 +vt 0.309740 0.371474 +vt 0.305273 0.370953 +vt 0.318409 0.309944 +vt 0.274629 0.299673 +vt 0.274644 0.299681 +vt 0.274688 0.299703 +vt 0.275790 0.366368 +vt 0.299175 0.280520 +vt 0.275753 0.366184 +vt 0.285965 0.279697 +vt 0.285069 0.278823 +vt 0.324926 0.303949 +vt 0.280815 0.342770 +vt 0.281778 0.344893 +vt 0.276679 0.367051 +vt 0.272991 0.249208 +vt 0.274269 0.336334 +vt 0.268325 0.360718 +vt 0.265335 0.251309 +vt 0.276062 0.299813 +vt 0.277009 0.366993 +vt 0.057592 0.400052 +vt 0.028976 0.392176 +vt 0.025971 0.399391 +vt 0.275018 0.369858 +vt 0.303120 0.278389 +vt 0.283996 0.278154 +vt 0.273946 0.362930 +vt 0.123839 0.230051 +vt 0.125242 0.229566 +vt 0.609484 0.757378 +vt 0.611923 0.757547 +vt 0.611174 0.758929 +vt 0.066342 0.489412 +vt 0.068597 0.488626 +vt 0.067099 0.486605 +vt 0.280124 0.302179 +vt 0.280933 0.306241 +vt 0.279720 0.306352 +vt 0.282644 0.306432 +vt 0.280940 0.306241 +vt 0.280264 0.246225 +vt 0.282630 0.277669 +vt 0.280933 0.277471 +vt 0.058290 0.403086 +vt 0.022062 0.406231 +vt 0.284937 0.305646 +vt 0.284011 0.306925 +vt 0.285084 0.307601 +vt 0.284937 0.305514 +vt 0.512576 0.176169 +vt 0.251670 0.375331 +vt 0.231922 0.377763 +vt 0.231863 0.375618 +vt 0.292078 0.350771 +vt 0.287258 0.350705 +vt 0.287295 0.349206 +vt 0.193736 0.407700 +vt 0.195595 0.404849 +vt 0.193031 0.406003 +vt 0.533689 0.812995 +vt 0.537259 0.810644 +vt 0.537274 0.814369 +vt 0.282431 0.368521 +vt 0.928765 0.923422 +vt 0.928757 0.920821 +vt 0.928721 0.923436 +vt 0.125499 0.403608 +vt 0.123104 0.402572 +vt 0.122479 0.403703 +vt 0.282858 0.368932 +vt 0.274769 0.370475 +vt 0.274886 0.370321 +vt 0.293033 0.240215 +vt 0.289962 0.240943 +vt 0.285084 0.305308 +vt 0.285018 0.305419 +vt 0.282689 0.368822 +vt 0.314221 0.370901 +vt 0.282321 0.368286 +vt 0.280154 0.366412 +vt 0.014326 0.427919 +vt 0.053411 0.477400 +vt 0.016574 0.426053 +vt 0.284621 0.341602 +vt 0.285319 0.344871 +vt 0.284525 0.344592 +vt 0.296170 0.240193 +vt 0.283078 0.369013 +vt 0.274629 0.370600 +vt 0.287405 0.336106 +vt 0.299175 0.339846 +vt 0.299226 0.240862 +vt 0.274673 0.294913 +vt 0.274600 0.294971 +vt 0.274629 0.294942 +vt 0.301019 0.241618 +vt 0.285701 0.340669 +vt 0.285951 0.345283 +vt 0.274776 0.294861 +vt 0.286428 0.345775 +vt 0.868997 0.251304 +vt 0.283364 0.369042 +vt 0.285172 0.304934 +vt 0.302687 0.242618 +vt 0.282211 0.367661 +vt 0.307484 0.277273 +vt 0.311995 0.277251 +vt 0.280462 0.366317 +vt 0.316359 0.278316 +vt 0.320312 0.280417 +vt 0.597672 0.648863 +vt 0.293474 0.346583 +vt 0.287229 0.347935 +vt 0.286979 0.346818 +vt 0.286766 0.346304 +vt 0.601019 0.904056 +vt 0.603281 0.903049 +vt 0.602143 0.905084 +vt 0.326843 0.299967 +vt 0.259233 0.214323 +vt 0.251996 0.140589 +vt 0.285201 0.304434 +vt 0.287244 0.305632 +vt 0.513567 0.174178 +vt 0.274534 0.328172 +vt 0.274475 0.334659 +vt 0.275055 0.333168 +vt 0.275966 0.331897 +vt 0.285980 0.308475 +vt 0.286685 0.309518 +vt 0.362027 0.288954 +vt 0.327688 0.295647 +vt 0.111606 0.396312 +vt 0.108851 0.393807 +vt 0.108726 0.394035 +vt 0.280925 0.366015 +vt 0.282211 0.367331 +vt 0.280712 0.366192 +vt 0.360771 0.286030 +vt 0.274651 0.328135 +vt 0.274636 0.328157 +vt 0.354467 0.278882 +vt 0.281065 0.365832 +vt 0.323603 0.283407 +vt 0.326013 0.287103 +vt 0.327402 0.291268 +vt 0.121972 0.395563 +vt 0.123736 0.393756 +vt 0.120804 0.394549 +vt 0.274673 0.328113 +vt 0.359074 0.283327 +vt 0.274717 0.328091 +vt 0.356951 0.280931 +vt 0.266584 0.370541 +vt 0.266628 0.370989 +vt 0.266709 0.371268 +vt 0.281197 0.365575 +vt 0.266819 0.371496 +vt 0.266930 0.371658 +vt 0.274710 0.292224 +vt 0.274629 0.292180 +vt 0.274578 0.292135 +vt 0.266599 0.370306 +vt 0.268245 0.360998 +vt 0.272381 0.278522 +vt 0.272381 0.278544 +vt 0.272403 0.278617 +vt 0.274482 0.292135 +vt 0.274482 0.294971 +vt 0.274482 0.299592 +vt 0.274482 0.327151 +vt 0.281344 0.365046 +vt 0.272381 0.278492 +vt 0.354467 0.369263 +vt 0.318409 0.369263 +vt 0.274313 0.356927 +vt 0.272954 0.361108 +vt 0.272645 0.361005 +vt 0.273204 0.361269 +vt 0.273409 0.361482 +vt 0.273564 0.361725 +vt 0.273799 0.362320 +vt 0.324926 0.363268 +vt 0.326843 0.359286 +vt 0.269538 0.360322 +vt 0.283879 0.358154 +vt 0.322053 0.366669 +vt 0.274548 0.345782 +vt 0.275702 0.349456 +vt 0.276032 0.292334 +vt 0.269339 0.360285 +vt 0.278582 0.330185 +vt 0.274387 0.356362 +vt 0.269163 0.360270 +vt 0.268979 0.360270 +vt 0.075041 0.399237 +vt 0.080169 0.395225 +vt 0.075166 0.393954 +vt 0.281932 0.294714 +vt 0.280124 0.299806 +vt 0.280110 0.294722 +vt 0.274526 0.355972 +vt 0.285201 0.297484 +vt 0.285201 0.299784 +vt 0.358978 0.273320 +vt 0.363078 0.274297 +vt 0.361021 0.275987 +vt 0.061526 0.131268 +vt 0.061570 0.122356 +vt 0.069093 0.124781 +vt 0.280124 0.327929 +vt 0.280940 0.329781 +vt 0.280933 0.329781 +vt 0.274967 0.287015 +vt 0.275738 0.288183 +vt 0.279720 0.329884 +vt 0.141735 0.487046 +vt 0.140876 0.484401 +vt 0.065343 0.413717 +vt 0.065725 0.406267 +vt 0.063976 0.406473 +vt 0.280264 0.402684 +vt 0.283747 0.369013 +vt 0.284937 0.296404 +vt 0.285157 0.296889 +vt 0.285091 0.296661 +vt 0.285032 0.296514 +vt 0.284937 0.296294 +vt 0.274460 0.285670 +vt 0.274482 0.351939 +vt 0.268818 0.360300 +vt 0.268678 0.360351 +vt 0.274695 0.355693 +vt 0.110504 0.400059 +vt 0.108630 0.401037 +vt 0.110702 0.401749 +vt 0.279309 0.290343 +vt 0.280124 0.292326 +vt 0.274871 0.355509 +vt 0.277942 0.289880 +vt 0.275085 0.355363 +vt 0.128159 0.266580 +vt 0.127115 0.263700 +vt 0.127064 0.265955 +vt 0.287346 0.311619 +vt 0.287163 0.310716 +vt 0.287405 0.312567 +vt 0.132890 0.393756 +vt 0.136358 0.394255 +vt 0.132890 0.393660 +vt 0.274306 0.284862 +vt 0.274607 0.351902 +vt 0.274578 0.351939 +vt 0.274592 0.351917 +vt 0.294561 0.304103 +vt 0.868989 0.267290 +vt 0.872053 0.251311 +vt 0.274644 0.351880 +vt 0.274732 0.351843 +vt 0.275841 0.355230 +vt 0.275591 0.355223 +vt 0.280778 0.290490 +vt 0.276128 0.355274 +vt 0.280381 0.779089 +vt 0.281858 0.672346 +vt 0.282129 0.778589 +vt 0.391246 0.087956 +vt 0.390584 0.088566 +vt 0.286979 0.323198 +vt 0.108638 0.404805 +vt 0.111202 0.403101 +vt 0.400867 0.822663 +vt 0.400882 0.826050 +vt 0.285848 0.294714 +vt 0.282196 0.290343 +vt 0.281932 0.292319 +vt 0.281506 0.290453 +vt 0.287346 0.335159 +vt 0.287163 0.334262 +vt 0.287133 0.294890 +vt 0.287045 0.294824 +vt 0.287097 0.294854 +vt 0.112781 0.405055 +vt 0.108814 0.406165 +vt 0.108814 0.406260 +vt 0.287097 0.328091 +vt 0.286979 0.328017 +vt 0.287031 0.328040 +vt 0.285730 0.327922 +vt 0.274578 0.349287 +vt 0.274622 0.349331 +vt 0.274600 0.349316 +vt 0.287075 0.328062 +vt 0.274651 0.349345 +vt 0.287200 0.324212 +vt 0.286685 0.333057 +vt 0.285980 0.332014 +vt 0.273373 0.280667 +vt 0.274438 0.282526 +vt 0.274306 0.283216 +vt 0.139208 0.402976 +vt 0.138782 0.401764 +vt 0.138907 0.403064 +vt 0.274254 0.284025 +vt 0.282637 0.357963 +vt 0.138576 0.401764 +vt 0.138723 0.403174 +vt 0.463407 0.865162 +vt 0.398555 0.912457 +vt 0.401288 0.912295 +vt 0.398467 0.912295 +vt 0.276407 0.317592 +vt 0.276319 0.321053 +vt 0.275672 0.321567 +vt 0.277009 0.320729 +vt 0.275386 0.316439 +vt 0.275187 0.322191 +vt 0.284202 0.357552 +vt 0.282622 0.357287 +vt 0.282549 0.357089 +vt 0.277531 0.320597 +vt 0.278082 0.320553 +vt 0.284327 0.357478 +vt 0.282439 0.356920 +vt 0.281733 0.321978 +vt 0.281395 0.322456 +vt 0.280947 0.322368 +vt 0.284467 0.357427 +vt 0.280617 0.321787 +vt 0.274666 0.315050 +vt 0.274835 0.322919 +vt 0.274600 0.323815 +vt 0.101151 0.397246 +vt 0.099058 0.396834 +vt 0.136277 0.395291 +vt 0.132684 0.399251 +vt 0.137643 0.401007 +vt 0.287060 0.292150 +vt 0.287104 0.292121 +vt 0.954874 0.182841 +vt 0.953684 0.182914 +vt 0.954874 0.182892 +vt 0.982610 0.405606 +vt 0.982654 0.404952 +vt 0.982603 0.404952 +vt 0.481131 0.603668 +vt 0.475444 0.602970 +vt 0.661661 0.609318 +vt 0.662035 0.611405 +vt 0.662035 0.609318 +vt 0.262911 0.481167 +vt 0.262911 0.481857 +vt 0.616236 0.496023 +vt 0.616295 0.497963 +vt 0.616244 0.497963 +vt 0.749519 0.751324 +vt 0.749519 0.751331 +vt 0.749505 0.751353 +vt 0.749519 0.751368 +vt 0.749505 0.751368 +vt 0.972872 0.760438 +vt 0.973056 0.759637 +vt 0.973004 0.759637 +vt 0.740875 0.982602 +vt 0.741029 0.982653 +vt 0.740875 0.982653 +vt 0.391230 0.982653 +vt 0.392368 0.982602 +vt 0.392368 0.982653 +vt 0.555574 0.419182 +vt 0.324215 0.991381 +vt 0.324259 0.991477 +vt 0.324215 0.991477 +vt 0.452224 0.635837 +vt 0.452268 0.636131 +vt 0.452224 0.636131 +vt 0.378288 0.147882 +vt 0.378222 0.152871 +vt 0.898885 0.687897 +vt 0.901427 0.683298 +vt 0.899017 0.683254 +vt 0.559565 0.176636 +vt 0.559080 0.177180 +vt 0.559080 0.176643 +vt 0.201584 0.113315 +vt 0.195045 0.118693 +vt 0.201452 0.118701 +vt 0.390017 0.982602 +vt 0.388261 0.982653 +vt 0.388261 0.982602 +vt 0.977754 0.484471 +vt 0.977710 0.485389 +vt 0.977754 0.485389 +vt 0.970238 0.145396 +vt 0.970253 0.145447 +vt 0.970238 0.145447 +vt 0.609508 0.365527 +vt 0.609721 0.366607 +vt 0.609464 0.365527 +vt 0.544379 0.023960 +vt 0.545128 0.023960 +vt 0.619386 0.042413 +vt 0.619342 0.042538 +vt 0.619342 0.042413 +vt 0.504891 0.602934 +vt 0.506918 0.603698 +vt 0.506918 0.602956 +vt 0.542736 0.196792 +vt 0.536381 0.190606 +vt 0.542736 0.190613 +vt 0.542685 0.215276 +vt 0.536359 0.209142 +vt 0.542707 0.209149 +vt 0.542663 0.221315 +vt 0.536337 0.215269 +vt 0.134550 0.887221 +vt 0.258534 0.635235 +vt 0.258667 0.635155 +vt 0.258527 0.635184 +vt 0.755099 0.992602 +vt 0.754672 0.992653 +vt 0.754672 0.992602 +vt 0.495634 0.201531 +vt 0.492034 0.174186 +vt 0.492034 0.201538 +vt 0.466016 0.141096 +vt 0.461637 0.141566 +vt 0.461637 0.141096 +vt 0.848655 0.782944 +vt 0.850587 0.783150 +vt 0.850587 0.782944 +vt 0.495634 0.174178 +vt 0.144298 0.924704 +vt 0.140389 0.922250 +vt 0.140382 0.924696 +vt 0.127512 0.635213 +vt 0.625697 0.322883 +vt 0.623787 0.322699 +vt 0.623757 0.322905 +vt 0.185601 0.904677 +vt 0.189164 0.906294 +vt 0.627041 0.455803 +vt 0.628973 0.455803 +vt 0.721527 0.604442 +vt 0.721373 0.604493 +vt 0.721527 0.604493 +vt 0.581666 0.893120 +vt 0.581718 0.893414 +vt 0.581666 0.893414 +vt 0.630180 0.373919 +vt 0.630166 0.375851 +vt 0.560631 0.097839 +vt 0.560675 0.097853 +vt 0.560675 0.097839 +vt 0.393823 0.982653 +vt 0.395035 0.982594 +vt 0.395035 0.982646 +vt 0.448065 0.245704 +vt 0.447845 0.247629 +vt 0.447845 0.245682 +vt 0.635184 0.107894 +vt 0.635228 0.107857 +vt 0.635235 0.107894 +vt 0.606628 0.852776 +vt 0.602389 0.825857 +vt 0.602389 0.852372 +vt 0.148330 0.650591 +vt 0.148573 0.651069 +vt 0.148330 0.651069 +vt 0.795393 0.425316 +vt 0.795393 0.425360 +vt 0.115633 0.650544 +vt 0.114729 0.650066 +vt 0.114729 0.650544 +vt 0.376629 0.912900 +vt 0.380229 0.915383 +vt 0.376629 0.915390 +vt 0.828563 0.425265 +vt 0.828423 0.425243 +vt 0.828570 0.425221 +vt 0.581718 0.893789 +vt 0.478158 0.972731 +vt 0.281893 0.547343 +vt 0.369097 0.636101 +vt 0.371030 0.635609 +vt 0.563058 0.992727 +vt 0.562750 0.992638 +vt 0.562750 0.992690 +vt 0.108526 0.621661 +vt 0.363146 0.982614 +vt 0.364402 0.982459 +vt 0.363146 0.982562 +vt 0.597812 0.825695 +vt 0.597812 0.852203 +vt 0.499271 0.637769 +vt 0.497992 0.637556 +vt 0.499271 0.637725 +vt 0.012527 0.962919 +vt 0.012527 0.962875 +vt 0.558888 0.299931 +vt 0.559350 0.295119 +vt 0.559373 0.299931 +vt 0.593904 0.367029 +vt 0.594668 0.365449 +vt 0.593911 0.365442 +vt 0.480013 0.336013 +vt 0.480248 0.337915 +vt 0.226349 0.482276 +vt 0.224387 0.482503 +vt 0.224387 0.482276 +vt 0.381512 0.603036 +vt 0.358869 0.603756 +vt 0.381519 0.603521 +vt 0.048680 0.375183 +vt 0.278794 0.779823 +vt 0.277009 0.781043 +vt 0.277009 0.670135 +vt 0.050047 0.373295 +vt 0.424924 0.141853 +vt 0.425166 0.143256 +vt 0.424027 0.142154 +vt 0.256474 0.775498 +vt 0.254351 0.669600 +vt 0.256202 0.669358 +vt 0.257958 0.668851 +vt 0.254160 0.775255 +vt 0.252456 0.669549 +vt 0.136225 0.394755 +vt 0.132794 0.393903 +vt 0.148480 0.295740 +vt 0.146349 0.295982 +vt 0.146379 0.296276 +vt 0.251004 0.137592 +vt 0.252489 0.135425 +vt 0.252849 0.135954 +vt 0.324921 0.145482 +vt 0.325597 0.147694 +vt 0.324392 0.147576 +vt 0.307693 0.138106 +vt 0.308016 0.136409 +vt 0.308641 0.136798 +vt 0.145203 0.299957 +vt 0.144380 0.299927 +vt 0.305148 0.238893 +vt 0.306830 0.236850 +vt 0.305819 0.136865 +vt 0.306583 0.138268 +vt 0.305342 0.137423 +vt 0.318654 0.142456 +vt 0.318742 0.140773 +vt 0.319029 0.140832 +vt 0.321145 0.140920 +vt 0.321130 0.141008 +vt 0.146467 0.297400 +vt 0.146504 0.298098 +vt 0.146570 0.299979 +vt 0.138892 0.220442 +vt 0.137886 0.220721 +vt 0.138474 0.221029 +vt 0.239176 0.142514 +vt 0.241035 0.140428 +vt 0.241072 0.142051 +vt 0.252856 0.135065 +vt 0.252474 0.133514 +vt 0.253275 0.134639 +vt 0.143227 0.289745 +vt 0.141185 0.288466 +vt 0.141603 0.290119 +vt 0.142456 0.211317 +vt 0.140641 0.211941 +vt 0.142250 0.212044 +vt 0.315701 0.142456 +vt 0.315980 0.143844 +vt 0.315289 0.143638 +vt 0.136233 0.281090 +vt 0.138062 0.286997 +vt 0.139032 0.284425 +vt 0.138944 0.284227 +vt 0.323599 0.138437 +vt 0.324032 0.138635 +vt 0.323599 0.138606 +vt 0.307348 0.138753 +vt 0.307781 0.138165 +vt 0.141860 0.292500 +vt 0.141471 0.290450 +vt 0.141383 0.290465 +vt 0.297676 0.232479 +vt 0.301761 0.234477 +vt 0.297478 0.233574 +vt 0.138062 0.284638 +vt 0.140075 0.285689 +vt 0.139407 0.284256 +vt 0.139994 0.285726 +vt 0.317134 0.140178 +vt 0.138143 0.284829 +vt 0.300383 0.131810 +vt 0.301521 0.130598 +vt 0.301749 0.130884 +vt 0.469525 0.531142 +vt 0.484704 0.521025 +vt 0.466638 0.526432 +vt 0.148598 0.296944 +vt 0.139701 0.295350 +vt 0.139502 0.294917 +vt 0.139532 0.295343 +vt 0.141324 0.290185 +vt 0.301183 0.132750 +vt 0.302499 0.131759 +vt 0.304585 0.140810 +vt 0.304534 0.138356 +vt 0.305827 0.139245 +vt 0.318162 0.143117 +vt 0.316377 0.142654 +vt 0.318471 0.143190 +vt 0.318353 0.142389 +vt 0.299031 0.121458 +vt 0.298326 0.121899 +vt 0.298245 0.121642 +vt 0.317831 0.144336 +vt 0.321600 0.141074 +vt 0.321608 0.140994 +vt 0.138738 0.283757 +vt 0.137034 0.280539 +vt 0.136887 0.280642 +vt 0.312799 0.137092 +vt 0.312902 0.138003 +vt 0.312439 0.137805 +vt 0.321571 0.141251 +vt 0.243070 0.142132 +vt 0.243040 0.141398 +vt 0.243158 0.142103 +vt 0.013197 0.790445 +vt 0.012889 0.790835 +vt 0.012896 0.790835 +vt 0.139502 0.278768 +vt 0.142522 0.281759 +vt 0.140494 0.278041 +vt 0.141207 0.207607 +vt 0.140714 0.208194 +vt 0.141155 0.208128 +vt 0.139186 0.283536 +vt 0.137372 0.280304 +vt 0.139105 0.283573 +vt 0.303314 0.135836 +vt 0.303770 0.135263 +vt 0.303836 0.135329 +vt 0.313107 0.138092 +vt 0.313247 0.137283 +vt 0.313445 0.137364 +vt 0.139532 0.296136 +vt 0.139318 0.295336 +vt 0.139539 0.296371 +vt 0.306525 0.139693 +vt 0.307259 0.138701 +vt 0.141243 0.209392 +vt 0.140634 0.211258 +vt 0.140832 0.211258 +vt 0.016332 0.411616 +vt 0.017022 0.408516 +vt 0.139333 0.283456 +vt 0.137570 0.280157 +vt 0.137438 0.280252 +vt 0.137122 0.218223 +vt 0.135807 0.219119 +vt 0.136394 0.219325 +vt 0.142037 0.276748 +vt 0.140435 0.277960 +vt 0.306613 0.139745 +vt 0.309353 0.143491 +vt 0.305327 0.141287 +vt 0.313027 0.138253 +vt 0.139752 0.296144 +vt 0.140736 0.287930 +vt 0.139796 0.286380 +vt 0.140332 0.288055 +vt 0.012081 0.791775 +vt 0.011272 0.791525 +vt 0.011860 0.792010 +vt 0.312358 0.137967 +vt 0.312637 0.138540 +vt 0.312167 0.138334 +vt 0.242328 0.140031 +vt 0.241777 0.141838 +vt 0.241689 0.140237 +vt 0.252489 0.133162 +vt 0.252386 0.133375 +vt 0.252342 0.133316 +vt 0.314481 0.138819 +vt 0.136027 0.274169 +vt 0.133463 0.272670 +vt 0.135527 0.274713 +vt 0.313357 0.142992 +vt 0.314577 0.145549 +vt 0.311932 0.144601 +vt 0.312130 0.138407 +vt 0.312527 0.138760 +vt 0.312049 0.138554 +vt 0.321659 0.140560 +vt 0.322857 0.141140 +vt 0.314547 0.138657 +vt 0.367934 0.887793 +vt 0.355900 0.890504 +vt 0.355790 0.887419 +vt 0.138694 0.286233 +vt 0.128085 0.270885 +vt 0.127644 0.270944 +vt 0.128012 0.271039 +vt 0.129481 0.271686 +vt 0.355665 0.884502 +vt 0.368044 0.882665 +vt 0.367861 0.884935 +vt 0.142029 0.292470 +vt 0.128100 0.270856 +vt 0.318147 0.144417 +vt 0.019758 0.752741 +vt 0.023358 0.758148 +vt 0.023373 0.752278 +vt 0.258006 0.089419 +vt 0.261599 0.095414 +vt 0.258175 0.095105 +vt 0.128805 0.269342 +vt 0.128452 0.269151 +vt 0.129121 0.268666 +vt 0.129275 0.267315 +vt 0.312814 0.138701 +vt 0.312850 0.138628 +vt 0.142096 0.294211 +vt 0.141846 0.292977 +vt 0.142007 0.294219 +vt 0.323540 0.140773 +vt 0.322901 0.140516 +vt 0.323547 0.140582 +vt 0.312740 0.138856 +vt 0.312600 0.138613 +vt 0.318750 0.140744 +vt 0.139730 0.219200 +vt 0.138297 0.220148 +vt 0.300228 0.128827 +vt 0.299751 0.131017 +vt 0.298774 0.129621 +vt 0.130796 0.272604 +vt 0.130774 0.272626 +vt 0.129650 0.267520 +vt 0.130098 0.265448 +vt 0.142272 0.294189 +vt 0.142103 0.292940 +vt 0.141934 0.292962 +vt 0.299890 0.010859 +vt 0.295754 0.014187 +vt 0.296459 0.010594 +vt 0.138870 0.286718 +vt 0.131252 0.272986 +vt 0.132280 0.274162 +vt 0.140700 0.299575 +vt 0.139781 0.297878 +vt 0.139745 0.299428 +vt 0.136835 0.280561 +vt 0.136982 0.280458 +vt 0.141008 0.287856 +vt 0.140420 0.286145 +vt 0.140979 0.287864 +vt 0.299325 0.078722 +vt 0.297312 0.083269 +vt 0.297444 0.078178 +vt 0.298113 0.129981 +vt 0.297885 0.128173 +vt 0.326075 0.139840 +vt 0.326721 0.140722 +vt 0.326119 0.140714 +vt 0.131538 0.273214 +vt 0.601966 0.900309 +vt 0.599748 0.901697 +vt 0.599513 0.900537 +vt 0.134132 0.222602 +vt 0.133441 0.222800 +vt 0.133735 0.222998 +vt 0.145262 0.289546 +vt 0.147253 0.288973 +vt 0.145181 0.289223 +vt 0.321769 0.139539 +vt 0.322960 0.139671 +vt 0.136879 0.224629 +vt 0.135572 0.224380 +vt 0.136424 0.225100 +vt 0.324010 0.140810 +vt 0.324010 0.140619 +vt 0.299119 0.131413 +vt 0.314841 0.137908 +vt 0.315054 0.138826 +vt 0.131222 0.268468 +vt 0.132324 0.274103 +vt 0.323599 0.138657 +vt 0.324040 0.138848 +vt 0.323599 0.138819 +vt 0.139774 0.297084 +vt 0.139759 0.296386 +vt 0.139590 0.296379 +vt 0.144241 0.296144 +vt 0.142419 0.295328 +vt 0.310269 0.905747 +vt 0.308910 0.903903 +vt 0.309630 0.903580 +vt 0.139605 0.297290 +vt 0.139605 0.297855 +vt 0.251364 0.141067 +vt 0.250990 0.139017 +vt 0.251996 0.140589 +vt 0.132361 0.274140 +vt 0.139605 0.297077 +vt 0.304952 0.134110 +vt 0.305004 0.134183 +vt 0.304938 0.134124 +vt 0.132420 0.273963 +vt 0.302565 0.131781 +vt 0.302660 0.131641 +vt 0.302697 0.131678 +vt 0.323518 0.141207 +vt 0.322893 0.140707 +vt 0.243922 0.145196 +vt 0.134646 0.271076 +vt 0.138216 0.271767 +vt 0.135851 0.269453 +vt 0.254546 0.135799 +vt 0.255604 0.137350 +vt 0.254369 0.135983 +vt 0.921198 0.840405 +vt 0.919494 0.832625 +vt 0.920273 0.832470 +vt 0.326001 0.138738 +vt 0.326560 0.138738 +vt 0.314320 0.139201 +vt 0.890145 0.391749 +vt 0.892629 0.390485 +vt 0.892563 0.392160 +vt 0.141545 0.296210 +vt 0.141750 0.296460 +vt 0.141736 0.296210 +vt 0.014939 0.788432 +vt 0.014512 0.788256 +vt 0.014909 0.788491 +vt 0.312005 0.140332 +vt 0.312520 0.138789 +vt 0.312725 0.138878 +vt 0.140479 0.216496 +vt 0.141339 0.216298 +vt 0.140670 0.216114 +vt 0.313578 0.140964 +vt 0.314217 0.139465 +vt 0.145637 0.214263 +vt 0.145673 0.214175 +vt 0.074196 0.446411 +vt 0.072601 0.481183 +vt 0.134198 0.222646 +vt 0.133801 0.223042 +vt 0.609176 0.760707 +vt 0.607258 0.758921 +vt 0.608037 0.758605 +vt 0.138701 0.289113 +vt 0.138701 0.290678 +vt 0.256213 0.132067 +vt 0.255956 0.131340 +vt 0.256434 0.131751 +vt 0.370143 0.808138 +vt 0.367057 0.806073 +vt 0.367064 0.807616 +vt 0.139047 0.212581 +vt 0.139936 0.211934 +vt 0.139230 0.211956 +vt 0.320704 0.143631 +vt 0.320836 0.142882 +vt 0.313284 0.141640 +vt 0.368081 0.890761 +vt 0.139568 0.283918 +vt 0.141118 0.283419 +vt 0.141023 0.283206 +vt 0.300588 0.133184 +vt 0.016063 0.785376 +vt 0.015570 0.786948 +vt 0.016151 0.785413 +vt 0.143749 0.213646 +vt 0.142522 0.213477 +vt 0.143712 0.213727 +vt 0.316722 0.139348 +vt 0.139407 0.211309 +vt 0.139774 0.209554 +vt 0.253833 0.134962 +vt 0.142250 0.217084 +vt 0.140825 0.217312 +vt 0.141919 0.217716 +vt 0.314738 0.139642 +vt 0.314224 0.139443 +vt 0.314746 0.139620 +vt 0.133941 0.276410 +vt 0.134279 0.277057 +vt 0.304982 0.133235 +vt 0.304673 0.133529 +vt 0.311447 0.140891 +vt 0.311285 0.140009 +vt 0.311785 0.140237 +vt 0.299516 0.131920 +vt 0.298737 0.132927 +vt 0.298472 0.132603 +vt 0.292661 0.121172 +vt 0.290942 0.123016 +vt 0.290604 0.121370 +vt 0.311675 0.140986 +vt 0.371997 0.361005 +vt 0.374223 0.363113 +vt 0.371762 0.361842 +vt 0.141545 0.276006 +vt 0.139091 0.275969 +vt 0.139987 0.277255 +vt 0.139546 0.288907 +vt 0.139385 0.288334 +vt 0.138995 0.208092 +vt 0.138621 0.208657 +vt 0.138951 0.208562 +vt 0.304614 0.133588 +vt 0.305077 0.133992 +vt 0.324862 0.141309 +vt 0.323988 0.141251 +vt 0.134286 0.276043 +vt 0.134234 0.276109 +vt 0.310338 0.141743 +vt 0.310933 0.140656 +vt 0.134345 0.276866 +vt 0.611503 0.933795 +vt 0.301815 0.136159 +vt 0.300632 0.133235 +vt 0.302726 0.135329 +vt 0.307002 0.135491 +vt 0.306370 0.134918 +vt 0.307054 0.135425 +vt 0.072105 0.128116 +vt 0.066184 0.136154 +vt 0.015159 0.786728 +vt 0.014939 0.787279 +vt 0.014953 0.787279 +vt 0.139950 0.211934 +vt 0.140553 0.211258 +vt 0.140134 0.211265 +vt 0.138856 0.290656 +vt 0.325120 0.140876 +vt 0.324870 0.140670 +vt 0.325120 0.140678 +vt 0.138892 0.290648 +vt 0.314129 0.141163 +vt 0.134411 0.276932 +vt 0.257257 0.132449 +vt 0.256801 0.131208 +vt 0.257646 0.131876 +vt 0.326126 0.140913 +vt 0.325876 0.140714 +vt 0.322658 0.143146 +vt 0.321571 0.141280 +vt 0.322835 0.141442 +vt 0.122656 0.269129 +vt 0.122244 0.269739 +vt 0.308031 0.136387 +vt 0.308655 0.136776 +vt 0.139054 0.290619 +vt 0.249983 0.135601 +vt 0.249954 0.135535 +vt 0.138907 0.290905 +vt 0.305210 0.133992 +vt 0.305437 0.133632 +vt 0.305503 0.133698 +vt 0.324862 0.141398 +vt 0.319529 0.138290 +vt 0.319301 0.138069 +vt 0.319558 0.138128 +vt 0.121377 0.267153 +vt 0.122898 0.266528 +vt 0.121502 0.266235 +vt 0.305136 0.133926 +vt 0.305143 0.134051 +vt 0.467062 0.915734 +vt 0.464718 0.915161 +vt 0.464674 0.915712 +vt 0.138716 0.206233 +vt 0.013190 0.790438 +vt 0.013381 0.790188 +vt 0.013374 0.790181 +vt 0.305026 0.134168 +vt 0.292364 0.419464 +vt 0.287170 0.420301 +vt 0.287604 0.418443 +vt 0.169223 0.124694 +vt 0.168944 0.131122 +vt 0.166549 0.130490 +vt 0.133287 0.222954 +vt 0.140127 0.211265 +vt 0.143484 0.287776 +vt 0.143962 0.289554 +vt 0.311116 0.142088 +vt 0.310874 0.141985 +vt 0.310169 0.143866 +vt 0.258704 0.121164 +vt 0.259395 0.122252 +vt 0.258579 0.122009 +vt 0.325112 0.139818 +vt 0.325840 0.139840 +vt 0.194662 0.416208 +vt 0.197616 0.412218 +vt 0.194758 0.412395 +vt 0.320454 0.144895 +vt 0.320013 0.146930 +vt 0.016442 0.419720 +vt 0.013011 0.416443 +vt 0.013937 0.420682 +vt 0.300346 0.137511 +vt 0.299633 0.133977 +vt 0.144013 0.207379 +vt 0.143161 0.207959 +vt 0.143940 0.207945 +vt 0.299597 0.133926 +vt 0.142257 0.299773 +vt 0.141802 0.298061 +vt 0.141787 0.299722 +vt 0.134367 0.268226 +vt 0.132728 0.269511 +vt 0.133265 0.269915 +vt 0.199327 0.422974 +vt 0.195874 0.425737 +vt 0.197520 0.426714 +vt 0.133867 0.272039 +vt 0.134609 0.271032 +vt 0.135204 0.278195 +vt 0.015703 0.784847 +vt 0.015894 0.784017 +vt 0.015879 0.784009 +vt 0.323511 0.141302 +vt 0.322849 0.141236 +vt 0.325788 0.138907 +vt 0.326009 0.138914 +vt 0.139113 0.290876 +vt 0.298024 0.135175 +vt 0.321108 0.141214 +vt 0.196536 0.420969 +vt 0.197476 0.417045 +vt 0.122729 0.267439 +vt 0.121208 0.268233 +vt 0.122509 0.268527 +vt 0.302535 0.131803 +vt 0.303270 0.134830 +vt 0.301228 0.132787 +vt 0.317538 0.138731 +vt 0.318933 0.139899 +vt 0.317325 0.139509 +vt 0.319271 0.138231 +vt 0.319374 0.139149 +vt 0.319102 0.139098 +vt 0.323356 0.143227 +vt 0.323489 0.141508 +vt 0.142353 0.298091 +vt 0.142243 0.297473 +vt 0.142257 0.298083 +vt 0.306650 0.134609 +vt 0.140795 0.203492 +vt 0.139994 0.203772 +vt 0.879941 0.391947 +vt 0.882439 0.391998 +vt 0.880095 0.392615 +vt 0.139524 0.299384 +vt 0.139341 0.299354 +vt 0.139627 0.286446 +vt 0.139443 0.285939 +vt 0.322563 0.143910 +vt 0.321329 0.142963 +vt 0.247919 0.137313 +vt 0.248962 0.136394 +vt 0.249021 0.136549 +vt 0.313842 0.141846 +vt 0.135696 0.278856 +vt 0.307325 0.135101 +vt 0.306767 0.134477 +vt 0.307436 0.134969 +vt 0.139561 0.299398 +vt 0.309926 0.143749 +vt 0.071885 0.139791 +vt 0.080128 0.131996 +vt 0.078328 0.141980 +vt 0.325898 0.141354 +vt 0.325884 0.140905 +vt 0.328117 0.138687 +vt 0.120576 0.418368 +vt 0.118490 0.422313 +vt 0.140435 0.212603 +vt 0.140083 0.213087 +vt 0.319213 0.139958 +vt 0.308802 0.136571 +vt 0.308832 0.136696 +vt 0.308758 0.136644 +vt 0.323004 0.138606 +vt 0.016952 0.781732 +vt 0.016636 0.782834 +vt 0.016834 0.782915 +vt 0.139054 0.292779 +vt 0.138966 0.294322 +vt 0.198923 0.411506 +vt 0.199739 0.406642 +vt 0.197961 0.407134 +vt 0.317280 0.139686 +vt 0.318801 0.140487 +vt 0.317156 0.140097 +vt 0.311371 0.898643 +vt 0.313333 0.896983 +vt 0.313752 0.898041 +vt 0.075188 0.234518 +vt 0.139223 0.292771 +vt 0.519589 0.663502 +vt 0.526025 0.671980 +vt 0.528471 0.668153 +vt 0.144101 0.294718 +vt 0.142301 0.294189 +vt 0.142375 0.294851 +vt 0.136218 0.278423 +vt 0.135645 0.277791 +vt 0.136159 0.278474 +vt 0.025538 0.389282 +vt 0.028564 0.384374 +vt 0.026632 0.383948 +vt 0.325120 0.141625 +vt 0.324862 0.141581 +vt 0.326133 0.141456 +vt 0.326133 0.141368 +vt 0.141758 0.284991 +vt 0.139664 0.284132 +vt 0.140259 0.285616 +vt 0.303241 0.135777 +vt 0.130216 0.228523 +vt 0.132317 0.228501 +vt 0.131634 0.227627 +vt 0.315951 0.141758 +vt 0.142184 0.296210 +vt 0.142287 0.296467 +vt 0.142279 0.296210 +vt 0.200848 0.412049 +vt 0.290619 0.076988 +vt 0.289935 0.082858 +vt 0.323782 0.144050 +vt 0.323856 0.143271 +vt 0.138797 0.209737 +vt 0.138452 0.211412 +vt 0.136365 0.278298 +vt 0.135858 0.277608 +vt 0.135829 0.277622 +vt 0.143345 0.206343 +vt 0.141515 0.207563 +vt 0.143234 0.207401 +vt 0.321858 0.138444 +vt 0.321453 0.138224 +vt 0.321872 0.138275 +vt 0.139120 0.293198 +vt 0.326765 0.141655 +vt 0.326758 0.141464 +vt 0.136461 0.279959 +vt 0.881285 0.394922 +vt 0.882718 0.392799 +vt 0.883225 0.393629 +vt 0.134161 0.227127 +vt 0.132728 0.226841 +vt 0.133456 0.227678 +vt 0.136034 0.275279 +vt 0.137592 0.276028 +vt 0.136549 0.274750 +vt 0.141045 0.209414 +vt 0.312784 0.142771 +vt 0.308435 0.135851 +vt 0.012272 0.790364 +vt 0.892173 0.393534 +vt 0.328389 0.140700 +vt 0.326662 0.139847 +vt 0.307032 0.137695 +vt 0.306877 0.135638 +vt 0.015019 0.788476 +vt 0.014990 0.788542 +vt 0.323981 0.141552 +vt 0.324789 0.143352 +vt 0.147109 0.055126 +vt 0.150349 0.053216 +vt 0.148578 0.055890 +vt 0.308185 0.136189 +vt 0.239279 0.144535 +vt 0.241138 0.142779 +vt 0.241299 0.144006 +vt 0.141016 0.219288 +vt 0.139010 0.216129 +vt 0.019339 0.783723 +vt 0.018399 0.784472 +vt 0.019163 0.784707 +vt 0.325773 0.138738 +vt 0.016347 0.425707 +vt 0.015112 0.426119 +vt 0.015347 0.426486 +vt 0.319073 0.140641 +vt 0.318787 0.140582 +vt 0.136997 0.279554 +vt 0.136931 0.279606 +vt 0.141331 0.204359 +vt 0.141368 0.203316 +vt 0.141273 0.203345 +vt 0.320557 0.147033 +vt 0.320976 0.144990 +vt 0.083806 0.262833 +vt 0.089492 0.262400 +vt 0.083784 0.262179 +vt 0.054242 0.481448 +vt 0.058554 0.481712 +vt 0.056174 0.479420 +vt 0.187462 0.383220 +vt 0.187756 0.390016 +vt 0.189240 0.389546 +vt 0.319036 0.140810 +vt 0.368257 0.286765 +vt 0.369462 0.282489 +vt 0.371108 0.286236 +vt 0.141596 0.299700 +vt 0.294850 0.119019 +vt 0.290450 0.120018 +vt 0.137151 0.279437 +vt 0.136350 0.278313 +vt 0.134014 0.229574 +vt 0.134374 0.229317 +vt 0.134014 0.229574 +vt 0.315297 0.145776 +vt 0.317582 0.146393 +vt 0.879904 0.389780 +vt 0.882299 0.391131 +vt 0.879852 0.391242 +vt 0.291037 0.069964 +vt 0.290325 0.070339 +vt 0.290362 0.069854 +vt 0.325024 0.144160 +vt 0.325061 0.143374 +vt 0.309147 0.136093 +vt 0.309125 0.136284 +vt 0.309045 0.136240 +vt 0.009419 0.025343 +vt 0.007516 0.026085 +vt 0.190137 0.415833 +vt 0.193068 0.419705 +vt 0.193876 0.416450 +vt 0.321329 0.139480 +vt 0.122391 0.269056 +vt 0.121010 0.269460 +vt 0.321417 0.138591 +vt 0.321843 0.138650 +vt 0.304592 0.136865 +vt 0.305085 0.136328 +vt 0.326141 0.141662 +vt 0.326765 0.141684 +vt 0.306179 0.135131 +vt 0.139238 0.294322 +vt 0.903773 0.807926 +vt 0.910870 0.808037 +vt 0.323496 0.141478 +vt 0.323981 0.141523 +vt 0.325876 0.143425 +vt 0.325898 0.141662 +vt 0.137394 0.280179 +vt 0.137320 0.280223 +vt 0.142353 0.299780 +vt 0.139407 0.294322 +vt 0.137702 0.217988 +vt 0.138716 0.216687 +vt 0.138547 0.216651 +vt 0.014020 0.783899 +vt 0.013623 0.783987 +vt 0.013954 0.784200 +vt 0.322996 0.138775 +vt 0.142544 0.299802 +vt 0.325854 0.144211 +vt 0.139627 0.294322 +vt 0.139495 0.293183 +vt 0.139326 0.293183 +vt 0.145416 0.283338 +vt 0.143572 0.284190 +vt 0.143800 0.284771 +vt 0.142573 0.299802 +vt 0.142566 0.298098 +vt 0.142536 0.298098 +vt 0.321226 0.140310 +vt 0.308736 0.136828 +vt 0.139745 0.212581 +vt 0.139759 0.212581 +vt 0.141412 0.290163 +vt 0.140905 0.288547 +vt 0.077781 0.267469 +vt 0.077730 0.266073 +vt 0.077502 0.266080 +vt 0.145754 0.291838 +vt 0.147907 0.291934 +vt 0.147804 0.291390 +vt 0.139289 0.294909 +vt 0.137548 0.280061 +vt 0.137129 0.279452 +vt 0.324627 0.145453 +vt 0.323650 0.145358 +vt 0.328624 0.144292 +vt 0.141339 0.292566 +vt 0.308721 0.136850 +vt 0.148282 0.294160 +vt 0.146180 0.294483 +vt 0.146247 0.295012 +vt 0.137717 0.215901 +vt 0.138532 0.215644 +vt 0.137878 0.215556 +vt 0.146078 0.293756 +vt 0.140501 0.288657 +vt 0.140905 0.290274 +vt 0.023355 0.383235 +vt 0.323004 0.138562 +vt 0.139612 0.285873 +vt 0.138878 0.284499 +vt 0.468740 0.896874 +vt 0.466778 0.884700 +vt 0.468975 0.884781 +vt 0.328484 0.141669 +vt 0.328595 0.143477 +vt 0.145042 0.209047 +vt 0.143682 0.209363 +vt 0.144954 0.209451 +vt 0.138716 0.272332 +vt 0.137335 0.273787 +vt 0.137408 0.273861 +vt 0.465901 0.918188 +vt 0.467223 0.916682 +vt 0.465408 0.917740 +vt 0.137974 0.212074 +vt 0.250049 0.135755 +vt 0.249535 0.136167 +vt 0.247875 0.137144 +vt 0.248933 0.136321 +vt 0.015122 0.788035 +vt 0.015438 0.787551 +vt 0.015350 0.787506 +vt 0.135711 0.277740 +vt 0.012823 0.786529 +vt 0.012889 0.785920 +vt 0.011904 0.789049 +vt 0.141611 0.298046 +vt 0.140714 0.297393 +vt 0.140722 0.297973 +vt 0.143697 0.218502 +vt 0.013021 0.786022 +vt 0.144050 0.217819 +vt 0.143697 0.218502 +vt 0.255743 0.131641 +vt 0.256044 0.132295 +vt 0.255582 0.131869 +vt 0.141309 0.209039 +vt 0.142992 0.208966 +vt 0.142926 0.209341 +vt 0.909154 0.726532 +vt 0.910770 0.727987 +vt 0.910954 0.727634 +vt 0.008775 0.794515 +vt 0.008415 0.794714 +vt 0.008422 0.794728 +vt 0.136174 0.220625 +vt 0.136585 0.220089 +vt 0.145460 0.206270 +vt 0.145321 0.207394 +vt 0.237479 0.147003 +vt 0.136483 0.274676 +vt 0.015152 0.786720 +vt 0.015637 0.785163 +vt 0.015629 0.785155 +vt 0.254626 0.130914 +vt 0.255089 0.132523 +vt 0.254164 0.131531 +vt 0.255787 0.137151 +vt 0.256324 0.133728 +vt 0.257705 0.134932 +vt 0.182955 0.925815 +vt 0.008760 0.794501 +vt 0.010273 0.793443 +vt 0.009737 0.792928 +vt 0.137805 0.212654 +vt 0.138290 0.212029 +vt 0.138114 0.212625 +vt 0.321431 0.138429 +vt 0.321858 0.138488 +vt 0.139899 0.220993 +vt 0.013528 0.785714 +vt 0.013337 0.786243 +vt 0.125433 0.267425 +vt 0.143763 0.208973 +vt 0.142727 0.220162 +vt 0.073285 0.262311 +vt 0.071198 0.263112 +vt 0.073380 0.262980 +vt 0.645053 0.621930 +vt 0.643246 0.620262 +vt 0.644106 0.619866 +vt 0.136012 0.219847 +vt 0.135050 0.220126 +vt 0.135623 0.220361 +vt 0.012970 0.787132 +vt 0.013131 0.786757 +vt 0.017302 0.406003 +vt 0.016655 0.407509 +vt 0.145233 0.207981 +vt 0.134176 0.222058 +vt 0.133830 0.222411 +vt 0.133838 0.222411 +vt 0.147429 0.207570 +vt 0.250138 0.137452 +vt 0.250689 0.137026 +vt 0.237868 0.144821 +vt 0.012940 0.787183 +vt 0.015850 0.787088 +vt 0.016342 0.785501 +vt 0.015659 0.786992 +vt 0.312035 0.138584 +vt 0.141523 0.221977 +vt 0.142456 0.220596 +vt 0.193927 0.416105 +vt 0.194030 0.412439 +vt 0.139458 0.221602 +vt 0.138025 0.221617 +vt 0.138988 0.222212 +vt 0.300904 0.138011 +vt 0.302344 0.136630 +vt 0.134543 0.222278 +vt 0.137974 0.213080 +vt 0.008010 0.794956 +vt 0.007849 0.795044 +vt 0.133434 0.222800 +vt 0.140957 0.209414 +vt 0.140523 0.209458 +vt 0.134675 0.222367 +vt 0.134337 0.222734 +vt 0.915480 0.512925 +vt 0.913364 0.512756 +vt 0.913481 0.512477 +vt 0.007856 0.795052 +vt 0.006284 0.796271 +vt 0.140369 0.211934 +vt 0.140450 0.211941 +vt 0.140729 0.290310 +vt 0.139921 0.290465 +vt 0.137952 0.213146 +vt 0.138892 0.213051 +vt 0.140163 0.288106 +vt 0.008128 0.795353 +vt 0.889490 0.839526 +vt 0.901715 0.837799 +vt 0.901517 0.840077 +vt 0.133573 0.223153 +vt 0.008187 0.795412 +vt 0.137445 0.221294 +vt 0.135858 0.223153 +vt 0.132486 0.271833 +vt 0.133426 0.272634 +vt 0.138856 0.279121 +vt 0.138914 0.279209 +vt 0.301353 0.822948 +vt 0.301537 0.822889 +vt 0.301566 0.823756 +vt 0.301566 0.822030 +vt 0.136394 0.223535 +vt 0.013851 0.777779 +vt 0.013594 0.777647 +vt 0.141045 0.222631 +vt 0.141045 0.222631 +vt 0.016273 0.415583 +vt 0.015583 0.415664 +vt 0.014006 0.777853 +vt 0.135483 0.223542 +vt 0.014358 0.778029 +vt 0.013888 0.778308 +vt 0.013623 0.778169 +vt 0.013947 0.779329 +vt 0.301771 0.130862 +vt 0.302528 0.131744 +vt 0.140163 0.212588 +vt 0.140252 0.212588 +vt 0.191050 0.803187 +vt 0.189463 0.803547 +vt 0.189434 0.803452 +vt 0.140538 0.223285 +vt 0.612325 0.900742 +vt 0.609879 0.899391 +vt 0.612333 0.899133 +vt 0.140443 0.286137 +vt 0.140229 0.285630 +vt 0.133933 0.223131 +vt 0.139590 0.213065 +vt 0.015409 0.778470 +vt 0.014072 0.779396 +vt 0.014057 0.780424 +vt 0.138951 0.204205 +vt 0.138679 0.205270 +vt 0.136012 0.223931 +vt 0.139561 0.213139 +vt 0.139590 0.213058 +vt 0.137945 0.218069 +vt 0.137563 0.218362 +vt 0.137724 0.218414 +vt 0.613039 0.926360 +vt 0.613832 0.933384 +vt 0.359255 0.471846 +vt 0.359300 0.470987 +vt 0.359255 0.468063 +vt 0.016195 0.778764 +vt 0.144491 0.292081 +vt 0.143300 0.290046 +vt 0.143734 0.292213 +vt 0.252628 0.140090 +vt 0.016210 0.778764 +vt 0.137276 0.224218 +vt 0.016672 0.778918 +vt 0.016768 0.778947 +vt 0.251577 0.138547 +vt 0.138150 0.276777 +vt 0.139994 0.213087 +vt 0.139568 0.213139 +vt 0.139972 0.213154 +vt 0.139965 0.218811 +vt 0.133772 0.223285 +vt 0.131781 0.224740 +vt 0.131825 0.224776 +vt 0.140758 0.202978 +vt 0.140803 0.203492 +vt 0.134888 0.224137 +vt 0.131950 0.224886 +vt 0.132949 0.225849 +vt 0.252621 0.133353 +vt 0.254061 0.131413 +vt 0.141155 0.288474 +vt 0.141581 0.290127 +vt 0.016988 0.779014 +vt 0.141229 0.202817 +vt 0.198365 0.399927 +vt 0.200687 0.398730 +vt 0.254024 0.131369 +vt 0.141324 0.202787 +vt 0.135395 0.224549 +vt 0.136240 0.225276 +vt 0.143198 0.211383 +vt 0.143278 0.287107 +vt 0.141963 0.285535 +vt 0.142573 0.287349 +vt 0.254773 0.130701 +vt 0.254972 0.130414 +vt 0.255295 0.129900 +vt 0.183466 0.384006 +vt 0.185243 0.390824 +vt 0.185354 0.390795 +vt 0.142977 0.212132 +vt 0.124779 0.395034 +vt 0.122869 0.396834 +vt 0.017995 0.786177 +vt 0.253517 0.136835 +vt 0.128732 0.229346 +vt 0.128283 0.228846 +vt 0.128614 0.229405 +vt 0.239565 0.146577 +vt 0.239565 0.146577 +vt 0.239161 0.146673 +vt 0.147003 0.209745 +vt 0.138716 0.225423 +vt 0.138290 0.225871 +vt 0.138290 0.225871 +vt 0.255310 0.129907 +vt 0.140854 0.204484 +vt 0.140869 0.204484 +vt 0.144931 0.295152 +vt 0.144153 0.295225 +vt 0.467091 0.915543 +vt 0.464835 0.914647 +vt 0.133404 0.226312 +vt 0.018803 0.779462 +vt 0.019611 0.779036 +vt 0.138709 0.207305 +vt 0.138621 0.207335 +vt 0.131325 0.225371 +vt 0.132288 0.226363 +vt 0.142749 0.212852 +vt 0.142558 0.213396 +vt 0.076958 0.262186 +vt 0.076958 0.258182 +vt 0.076709 0.258190 +vt 0.137805 0.226363 +vt 0.197549 0.411616 +vt 0.259828 0.123677 +vt 0.259115 0.123442 +vt 0.197535 0.416634 +vt 0.198989 0.412145 +vt 0.144432 0.211552 +vt 0.144197 0.212331 +vt 0.137607 0.226554 +vt 0.255604 0.137350 +vt 0.132067 0.226525 +vt 0.130825 0.225731 +vt 0.131759 0.226753 +vt 0.013991 0.781541 +vt 0.013910 0.781497 +vt 0.012566 0.789975 +vt 0.012742 0.789718 +vt 0.143374 0.202273 +vt 0.141581 0.203250 +vt 0.143403 0.202831 +vt 0.145027 0.296092 +vt 0.600853 0.157684 +vt 0.599604 0.161108 +vt 0.601551 0.161240 +vt 0.141816 0.213352 +vt 0.132493 0.227010 +vt 0.019619 0.779616 +vt 0.135388 0.228538 +vt 0.242548 0.142323 +vt 0.242960 0.141434 +vt 0.138870 0.213117 +vt 0.255530 0.132978 +vt 0.325120 0.141324 +vt 0.324870 0.140861 +vt 0.132185 0.227237 +vt 0.140883 0.205535 +vt 0.014336 0.781739 +vt 0.015416 0.781107 +vt 0.014402 0.780615 +vt 0.013859 0.787764 +vt 0.013829 0.787822 +vt 0.016643 0.781622 +vt 0.016783 0.780571 +vt 0.016694 0.780542 +vt 0.131230 0.227127 +vt 0.975856 0.165948 +vt 0.975687 0.169827 +vt 0.976113 0.169783 +vt 0.013756 0.782342 +vt 0.013344 0.782569 +vt 0.133213 0.227855 +vt 0.138547 0.215651 +vt 0.903766 0.800366 +vt 0.138363 0.216004 +vt 0.137445 0.216423 +vt 0.138084 0.216548 +vt 0.256728 0.127071 +vt 0.256669 0.127174 +vt 0.256706 0.127057 +vt 0.138510 0.208238 +vt 0.326758 0.141376 +vt 0.129026 0.226885 +vt 0.129848 0.228002 +vt 0.016996 0.780644 +vt 0.016739 0.781658 +vt 0.138378 0.216004 +vt 0.256801 0.127262 +vt 0.137136 0.218230 +vt 0.137342 0.217885 +vt 0.256779 0.126961 +vt 0.256735 0.126939 +vt 0.256764 0.126814 +vt 0.111253 0.234621 +vt 0.107646 0.230382 +vt 0.107477 0.234364 +vt 0.140097 0.205748 +vt 0.139054 0.207188 +vt 0.140068 0.206894 +vt 0.361667 0.790075 +vt 0.358331 0.790119 +vt 0.357347 0.790075 +vt 0.361380 0.790090 +vt 0.013440 0.782636 +vt 0.142764 0.287996 +vt 0.247588 0.137526 +vt 0.132883 0.228097 +vt 0.258730 0.410670 +vt 0.257415 0.410288 +vt 0.258819 0.410390 +vt 0.256904 0.127049 +vt 0.258087 0.127644 +vt 0.317089 0.140340 +vt 0.132067 0.270569 +vt 0.130267 0.270224 +vt 0.131670 0.271201 +vt 0.021000 0.779800 +vt 0.301543 0.130583 +vt 0.013690 0.782797 +vt 0.134418 0.275903 +vt 0.132464 0.274000 +vt 0.134403 0.275925 +vt 0.258271 0.134176 +vt 0.258271 0.134176 +vt 0.135065 0.223968 +vt 0.138753 0.216078 +vt 0.139003 0.215732 +vt 0.138922 0.215718 +vt 0.134624 0.229126 +vt 0.295739 0.071176 +vt 0.294277 0.071184 +vt 0.294322 0.070721 +vt 0.144674 0.287379 +vt 0.144461 0.286688 +vt 0.141677 0.282868 +vt 0.140795 0.282699 +vt 0.140839 0.206718 +vt 0.140002 0.207834 +vt 0.140758 0.207687 +vt 0.297201 0.128489 +vt 0.297010 0.130583 +vt 0.296063 0.129026 +vt 0.140847 0.206710 +vt 0.295159 0.083108 +vt 0.295255 0.077678 +vt 0.258711 0.133566 +vt 0.127674 0.227627 +vt 0.128401 0.228788 +vt 0.138099 0.216548 +vt 0.127563 0.227686 +vt 0.127453 0.227737 +vt 0.298744 0.120268 +vt 0.297951 0.120415 +vt 0.258035 0.127755 +vt 0.258564 0.130399 +vt 0.261187 0.129334 +vt 0.258711 0.133566 +vt 0.020985 0.780402 +vt 0.298061 0.132067 +vt 0.145585 0.201950 +vt 0.144234 0.202692 +vt 0.145607 0.202545 +vt 0.293073 0.123001 +vt 0.295027 0.122318 +vt 0.295108 0.122604 +vt 0.130627 0.269570 +vt 0.154122 0.480765 +vt 0.151397 0.478164 +vt 0.259446 0.128732 +vt 0.258572 0.128078 +vt 0.259512 0.128607 +vt 0.013263 0.791092 +vt 0.013638 0.790746 +vt 0.013565 0.790702 +vt 0.141339 0.205425 +vt 0.141295 0.206622 +vt 0.259387 0.128857 +vt 0.258513 0.128195 +vt 0.137526 0.280083 +vt 0.259571 0.128482 +vt 0.140876 0.205535 +vt 0.269282 0.554306 +vt 0.270200 0.554298 +vt 0.271096 0.554306 +vt 0.146423 0.211963 +vt 0.146158 0.212779 +vt 0.242489 0.145725 +vt 0.241703 0.145982 +vt 0.241703 0.145982 +vt 0.139950 0.208334 +vt 0.245715 0.138591 +vt 0.246222 0.138136 +vt 0.016496 0.783767 +vt 0.016320 0.784208 +vt 0.016408 0.784252 +vt 0.127365 0.227597 +vt 0.011493 0.791290 +vt 0.283974 0.778339 +vt 0.016195 0.781445 +vt 0.016232 0.780373 +vt 0.013543 0.783598 +vt 0.138834 0.216085 +vt 0.139186 0.215769 +vt 0.238816 0.143352 +vt 0.239191 0.143271 +vt 0.145887 0.213580 +vt 0.145887 0.213580 +vt 0.243254 0.145446 +vt 0.243254 0.145446 +vt 0.258293 0.081859 +vt 0.258307 0.076437 +vt 0.258873 0.076371 +vt 0.012095 0.791782 +vt 0.140171 0.217091 +vt 0.136519 0.218054 +vt 0.137335 0.217885 +vt 0.136718 0.217723 +vt 0.013477 0.783892 +vt 0.138319 0.209847 +vt 0.138518 0.209495 +vt 0.138371 0.209532 +vt 0.141772 0.292507 +vt 0.140707 0.208194 +vt 0.140773 0.207680 +vt 0.257029 0.132780 +vt 0.256860 0.133015 +vt 0.013337 0.791151 +vt 0.143947 0.213080 +vt 0.138848 0.209414 +vt 0.020934 0.781555 +vt 0.502988 0.714711 +vt 0.501710 0.712735 +vt 0.502628 0.712573 +vt 0.138474 0.216629 +vt 0.144248 0.203801 +vt 0.143425 0.205057 +vt 0.144226 0.204976 +vt 0.133595 0.270187 +vt 0.297018 0.121914 +vt 0.295938 0.122142 +vt 0.912063 0.516143 +vt 0.912049 0.513726 +vt 0.912078 0.516143 +vt 0.410098 0.139223 +vt 0.405793 0.142676 +vt 0.405388 0.142095 +vt 0.107881 0.265845 +vt 0.141140 0.216695 +vt 0.247537 0.137357 +vt 0.142074 0.294865 +vt 0.139333 0.218561 +vt 0.306892 0.135616 +vt 0.306312 0.134984 +vt 0.326736 0.140913 +vt 0.010523 0.792260 +vt 0.141309 0.207599 +vt 0.141243 0.208114 +vt 0.141596 0.206563 +vt 0.142456 0.216665 +vt 0.324032 0.139767 +vt 0.324862 0.139811 +vt 0.010141 0.792598 +vt 0.010281 0.793450 +vt 0.370143 0.810048 +vt 0.367064 0.809431 +vt 0.020823 0.782731 +vt 0.022528 0.785354 +vt 0.901561 0.842927 +vt 0.889666 0.845484 +vt 0.889593 0.842435 +vt 0.135439 0.219619 +vt 0.136394 0.219332 +vt 0.139833 0.209216 +vt 0.141016 0.209061 +vt 0.144138 0.206292 +vt 0.137489 0.218333 +vt 0.136740 0.219457 +vt 0.013072 0.785391 +vt 0.533711 0.822825 +vt 0.537281 0.818402 +vt 0.537281 0.822685 +vt 0.250027 0.142000 +vt 0.250027 0.142000 +vt 0.911205 0.766807 +vt 0.911851 0.768879 +vt 0.910903 0.766984 +vt 0.321204 0.140494 +vt 0.321439 0.138393 +vt 0.135336 0.278070 +vt 0.288882 0.411426 +vt 0.286942 0.411426 +vt 0.287236 0.410758 +vt 0.136027 0.220552 +vt 0.135961 0.220522 +vt 0.141111 0.209054 +vt 0.141449 0.208092 +vt 0.011015 0.793391 +vt 0.010597 0.793729 +vt 0.737998 0.719447 +vt 0.727198 0.716281 +vt 0.730746 0.712637 +vt 0.308883 0.136622 +vt 0.136967 0.219553 +vt 0.136431 0.220023 +vt 0.013212 0.785493 +vt 0.136813 0.219487 +vt 0.136358 0.219986 +vt 0.135623 0.220368 +vt 0.246927 0.143822 +vt 0.243922 0.145196 +vt 0.351845 0.594731 +vt 0.348017 0.594701 +vt 0.347466 0.594731 +vt 0.144270 0.217385 +vt 0.889829 0.389060 +vt 0.892357 0.389060 +vt 0.890065 0.389794 +vt 0.197711 0.406392 +vt 0.198512 0.403608 +vt 0.196829 0.404321 +vt 0.011081 0.793443 +vt 0.234915 0.145167 +vt 0.046535 0.983360 +vt 0.046755 0.983896 +vt 0.046557 0.983962 +vt 0.247346 0.143602 +vt 0.247346 0.143602 +vt 0.010888 0.270981 +vt 0.014216 0.266881 +vt 0.010602 0.267506 +vt 0.913791 0.767256 +vt 0.911770 0.765911 +vt 0.914070 0.766484 +vt 0.015328 0.782261 +vt 0.014233 0.782628 +vt 0.015210 0.783172 +vt 0.677045 0.606016 +vt 0.295438 0.123604 +vt 0.293425 0.124081 +vt 0.120253 0.267006 +vt 0.119599 0.271635 +vt 0.121128 0.268769 +vt 0.297554 0.121796 +vt 0.356010 0.898872 +vt 0.215594 0.281376 +vt 0.146607 0.286696 +vt 0.215557 0.287923 +vt 0.908361 0.508796 +vt 0.905135 0.511007 +vt 0.904665 0.508781 +vt 0.125565 0.270297 +vt 0.125337 0.270951 +vt 0.126491 0.270819 +vt 0.298862 0.126057 +vt 0.299354 0.125859 +vt 0.120863 0.270246 +vt 0.137776 0.218010 +vt 0.121737 0.264177 +vt 0.120562 0.261966 +vt 0.121921 0.262106 +vt 0.121921 0.272112 +vt 0.121451 0.272898 +vt 0.122854 0.271973 +vt 0.323981 0.141339 +vt 0.122031 0.271701 +vt 0.300581 0.121069 +vt 0.300228 0.121422 +vt 0.300155 0.121179 +vt 0.121679 0.272046 +vt 0.297877 0.124228 +vt 0.297047 0.125014 +vt 0.296827 0.124559 +vt 0.120635 0.271363 +vt 0.299876 0.120040 +vt 0.608108 0.903439 +vt 0.610180 0.904710 +vt 0.608894 0.905562 +vt 0.125624 0.268527 +vt 0.126403 0.267902 +vt 0.125903 0.267653 +vt 0.120547 0.271781 +vt 0.297407 0.123097 +vt 0.607330 0.903828 +vt 0.607851 0.905973 +vt 0.120349 0.272641 +vt 0.119967 0.274132 +vt 0.301169 0.119746 +vt 0.300302 0.119945 +vt 0.303755 0.137776 +vt 0.302425 0.136696 +vt 0.118681 0.275381 +vt 0.124889 0.270724 +vt 0.124228 0.271297 +vt 0.298090 0.124669 +vt 0.297297 0.125492 +vt 0.258462 0.127005 +vt 0.259982 0.127791 +vt 0.082983 0.802745 +vt 0.083255 0.795729 +vt 0.295122 0.127549 +vt 0.292250 0.126528 +vt 0.126520 0.265684 +vt 0.126006 0.265441 +vt 0.124478 0.270533 +vt 0.123919 0.262510 +vt 0.123919 0.262510 +vt 0.306625 0.895770 +vt 0.306787 0.893530 +vt 0.307110 0.895682 +vt 0.601711 0.754660 +vt 0.599522 0.755990 +vt 0.599529 0.754330 +vt 0.294704 0.120929 +vt 0.292984 0.122685 +vt 0.123574 0.262429 +vt 0.295629 0.120797 +vt 0.309684 0.135483 +vt 0.127086 0.269328 +vt 0.127417 0.268475 +vt 0.147459 0.481382 +vt 0.146151 0.477503 +vt 0.323004 0.138393 +vt 0.451775 0.397495 +vt 0.507677 0.488030 +vt 0.452164 0.397458 +vt 0.297635 0.122061 +vt 0.122222 0.228979 +vt 0.123332 0.228707 +vt 0.400516 0.587566 +vt 0.399172 0.587647 +vt 0.397166 0.587566 +vt 0.397519 0.587595 +vt 0.140325 0.292676 +vt 0.123163 0.270870 +vt 0.297855 0.126461 +vt 0.123508 0.401308 +vt 0.125793 0.400890 +vt 0.123640 0.399934 +vt 0.123537 0.229228 +vt 0.122318 0.229265 +vt 0.122391 0.229508 +vt 0.126689 0.270319 +vt 0.299104 0.121708 +vt 0.298619 0.122773 +vt 0.291037 0.123354 +vt 0.123574 0.264567 +vt 0.124661 0.264905 +vt 0.296717 0.120628 +vt 0.296430 0.125793 +vt 0.260952 0.125771 +vt 0.261496 0.124199 +vt 0.124074 0.230786 +vt 0.308134 0.136255 +vt 0.135836 0.278739 +vt 0.298326 0.125132 +vt 0.297936 0.122957 +vt 0.181291 0.384455 +vt 0.183238 0.391500 +vt 0.124368 0.227708 +vt 0.124750 0.228229 +vt 0.124470 0.227671 +vt 0.261096 0.409075 +vt 0.262749 0.408884 +vt 0.260854 0.410258 +vt 0.263462 0.404432 +vt 0.261530 0.406879 +vt 0.261959 0.121870 +vt 0.259608 0.119526 +vt 0.263884 0.119901 +vt 0.128217 0.230918 +vt 0.263648 0.123229 +vt 0.127409 0.229346 +vt 0.128908 0.230492 +vt 0.128056 0.228964 +vt 0.261812 0.122861 +vt 0.257335 0.410515 +vt 0.258657 0.410890 +vt 0.191231 0.378092 +vt 0.190937 0.379341 +vt 0.191496 0.379180 +vt 0.260247 0.121532 +vt 0.262715 0.126395 +vt 0.261221 0.408458 +vt 0.248000 0.143242 +vt 0.134756 0.276579 +vt 0.134639 0.276572 +vt 0.134697 0.276638 +vt 0.124985 0.228722 +vt 0.124882 0.228494 +vt 0.259527 0.121370 +vt 0.189879 0.379620 +vt 0.190673 0.378291 +vt 0.189608 0.378621 +vt 0.190070 0.380362 +vt 0.260908 0.125896 +vt 0.124647 0.228266 +vt 0.123097 0.228134 +vt 0.257526 0.410008 +vt 0.256416 0.409670 +vt 0.257650 0.409347 +vt 0.260486 0.408253 +vt 0.259340 0.408568 +vt 0.122839 0.231095 +vt 0.124610 0.232505 +vt 0.260347 0.408862 +vt 0.137012 0.215475 +vt 0.127049 0.228685 +vt 0.126028 0.228251 +vt 0.126432 0.229015 +vt 0.260663 0.411177 +vt 0.262279 0.412543 +vt 0.260619 0.411404 +vt 0.257753 0.409384 +vt 0.259010 0.409751 +vt 0.125352 0.229515 +vt 0.255711 0.409751 +vt 0.260721 0.410897 +vt 0.126821 0.233732 +vt 0.129768 0.232145 +vt 0.125910 0.228031 +vt 0.255608 0.409979 +vt 0.255013 0.409773 +vt 0.121546 0.229647 +vt 0.122641 0.230353 +vt 0.139458 0.294917 +vt 0.139495 0.295343 +vt 0.260350 0.127101 +vt 0.014726 0.117942 +vt 0.015703 0.119962 +vt 0.012823 0.119940 +vt 0.131174 0.166196 +vt 0.136412 0.166049 +vt 0.131100 0.168944 +vt 0.017216 0.121615 +vt 0.014932 0.125605 +vt 0.019141 0.122769 +vt 0.017444 0.131107 +vt 0.061694 0.169216 +vt 0.055266 0.168944 +vt 0.056147 0.166674 +vt 0.049961 0.166042 +vt 0.050799 0.163727 +vt 0.073280 0.173043 +vt 0.078144 0.176555 +vt 0.072230 0.175269 +vt 0.107157 0.012110 +vt 0.105078 0.012030 +vt 0.102286 0.008981 +vt 0.103057 0.012514 +vt 0.101228 0.013521 +vt 0.099744 0.014976 +vt 0.096254 0.008554 +vt 0.098686 0.016776 +vt 0.090207 0.008554 +vt 0.088341 0.014902 +vt 0.035885 0.144420 +vt 0.035466 0.155190 +vt 0.034364 0.145103 +vt 0.087379 0.013536 +vt 0.141195 0.040624 +vt 0.149225 0.043026 +vt 0.148226 0.044363 +vt 0.088929 0.016460 +vt 0.089113 0.018120 +vt 0.086115 0.012456 +vt 0.140533 0.043202 +vt 0.147586 0.045899 +vt 0.084176 0.008981 +vt 0.084617 0.011721 +vt 0.095137 0.024394 +vt 0.045054 0.137999 +vt 0.038831 0.140497 +vt 0.039066 0.138851 +vt 0.082986 0.011376 +vt 0.081318 0.011456 +vt 0.085932 0.023689 +vt 0.088268 0.028046 +vt 0.087291 0.028127 +vt 0.086314 0.028222 +vt 0.042365 0.134259 +vt 0.038287 0.135633 +vt 0.041748 0.133488 +vt 0.078188 0.009840 +vt 0.079724 0.011949 +vt 0.078298 0.012816 +vt 0.102719 0.158004 +vt 0.103638 0.161744 +vt 0.077137 0.014021 +vt 0.082765 0.024659 +vt 0.083683 0.028398 +vt 0.082045 0.028171 +vt 0.039308 0.131276 +vt 0.036061 0.133179 +vt 0.037832 0.130512 +vt 0.079525 0.023990 +vt 0.081105 0.024534 +vt 0.080473 0.027664 +vt 0.078137 0.023072 +vt 0.077013 0.021838 +vt 0.076307 0.015468 +vt 0.075866 0.017077 +vt 0.072281 0.011126 +vt 0.084878 0.404276 +vt 0.082579 0.399251 +vt 0.082571 0.404276 +vt 0.066477 0.012830 +vt 0.075844 0.018745 +vt 0.076234 0.020368 +vt 0.061775 0.019920 +vt 0.060813 0.014939 +vt 0.059600 0.019369 +vt 0.057360 0.019472 +vt 0.055310 0.017452 +vt 0.055236 0.020207 +vt 0.011119 0.114136 +vt 0.013036 0.111785 +vt 0.050005 0.020354 +vt 0.049690 0.023366 +vt 0.044914 0.023616 +vt 0.044415 0.026951 +vt 0.040073 0.027238 +vt 0.039419 0.030933 +vt 0.035503 0.031198 +vt 0.034753 0.035290 +vt 0.031227 0.035473 +vt 0.030448 0.039992 +vt 0.027260 0.040043 +vt 0.011971 0.080083 +vt 0.008988 0.084139 +vt 0.009840 0.078151 +vt 0.013227 0.073831 +vt 0.011133 0.072237 +vt 0.014976 0.067689 +vt 0.012838 0.066440 +vt 0.124716 0.017180 +vt 0.131144 0.017466 +vt 0.130270 0.019729 +vt 0.017187 0.061702 +vt 0.017466 0.055280 +vt 0.144053 0.052151 +vt 0.148123 0.050770 +vt 0.144662 0.052915 +vt 0.042982 0.135016 +vt 0.043614 0.135765 +vt 0.038882 0.137191 +vt 0.040624 0.132276 +vt 0.037332 0.134267 +vt 0.142789 0.050637 +vt 0.147344 0.047552 +vt 0.147528 0.049212 +vt 0.067418 0.171346 +vt 0.066433 0.173565 +vt 0.166049 0.136427 +vt 0.163434 0.136067 +vt 0.305636 0.133566 +vt 0.141356 0.048404 +vt 0.045832 0.140541 +vt 0.045884 0.143200 +vt 0.034570 0.132452 +vt 0.012206 0.792289 +vt 0.011096 0.792767 +vt 0.011427 0.793039 +vt 0.032931 0.132114 +vt 0.948589 0.567377 +vt 0.946230 0.571382 +vt 0.946106 0.566143 +vt 0.044165 0.158967 +vt 0.045686 0.160385 +vt 0.044877 0.162772 +vt 0.162772 0.141518 +vt 0.159907 0.141378 +vt 0.031271 0.132187 +vt 0.037185 0.143377 +vt 0.043004 0.151098 +vt 0.040028 0.159143 +vt 0.043077 0.157189 +vt 0.042497 0.155190 +vt 0.174439 0.106319 +vt 0.177429 0.102264 +vt 0.176562 0.108251 +vt 0.011199 0.086424 +vt 0.008554 0.090171 +vt 0.010920 0.092794 +vt 0.042475 0.153111 +vt 0.031190 0.150907 +vt 0.031058 0.145257 +vt 0.032718 0.145390 +vt 0.008554 0.096217 +vt 0.011133 0.099178 +vt 0.029669 0.132680 +vt 0.028251 0.133547 +vt 0.026966 0.142569 +vt 0.028090 0.143803 +vt 0.027230 0.146337 +vt 0.029478 0.144721 +vt 0.008981 0.102242 +vt 0.011839 0.105511 +vt 0.025820 0.137808 +vt 0.025790 0.139468 +vt 0.023608 0.141503 +vt 0.026180 0.141092 +vt 0.009840 0.108229 +vt 0.026260 0.136191 +vt 0.020339 0.136419 +vt 0.027083 0.134751 +vt 0.495804 0.126840 +vt 0.495517 0.126803 +vt 0.495517 0.126855 +vt 0.266403 0.129393 +vt 0.265059 0.110460 +vt 0.262980 0.107161 +vt 0.262936 0.106698 +vt 0.262444 0.102687 +vt 0.262943 0.102716 +vt 0.263450 0.102746 +vt 0.263950 0.102768 +vt 0.265933 0.120995 +vt 0.264111 0.123236 +vt 0.123655 0.235194 +vt 0.123670 0.236583 +vt 0.265478 0.123251 +vt 0.123905 0.259035 +vt 0.130076 0.259747 +vt 0.130039 0.254068 +vt 0.266852 0.123266 +vt 0.263406 0.111885 +vt 0.264831 0.115625 +vt 0.263325 0.110916 +vt 0.264170 0.110930 +vt 0.096482 0.022095 +vt 0.263391 0.099058 +vt 0.261760 0.096413 +vt 0.262972 0.095046 +vt 0.261577 0.089551 +vt 0.262664 0.089345 +vt 0.262642 0.083482 +vt 0.261915 0.082388 +vt 0.262958 0.077061 +vt 0.262627 0.076180 +vt 0.263715 0.070427 +vt 0.271818 0.023488 +vt 0.263957 0.068936 +vt 0.260173 0.069229 +vt 0.273552 0.014091 +vt 0.271958 0.023341 +vt 0.269746 0.014370 +vt 0.015090 0.237023 +vt 0.069310 0.231866 +vt 0.070155 0.228457 +vt 0.159757 0.479273 +vt 0.199041 0.429381 +vt 0.196763 0.427919 +vt 0.156973 0.477400 +vt 0.193994 0.426053 +vt 0.079948 0.393756 +vt 0.075268 0.393660 +vt 0.075268 0.393770 +vt 0.150684 0.472940 +vt 0.190908 0.423900 +vt 0.187727 0.421608 +vt 0.263832 0.069428 +vt 0.263876 0.069428 +vt 0.621916 0.698287 +vt 0.616847 0.704003 +vt 0.621498 0.704164 +vt 0.314290 0.139282 +vt 0.286350 0.069531 +vt 0.290413 0.069369 +vt 0.141787 0.297459 +vt 0.130990 0.992840 +vt 0.134950 0.992400 +vt 0.130292 0.992400 +vt 0.259475 0.069817 +vt 0.260063 0.069714 +vt 0.262686 0.075070 +vt 0.263597 0.070427 +vt 0.070287 0.231653 +vt 0.070522 0.235385 +vt 0.069898 0.231153 +vt 0.070383 0.231050 +vt 0.262510 0.076180 +vt 0.256779 0.070552 +vt 0.256875 0.070089 +vt 0.242041 0.143771 +vt 0.071940 0.266389 +vt 0.074020 0.266242 +vt 0.326141 0.141633 +vt 0.309629 0.417451 +vt 0.309071 0.415489 +vt 0.310563 0.418105 +vt 0.310129 0.418391 +vt 0.076481 0.230624 +vt 0.081932 0.233688 +vt 0.081991 0.230051 +vt 0.198527 0.428462 +vt 0.199607 0.428506 +vt 0.198798 0.428036 +vt 0.261848 0.081785 +vt 0.293859 0.077193 +vt 0.295468 0.074100 +vt 0.295262 0.077458 +vt 0.361190 0.279837 +vt 0.359118 0.277728 +vt 0.261797 0.082388 +vt 0.308674 0.415746 +vt 0.197028 0.427522 +vt 0.197278 0.427118 +vt 0.326111 0.144234 +vt 0.071558 0.228193 +vt 0.075452 0.230191 +vt 0.075930 0.227531 +vt 0.284165 0.672589 +vt 0.285869 0.778398 +vt 0.307624 0.413983 +vt 0.307176 0.412470 +vt 0.073784 0.271877 +vt 0.073233 0.269982 +vt 0.072807 0.270018 +vt 0.067885 0.484005 +vt 0.069472 0.480427 +vt 0.891306 0.387091 +vt 0.891872 0.387899 +vt 0.195647 0.426119 +vt 0.076540 0.230051 +vt 0.082013 0.229493 +vt 0.082586 0.230015 +vt 0.082593 0.229449 +vt 0.297951 0.072073 +vt 0.295695 0.071632 +vt 0.306830 0.412697 +vt 0.261481 0.088691 +vt 0.194221 0.425707 +vt 0.194442 0.425362 +vt 0.261466 0.089551 +vt 0.194655 0.425009 +vt 0.024685 0.383529 +vt 0.200980 0.423613 +vt 0.076966 0.227406 +vt 0.082167 0.226936 +vt 0.305148 0.410089 +vt 0.304994 0.409252 +vt 0.191738 0.424040 +vt 0.304707 0.409443 +vt 0.191929 0.423746 +vt 0.192120 0.423444 +vt 0.077215 0.226363 +vt 0.082263 0.225937 +vt 0.082726 0.226900 +vt 0.082799 0.225900 +vt 0.088882 0.233284 +vt 0.082542 0.233644 +vt 0.197557 0.422276 +vt 0.199651 0.422078 +vt 0.197858 0.421446 +vt 0.304421 0.409634 +vt 0.191099 0.423613 +vt 0.191290 0.423334 +vt 0.189262 0.418867 +vt 0.191474 0.423040 +vt 0.192825 0.420351 +vt 0.304134 0.409810 +vt 0.088757 0.229721 +vt 0.304468 0.133720 +vt 0.304490 0.133698 +vt 0.089595 0.229713 +vt 0.095641 0.233291 +vt 0.095318 0.229794 +vt 0.088721 0.229177 +vt 0.012901 0.277563 +vt 0.261657 0.096413 +vt 0.142456 0.296202 +vt 0.200716 0.417582 +vt 0.202523 0.417354 +vt 0.322835 0.141412 +vt 0.088537 0.226694 +vt 0.186846 0.131446 +vt 0.187044 0.134701 +vt 0.187044 0.127060 +vt 0.261885 0.099183 +vt 0.606509 0.467980 +vt 0.141677 0.295350 +vt 0.089558 0.229162 +vt 0.089323 0.226694 +vt 0.193516 0.420638 +vt 0.499623 0.719383 +vt 0.497191 0.719611 +vt 0.497191 0.719597 +vt 0.203545 0.411925 +vt 0.203464 0.417493 +vt 0.095230 0.229251 +vt 0.307249 0.414211 +vt 0.306478 0.412918 +vt 0.300762 0.411397 +vt 0.301416 0.411155 +vt 0.202604 0.411961 +vt 0.203471 0.411160 +vt 0.202523 0.411227 +vt 0.094694 0.226819 +vt 0.096192 0.229302 +vt 0.098984 0.230022 +vt 0.108682 0.270775 +vt 0.112620 0.271164 +vt 0.190460 0.396430 +vt 0.190364 0.392455 +vt 0.188902 0.393006 +vt 0.121399 0.229118 +vt 0.121480 0.229412 +vt 0.304839 0.238702 +vt 0.306125 0.236417 +vt 0.278214 0.242309 +vt 0.323584 0.139730 +vt 0.194611 0.416575 +vt 0.257962 0.098639 +vt 0.258484 0.098749 +vt 0.258417 0.101996 +vt 0.019619 0.780204 +vt 0.275254 0.414093 +vt 0.271382 0.415276 +vt 0.272102 0.412668 +vt 0.200782 0.411359 +vt 0.297610 0.412962 +vt 0.183674 0.681488 +vt 0.184237 0.399391 +vt 0.150192 0.402844 +vt 0.089487 0.758721 +vt 0.089465 0.764445 +vt 0.276642 0.245152 +vt 0.279698 0.245101 +vt 0.277156 0.246269 +vt 0.283901 0.419008 +vt 0.283563 0.420000 +vt 0.280837 0.417296 +vt 0.201120 0.405349 +vt 0.200973 0.402623 +vt 0.200106 0.402954 +vt 0.084166 0.269482 +vt 0.089228 0.267506 +vt 0.084019 0.267373 +vt 0.058540 0.485305 +vt 0.058833 0.488119 +vt 0.059811 0.486179 +vt 0.141640 0.290413 +vt 0.912887 0.768336 +vt 0.911447 0.766565 +vt 0.292930 0.412323 +vt 0.293430 0.412367 +vt 0.194706 0.411873 +vt 0.199467 0.405841 +vt 0.257477 0.089382 +vt 0.257646 0.095024 +vt 0.298639 0.419390 +vt 0.298426 0.421389 +vt 0.298161 0.419456 +vt 0.284547 0.417230 +vt 0.017147 0.419609 +vt 0.016494 0.419859 +vt 0.190283 0.412696 +vt 0.014388 0.778558 +vt 0.014417 0.779579 +vt 0.285789 0.414093 +vt 0.285253 0.415416 +vt 0.282593 0.413924 +vt 0.273630 0.404484 +vt 0.271595 0.403888 +vt 0.271632 0.403771 +vt 0.294042 0.089852 +vt 0.291397 0.095164 +vt 0.290913 0.090080 +vt 0.193061 0.407928 +vt 0.192377 0.406297 +vt 0.150456 0.419771 +vt 0.188123 0.406231 +vt 0.284768 0.410229 +vt 0.410352 0.806051 +vt 0.193986 0.411939 +vt 0.189718 0.409603 +vt 0.289470 0.411617 +vt 0.623787 0.440270 +vt 0.625719 0.440483 +vt 0.625726 0.440255 +vt 0.974300 0.504849 +vt 0.973477 0.504776 +vt 0.973477 0.504732 +vt 0.804290 0.425316 +vt 0.804430 0.425360 +vt 0.804430 0.425316 +vt 0.388951 0.806051 +vt 0.377078 0.806059 +vt 0.377085 0.810555 +vt 0.626855 0.475456 +vt 0.626855 0.475103 +vt 0.400830 0.810548 +vt 0.400823 0.806051 +vt 0.404155 0.994805 +vt 0.413603 0.994761 +vt 0.413603 0.994805 +vt 0.558895 0.255857 +vt 0.559402 0.251170 +vt 0.559373 0.255857 +vt 0.377100 0.814868 +vt 0.400845 0.814853 +vt 0.014106 0.255611 +vt 0.013988 0.244348 +vt 0.284653 0.014143 +vt 0.274265 0.010491 +vt 0.977701 0.743159 +vt 0.977752 0.743159 +vt 0.925164 0.982632 +vt 0.924679 0.980766 +vt 0.924672 0.982654 +vt 0.537244 0.807279 +vt 0.549102 0.827167 +vt 0.560923 0.827167 +vt 0.537289 0.827167 +vt 0.300140 0.131509 +vt 0.301154 0.130135 +vt 0.143491 0.487465 +vt 0.146636 0.486142 +vt 0.088437 0.659194 +vt 0.096281 0.229838 +vt 0.137562 0.485114 +vt 0.134227 0.487039 +vt 0.137900 0.487039 +vt 0.366751 0.356303 +vt 0.584405 0.278151 +vt 0.137320 0.481183 +vt 0.134124 0.483343 +vt 0.136416 0.446374 +vt 0.148590 0.475394 +vt 0.195118 0.394388 +vt 0.195544 0.395210 +vt 0.362262 0.367125 +vt 0.362990 0.366111 +vt 0.150779 0.483630 +vt 0.369602 0.360902 +vt 0.368713 0.360557 +vt 0.069751 0.258462 +vt 0.070243 0.258344 +vt 0.069751 0.258418 +vt 0.563943 0.812936 +vt 0.563950 0.814530 +vt 0.560901 0.814376 +vt 0.278361 0.406636 +vt 0.274298 0.406239 +vt 0.274754 0.405049 +vt 0.071088 0.262444 +vt 0.072976 0.258285 +vt 0.070750 0.258395 +vt 0.365759 0.372841 +vt 0.365789 0.377072 +vt 0.363967 0.374751 +vt 0.325781 0.145549 +vt 0.142213 0.295336 +vt 0.142118 0.295336 +vt 0.366443 0.358015 +vt 0.368706 0.356714 +vt 0.140442 0.480427 +vt 0.139282 0.484805 +vt 0.369132 0.362342 +vt 0.023326 0.395108 +vt 0.023708 0.398259 +vt 0.024862 0.395791 +vt 0.366031 0.359587 +vt 0.322379 0.145203 +vt 0.322805 0.147385 +vt 0.369822 0.366750 +vt 0.373672 0.364789 +vt 0.372122 0.368418 +vt 0.570386 0.823707 +vt 0.188454 0.391904 +vt 0.187690 0.393469 +vt 0.913018 0.720052 +vt 0.915560 0.720214 +vt 0.915619 0.720052 +vt 0.189284 0.396974 +vt 0.365635 0.360843 +vt 0.111892 0.404166 +vt 0.366090 0.368388 +vt 0.367978 0.369917 +vt 0.141383 0.206600 +vt 0.214638 0.207291 +vt 0.147804 0.201266 +vt 0.059267 0.472940 +vt 0.061346 0.475394 +vt 0.563972 0.822788 +vt 0.563972 0.824757 +vt 0.202465 0.417868 +vt 0.270816 0.406379 +vt 0.273160 0.405799 +vt 0.272719 0.407062 +vt 0.149597 0.484453 +vt 0.273593 0.404594 +vt 0.271213 0.405101 +vt 0.075136 0.269813 +vt 0.074402 0.267645 +vt 0.367141 0.379063 +vt 0.362373 0.381356 +vt 0.183681 0.771421 +vt 0.295791 0.094385 +vt 0.294608 0.095854 +vt 0.294468 0.094672 +vt 0.533718 0.824779 +vt 0.530368 0.827167 +vt 0.533718 0.826910 +vt 0.527275 0.819445 +vt 0.530361 0.818571 +vt 0.304027 0.008493 +vt 0.300699 0.007648 +vt 0.933774 0.028579 +vt 0.930644 0.028704 +vt 0.930747 0.028270 +vt 0.155797 0.486054 +vt 0.153909 0.484115 +vt 0.533681 0.810908 +vt 0.530346 0.813678 +vt 0.530338 0.811643 +vt 0.362990 0.282188 +vt 0.362262 0.281174 +vt 0.377107 0.818930 +vt 0.061199 0.483689 +vt 0.524799 0.827167 +vt 0.524799 0.826300 +vt 0.527290 0.827167 +vt 0.298664 0.113715 +vt 0.299545 0.112069 +vt 0.299685 0.113443 +vt 0.014473 0.280311 +vt 0.016883 0.278570 +vt 0.065864 0.491594 +vt 0.062551 0.487781 +vt 0.061780 0.489845 +vt 0.303248 0.011601 +vt 0.307230 0.009874 +vt 0.306488 0.012820 +vt 0.371608 0.287779 +vt 0.371828 0.288572 +vt 0.370315 0.288344 +vt 0.309265 0.014363 +vt 0.309948 0.011623 +vt 0.018700 0.782283 +vt 0.018561 0.783502 +vt 0.533689 0.814589 +vt 0.068502 0.487046 +vt 0.069141 0.484401 +vt 0.729908 0.560814 +vt 0.739533 0.556230 +vt 0.729769 0.560278 +vt 0.366391 0.290027 +vt 0.368706 0.291820 +vt 0.070515 0.484761 +vt 0.366685 0.291533 +vt 0.012849 0.421321 +vt 0.015068 0.423452 +vt 0.013988 0.420851 +vt 0.075812 0.483343 +vt 0.145049 0.296379 +vt 0.058055 0.477547 +vt 0.056879 0.483983 +vt 0.057474 0.487171 +vt 0.274379 0.402471 +vt 0.272307 0.401736 +vt 0.360881 0.378733 +vt 0.373493 0.808461 +vt 0.373493 0.810430 +vt 0.060053 0.482895 +vt 0.466584 0.924095 +vt 0.466202 0.923816 +vt 0.883695 0.387495 +vt 0.882865 0.385291 +vt 0.884385 0.387010 +vt 0.849304 0.287237 +vt 0.533703 0.818049 +vt 0.373485 0.806323 +vt 0.373485 0.806066 +vt 0.370135 0.806066 +vt 0.297275 0.007347 +vt 0.270405 0.414887 +vt 0.129856 0.237472 +vt 0.123699 0.237993 +vt 0.129929 0.242916 +vt 0.286303 0.420007 +vt 0.286053 0.421029 +vt 0.076709 0.258065 +vt 0.076532 0.257653 +vt 0.070750 0.258271 +vt 0.664094 0.982381 +vt 0.664352 0.979641 +vt 0.664374 0.982205 +vt 0.099682 0.259336 +vt 0.096956 0.257580 +vt 0.095884 0.258888 +vt 0.103282 0.258263 +vt 0.103267 0.258800 +vt 0.103245 0.259336 +vt 0.072381 0.267792 +vt 0.367094 0.818512 +vt 0.304421 0.239260 +vt 0.304134 0.239076 +vt 0.019138 0.423613 +vt 0.018360 0.423746 +vt 0.018551 0.424040 +vt 0.304707 0.239436 +vt 0.304994 0.239627 +vt 0.083945 0.266007 +vt 0.089470 0.263046 +vt 0.021387 0.419962 +vt 0.018771 0.423040 +vt 0.022408 0.421608 +vt 0.095884 0.259005 +vt 0.287974 0.102805 +vt 0.291258 0.098889 +vt 0.292477 0.102151 +vt 0.290920 0.096508 +vt 0.287452 0.099285 +vt 0.287092 0.096824 +vt 0.290766 0.095245 +vt 0.286931 0.095516 +vt 0.291552 0.096420 +vt 0.291890 0.098779 +vt 0.090557 0.258550 +vt 0.089558 0.258366 +vt 0.294917 0.098088 +vt 0.296746 0.100777 +vt 0.089558 0.258491 +vt 0.290273 0.090117 +vt 0.295923 0.095539 +vt 0.296217 0.097691 +vt 0.195323 0.401683 +vt 0.297966 0.094914 +vt 0.097390 0.270217 +vt 0.255089 0.088383 +vt 0.255097 0.089169 +vt 0.328484 0.141640 +vt 0.083688 0.258234 +vt 0.083056 0.258102 +vt 0.290846 0.089117 +vt 0.083056 0.258212 +vt 0.142037 0.487928 +vt 0.190085 0.382735 +vt 0.293984 0.088941 +vt 0.285260 0.234595 +vt 0.018536 0.403843 +vt 0.014987 0.404864 +vt 0.298223 0.096942 +vt 0.299721 0.094245 +vt 0.299957 0.096126 +vt 0.289950 0.083468 +vt 0.286027 0.083394 +vt 0.290604 0.083490 +vt 0.072256 0.487039 +vt 0.075849 0.485224 +vt 0.072043 0.485048 +vt 0.297488 0.089470 +vt 0.295387 0.089727 +vt 0.110702 0.227451 +vt 0.113296 0.230323 +vt 0.112480 0.227568 +vt 0.286012 0.082770 +vt 0.293785 0.083607 +vt 0.295343 0.088846 +vt 0.013929 0.404328 +vt 0.013136 0.406165 +vt 0.635348 0.615524 +vt 0.637626 0.615259 +vt 0.637479 0.616089 +vt 0.290589 0.082873 +vt 0.012791 0.407142 +vt 0.297444 0.088647 +vt 0.925747 0.476321 +vt 0.923925 0.471788 +vt 0.926049 0.471780 +vt 0.287244 0.238276 +vt 0.304744 0.419868 +vt 0.307859 0.416239 +vt 0.308770 0.417980 +vt 0.238889 0.144623 +vt 0.300056 0.594570 +vt 0.304111 0.594753 +vt 0.297514 0.594753 +vt 0.328411 0.140898 +vt 0.019574 0.781335 +vt 0.018774 0.781151 +vt 0.306712 0.672368 +vt 0.285990 0.076701 +vt 0.285998 0.076459 +vt 0.297312 0.083798 +vt 0.295166 0.083673 +vt 0.306867 0.414431 +vt 0.299266 0.088427 +vt 0.141545 0.202721 +vt 0.013070 0.411227 +vt 0.011880 0.411087 +vt 0.144204 0.202126 +vt 0.286306 0.069531 +vt 0.012989 0.411917 +vt 0.069259 0.258491 +vt 0.070023 0.235495 +vt 0.070522 0.235510 +vt 0.290126 0.073028 +vt 0.309228 0.136145 +vt 0.290788 0.073116 +vt 0.141647 0.205351 +vt 0.143433 0.203919 +vt 0.141640 0.204271 +vt 0.299170 0.083938 +vt 0.134168 0.222058 +vt 0.019939 0.412042 +vt 0.299170 0.083446 +vt 0.290281 0.070838 +vt 0.286137 0.072741 +vt 0.286277 0.070530 +vt 0.293851 0.077421 +vt 0.293180 0.236637 +vt 0.292599 0.236696 +vt 0.290949 0.070941 +vt 0.290993 0.070449 +vt 0.015717 0.784854 +vt 0.016143 0.785053 +vt 0.011821 0.416627 +vt 0.139289 0.293190 +vt 0.139458 0.294322 +vt 0.070214 0.263186 +vt 0.069611 0.262546 +vt 0.070537 0.266514 +vt 0.070104 0.262510 +vt 0.294226 0.071661 +vt 0.016694 0.779476 +vt 0.016783 0.779506 +vt 0.294050 0.073733 +vt 0.259843 0.070699 +vt 0.259365 0.070302 +vt 0.259953 0.070207 +vt 0.070993 0.266470 +vt 0.016310 0.415951 +vt 0.015627 0.416046 +vt 0.295644 0.072087 +vt 0.309681 0.418663 +vt 0.309203 0.417715 +vt 0.297672 0.074820 +vt 0.297444 0.077972 +vt 0.299560 0.075614 +vt 0.299332 0.078531 +vt 0.413232 0.806051 +vt 0.413232 0.806962 +vt 0.071463 0.267880 +vt 0.071955 0.270114 +vt 0.012791 0.421137 +vt 0.202222 0.422967 +vt 0.201326 0.422658 +vt 0.297899 0.072499 +vt 0.060769 0.171456 +vt 0.072381 0.270062 +vt 0.142198 0.296467 +vt 0.296611 0.236630 +vt 0.020622 0.418177 +vt 0.019925 0.415157 +vt 0.010286 0.281296 +vt 0.009940 0.278225 +vt 0.008397 0.278636 +vt 0.264770 0.401920 +vt 0.265196 0.399833 +vt 0.299751 0.073858 +vt 0.297855 0.072925 +vt 0.299795 0.073461 +vt 0.017103 0.419470 +vt 0.410396 0.820672 +vt 0.307624 0.235961 +vt 0.309071 0.235131 +vt 0.307176 0.237078 +vt 0.073395 0.271921 +vt 0.303186 0.237783 +vt 0.304538 0.238511 +vt 0.016119 0.425362 +vt 0.014877 0.425737 +vt 0.106368 0.230264 +vt 0.107007 0.234327 +vt 0.063668 0.485129 +vt 0.018066 0.421762 +vt 0.017434 0.422107 +vt 0.300527 0.237438 +vt 0.300666 0.237490 +vt 0.015906 0.425009 +vt 0.018169 0.423444 +vt 0.377144 0.826064 +vt 0.108036 0.258873 +vt 0.129995 0.248455 +vt 0.121642 0.259850 +vt 0.287584 0.123361 +vt 0.288349 0.129488 +vt 0.282743 0.129488 +vt 0.123912 0.260519 +vt 0.123919 0.262003 +vt 0.026008 0.396305 +vt 0.026603 0.391346 +vt 0.113083 0.259351 +vt 0.115419 0.260364 +vt 0.110519 0.260210 +vt 0.247919 0.214109 +vt 0.215109 0.223579 +vt 0.109931 0.266110 +vt 0.106882 0.269504 +vt 0.251364 0.141067 +vt 0.215226 0.229508 +vt 0.255126 0.137842 +vt 0.258462 0.133926 +vt 0.265221 0.214396 +vt 0.215594 0.261489 +vt 0.215425 0.241924 +vt 0.215336 0.235628 +vt 0.284168 0.214514 +vt 0.215498 0.248352 +vt 0.215616 0.268130 +vt 0.134712 0.268505 +vt 0.145637 0.214263 +vt 0.243834 0.145225 +vt 0.242666 0.213985 +vt 0.215557 0.254884 +vt 0.141523 0.221977 +vt 0.215616 0.274764 +vt 0.139958 0.273817 +vt 0.140589 0.274639 +vt 0.144278 0.280767 +vt 0.137805 0.226363 +vt 0.134624 0.229126 +vt 0.134374 0.229317 +vt 0.290700 0.214514 +vt 0.294006 0.129481 +vt 0.296790 0.133713 +vt 0.883122 0.388119 +vt 0.881770 0.386128 +vt 0.144542 0.281332 +vt 0.144660 0.281582 +vt 0.146371 0.285968 +vt 0.297282 0.214492 +vt 0.297069 0.134058 +vt 0.310485 0.214396 +vt 0.317031 0.214323 +vt 0.303894 0.214455 +vt 0.302396 0.139238 +vt 0.303219 0.139862 +vt 0.329851 0.214109 +vt 0.325884 0.147709 +vt 0.089392 0.775127 +vt 0.089333 0.780027 +vt 0.107573 0.273354 +vt 0.111702 0.273743 +vt 0.107568 0.674413 +vt 0.107634 0.669410 +vt 0.107509 0.679710 +vt 0.358805 0.213301 +vt 0.359297 0.147047 +vt 0.598892 0.157435 +vt 0.370157 0.814713 +vt 0.323496 0.214227 +vt 0.089487 0.740347 +vt 0.089494 0.746643 +vt 0.317758 0.137886 +vt 0.089465 0.733933 +vt 0.214264 0.197946 +vt 0.214455 0.202449 +vt 0.089428 0.727424 +vt 0.107700 0.664730 +vt 0.214969 0.323996 +vt 0.107303 0.722572 +vt 0.089494 0.752778 +vt 0.089112 0.694657 +vt 0.089201 0.701129 +vt 0.107333 0.742313 +vt 0.107362 0.748829 +vt 0.107377 0.697078 +vt 0.107421 0.691076 +vt 0.088914 0.682064 +vt 0.107347 0.703264 +vt 0.088569 0.664549 +vt 0.107472 0.767733 +vt 0.088694 0.670170 +vt 0.107333 0.709597 +vt 0.107311 0.716048 +vt 0.107583 0.779488 +vt 0.107649 0.785013 +vt 0.089267 0.707668 +vt 0.089333 0.714258 +vt 0.107465 0.685272 +vt 0.089017 0.688294 +vt 0.056174 0.475240 +vt 0.019329 0.423900 +vt 0.353493 0.213492 +vt 0.215109 0.318515 +vt 0.215226 0.312784 +vt 0.007347 0.268233 +vt 0.215336 0.306833 +vt 0.089392 0.720856 +vt 0.234728 0.786893 +vt 0.137959 0.327735 +vt 0.214638 0.334075 +vt 0.160128 0.039301 +vt 0.162802 0.044899 +vt 0.159180 0.040058 +vt 0.147767 0.488141 +vt 0.149148 0.490411 +vt 0.347910 0.213669 +vt 0.089428 0.769925 +vt 0.237699 0.213838 +vt 0.319308 0.138040 +vt 0.231440 0.147400 +vt 0.146423 0.211963 +vt 0.179363 0.622469 +vt 0.173831 0.622440 +vt 0.343076 0.437290 +vt 0.341665 0.508062 +vt 0.343076 0.508026 +vt 0.458716 0.124219 +vt 0.458231 0.124241 +vt 0.813939 0.202039 +vt 0.558851 0.290175 +vt 0.558866 0.295119 +vt 0.108362 0.635822 +vt 0.108310 0.635822 +vt 0.274527 0.852713 +vt 0.279185 0.826242 +vt 0.279185 0.852662 +vt 0.179363 0.621992 +vt 0.181031 0.622477 +vt 0.972804 0.922654 +vt 0.972738 0.921824 +vt 0.972782 0.921824 +vt 0.201951 0.089930 +vt 0.195486 0.095977 +vt 0.600211 0.068283 +vt 0.600695 0.068298 +vt 0.154119 0.559464 +vt 0.154171 0.559464 +vt 0.541452 0.729799 +vt 0.541886 0.731768 +vt 0.399606 0.376341 +vt 0.399621 0.375415 +vt 0.365893 0.982474 +vt 0.365908 0.982423 +vt 0.365893 0.982423 +vt 0.616251 0.515065 +vt 0.616295 0.515065 +vt 0.917127 0.704332 +vt 0.919066 0.703840 +vt 0.917127 0.703847 +vt 0.080626 0.590831 +vt 0.009928 0.589163 +vt 0.080619 0.589163 +vt 0.052173 0.609929 +vt 0.053606 0.609187 +vt 0.922843 0.982617 +vt 0.923048 0.980700 +vt 0.922850 0.980722 +vt 0.963084 0.887813 +vt 0.962959 0.889371 +vt 0.962915 0.889371 +vt 0.559108 0.327798 +vt 0.559593 0.327798 +vt 0.216596 0.094242 +vt 0.216515 0.094066 +vt 0.216545 0.094242 +vt 0.628839 0.402077 +vt 0.626855 0.402290 +vt 0.626855 0.402077 +vt 0.628973 0.457103 +vt 0.627041 0.457331 +vt 0.627041 0.457103 +vt 0.191376 0.650877 +vt 0.191008 0.650788 +vt 0.191008 0.650840 +vt 0.455544 0.883086 +vt 0.456352 0.883137 +vt 0.456352 0.883093 +vt 0.919066 0.703017 +vt 0.917127 0.703200 +vt 0.919066 0.703193 +vt 0.555566 0.421607 +vt 0.555574 0.422775 +vt 0.628744 0.010256 +vt 0.628840 0.009066 +vt 0.628796 0.009066 +vt 0.828254 0.425316 +vt 0.828063 0.425280 +vt 0.828254 0.425265 +vt 0.602507 0.982594 +vt 0.601060 0.982646 +vt 0.601060 0.982594 +vt 0.569143 0.637780 +vt 0.569312 0.637832 +vt 0.569312 0.637787 +vt 0.542479 0.145378 +vt 0.536072 0.140669 +vt 0.542420 0.140676 +vt 0.526234 0.993792 +vt 0.528130 0.994020 +vt 0.528130 0.993792 +vt 0.559424 0.309512 +vt 0.558939 0.309512 +vt 0.029336 0.242041 +vt 0.035992 0.264361 +vt 0.035765 0.241593 +vt 0.208293 0.622440 +vt 0.214023 0.621713 +vt 0.214023 0.622469 +vt 0.350559 0.526643 +vt 0.356223 0.533130 +vt 0.356230 0.526753 +vt 0.178390 0.536456 +vt 0.182269 0.534025 +vt 0.182269 0.536471 +vt 0.978142 0.504901 +vt 0.977378 0.504989 +vt 0.977378 0.504945 +vt 0.619342 0.594882 +vt 0.619342 0.593868 +vt 0.119394 0.583959 +vt 0.119394 0.584010 +vt 0.584075 0.915448 +vt 0.587609 0.913633 +vt 0.587646 0.916043 +vt 0.628789 0.173425 +vt 0.628789 0.175357 +vt 0.380247 0.660445 +vt 0.381952 0.656595 +vt 0.379549 0.656610 +vt 0.415643 0.603278 +vt 0.416517 0.603770 +vt 0.457790 0.124255 +vt 0.457790 0.122360 +vt 0.407956 0.634799 +vt 0.408058 0.635107 +vt 0.408007 0.635107 +vt 0.984406 0.068880 +vt 0.984185 0.066941 +vt 0.984406 0.066941 +vt 0.017626 0.962927 +vt 0.017589 0.962963 +vt 0.017589 0.962912 +vt 0.394958 0.359950 +vt 0.390345 0.353485 +vt 0.390345 0.359854 +vt 0.977752 0.640507 +vt 0.977708 0.641705 +vt 0.977752 0.641705 +vt 0.660977 0.609318 +vt 0.661190 0.611405 +vt 0.661190 0.609318 +vt 0.467993 0.636866 +vt 0.468037 0.636506 +vt 0.982602 0.308286 +vt 0.982653 0.309072 +vt 0.982602 0.309072 +vt 0.444656 0.603043 +vt 0.448616 0.603646 +vt 0.448616 0.603161 +vt 0.133522 0.145425 +vt 0.132280 0.145491 +vt 0.133522 0.145469 +vt 0.492255 0.990711 +vt 0.492042 0.992651 +vt 0.684545 0.108597 +vt 0.684331 0.106628 +vt 0.684545 0.106606 +vt 0.456472 0.375187 +vt 0.455833 0.375142 +vt 0.456472 0.375142 +vt 0.868256 0.205148 +vt 0.870144 0.205016 +vt 0.870152 0.205237 +vt 0.600666 0.112605 +vt 0.600174 0.112590 +vt 0.630387 0.635286 +vt 0.630145 0.635228 +vt 0.630145 0.635272 +vt 0.700704 0.992653 +vt 0.700917 0.990567 +vt 0.700917 0.992653 +vt 0.848655 0.784083 +vt 0.850587 0.783591 +vt 0.848655 0.783591 +vt 0.513426 0.359854 +vt 0.508952 0.353573 +vt 0.600682 0.630608 +vt 0.600733 0.630990 +vt 0.600682 0.630990 +vt 0.625660 0.327049 +vt 0.623765 0.326894 +vt 0.623728 0.327071 +vt 0.194898 0.014081 +vt 0.201305 0.014081 +vt 0.942649 0.182834 +vt 0.942685 0.182892 +vt 0.616295 0.519965 +vt 0.616244 0.519245 +vt 0.616295 0.519245 +vt 0.560631 0.096590 +vt 0.560675 0.096590 +vt 0.977236 0.982660 +vt 0.977633 0.980721 +vt 0.977633 0.982653 +vt 0.521092 0.007428 +vt 0.525154 0.007949 +vt 0.521092 0.007905 +vt 0.485694 0.007516 +vt 0.485702 0.007993 +vt 0.978877 0.504835 +vt 0.978142 0.504952 +vt 0.364402 0.982511 +vt 0.735154 0.510641 +vt 0.735198 0.510127 +vt 0.979514 0.982653 +vt 0.979293 0.980721 +vt 0.979514 0.980721 +vt 0.216589 0.101596 +vt 0.216552 0.101435 +vt 0.216545 0.101603 +vt 0.542598 0.731768 +vt 0.542598 0.729799 +vt 0.243213 0.482507 +vt 0.245299 0.482507 +vt 0.628973 0.455303 +vt 0.627041 0.454825 +vt 0.626855 0.473729 +vt 0.628839 0.473891 +vt 0.628839 0.473729 +vt 0.963341 0.886454 +vt 0.963135 0.887813 +vt 0.600682 0.629786 +vt 0.600733 0.630197 +vt 0.600682 0.630197 +vt 0.559565 0.177172 +vt 0.559058 0.181331 +vt 0.667070 0.633260 +vt 0.670648 0.626508 +vt 0.664991 0.629094 +vt 0.755857 0.642796 +vt 0.753792 0.635442 +vt 0.751133 0.639262 +vt 0.706971 0.789638 +vt 0.713348 0.793848 +vt 0.712848 0.789219 +vt 0.767876 0.766547 +vt 0.760294 0.767546 +vt 0.763468 0.770955 +vt 0.636096 0.761852 +vt 0.643582 0.763387 +vt 0.639718 0.758935 +vt 0.740987 0.780954 +vt 0.737409 0.787698 +vt 0.743066 0.785112 +vt 0.644574 0.770962 +vt 0.652200 0.771418 +vt 0.647748 0.767553 +vt 0.670633 0.787713 +vt 0.667055 0.780961 +vt 0.664969 0.785127 +vt 0.624010 0.686686 +vt 0.618177 0.691623 +vt 0.622754 0.692454 +vt 0.768332 0.758921 +vt 0.764467 0.763373 +vt 0.617288 0.697787 +vt 0.779058 0.662589 +vt 0.771873 0.659995 +vt 0.775062 0.664954 +vt 0.619499 0.728688 +vt 0.625663 0.733192 +vt 0.624003 0.727535 +vt 0.694694 0.793848 +vt 0.689353 0.788381 +vt 0.688530 0.792959 +vt 0.724464 0.627081 +vt 0.731583 0.624326 +vt 0.725610 0.622578 +vt 0.654265 0.778772 +vt 0.656924 0.774951 +vt 0.788558 0.685525 +vt 0.782394 0.681022 +vt 0.784054 0.686672 +vt 0.735638 0.630806 +vt 0.737424 0.626501 +vt 0.746181 0.636074 +vt 0.748547 0.632077 +vt 0.626023 0.668069 +vt 0.633003 0.664976 +vt 0.629006 0.662596 +vt 0.640173 0.766561 +vt 0.616847 0.710226 +vt 0.621498 0.710064 +vt 0.719527 0.621255 +vt 0.718704 0.625832 +vt 0.790769 0.697773 +vt 0.785303 0.692432 +vt 0.786141 0.698272 +vt 0.632371 0.657358 +vt 0.639725 0.655293 +vt 0.636111 0.652376 +vt 0.718682 0.788381 +vt 0.682469 0.622578 +vt 0.677958 0.628749 +vt 0.683608 0.627089 +vt 0.755842 0.771410 +vt 0.758759 0.775025 +vt 0.789880 0.691609 +vt 0.694709 0.620366 +vt 0.689375 0.625832 +vt 0.695209 0.624995 +vt 0.786559 0.704150 +vt 0.741002 0.633253 +vt 0.743088 0.629087 +vt 0.632364 0.756871 +vt 0.636184 0.754211 +vt 0.688545 0.621255 +vt 0.627728 0.675512 +vt 0.621263 0.679567 +vt 0.625671 0.681037 +vt 0.786141 0.715927 +vt 0.791210 0.710211 +vt 0.786559 0.710049 +vt 0.621255 0.734661 +vt 0.627728 0.738717 +vt 0.748540 0.782129 +vt 0.751126 0.774937 +vt 0.746159 0.778133 +vt 0.683601 0.787133 +vt 0.682447 0.791636 +vt 0.630182 0.670148 +vt 0.623437 0.673726 +vt 0.672419 0.783408 +vt 0.676474 0.789880 +vt 0.677944 0.785472 +vt 0.784047 0.727527 +vt 0.786795 0.734647 +vt 0.788558 0.728666 +vt 0.777875 0.744065 +vt 0.784627 0.740487 +vt 0.780329 0.738702 +vt 0.291996 0.669768 +vt 0.289895 0.671193 +vt 0.302289 0.676247 +vt 0.287537 0.672133 +vt 0.287801 0.778766 +vt 0.320605 0.731320 +vt 0.290167 0.779706 +vt 0.292275 0.781117 +vt 0.260019 0.118872 +vt 0.260026 0.118960 +vt 0.269574 0.410721 +vt 0.272205 0.408620 +vt 0.180419 0.734841 +vt 0.155841 0.482337 +vt 0.263153 0.408965 +vt 0.300104 0.118505 +vt 0.302712 0.117608 +vt 0.302726 0.117888 +vt 0.259512 0.111371 +vt 0.259644 0.113061 +vt 0.639565 0.619851 +vt 0.638529 0.622099 +vt 0.190923 0.382589 +vt 0.275591 0.402933 +vt 0.018955 0.423334 +vt 0.189931 0.391383 +vt 0.364297 0.284384 +vt 0.365319 0.280939 +vt 0.366773 0.283385 +vt 0.195536 0.389561 +vt 0.195933 0.390530 +vt 0.195030 0.396041 +vt 0.186625 0.399442 +vt 0.188528 0.398494 +vt 0.111694 0.230683 +vt 0.110600 0.230147 +vt 0.110710 0.230617 +vt 0.190849 0.382258 +vt 0.190908 0.382508 +vt 0.188153 0.397495 +vt 0.292217 0.233640 +vt 0.293128 0.235991 +vt 0.292519 0.236057 +vt 0.276576 0.414762 +vt 0.276914 0.413895 +vt 0.183995 0.393550 +vt 0.186926 0.400023 +vt 0.191804 0.403843 +vt 0.023407 0.382963 +vt 0.197322 0.393528 +vt 0.183476 0.727707 +vt 0.113391 0.230786 +vt 0.112223 0.234680 +vt 0.279926 0.407275 +vt 0.912836 0.762671 +vt 0.912365 0.762333 +vt 0.186529 0.390406 +vt 0.185934 0.383514 +vt 0.184670 0.383764 +vt 0.214807 0.329190 +vt 0.278729 0.409751 +vt 0.277531 0.410986 +vt 0.304839 0.410288 +vt 0.306125 0.413131 +vt 0.304538 0.410479 +vt 0.253238 0.135579 +vt 0.253921 0.136438 +vt 0.264674 0.401905 +vt 0.102966 0.233960 +vt 0.264748 0.402037 +vt 0.264130 0.403213 +vt 0.328646 0.145651 +vt 0.258968 0.106081 +vt 0.258506 0.105956 +vt 0.083820 0.271297 +vt 0.084313 0.271297 +vt 0.107521 0.229912 +vt 0.264410 0.403264 +vt 0.259115 0.107352 +vt 0.259020 0.106551 +vt 0.187242 0.392338 +vt 0.189747 0.397892 +vt 0.190041 0.398436 +vt 0.192605 0.397172 +vt 0.033702 0.007347 +vt 0.029794 0.007369 +vt 0.033702 0.007391 +vt 0.279338 0.404572 +vt 0.072609 0.395188 +vt 0.070133 0.397091 +vt 0.183659 0.768908 +vt 0.262661 0.412617 +vt 0.119776 0.266977 +vt 0.119019 0.270591 +vt 0.119284 0.270606 +vt 0.187389 0.382868 +vt 0.119262 0.230595 +vt 0.118615 0.227891 +vt 0.145615 0.203691 +vt 0.270346 0.407951 +vt 0.403901 0.814728 +vt 0.260034 0.119203 +vt 0.259593 0.119137 +vt 0.278045 0.411250 +vt 0.191202 0.397855 +vt 0.365635 0.276898 +vt 0.364518 0.279815 +vt 0.363328 0.278338 +vt 0.183348 0.384029 +vt 0.280903 0.405351 +vt 0.023642 0.265537 +vt 0.023503 0.265441 +vt 0.014554 0.270959 +vt 0.266418 0.015215 +vt 0.294373 0.070258 +vt 0.307436 0.016780 +vt 0.298002 0.071647 +vt 0.358978 0.375706 +vt 0.153880 0.475240 +vt 0.298046 0.108506 +vt 0.294858 0.113127 +vt 0.294373 0.109431 +vt 0.295005 0.114427 +vt 0.298517 0.112355 +vt 0.294292 0.113215 +vt 0.021203 0.394145 +vt 0.020123 0.396430 +vt 0.019954 0.393557 +vt 0.018896 0.395783 +vt 0.294439 0.114508 +vt 0.027124 0.389788 +vt 0.027786 0.391765 +vt 0.028315 0.390170 +vt 0.300081 0.118240 +vt 0.302315 0.112576 +vt 0.300416 0.658284 +vt 0.119100 0.271605 +vt 0.118497 0.274184 +vt 0.321108 0.141185 +vt 0.299068 0.118439 +vt 0.025031 0.390795 +vt 0.299082 0.118696 +vt 0.506360 0.722050 +vt 0.508792 0.722741 +vt 0.507778 0.723872 +vt 0.288096 0.416525 +vt 0.286803 0.418171 +vt 0.287339 0.416275 +vt 0.241850 0.142558 +vt 0.119827 0.266411 +vt 0.106507 0.270518 +vt 0.119585 0.266404 +vt 0.306194 0.135109 +vt 0.269971 0.245608 +vt 0.271595 0.245387 +vt 0.270067 0.245894 +vt 0.298759 0.106008 +vt 0.265379 0.250038 +vt 0.265299 0.250053 +vt 0.265115 0.248855 +vt 0.293785 0.083027 +vt 0.021548 0.389546 +vt 0.294057 0.107389 +vt 0.297738 0.106382 +vt 0.024840 0.398825 +vt 0.293491 0.107514 +vt 0.278361 0.242574 +vt 0.264696 0.247011 +vt 0.264512 0.247040 +vt 0.236755 0.656060 +vt 0.302175 0.111136 +vt 0.107722 0.790266 +vt 0.293807 0.109542 +vt 0.297841 0.093841 +vt 0.110034 0.265537 +vt 0.015443 0.401683 +vt 0.292864 0.413065 +vt 0.090469 0.262451 +vt 0.095627 0.262870 +vt 0.026676 0.383764 +vt 0.024751 0.383250 +vt 0.263991 0.245248 +vt 0.263462 0.245358 +vt 0.276642 0.239525 +vt 0.263704 0.244028 +vt 0.262749 0.242206 +vt 0.120366 0.011684 +vt 0.125649 0.014954 +vt 0.119977 0.012838 +vt 0.011692 0.066058 +vt 0.014954 0.060776 +vt 0.176445 0.114452 +vt 0.177760 0.108464 +vt 0.163764 0.142201 +vt 0.159143 0.146352 +vt 0.178634 0.102396 +vt 0.177863 0.096232 +vt 0.179068 0.096276 +vt 0.066088 0.011677 +vt 0.060350 0.013822 +vt 0.026290 0.147102 +vt 0.030301 0.151730 +vt 0.084051 0.007776 +vt 0.077975 0.008650 +vt 0.049381 0.019310 +vt 0.176467 0.071958 +vt 0.173587 0.066462 +vt 0.174733 0.066080 +vt 0.016364 0.131651 +vt 0.171478 0.060791 +vt 0.172595 0.060328 +vt 0.167107 0.049374 +vt 0.168966 0.055295 +vt 0.166071 0.049991 +vt 0.009950 0.114437 +vt 0.034643 0.156072 +vt 0.026319 0.039286 +vt 0.030338 0.034651 +vt 0.044179 0.163764 +vt 0.142223 0.022631 +vt 0.136456 0.020361 +vt 0.137073 0.019318 +vt 0.066051 0.174711 +vt 0.071936 0.176445 +vt 0.060306 0.172566 +vt 0.170024 0.131666 +vt 0.019296 0.137029 +vt 0.008657 0.077938 +vt 0.007783 0.084007 +vt 0.151730 0.156087 +vt 0.155190 0.150922 +vt 0.156065 0.151752 +vt 0.096247 0.179060 +vt 0.090156 0.177848 +vt 0.096203 0.177848 +vt 0.102367 0.178620 +vt 0.102234 0.177422 +vt 0.108222 0.176555 +vt 0.108435 0.177745 +vt 0.071980 0.009950 +vt 0.009958 0.071943 +vt 0.114430 0.176445 +vt 0.119933 0.173572 +vt 0.120315 0.174718 +vt 0.011670 0.120322 +vt 0.013815 0.126067 +vt 0.049344 0.167078 +vt 0.022609 0.142194 +vt 0.147094 0.160098 +vt 0.141496 0.162780 +vt 0.146337 0.159158 +vt 0.150915 0.155198 +vt 0.179068 0.090141 +vt 0.177863 0.090185 +vt 0.007342 0.090119 +vt 0.077924 0.177745 +vt 0.084124 0.177415 +vt 0.083999 0.178620 +vt 0.022646 0.044194 +vt 0.019325 0.049352 +vt 0.174718 0.120337 +vt 0.175277 0.114158 +vt 0.171456 0.125627 +vt 0.172573 0.126082 +vt 0.054722 0.170016 +vt 0.054766 0.016364 +vt 0.163794 0.044209 +vt 0.160083 0.147116 +vt 0.007342 0.096254 +vt 0.007776 0.102374 +vt 0.039316 0.026297 +vt 0.044223 0.022624 +vt 0.178634 0.084021 +vt 0.177437 0.084154 +vt 0.125605 0.171456 +vt 0.126060 0.172573 +vt 0.170046 0.054752 +vt 0.176577 0.078173 +vt 0.175284 0.072259 +vt 0.008643 0.108450 +vt 0.090163 0.007342 +vt 0.090112 0.179053 +vt 0.146374 0.027252 +vt 0.141540 0.023630 +vt 0.114481 0.009958 +vt 0.131688 0.016379 +vt 0.173572 0.119955 +vt 0.016386 0.054737 +vt 0.013837 0.060313 +vt 0.108486 0.008657 +vt 0.102418 0.007783 +vt 0.039272 0.160091 +vt 0.156101 0.034665 +vt 0.151767 0.030331 +vt 0.147138 0.026312 +vt 0.114129 0.175269 +vt 0.131644 0.170024 +vt 0.137022 0.167092 +vt 0.142186 0.163779 +vt 0.177760 0.077953 +vt 0.155220 0.035488 +vt 0.034673 0.030316 +vt 0.096298 0.007342 +vt 0.167085 0.137044 +vt 0.126112 0.013830 +vt 0.055156 0.121570 +vt 0.054333 0.123598 +vt 0.047457 0.118742 +vt 0.058315 0.122334 +vt 0.058146 0.127227 +vt 0.064736 0.121622 +vt 0.067036 0.120799 +vt 0.134881 0.276454 +vt 0.134896 0.276439 +vt 0.090744 0.141818 +vt 0.090208 0.141936 +vt 0.091281 0.141686 +vt 0.920067 0.840405 +vt 0.918774 0.832889 +vt 0.096497 0.126618 +vt 0.122909 0.126948 +vt 0.099054 0.122944 +vt 0.100582 0.118742 +vt 0.128985 0.128491 +vt 0.135251 0.128763 +vt 0.141438 0.127749 +vt 0.103106 0.249241 +vt 0.103223 0.260629 +vt 0.106184 0.260218 +vt 0.148684 0.924711 +vt 0.144298 0.922265 +vt 0.105956 0.237442 +vt 0.102996 0.237861 +vt 0.112811 0.248470 +vt 0.109476 0.259953 +vt 0.112921 0.259858 +vt 0.109248 0.237185 +vt 0.112693 0.237090 +vt 0.299398 0.127461 +vt 0.705989 0.852737 +vt 0.716627 0.852737 +vt 0.716723 0.861399 +vt 0.702778 0.853119 +vt 0.699781 0.854214 +vt 0.693837 0.859834 +vt 0.693029 0.861399 +vt 0.694822 0.858365 +vt 0.697026 0.856043 +vt 0.651649 0.861399 +vt 0.673462 0.858218 +vt 0.675445 0.861399 +vt 0.670861 0.855698 +vt 0.667702 0.853876 +vt 0.665028 0.853053 +vt 0.662265 0.852774 +vt 0.651568 0.852774 +vt 0.648906 0.390371 +vt 0.648803 0.393979 +vt 0.649259 0.386639 +vt 0.697778 0.390371 +vt 0.697418 0.386639 +vt 0.697881 0.393979 +vt 0.697881 0.451409 +vt 0.648906 0.455016 +vt 0.649259 0.458756 +vt 0.508368 0.487266 +vt 0.453744 0.397039 +vt 0.697778 0.455016 +vt 0.697418 0.458756 +vt 0.742706 0.604161 +vt 0.742978 0.597909 +vt 0.744528 0.591825 +vt 0.483500 0.884781 +vt 0.743346 0.693528 +vt 0.733817 0.698237 +vt 0.732113 0.693572 +vt 0.729636 0.559749 +vt 0.729511 0.559213 +vt 0.744191 0.564818 +vt 0.741252 0.560858 +vt 0.924278 0.477254 +vt 0.748128 0.567779 +vt 0.731576 0.541095 +vt 0.752735 0.569506 +vt 0.144351 0.298135 +vt 0.142551 0.297481 +vt 0.742633 0.541999 +vt 0.737101 0.533227 +vt 0.734419 0.536335 +vt 0.260068 0.410053 +vt 0.259913 0.410684 +vt 0.749855 0.533712 +vt 0.746226 0.538414 +vt 0.750678 0.536011 +vt 0.138334 0.401727 +vt 0.138606 0.403292 +vt 0.749128 0.530553 +vt 0.746475 0.524910 +vt 0.740201 0.530531 +vt 0.749142 0.527305 +vt 0.749906 0.524146 +vt 0.749848 0.520855 +vt 0.752735 0.516447 +vt 0.743720 0.610332 +vt 0.265875 0.112333 +vt 0.277093 0.112378 +vt 0.265955 0.108902 +vt 0.421796 0.353918 +vt 0.421789 0.360295 +vt 0.288312 0.112436 +vt 0.277916 0.102731 +vt 0.266697 0.102680 +vt 0.289135 0.102783 +vt 0.283059 0.023392 +vt 0.294160 0.023444 +vt 0.294248 0.023591 +vt 0.293455 0.029483 +vt 0.271017 0.029380 +vt 0.865001 0.383570 +vt 0.864942 0.383334 +vt 0.864993 0.383334 +vt 0.281626 0.042450 +vt 0.292977 0.035875 +vt 0.292837 0.042502 +vt 0.270540 0.035779 +vt 0.270407 0.042399 +vt 0.023385 0.254178 +vt 0.029564 0.264817 +vt 0.023422 0.242769 +vt 0.023275 0.242916 +vt 0.490580 0.007398 +vt 0.495047 0.007854 +vt 0.042531 0.252819 +vt 0.042649 0.264207 +vt 0.042421 0.241432 +vt 0.572443 0.575589 +vt 0.570114 0.577000 +vt 0.569702 0.575237 +vt 0.567763 0.595859 +vt 0.565279 0.596961 +vt 0.565544 0.595161 +vt 0.559086 0.583024 +vt 0.560864 0.583142 +vt 0.580524 0.585787 +vt 0.578533 0.583979 +vt 0.580061 0.583017 +vt 0.562105 0.578293 +vt 0.591870 0.294954 +vt 0.592634 0.292309 +vt 0.594118 0.293293 +vt 0.578930 0.580460 +vt 0.576307 0.579872 +vt 0.577203 0.578286 +vt 0.575699 0.285777 +vt 0.597659 0.285777 +vt 0.595896 0.283728 +vt 0.597520 0.282956 +vt 0.570709 0.597659 +vt 0.572384 0.595485 +vt 0.573398 0.596954 +vt 0.597108 0.288554 +vt 0.595911 0.286115 +vt 0.594228 0.290545 +vt 0.595903 0.291111 +vt 0.574514 0.578381 +vt 0.574992 0.576625 +vt 0.561981 0.592208 +vt 0.559461 0.591289 +vt 0.562884 0.595602 +vt 0.563575 0.593920 +vt 0.566962 0.575589 +vt 0.567785 0.577191 +vt 0.577676 0.282853 +vt 0.576787 0.280267 +vt 0.558652 0.588608 +vt 0.577887 0.593670 +vt 0.577666 0.590937 +vt 0.579415 0.591282 +vt 0.574492 0.594434 +vt 0.575844 0.595595 +vt 0.572406 0.577404 +vt 0.560901 0.593670 +vt 0.581739 0.293190 +vt 0.579064 0.293293 +vt 0.579939 0.291699 +vt 0.558528 0.585794 +vt 0.570092 0.595969 +vt 0.567946 0.597659 +vt 0.588189 0.273890 +vt 0.586058 0.275580 +vt 0.585434 0.273890 +vt 0.595301 0.281428 +vt 0.596697 0.280267 +vt 0.576300 0.592884 +vt 0.575898 0.282956 +vt 0.586147 0.294586 +vt 0.583825 0.295989 +vt 0.583854 0.294167 +vt 0.595338 0.288437 +vt 0.588468 0.294395 +vt 0.586551 0.296349 +vt 0.595242 0.277887 +vt 0.592575 0.277644 +vt 0.593258 0.275947 +vt 0.577323 0.291111 +vt 0.581268 0.294954 +vt 0.590856 0.274588 +vt 0.588387 0.275690 +vt 0.576177 0.288554 +vt 0.564376 0.576632 +vt 0.578286 0.277887 +vt 0.560313 0.580468 +vt 0.590606 0.276395 +vt 0.583774 0.276065 +vt 0.580311 0.588601 +vt 0.578827 0.586338 +vt 0.582752 0.274588 +vt 0.589298 0.295989 +vt 0.590680 0.293624 +vt 0.580328 0.275947 +vt 0.594177 0.279356 +vt 0.577681 0.581783 +vt 0.821697 0.007707 +vt 0.824591 0.012578 +vt 0.824591 0.007347 +vt 0.311618 0.855087 +vt 0.306417 0.857335 +vt 0.308540 0.859326 +vt 0.838032 0.695668 +vt 0.838230 0.701325 +vt 0.839531 0.696248 +vt 0.830381 0.021703 +vt 0.836016 0.021152 +vt 0.830880 0.020174 +vt 0.309774 0.839725 +vt 0.311001 0.845250 +vt 0.312294 0.844310 +vt 0.819669 0.023054 +vt 0.814071 0.023929 +vt 0.815636 0.026390 +vt 0.829510 0.690797 +vt 0.835035 0.692038 +vt 0.834726 0.690466 +vt 0.823860 0.259250 +vt 0.824022 0.264915 +vt 0.826667 0.263673 +vt 0.819232 0.247569 +vt 0.815470 0.243330 +vt 0.817703 0.248061 +vt 0.816352 0.248928 +vt 0.312485 0.838652 +vt 0.832555 0.010491 +vt 0.829999 0.015546 +vt 0.834407 0.012747 +vt 0.820837 0.024149 +vt 0.835656 0.015377 +vt 0.815250 0.257605 +vt 0.813016 0.262814 +vt 0.816352 0.258780 +vt 0.820315 0.029792 +vt 0.817759 0.028381 +vt 0.814776 0.012739 +vt 0.818508 0.017001 +vt 0.819191 0.015553 +vt 0.836820 0.679247 +vt 0.840310 0.683707 +vt 0.839648 0.678520 +vt 0.823798 0.025325 +vt 0.826053 0.030511 +vt 0.825400 0.025325 +vt 0.826950 0.024928 +vt 0.815257 0.250089 +vt 0.809614 0.249567 +vt 0.814478 0.251492 +vt 0.831431 0.028381 +vt 0.828875 0.029792 +vt 0.847943 0.680643 +vt 0.846040 0.685977 +vt 0.850066 0.682634 +vt 0.828353 0.024149 +vt 0.833562 0.026390 +vt 0.829521 0.023054 +vt 0.821513 0.013371 +vt 0.816627 0.010491 +vt 0.820213 0.014312 +vt 0.834829 0.688864 +vt 0.829686 0.687887 +vt 0.842712 0.696248 +vt 0.846723 0.700245 +vt 0.844196 0.695660 +vt 0.813009 0.244895 +vt 0.811018 0.247018 +vt 0.820833 0.247466 +vt 0.818247 0.242426 +vt 0.319663 0.860730 +vt 0.319134 0.855087 +vt 0.317731 0.855866 +vt 0.844872 0.684875 +vt 0.845386 0.679240 +vt 0.843461 0.684104 +vt 0.841911 0.683707 +vt 0.842558 0.678520 +vt 0.830582 0.685110 +vt 0.835321 0.687336 +vt 0.831692 0.250956 +vt 0.826035 0.250765 +vt 0.826622 0.252256 +vt 0.831295 0.696299 +vt 0.835711 0.693493 +vt 0.836732 0.694720 +vt 0.846900 0.687329 +vt 0.851631 0.685095 +vt 0.847502 0.690451 +vt 0.852182 0.693640 +vt 0.852726 0.690782 +vt 0.823853 0.248451 +vt 0.828907 0.245886 +vt 0.826659 0.244028 +vt 0.825094 0.249472 +vt 0.819232 0.260132 +vt 0.821156 0.265451 +vt 0.820826 0.260228 +vt 0.830619 0.259456 +vt 0.825087 0.258229 +vt 0.828900 0.261814 +vt 0.826035 0.256929 +vt 0.831692 0.256738 +vt 0.826622 0.255437 +vt 0.309590 0.852641 +vt 0.303955 0.852097 +vt 0.304852 0.854867 +vt 0.846518 0.693478 +vt 0.847201 0.692031 +vt 0.310450 0.853993 +vt 0.852542 0.687865 +vt 0.847392 0.688850 +vt 0.835520 0.700252 +vt 0.315380 0.843516 +vt 0.313786 0.843722 +vt 0.749483 0.751368 +vt 0.326068 0.637417 +vt 0.749483 0.751309 +vt 0.749505 0.751309 +vt 0.749505 0.751324 +vt 0.408036 0.635445 +vt 0.408095 0.635644 +vt 0.408051 0.635644 +vt 0.350420 0.603734 +vt 0.353807 0.603763 +vt 0.216575 0.030919 +vt 0.216553 0.031088 +vt 0.216531 0.030919 +vt 0.720704 0.604442 +vt 0.721189 0.604493 +vt 0.721189 0.604442 +vt 0.017494 0.962912 +vt 0.017494 0.962956 +vt 0.525147 0.007464 +vt 0.608471 0.459443 +vt 0.369097 0.637240 +vt 0.371030 0.637035 +vt 0.281773 0.067591 +vt 0.073586 0.628839 +vt 0.073586 0.628787 +vt 0.440289 0.982653 +vt 0.635265 0.115057 +vt 0.635257 0.118958 +vt 0.635250 0.118958 +vt 0.635235 0.118958 +vt 0.799432 0.992602 +vt 0.799953 0.992653 +vt 0.799432 0.992653 +vt 0.309411 0.993637 +vt 0.309367 0.991381 +vt 0.309360 0.993637 +vt 0.919066 0.703406 +vt 0.917127 0.703619 +vt 0.919066 0.703619 +vt 0.635213 0.118958 +vt 0.635213 0.115057 +vt 0.157445 0.635265 +vt 0.160597 0.635207 +vt 0.160597 0.635251 +vt 0.559587 0.162097 +vt 0.559102 0.166997 +vt 0.559102 0.162097 +vt 0.202040 0.077558 +vt 0.195604 0.083759 +vt 0.202010 0.083766 +vt 0.216553 0.030779 +vt 0.216501 0.030779 +vt 0.924172 0.982647 +vt 0.923702 0.980714 +vt 0.923702 0.982603 +vt 0.346352 0.437261 +vt 0.348005 0.437268 +vt 0.683549 0.980040 +vt 0.683652 0.978313 +vt 0.683601 0.978313 +vt 0.629208 0.173425 +vt 0.977936 0.863173 +vt 0.976952 0.863239 +vt 0.977936 0.863217 +vt 0.449045 0.375142 +vt 0.974340 0.524873 +vt 0.973150 0.524829 +vt 0.973150 0.524873 +vt 0.994805 0.247632 +vt 0.994761 0.247521 +vt 0.994805 0.247521 +vt 0.979043 0.883329 +vt 0.979499 0.881397 +vt 0.979499 0.883329 +vt 0.295648 0.532777 +vt 0.295656 0.526407 +vt 0.394958 0.353573 +vt 0.457552 0.375187 +vt 0.457552 0.375142 +vt 0.977701 0.705529 +vt 0.977752 0.706205 +vt 0.977701 0.706205 +vt 0.827843 0.425287 +vt 0.821936 0.425397 +vt 0.616129 0.422506 +vt 0.616291 0.424004 +vt 0.579502 0.637817 +vt 0.574499 0.637787 +vt 0.574499 0.637832 +vt 0.868256 0.205376 +vt 0.870122 0.205964 +vt 0.868227 0.205883 +vt 0.628831 0.400960 +vt 0.626855 0.400446 +vt 0.972724 0.961576 +vt 0.972776 0.961562 +vt 0.972776 0.961576 +vt 0.435508 0.180960 +vt 0.436735 0.252974 +vt 0.436735 0.180982 +vt 0.100384 0.583966 +vt 0.101442 0.583966 +vt 0.516911 0.007391 +vt 0.124558 0.887867 +vt 0.118592 0.887111 +vt 0.118585 0.887853 +vt 0.559447 0.132276 +vt 0.558918 0.127485 +vt 0.559410 0.127485 +vt 0.129429 0.058039 +vt 0.130171 0.057848 +vt 0.130171 0.057899 +vt 0.720307 0.604442 +vt 0.720704 0.604493 +vt 0.560550 0.099587 +vt 0.560602 0.099595 +vt 0.683594 0.980062 +vt 0.683579 0.981553 +vt 0.683623 0.981553 +vt 0.646527 0.982602 +vt 0.645314 0.982653 +vt 0.646527 0.982653 +vt 0.562412 0.992609 +vt 0.562412 0.992653 +vt 0.555603 0.423811 +vt 0.550032 0.635661 +vt 0.700535 0.992653 +vt 0.700704 0.990567 +vt 0.754958 0.188274 +vt 0.755002 0.187929 +vt 0.754958 0.187929 +vt 0.197980 0.902973 +vt 0.202741 0.905412 +vt 0.202726 0.902973 +vt 0.110885 0.052986 +vt 0.110855 0.054587 +vt 0.600762 0.040042 +vt 0.600284 0.040740 +vt 0.600776 0.040755 +vt 0.078666 0.609892 +vt 0.076917 0.609098 +vt 0.078659 0.609135 +vt 0.380247 0.678364 +vt 0.382642 0.678349 +vt 0.909272 0.767160 +vt 0.907987 0.769151 +vt 0.907010 0.767814 +vt 0.640491 0.612519 +vt 0.639176 0.610638 +vt 0.639955 0.610344 +vt 0.915391 0.731271 +vt 0.914407 0.732623 +vt 0.915494 0.732424 +vt 0.913321 0.763127 +vt 0.911690 0.764567 +vt 0.911499 0.764214 +vt 0.906722 0.720052 +vt 0.906722 0.720155 +vt 0.907141 0.720625 +vt 0.910550 0.725511 +vt 0.911527 0.727083 +vt 0.911879 0.726921 +vt 0.909073 0.720052 +vt 0.907736 0.721426 +vt 0.130326 0.226077 +vt 0.915553 0.732476 +vt 0.915538 0.732461 +vt 0.915553 0.732571 +vt 0.909315 0.720074 +vt 0.915516 0.732454 +vt 0.909572 0.720118 +vt 0.912924 0.756772 +vt 0.911917 0.762083 +vt 0.909684 0.761635 +vt 0.728880 0.552417 +vt 0.913018 0.720155 +vt 0.913040 0.720170 +vt 0.910623 0.728795 +vt 0.908309 0.728949 +vt 0.910623 0.728810 +vt 0.909721 0.763354 +vt 0.909258 0.761635 +vt 0.913055 0.720192 +vt 0.912761 0.725026 +vt 0.912283 0.726804 +vt 0.912717 0.726767 +vt 0.913077 0.720221 +vt 0.140626 0.295365 +vt 0.141478 0.295358 +vt 0.909258 0.763369 +vt 0.913180 0.724387 +vt 0.913180 0.725026 +vt 0.915399 0.725606 +vt 0.915582 0.720184 +vt 0.915597 0.720162 +vt 0.910990 0.730014 +vt 0.909080 0.731330 +vt 0.909565 0.731800 +vt 0.915619 0.720155 +vt 0.909441 0.756713 +vt 0.906870 0.756867 +vt 0.906811 0.756713 +vt 0.915523 0.720302 +vt 0.913180 0.721257 +vt 0.141442 0.294895 +vt 0.910550 0.725481 +vt 0.907017 0.763957 +vt 0.910551 0.767116 +vt 0.912188 0.730617 +vt 0.911879 0.730565 +vt 0.911688 0.732586 +vt 0.214127 0.888091 +vt 0.892629 0.390463 +vt 0.890189 0.390595 +vt 0.912526 0.730646 +vt 0.912937 0.732652 +vt 0.909639 0.726069 +vt 0.625719 0.326667 +vt 0.623787 0.326689 +vt 0.813704 0.125374 +vt 0.814534 0.130113 +vt 0.814461 0.125382 +vt 0.814042 0.183062 +vt 0.814798 0.183069 +vt 0.977629 0.482708 +vt 0.977666 0.483619 +vt 0.977717 0.483619 +vt 0.576075 0.415908 +vt 0.577596 0.345114 +vt 0.576075 0.345143 +vt 0.350834 0.437341 +vt 0.350834 0.508084 +vt 0.202062 0.071306 +vt 0.195641 0.077544 +vt 0.005342 0.962912 +vt 0.005408 0.962949 +vt 0.005342 0.962963 +vt 0.342740 0.634887 +vt 0.340793 0.634593 +vt 0.340800 0.634799 +vt 0.628839 0.402290 +vt 0.593183 0.852291 +vt 0.588804 0.826114 +vt 0.588804 0.852621 +vt 0.217009 0.424487 +vt 0.216708 0.426427 +vt 0.216928 0.426427 +vt 0.700542 0.771031 +vt 0.700491 0.771406 +vt 0.700542 0.771406 +vt 0.806482 0.617841 +vt 0.807694 0.689818 +vt 0.806482 0.689847 +vt 0.814056 0.176692 +vt 0.814813 0.176692 +vt 0.619342 0.053948 +vt 0.619342 0.053757 +vt 0.272822 0.526753 +vt 0.278244 0.533012 +vt 0.278258 0.526643 +vt 0.443899 0.603513 +vt 0.444663 0.603528 +vt 0.154119 0.567017 +vt 0.489243 0.126759 +vt 0.495128 0.126855 +vt 0.495128 0.126810 +vt 0.977443 0.168953 +vt 0.976877 0.169496 +vt 0.977193 0.169261 +vt 0.977627 0.168593 +vt 0.975224 0.165985 +vt 0.975224 0.169812 +vt 0.977730 0.168225 +vt 0.976517 0.169673 +vt 0.689749 0.841480 +vt 0.685906 0.841304 +vt 0.685943 0.841744 +vt 0.977759 0.167792 +vt 0.976187 0.165970 +vt 0.977759 0.167777 +vt 0.976495 0.166021 +vt 0.977708 0.167241 +vt 0.976848 0.166154 +vt 0.977575 0.166866 +vt 0.977142 0.166337 +vt 0.977384 0.166572 +vt 0.123750 0.057899 +vt 0.124536 0.058009 +vt 0.558968 0.314089 +vt 0.559490 0.318644 +vt 0.559013 0.318644 +vt 0.436626 0.315970 +vt 0.434150 0.315970 +vt 0.283660 0.852316 +vt 0.283660 0.825897 +vt 0.824578 0.914891 +vt 0.820647 0.911886 +vt 0.820610 0.914296 +vt 0.567519 0.007413 +vt 0.566131 0.078075 +vt 0.567519 0.078112 +vt 0.982514 0.344080 +vt 0.982462 0.343456 +vt 0.982558 0.344080 +vt 0.447661 0.245645 +vt 0.132280 0.145447 +vt 0.128541 0.145498 +vt 0.813966 0.597365 +vt 0.812842 0.597380 +vt 0.977701 0.700225 +vt 0.977752 0.700871 +vt 0.977701 0.700871 +vt 0.029794 0.007384 +vt 0.143068 0.635110 +vt 0.143016 0.635374 +vt 0.143068 0.635374 +vt 0.814056 0.170345 +vt 0.814813 0.170352 +vt 0.435158 0.634757 +vt 0.437090 0.634933 +vt 0.435158 0.634933 +vt 0.303975 0.546929 +vt 0.303930 0.546621 +vt 0.303975 0.546621 +vt 0.982602 0.025741 +vt 0.982653 0.026519 +vt 0.982602 0.026519 +vt 0.508236 0.104088 +vt 0.507487 0.106219 +vt 0.508251 0.106226 +vt 0.554446 0.466478 +vt 0.558949 0.439625 +vt 0.619342 0.591642 +vt 0.619386 0.591642 +vt 0.575325 0.914948 +vt 0.579844 0.912663 +vt 0.579880 0.915080 +vt 0.226349 0.482503 +vt 0.977701 0.821680 +vt 0.977752 0.822187 +vt 0.977701 0.822187 +vt 0.836033 0.585516 +vt 0.834395 0.656582 +vt 0.836033 0.656575 +vt 0.982696 0.325844 +vt 0.981043 0.325800 +vt 0.981043 0.325844 +vt 0.448558 0.247688 +vt 0.448984 0.245814 +vt 0.448984 0.247761 +vt 0.558946 0.246689 +vt 0.559431 0.246689 +vt 0.977701 0.823810 +vt 0.977752 0.824677 +vt 0.977701 0.824677 +vt 0.147530 0.650584 +vt 0.147530 0.651061 +vt 0.146934 0.650584 +vt 0.146934 0.651061 +vt 0.601726 0.750347 +vt 0.602725 0.752588 +vt 0.600668 0.751464 +vt 0.611216 0.903586 +vt 0.609651 0.901477 +vt 0.611943 0.902248 +vt 0.600166 0.902755 +vt 0.602782 0.902476 +vt 0.608762 0.902910 +vt 0.602128 0.901088 +vt 0.602152 0.760442 +vt 0.604283 0.758885 +vt 0.603497 0.761162 +vt 0.602306 0.757371 +vt 0.601021 0.759421 +vt 0.600161 0.758150 +vt 0.306170 0.895910 +vt 0.304605 0.894176 +vt 0.305648 0.893757 +vt 0.607322 0.895893 +vt 0.606742 0.893535 +vt 0.608321 0.893924 +vt 0.605245 0.759112 +vt 0.605010 0.761529 +vt 0.311533 0.899422 +vt 0.313994 0.899194 +vt 0.606874 0.903968 +vt 0.606712 0.906208 +vt 0.606389 0.904056 +vt 0.504494 0.723108 +vt 0.504942 0.722976 +vt 0.505464 0.725143 +vt 0.612039 0.897804 +vt 0.609695 0.898531 +vt 0.301174 0.898996 +vt 0.303620 0.900347 +vt 0.301167 0.900605 +vt 0.308477 0.906203 +vt 0.307110 0.904080 +vt 0.308124 0.904080 +vt 0.611503 0.896621 +vt 0.609379 0.897760 +vt 0.605383 0.904048 +vt 0.605037 0.906208 +vt 0.601966 0.900294 +vt 0.599505 0.900522 +vt 0.601966 0.899163 +vt 0.599505 0.898862 +vt 0.605383 0.895658 +vt 0.604097 0.893704 +vt 0.605030 0.893535 +vt 0.257224 0.410486 +vt 0.610761 0.895585 +vt 0.608836 0.896966 +vt 0.126623 0.227935 +vt 0.013690 0.783693 +vt 0.603877 0.896158 +vt 0.602099 0.894593 +vt 0.603237 0.893998 +vt 0.599843 0.897480 +vt 0.602224 0.898120 +vt 0.492521 0.516881 +vt 0.505098 0.502856 +vt 0.491595 0.516183 +vt 0.500938 0.722168 +vt 0.501519 0.722638 +vt 0.499814 0.724225 +vt 0.607714 0.751523 +vt 0.609484 0.749701 +vt 0.498044 0.715409 +vt 0.498793 0.714424 +vt 0.500306 0.716342 +vt 0.609710 0.894659 +vt 0.608145 0.896334 +vt 0.977701 0.701643 +vt 0.977752 0.702532 +vt 0.977701 0.702532 +vt 0.541301 0.123940 +vt 0.541389 0.123168 +vt 0.541345 0.123168 +vt 0.446078 0.360405 +vt 0.439899 0.354021 +vt 0.439892 0.360391 +vt 0.243213 0.482037 +vt 0.190626 0.650774 +vt 0.190626 0.650818 +vt 0.298782 0.603454 +vt 0.318751 0.602977 +vt 0.154121 0.517275 +vt 0.154165 0.517275 +vt 0.541227 0.124682 +vt 0.541352 0.123940 +vt 0.569713 0.415864 +vt 0.569713 0.345092 +vt 0.968989 0.145396 +vt 0.968989 0.145447 +vt 0.601557 0.253858 +vt 0.598464 0.250170 +vt 0.600859 0.250199 +vt 0.547927 0.992653 +vt 0.547486 0.990684 +vt 0.547486 0.992653 +vt 0.457185 0.141096 +vt 0.457185 0.141581 +vt 0.820727 0.530190 +vt 0.820705 0.530131 +vt 0.820705 0.530190 +vt 0.559352 0.122695 +vt 0.558867 0.122695 +vt 0.812358 0.280247 +vt 0.812365 0.280739 +vt 0.973062 0.924800 +vt 0.972893 0.924168 +vt 0.977752 0.701643 +vt 0.600418 0.245931 +vt 0.597876 0.241302 +vt 0.480769 0.141184 +vt 0.482965 0.141684 +vt 0.480769 0.141662 +vt 0.619342 0.545173 +vt 0.619386 0.547002 +vt 0.619342 0.547002 +vt 0.982653 0.008890 +vt 0.506191 0.637607 +vt 0.507271 0.637335 +vt 0.507271 0.637387 +vt 0.619386 0.598364 +vt 0.619342 0.599760 +vt 0.619342 0.598364 +vt 0.216628 0.123045 +vt 0.342725 0.634681 +vt 0.340764 0.634424 +vt 0.448701 0.982660 +vt 0.447474 0.982609 +vt 0.448701 0.982609 +vt 0.884715 0.823428 +vt 0.885633 0.823376 +vt 0.884715 0.823376 +vt 0.630975 0.635367 +vt 0.630696 0.635264 +vt 0.630696 0.635316 +vt 0.984859 0.934168 +vt 0.984837 0.934220 +vt 0.984837 0.934168 +vt 0.982543 0.288433 +vt 0.982616 0.288301 +vt 0.982594 0.288433 +vt 0.878023 0.933939 +vt 0.876098 0.932352 +vt 0.876613 0.933013 +vt 0.877259 0.933557 +vt 0.878479 0.934071 +vt 0.875724 0.931580 +vt 0.881447 0.933586 +vt 0.879955 0.934144 +vt 0.880778 0.933924 +vt 0.882027 0.933116 +vt 0.882519 0.932535 +vt 0.878956 0.934159 +vt 0.921413 0.015252 +vt 0.922684 0.007773 +vt 0.921964 0.007501 +vt 0.882916 0.931852 +vt 0.878956 0.925681 +vt 0.878031 0.925923 +vt 0.877215 0.926379 +vt 0.876532 0.927018 +vt 0.875988 0.927826 +vt 0.920321 0.892949 +vt 0.912408 0.892038 +vt 0.255302 0.094503 +vt 0.879955 0.925674 +vt 0.922003 0.690175 +vt 0.921430 0.682527 +vt 0.922789 0.689866 +vt 0.883078 0.928127 +vt 0.883335 0.929178 +vt 0.882101 0.926665 +vt 0.881447 0.926158 +vt 0.880742 0.925843 +vt 0.882644 0.927290 +vt 0.817993 0.280724 +vt 0.971994 0.145308 +vt 0.973375 0.145190 +vt 0.971994 0.145352 +vt 0.809860 0.280732 +vt 0.808890 0.280232 +vt 0.832323 0.844074 +vt 0.830780 0.773390 +vt 0.830780 0.844111 +vt 0.600776 0.041511 +vt 0.600291 0.041504 +vt 0.683777 0.976932 +vt 0.683887 0.975859 +vt 0.683726 0.976932 +vt 0.559020 0.237983 +vt 0.559461 0.242244 +vt 0.870144 0.205457 +vt 0.542707 0.178432 +vt 0.536337 0.172474 +vt 0.542685 0.172481 +vt 0.153276 0.924718 +vt 0.148684 0.922272 +vt 0.616251 0.521691 +vt 0.616295 0.520810 +vt 0.437090 0.635139 +vt 0.082296 0.850504 +vt 0.011252 0.848821 +vt 0.011252 0.850504 +vt 0.607222 0.671456 +vt 0.605260 0.671235 +vt 0.607222 0.671235 +vt 0.598429 0.548617 +vt 0.601434 0.544987 +vt 0.599024 0.545017 +vt 0.756259 0.992602 +vt 0.755929 0.992653 +vt 0.755929 0.992602 +vt 0.358710 0.915390 +vt 0.363148 0.912907 +vt 0.363148 0.915398 +vt 0.975033 0.903020 +vt 0.975062 0.902976 +vt 0.975033 0.902976 +vt 0.835817 0.562702 +vt 0.834238 0.491996 +vt 0.835817 0.492003 +vt 0.610062 0.400706 +vt 0.344718 0.526547 +vt 0.350544 0.533012 +vt 0.982739 0.665170 +vt 0.980704 0.664986 +vt 0.982710 0.664986 +vt 0.769811 0.993865 +vt 0.769855 0.993431 +vt 0.769811 0.993431 +vt 0.600666 0.065455 +vt 0.600181 0.063817 +vt 0.600174 0.065455 +vt 0.977752 0.704662 +vt 0.977701 0.703575 +vt 0.977752 0.703575 +vt 0.462888 0.812029 +vt 0.462660 0.810118 +vt 0.462660 0.812021 +vt 0.536374 0.202970 +vt 0.542721 0.202978 +vt 0.829074 0.912856 +vt 0.833673 0.915398 +vt 0.833717 0.912981 +vt 0.547219 0.649724 +vt 0.547263 0.652399 +vt 0.547263 0.649724 +vt 0.303930 0.545298 +vt 0.303975 0.545959 +vt 0.303930 0.545959 +vt 0.979523 0.504732 +vt 0.978877 0.504879 +vt 0.616295 0.491336 +vt 0.616244 0.492746 +vt 0.616244 0.491336 +vt 0.442187 0.603028 +vt 0.443018 0.603506 +vt 0.443010 0.603028 +vt 0.641714 0.982653 +vt 0.641714 0.982602 +vt 0.616295 0.117289 +vt 0.616251 0.117289 +vt 0.559543 0.181331 +vt 0.480888 0.336005 +vt 0.481086 0.337981 +vt 0.481057 0.336042 +vt 0.616251 0.517305 +vt 0.963073 0.836369 +vt 0.963330 0.837456 +vt 0.963279 0.837456 +vt 0.116301 0.650544 +vt 0.117895 0.650066 +vt 0.116301 0.650066 +vt 0.982646 0.011102 +vt 0.982602 0.010448 +vt 0.982646 0.010448 +vt 0.389163 0.635330 +vt 0.389119 0.635668 +vt 0.389163 0.635668 +vt 0.616251 0.116885 +vt 0.616295 0.117047 +vt 0.616295 0.116885 +vt 0.029794 0.007354 +vt 0.575480 0.992653 +vt 0.577757 0.992602 +vt 0.575480 0.992602 +vt 0.402975 0.105055 +vt 0.977752 0.746509 +vt 0.977701 0.745862 +vt 0.977752 0.706793 +vt 0.977701 0.706793 +vt 0.154119 0.567840 +vt 0.154171 0.567840 +vt 0.905187 0.512263 +vt 0.903423 0.513454 +vt 0.903210 0.512455 +vt 0.911101 0.513564 +vt 0.910065 0.515401 +vt 0.905451 0.512800 +vt 0.903563 0.513821 +vt 0.911446 0.513696 +vt 0.910631 0.515790 +vt 0.472138 0.924624 +vt 0.472138 0.924521 +vt 0.472109 0.924499 +vt 0.472079 0.924462 +vt 0.905899 0.513152 +vt 0.905532 0.515518 +vt 0.904885 0.515276 +vt 0.472124 0.912274 +vt 0.472138 0.912267 +vt 0.472138 0.912171 +vt 0.903769 0.514210 +vt 0.905657 0.513006 +vt 0.904048 0.514600 +vt 0.466973 0.924308 +vt 0.467987 0.922391 +vt 0.472109 0.912281 +vt 0.904415 0.514967 +vt 0.907721 0.512910 +vt 0.909073 0.513689 +vt 0.908860 0.514232 +vt 0.472079 0.912303 +vt 0.907449 0.513108 +vt 0.908530 0.514703 +vt 0.471139 0.912127 +vt 0.123567 0.269423 +vt 0.472021 0.912502 +vt 0.472057 0.912355 +vt 0.275951 0.243690 +vt 0.467208 0.915213 +vt 0.465151 0.913971 +vt 0.907148 0.513248 +vt 0.908111 0.515092 +vt 0.469728 0.914199 +vt 0.469736 0.914199 +vt 0.912232 0.513696 +vt 0.913121 0.515974 +vt 0.912622 0.516099 +vt 0.562076 0.591921 +vt 0.255251 0.082608 +vt 0.257477 0.088552 +vt 0.471095 0.924675 +vt 0.472057 0.924411 +vt 0.471962 0.923177 +vt 0.469743 0.914221 +vt 0.469743 0.914206 +vt 0.469699 0.914177 +vt 0.469714 0.914184 +vt 0.469824 0.912105 +vt 0.468928 0.919584 +vt 0.469324 0.919555 +vt 0.469185 0.917659 +vt 0.915627 0.510941 +vt 0.913606 0.511654 +vt 0.913577 0.511066 +vt 0.908221 0.511845 +vt 0.910278 0.512565 +vt 0.908125 0.512278 +vt 0.468619 0.914199 +vt 0.469119 0.914147 +vt 0.467862 0.912259 +vt 0.910109 0.508796 +vt 0.913467 0.511015 +vt 0.089735 0.233255 +vt 0.468310 0.914280 +vt 0.300397 0.098801 +vt 0.915252 0.513814 +vt 0.913143 0.513116 +vt 0.467106 0.918702 +vt 0.468494 0.919687 +vt 0.468215 0.917520 +vt 0.909110 0.513689 +vt 0.910579 0.513130 +vt 0.467921 0.917395 +vt 0.912864 0.513395 +vt 0.914907 0.514534 +vt 0.914429 0.515158 +vt 0.467106 0.918732 +vt 0.468171 0.919849 +vt 0.469758 0.922706 +vt 0.320985 0.839725 +vt 0.316974 0.843714 +vt 0.318465 0.844310 +vt 0.906641 0.513321 +vt 0.907038 0.515562 +vt 0.906428 0.515628 +vt 0.102217 0.401272 +vt 0.099689 0.401308 +vt 0.905098 0.511639 +vt 0.903144 0.511338 +vt 0.468810 0.922729 +vt 0.468516 0.922662 +vt 0.913797 0.515658 +vt 0.977577 0.209461 +vt 0.977481 0.210313 +vt 0.977430 0.210313 +vt 0.544467 0.042541 +vt 0.545224 0.042541 +vt 0.026492 0.922272 +vt 0.030856 0.924704 +vt 0.030856 0.922265 +vt 0.629505 0.375874 +vt 0.629725 0.373919 +vt 0.838265 0.912856 +vt 0.838228 0.915266 +vt 0.600682 0.628360 +vt 0.600733 0.627199 +vt 0.600733 0.628360 +vt 0.567193 0.530816 +vt 0.571734 0.557456 +vt 0.567193 0.557456 +vt 0.616295 0.500211 +vt 0.616244 0.500240 +vt 0.616244 0.500211 +vt 0.154121 0.509304 +vt 0.154165 0.509304 +vt 0.598457 0.608517 +vt 0.600896 0.612095 +vt 0.598457 0.612095 +vt 0.558873 0.260640 +vt 0.559350 0.260640 +vt 0.982653 0.345895 +vt 0.982580 0.344888 +vt 0.982624 0.344888 +vt 0.625697 0.322001 +vt 0.623728 0.321840 +vt 0.623765 0.322031 +vt 0.982653 0.029260 +vt 0.982602 0.028180 +vt 0.982653 0.028180 +vt 0.281747 0.635235 +vt 0.281733 0.635191 +vt 0.281747 0.635191 +vt 0.943271 0.523288 +vt 0.943381 0.523611 +vt 0.943337 0.523604 +vt 0.616166 0.418325 +vt 0.616217 0.418325 +vt 0.623765 0.440703 +vt 0.625675 0.440865 +vt 0.625704 0.440688 +vt 0.144943 0.650584 +vt 0.139257 0.651083 +vt 0.139257 0.650598 +vt 0.635265 0.113287 +vt 0.091143 0.621698 +vt 0.581666 0.891622 +vt 0.581718 0.891636 +vt 0.581666 0.891636 +vt 0.714345 0.829230 +vt 0.642419 0.827945 +vt 0.642382 0.829230 +vt 0.559293 0.118089 +vt 0.558749 0.113593 +vt 0.393918 0.532694 +vt 0.394065 0.532724 +vt 0.394058 0.532672 +vt 0.811397 0.703097 +vt 0.809494 0.703325 +vt 0.809509 0.703104 +vt 0.303975 0.546305 +vt 0.102632 0.583966 +vt 0.103014 0.584010 +vt 0.103014 0.583966 +vt 0.508352 0.007354 +vt 0.508352 0.007832 +vt 0.925612 0.982566 +vt 0.925171 0.980736 +vt 0.154121 0.517473 +vt 0.154165 0.517473 +vt 0.623779 0.440049 +vt 0.625719 0.440027 +vt 0.979616 0.843209 +vt 0.979367 0.843290 +vt 0.979374 0.843246 +vt 0.076753 0.628787 +vt 0.075864 0.628839 +vt 0.076753 0.628839 +vt 0.216589 0.012779 +vt 0.216530 0.013036 +vt 0.216582 0.013036 +vt 0.619386 0.042700 +vt 0.619386 0.042538 +vt 0.628803 0.007303 +vt 0.628796 0.008155 +vt 0.628840 0.008155 +vt 0.255854 0.547246 +vt 0.257786 0.547246 +vt 0.367635 0.982540 +vt 0.369016 0.982636 +vt 0.367635 0.982489 +vt 0.626191 0.375851 +vt 0.625985 0.373912 +vt 0.122163 0.635265 +vt 0.122942 0.635213 +vt 0.311262 0.637027 +vt 0.309330 0.636564 +vt 0.311262 0.636564 +vt 0.830661 0.228527 +vt 0.544482 0.061664 +vt 0.545238 0.055287 +vt 0.800743 0.969314 +vt 0.800750 0.969306 +vt 0.800758 0.969299 +vt 0.800743 0.969321 +vt 0.800772 0.969292 +vt 0.800787 0.969284 +vt 0.800743 0.969395 +vt 0.801367 0.969255 +vt 0.662250 0.979325 +vt 0.662816 0.982653 +vt 0.662250 0.982624 +vt 0.663389 0.979230 +vt 0.663801 0.982514 +vt 0.803395 0.970644 +vt 0.803094 0.970004 +vt 0.803278 0.970306 +vt 0.803425 0.970827 +vt 0.802822 0.969725 +vt 0.803432 0.971040 +vt 0.802271 0.972627 +vt 0.801867 0.969306 +vt 0.802176 0.969387 +vt 0.663992 0.979421 +vt 0.339941 0.793869 +vt 0.315116 0.809783 +vt 0.335790 0.792525 +vt 0.802837 0.972311 +vt 0.803432 0.971055 +vt 0.803079 0.972076 +vt 0.803388 0.971444 +vt 0.803263 0.971790 +vt 0.933760 0.029527 +vt 0.930622 0.029527 +vt 0.930608 0.029108 +vt 0.931732 0.027308 +vt 0.931159 0.027646 +vt 0.931431 0.027448 +vt 0.931967 0.027257 +vt 0.930909 0.027947 +vt 0.324730 0.144138 +vt 0.932231 0.027242 +vt 0.932246 0.027242 +vt 0.969754 0.267376 +vt 0.972855 0.267501 +vt 0.972759 0.267067 +vt 0.933715 0.028285 +vt 0.932672 0.027286 +vt 0.933605 0.028006 +vt 0.932995 0.027404 +vt 0.933444 0.027756 +vt 0.933245 0.027558 +vt 0.976541 0.504960 +vt 0.975365 0.504989 +vt 0.975365 0.504930 +vt 0.594028 0.345473 +vt 0.844122 0.994724 +vt 0.844071 0.994746 +vt 0.844122 0.994746 +vt 0.339068 0.992138 +vt 0.339112 0.991778 +vt 0.339068 0.991778 +vt 0.628839 0.398374 +vt 0.625719 0.322222 +vt 0.623787 0.322244 +vt 0.434143 0.337408 +vt 0.436626 0.333859 +vt 0.434143 0.333859 +vt 0.206615 0.534580 +vt 0.206615 0.534536 +vt 0.218150 0.636073 +vt 0.220030 0.636271 +vt 0.218120 0.636271 +vt 0.603653 0.982653 +vt 0.602507 0.982653 +vt 0.714433 0.823037 +vt 0.642463 0.823037 +vt 0.616295 0.500108 +vt 0.342740 0.635108 +vt 0.340800 0.635019 +vt 0.625572 0.323441 +vt 0.623588 0.323926 +vt 0.625528 0.323904 +vt 0.625572 0.325403 +vt 0.623721 0.325837 +vt 0.625660 0.325814 +vt 0.326068 0.637395 +vt 0.326053 0.637395 +vt 0.218248 0.060414 +vt 0.218248 0.058445 +vt 0.602343 0.721017 +vt 0.603077 0.719224 +vt 0.602328 0.719224 +vt 0.486964 0.603646 +vt 0.481138 0.602919 +vt 0.616122 0.420074 +vt 0.616078 0.420059 +vt 0.616078 0.420074 +vt 0.194530 0.534536 +vt 0.194530 0.534580 +vt 0.715349 0.994805 +vt 0.715393 0.994555 +vt 0.715349 0.994555 +vt 0.082274 0.853604 +vt 0.011215 0.854816 +vt 0.082252 0.854816 +vt 0.982653 0.006966 +vt 0.982602 0.006011 +vt 0.982646 0.006011 +vt 0.628700 0.011197 +vt 0.628539 0.011932 +vt 0.628583 0.011932 +vt 0.009711 0.922250 +vt 0.013245 0.924704 +vt 0.013245 0.922265 +vt 0.562008 0.992602 +vt 0.561993 0.992653 +vt 0.562008 0.992653 +vt 0.312481 0.895682 +vt 0.310218 0.896681 +vt 0.311357 0.894646 +vt 0.305354 0.903396 +vt 0.305178 0.905814 +vt 0.303789 0.905079 +vt 0.310718 0.897254 +vt 0.304737 0.896828 +vt 0.302291 0.896152 +vt 0.303319 0.895028 +vt 0.303848 0.898261 +vt 0.301556 0.897490 +vt 0.305391 0.896292 +vt 0.298399 0.124066 +vt 0.299068 0.123853 +vt 0.303620 0.899209 +vt 0.292982 0.421470 +vt 0.504340 0.725371 +vt 0.504009 0.723189 +vt 0.601785 0.756144 +vt 0.601917 0.756600 +vt 0.599750 0.757121 +vt 0.301461 0.901927 +vt 0.303804 0.901207 +vt 0.132589 0.270966 +vt 0.132897 0.271216 +vt 0.308954 0.895888 +vt 0.308462 0.893530 +vt 0.310005 0.893919 +vt 0.301997 0.903117 +vt 0.304120 0.901978 +vt 0.308117 0.895690 +vt 0.311533 0.899444 +vt 0.313994 0.899216 +vt 0.311533 0.900575 +vt 0.313994 0.900876 +vt 0.309402 0.906027 +vt 0.604545 0.903843 +vt 0.603495 0.905826 +vt 0.508314 0.714667 +vt 0.506955 0.716856 +vt 0.506419 0.716048 +vt 0.603877 0.903512 +vt 0.014248 0.786860 +vt 0.014035 0.787374 +vt 0.311393 0.905138 +vt 0.499616 0.718237 +vt 0.497507 0.716525 +vt 0.499873 0.717179 +vt 0.312349 0.904337 +vt 0.310291 0.903080 +vt 0.310835 0.902449 +vt 0.602255 0.753176 +vt 0.311269 0.901618 +vt 0.313113 0.903367 +vt 0.304656 0.902772 +vt 0.496208 0.126781 +vt 0.496347 0.126700 +vt 0.496200 0.126737 +vt 0.982653 0.307361 +vt 0.982602 0.306325 +vt 0.982653 0.306325 +vt 0.195655 0.071299 +vt 0.017396 0.922272 +vt 0.021900 0.924718 +vt 0.021900 0.922272 +vt 0.813961 0.146107 +vt 0.814762 0.151926 +vt 0.814718 0.146107 +vt 0.463108 0.812021 +vt 0.462888 0.810118 +vt 0.804114 0.425316 +vt 0.804114 0.425360 +vt 0.216603 0.101427 +vt 0.982573 0.406546 +vt 0.982654 0.405606 +vt 0.974505 0.862974 +vt 0.975130 0.863084 +vt 0.099223 0.584010 +vt 0.097467 0.583966 +vt 0.097467 0.584010 +vt 0.972777 0.762657 +vt 0.972725 0.762657 +vt 0.598023 0.245909 +vt 0.600682 0.625444 +vt 0.416014 0.353867 +vt 0.446951 0.141155 +vt 0.447598 0.141625 +vt 0.446958 0.141640 +vt 0.450456 0.141126 +vt 0.339112 0.991580 +vt 0.339068 0.991661 +vt 0.339112 0.991661 +vt 0.977618 0.883329 +vt 0.977839 0.881397 +vt 0.499099 0.375185 +vt 0.499092 0.375141 +vt 0.832841 0.203161 +vt 0.832841 0.132374 +vt 0.128466 0.058149 +vt 0.129429 0.057987 +vt 0.452686 0.883086 +vt 0.453546 0.883130 +vt 0.453546 0.883086 +vt 0.365908 0.982474 +vt 0.523624 0.635213 +vt 0.524462 0.635265 +vt 0.524462 0.635213 +vt 0.179209 0.635874 +vt 0.050880 0.609907 +vt 0.052158 0.609172 +vt 0.508243 0.118025 +vt 0.507479 0.118018 +vt 0.984788 0.068873 +vt 0.984611 0.066941 +vt 0.984795 0.066941 +vt 0.559071 0.324631 +vt 0.559578 0.327159 +vt 0.154773 0.007338 +vt 0.916677 0.687838 +vt 0.918264 0.689763 +vt 0.917595 0.689249 +vt 0.917059 0.688602 +vt 0.916544 0.687383 +vt 0.919028 0.690131 +vt 0.917022 0.684407 +vt 0.916471 0.685899 +vt 0.916684 0.685076 +vt 0.917492 0.683827 +vt 0.918080 0.683335 +vt 0.916456 0.686898 +vt 0.484652 0.519857 +vt 0.918763 0.682945 +vt 0.924935 0.686905 +vt 0.924692 0.687831 +vt 0.924237 0.688639 +vt 0.923597 0.689330 +vt 0.920274 0.015252 +vt 0.921193 0.007347 +vt 0.912408 0.892053 +vt 0.920137 0.893809 +vt 0.924942 0.685906 +vt 0.919415 0.015068 +vt 0.920039 0.007347 +vt 0.918643 0.014752 +vt 0.922481 0.682784 +vt 0.923950 0.683754 +vt 0.924450 0.684415 +vt 0.924773 0.685120 +vt 0.923318 0.683217 +vt 0.559673 0.007384 +vt 0.558343 0.078126 +vt 0.559673 0.078082 +vt 0.067811 0.252790 +vt 0.931655 0.106688 +vt 0.933726 0.106284 +vt 0.931743 0.106284 +vt 0.536315 0.221308 +vt 0.326582 0.602984 +vt 0.149204 0.007456 +vt 0.147698 0.007375 +vt 0.134117 0.481440 +vt 0.216611 0.005975 +vt 0.506428 0.972702 +vt 0.506824 0.972753 +vt 0.506824 0.972702 +vt 0.217822 0.060414 +vt 0.217645 0.058445 +vt 0.628831 0.397793 +vt 0.626855 0.397955 +vt 0.626855 0.397793 +vt 0.868249 0.206361 +vt 0.870188 0.206875 +vt 0.868293 0.206794 +vt 0.989730 0.792854 +vt 0.989833 0.792803 +vt 0.989833 0.792854 +vt 0.580609 0.254147 +vt 0.579059 0.183441 +vt 0.580609 0.183433 +vt 0.489030 0.126796 +vt 0.489022 0.126752 +vt 0.577596 0.415879 +vt 0.578889 0.345070 +vt 0.279639 0.635433 +vt 0.280219 0.635286 +vt 0.280219 0.635330 +vt 0.973038 0.719887 +vt 0.972935 0.720666 +vt 0.972884 0.720666 +vt 0.593183 0.825776 +vt 0.600776 0.087177 +vt 0.600269 0.086472 +vt 0.600284 0.087163 +vt 0.216640 0.094749 +vt 0.216574 0.094462 +vt 0.216596 0.094749 +vt 0.134728 0.584010 +vt 0.134170 0.583959 +vt 0.134170 0.584010 +vt 0.943425 0.523971 +vt 0.943373 0.523971 +vt 0.411448 0.603249 +vt 0.410434 0.603712 +vt 0.411448 0.603726 +vt 0.820763 0.530190 +vt 0.820741 0.530131 +vt 0.820741 0.530190 +vt 0.975950 0.843290 +vt 0.975752 0.843334 +vt 0.975759 0.843290 +vt 0.958150 0.650141 +vt 0.958084 0.655320 +vt 0.958128 0.655320 +vt 0.982602 0.029260 +vt 0.982653 0.030222 +vt 0.982602 0.030222 +vt 0.411792 0.166074 +vt 0.411792 0.165324 +vt 0.641551 0.729804 +vt 0.641330 0.731766 +vt 0.641330 0.729804 +vt 0.226349 0.482055 +vt 0.224387 0.482055 +vt 0.928566 0.923524 +vt 0.928662 0.923524 +vt 0.928662 0.923502 +vt 0.928677 0.923480 +vt 0.928684 0.923466 +vt 0.928706 0.923451 +vt 0.928677 0.920762 +vt 0.928566 0.920733 +vt 0.928706 0.920784 +vt 0.928662 0.920740 +vt 0.398577 0.912493 +vt 0.401207 0.912486 +vt 0.930117 0.923311 +vt 0.928926 0.920865 +vt 0.938845 0.926662 +vt 0.938845 0.926772 +vt 0.938933 0.926544 +vt 0.398687 0.913830 +vt 0.401053 0.917790 +vt 0.401156 0.912655 +vt 0.939102 0.925596 +vt 0.939058 0.926177 +vt 0.941115 0.926779 +vt 0.938999 0.926404 +vt 0.939102 0.923341 +vt 0.379549 0.682074 +vt 0.381952 0.682052 +vt 0.938845 0.917698 +vt 0.938925 0.917794 +vt 0.938845 0.917574 +vt 0.938984 0.917904 +vt 0.941115 0.917588 +vt 0.939072 0.918279 +vt 0.939102 0.918764 +vt 0.982587 0.288154 +vt 0.982646 0.287993 +vt 0.982631 0.288154 +vt 0.616251 0.128229 +vt 0.616295 0.128052 +vt 0.616251 0.128052 +vt 0.647592 0.982602 +vt 0.647592 0.982653 +vt 0.625528 0.324926 +vt 0.623647 0.325418 +vt 0.648481 0.982602 +vt 0.648481 0.982653 +vt 0.595318 0.205794 +vt 0.597801 0.201842 +vt 0.803453 0.425316 +vt 0.803453 0.425360 +vt 0.710805 0.974183 +vt 0.559565 0.152112 +vt 0.559058 0.147109 +vt 0.559550 0.147109 +vt 0.839153 0.562702 +vt 0.837485 0.492010 +vt 0.839153 0.492003 +vt 0.176465 0.826536 +vt 0.248486 0.828013 +vt 0.385381 0.982646 +vt 0.386704 0.982594 +vt 0.386704 0.982653 +vt 0.478712 0.994233 +vt 0.476787 0.994013 +vt 0.478734 0.994013 +vt 0.600339 0.557374 +vt 0.598054 0.562032 +vt 0.600464 0.562003 +vt 0.989832 0.611099 +vt 0.989781 0.611047 +vt 0.989832 0.611047 +vt 0.371030 0.636594 +vt 0.525512 0.635265 +vt 0.314074 0.526319 +vt 0.320275 0.532704 +vt 0.599848 0.982594 +vt 0.599848 0.982638 +vt 0.089164 0.637129 +vt 0.091030 0.637232 +vt 0.091052 0.637041 +vt 0.584039 0.913038 +vt 0.544460 0.074191 +vt 0.545209 0.074191 +vt 0.185733 0.621985 +vt 0.185733 0.622462 +vt 0.948787 0.565864 +vt 0.948787 0.565960 +vt 0.948743 0.566011 +vt 0.948699 0.566084 +vt 0.400494 0.419565 +vt 0.441115 0.396386 +vt 0.439880 0.395416 +vt 0.945995 0.565849 +vt 0.946032 0.565996 +vt 0.946003 0.565967 +vt 0.946069 0.566040 +vt 0.906581 0.962959 +vt 0.905362 0.960447 +vt 0.948728 0.578229 +vt 0.948758 0.578265 +vt 0.948787 0.578412 +vt 0.948787 0.578295 +vt 0.912326 0.962945 +vt 0.916125 0.960564 +vt 0.948692 0.578126 +vt 0.946098 0.578199 +vt 0.946216 0.577017 +vt 0.917491 0.963158 +vt 0.917300 0.960440 +vt 0.917315 0.963099 +vt 0.946032 0.578280 +vt 0.946069 0.578251 +vt 0.946032 0.578398 +vt 0.542721 0.184486 +vt 0.536359 0.178424 +vt 0.600733 0.629411 +vt 0.592421 0.451364 +vt 0.593258 0.451460 +vt 0.593258 0.451511 +vt 0.559057 0.233905 +vt 0.559593 0.229960 +vt 0.559542 0.233905 +vt 0.943329 0.525793 +vt 0.943315 0.526117 +vt 0.943271 0.526109 +vt 0.616251 0.117047 +vt 0.178390 0.534017 +vt 0.311262 0.635139 +vt 0.467993 0.637174 +vt 0.468037 0.636866 +vt 0.436626 0.329664 +vt 0.925386 0.611047 +vt 0.922520 0.611099 +vt 0.925386 0.611099 +vt 0.113634 0.650066 +vt 0.113642 0.650551 +vt 0.597801 0.192739 +vt 0.444438 0.141214 +vt 0.443447 0.141728 +vt 0.443439 0.141258 +vt 0.603085 0.721017 +vt 0.972247 0.054492 +vt 0.972453 0.053133 +vt 0.972504 0.053140 +vt 0.629215 0.175357 +vt 0.629693 0.173425 +vt 0.982602 0.424862 +vt 0.982610 0.424260 +vt 0.982558 0.424260 +vt 0.977635 0.205530 +vt 0.977738 0.206309 +vt 0.977687 0.206309 +vt 0.715349 0.994269 +vt 0.715393 0.993953 +vt 0.715349 0.993953 +vt 0.143068 0.635690 +vt 0.143016 0.636057 +vt 0.143068 0.636057 +vt 0.982418 0.348444 +vt 0.982565 0.347709 +vt 0.982462 0.348444 +vt 0.326575 0.603741 +vt 0.329073 0.602955 +vt 0.627477 0.376020 +vt 0.627998 0.374088 +vt 0.627984 0.376035 +vt 0.828063 0.425324 +vt 0.973004 0.964559 +vt 0.972857 0.963913 +vt 0.972908 0.963913 +vt 0.619386 0.590532 +vt 0.619342 0.590532 +vt 0.830712 0.228578 +vt 0.270562 0.067540 +vt 0.625697 0.325998 +vt 0.623757 0.326013 +vt 0.157246 0.536471 +vt 0.160780 0.534017 +vt 0.973004 0.766110 +vt 0.972916 0.765338 +vt 0.972872 0.765338 +vt 0.721373 0.604442 +vt 0.562859 0.530823 +vt 0.562859 0.557463 +vt 0.864949 0.387522 +vt 0.864971 0.387654 +vt 0.864920 0.387647 +vt 0.683847 0.108670 +vt 0.684331 0.108619 +vt 0.462447 0.810096 +vt 0.462447 0.812014 +vt 0.309360 0.994577 +vt 0.309411 0.994438 +vt 0.309360 0.994438 +vt 0.628839 0.398815 +vt 0.626855 0.399013 +vt 0.616244 0.500108 +vt 0.616295 0.500181 +vt 0.616244 0.500181 +vt 0.574422 0.415923 +vt 0.574422 0.345158 +vt 0.108354 0.637417 +vt 0.108310 0.636829 +vt 0.108354 0.636829 +vt 0.977708 0.643247 +vt 0.977752 0.643247 +vt 0.619335 0.052501 +vt 0.638537 0.613628 +vt 0.636112 0.613320 +vt 0.637604 0.611725 +vt 0.889220 0.385291 +vt 0.887221 0.384460 +vt 0.889220 0.385335 +vt 0.643782 0.622547 +vt 0.642298 0.620453 +vt 0.637317 0.610006 +vt 0.635613 0.611255 +vt 0.635275 0.609036 +vt 0.647897 0.618007 +vt 0.645950 0.616765 +vt 0.648095 0.617081 +vt 0.647243 0.619601 +vt 0.645803 0.617581 +vt 0.642034 0.612445 +vt 0.642820 0.612607 +vt 0.888426 0.387245 +vt 0.887772 0.386878 +vt 0.643878 0.613041 +vt 0.645090 0.610888 +vt 0.639110 0.613129 +vt 0.638368 0.611101 +vt 0.639764 0.612761 +vt 0.638096 0.618470 +vt 0.635789 0.619080 +vt 0.637707 0.617713 +vt 0.648161 0.616170 +vt 0.635378 0.617750 +vt 0.637501 0.616890 +vt 0.646236 0.611725 +vt 0.948581 0.573181 +vt 0.946230 0.573167 +vt 0.892629 0.383645 +vt 0.892555 0.383711 +vt 0.892019 0.383880 +vt 0.647059 0.612658 +vt 0.644745 0.613687 +vt 0.891093 0.382190 +vt 0.189042 0.407862 +vt 0.362373 0.372870 +vt 0.890807 0.395576 +vt 0.889374 0.393615 +vt 0.891585 0.394636 +vt 0.890770 0.386459 +vt 0.888999 0.387745 +vt 0.890065 0.385842 +vt 0.885120 0.386716 +vt 0.884150 0.384703 +vt 0.884929 0.384497 +vt 0.144035 0.289862 +vt 0.885943 0.386569 +vt 0.885745 0.384387 +vt 0.886538 0.384380 +vt 0.641270 0.612416 +vt 0.640895 0.610087 +vt 0.640608 0.620284 +vt 0.639874 0.622643 +vt 0.741598 0.713658 +vt 0.509585 0.716915 +vt 0.507448 0.718502 +vt 0.507271 0.717635 +vt 0.640557 0.622804 +vt 0.641468 0.620446 +vt 0.641233 0.622885 +vt 0.891042 0.382168 +vt 0.890983 0.382168 +vt 0.891012 0.382168 +vt 0.911828 0.513740 +vt 0.911299 0.516047 +vt 0.642137 0.610021 +vt 0.891064 0.382176 +vt 0.154121 0.508495 +vt 0.154165 0.508312 +vt 0.154165 0.508495 +vt 0.683939 0.984426 +vt 0.683777 0.983706 +vt 0.683887 0.984426 +vt 0.559587 0.166990 +vt 0.559094 0.171897 +vt 0.389119 0.637417 +vt 0.389163 0.637417 +vt 0.785728 0.992653 +vt 0.786279 0.992602 +vt 0.786279 0.992653 +vt 0.947544 0.604473 +vt 0.947529 0.604422 +vt 0.947544 0.604422 +vt 0.839354 0.585524 +vt 0.837730 0.656575 +vt 0.839354 0.656590 +vt 0.972828 0.764413 +vt 0.994805 0.469764 +vt 0.994761 0.469654 +vt 0.994805 0.469654 +vt 0.324658 0.603756 +vt 0.982980 0.068873 +vt 0.983473 0.066941 +vt 0.610081 0.372132 +vt 0.609912 0.373580 +vt 0.610037 0.372132 +vt 0.403019 0.114789 +vt 0.402975 0.114789 +vt 0.507487 0.108717 +vt 0.278327 0.100681 +vt 0.267109 0.100630 +vt 0.287656 0.825280 +vt 0.972825 0.721599 +vt 0.972774 0.721599 +vt 0.616295 0.500240 +vt 0.626855 0.479033 +vt 0.628839 0.478872 +vt 0.626855 0.478872 +vt 0.280917 0.635264 +vt 0.281733 0.635235 +vt 0.454604 0.883086 +vt 0.455544 0.883137 +vt 0.194898 0.123843 +vt 0.196060 0.635874 +vt 0.198080 0.636322 +vt 0.196060 0.636322 +vt 0.989832 0.187002 +vt 0.989796 0.186951 +vt 0.989832 0.186951 +vt 0.562343 0.916043 +vt 0.566230 0.913038 +vt 0.566267 0.915448 +vt 0.597876 0.510901 +vt 0.600278 0.510923 +vt 0.217707 0.149806 +vt 0.217707 0.147874 +vt 0.732470 0.982602 +vt 0.732867 0.982653 +vt 0.732470 0.982653 +vt 0.190171 0.650774 +vt 0.190171 0.650818 +vt 0.812543 0.617789 +vt 0.810831 0.689796 +vt 0.810831 0.617789 +vt 0.851985 0.928910 +vt 0.853469 0.926970 +vt 0.852822 0.927514 +vt 0.852316 0.928190 +vt 0.851809 0.929718 +vt 0.852382 0.932230 +vt 0.851823 0.930732 +vt 0.852036 0.931562 +vt 0.852859 0.932818 +vt 0.853447 0.933318 +vt 0.525143 0.685234 +vt 0.515114 0.688217 +vt 0.527075 0.689275 +vt 0.854130 0.933707 +vt 0.854321 0.926529 +vt 0.860331 0.929725 +vt 0.860081 0.928807 +vt 0.859626 0.927991 +vt 0.858979 0.927301 +vt 0.913776 0.763810 +vt 0.911785 0.764934 +vt 0.920287 0.832463 +vt 0.860338 0.930724 +vt 0.635267 0.616325 +vt 0.303770 0.015392 +vt 0.857862 0.933876 +vt 0.859339 0.932899 +vt 0.859839 0.932230 +vt 0.860162 0.931518 +vt 0.858700 0.933443 +vt 0.253862 0.635125 +vt 0.253869 0.635177 +vt 0.977710 0.486572 +vt 0.977563 0.487505 +vt 0.899017 0.692437 +vt 0.901302 0.687934 +vt 0.146295 0.651061 +vt 0.146295 0.650576 +vt 0.600666 0.110195 +vt 0.600291 0.087919 +vt 0.625719 0.322677 +vt 0.623794 0.322472 +vt 0.980689 0.664773 +vt 0.982688 0.664773 +vt 0.610113 0.390347 +vt 0.610062 0.390979 +vt 0.610062 0.390347 +vt 0.984805 0.325800 +vt 0.984805 0.325844 +vt 0.829218 0.994776 +vt 0.829269 0.994746 +vt 0.829269 0.994776 +vt 0.605260 0.671029 +vt 0.641125 0.731766 +vt 0.641125 0.729804 +vt 0.559016 0.530831 +vt 0.559016 0.557470 +vt 0.559579 0.171897 +vt 0.559080 0.176349 +vt 0.337597 0.769123 +vt 0.337435 0.770195 +vt 0.337641 0.769123 +vt 0.977701 0.825361 +vt 0.977752 0.825941 +vt 0.977701 0.825941 +vt 0.616295 0.492746 +vt 0.616244 0.493577 +vt 0.576208 0.530816 +vt 0.571734 0.530809 +vt 0.581718 0.892790 +vt 0.581666 0.892261 +vt 0.581718 0.892261 +vt 0.982653 0.009677 +vt 0.982602 0.008890 +vt 0.508799 0.603749 +vt 0.510401 0.603058 +vt 0.508799 0.603000 +vt 0.977236 0.883329 +vt 0.977412 0.881397 +vt 0.977412 0.883329 +vt 0.624889 0.977811 +vt 0.624845 0.978957 +vt 0.624845 0.977811 +vt 0.559285 0.206501 +vt 0.558734 0.210086 +vt 0.558801 0.206508 +vt 0.974300 0.504901 +vt 0.284267 0.635433 +vt 0.283591 0.635279 +vt 0.284267 0.635389 +vt 0.076932 0.609863 +vt 0.074846 0.609098 +vt 0.303930 0.546929 +vt 0.972812 0.920619 +vt 0.972871 0.919547 +vt 0.446005 0.982653 +vt 0.447474 0.982653 +vt 0.482965 0.141206 +vt 0.577398 0.254162 +vt 0.577398 0.183448 +vt 0.217751 0.424524 +vt 0.218162 0.426464 +vt 0.218243 0.424524 +vt 0.544430 0.080281 +vt 0.257149 0.934024 +vt 0.256958 0.933907 +vt 0.256804 0.933767 +vt 0.256694 0.933605 +vt 0.256620 0.933429 +vt 0.257421 0.934105 +vt 0.256554 0.933179 +vt 0.257796 0.934142 +vt 0.256554 0.932562 +vt 0.256620 0.932239 +vt 0.263703 0.934134 +vt 0.264746 0.933605 +vt 0.264621 0.933789 +vt 0.264481 0.933914 +vt 0.264320 0.934002 +vt 0.264834 0.933370 +vt 0.264136 0.934076 +vt 0.263938 0.934120 +vt 0.264871 0.933047 +vt 0.260448 0.923100 +vt 0.260183 0.923246 +vt 0.260316 0.923151 +vt 0.260602 0.923077 +vt 0.260764 0.923085 +vt 0.260044 0.923408 +vt 0.260940 0.923122 +vt 0.259904 0.923673 +vt 0.261102 0.923173 +vt 0.261278 0.923254 +vt 0.292509 0.931167 +vt 0.284339 0.924886 +vt 0.287594 0.933548 +vt 0.264143 0.924525 +vt 0.264841 0.925671 +vt 0.264871 0.926060 +vt 0.264716 0.925171 +vt 0.264636 0.924980 +vt 0.264511 0.924804 +vt 0.264349 0.924650 +vt 0.609905 0.367783 +vt 0.609956 0.367783 +vt 0.094142 0.888029 +vt 0.095832 0.887250 +vt 0.094149 0.887280 +vt 0.755053 0.664237 +vt 0.754804 0.664178 +vt 0.754804 0.664222 +vt 0.452293 0.360413 +vt 0.446085 0.354028 +vt 0.069986 0.628787 +vt 0.069986 0.628839 +vt 0.128466 0.058097 +vt 0.972798 0.960371 +vt 0.972842 0.959299 +vt 0.972886 0.959299 +vt 0.865015 0.387375 +vt 0.865001 0.387522 +vt 0.493166 0.990814 +vt 0.492740 0.992702 +vt 0.492740 0.990748 +vt 0.610106 0.401199 +vt 0.610062 0.401316 +vt 0.100946 0.238228 +vt 0.101049 0.249616 +vt 0.503715 0.637864 +vt 0.502995 0.637835 +vt 0.503715 0.637813 +vt 0.591356 0.451261 +vt 0.592428 0.451320 +vt 0.408088 0.636275 +vt 0.408095 0.635871 +vt 0.958070 0.643293 +vt 0.958121 0.643338 +vt 0.958114 0.643293 +vt 0.476237 0.335990 +vt 0.476039 0.337945 +vt 0.980645 0.664288 +vt 0.982643 0.664288 +vt 0.134728 0.583959 +vt 0.399606 0.382189 +vt 0.399599 0.381116 +vt 0.383083 0.664809 +vt 0.380828 0.669459 +vt 0.517029 0.972709 +vt 0.517029 0.972753 +vt 0.628973 0.457536 +vt 0.627041 0.457735 +vt 0.627041 0.457536 +vt 0.594028 0.373935 +vt 0.593977 0.372113 +vt 0.837557 0.203219 +vt 0.837557 0.132432 +vt 0.417951 0.851851 +vt 0.417973 0.851902 +vt 0.417973 0.851851 +vt 0.354765 0.915390 +vt 0.358710 0.912907 +vt 0.625719 0.326211 +vt 0.977701 0.582380 +vt 0.977745 0.581645 +vt 0.977752 0.582380 +vt 0.452268 0.636439 +vt 0.156894 0.635243 +vt 0.156681 0.635324 +vt 0.156681 0.635280 +vt 0.480704 0.337915 +vt 0.480675 0.335990 +vt 0.923489 0.982580 +vt 0.923489 0.980692 +vt 0.560242 0.102048 +vt 0.560462 0.100976 +vt 0.560411 0.100976 +vt 0.161170 0.635265 +vt 0.161170 0.635214 +vt 0.624889 0.976363 +vt 0.624838 0.975144 +vt 0.624889 0.975144 +vt 0.619342 0.043060 +vt 0.619386 0.052501 +vt 0.316223 0.926070 +vt 0.316017 0.926202 +vt 0.315701 0.926599 +vt 0.315833 0.926386 +vt 0.315620 0.926842 +vt 0.316531 0.925953 +vt 0.315576 0.927091 +vt 0.317494 0.925909 +vt 0.316935 0.925887 +vt 0.315569 0.927378 +vt 0.315848 0.933189 +vt 0.315892 0.933454 +vt 0.315951 0.933601 +vt 0.316193 0.933902 +vt 0.316054 0.933770 +vt 0.316377 0.934005 +vt 0.316598 0.934086 +vt 0.316796 0.934122 +vt 0.317024 0.934137 +vt 0.326832 0.929435 +vt 0.326751 0.929303 +vt 0.326876 0.929582 +vt 0.326648 0.929193 +vt 0.326890 0.929751 +vt 0.326508 0.929082 +vt 0.326861 0.929979 +vt 0.326361 0.929002 +vt 0.326192 0.928928 +vt 0.326744 0.930295 +vt 0.325634 0.933226 +vt 0.324106 0.934137 +vt 0.324635 0.934093 +vt 0.325487 0.933513 +vt 0.324914 0.934012 +vt 0.325318 0.933726 +vt 0.325113 0.933902 +vt 0.628392 0.175357 +vt 0.628165 0.173425 +vt 0.558844 0.275297 +vt 0.559321 0.280227 +vt 0.731809 0.982602 +vt 0.731985 0.982653 +vt 0.731809 0.982653 +vt 0.901427 0.692489 +vt 0.549995 0.635103 +vt 0.550069 0.635426 +vt 0.550017 0.635419 +vt 0.216647 0.095131 +vt 0.216603 0.095138 +vt 0.196060 0.637255 +vt 0.198080 0.637255 +vt 0.801210 0.992602 +vt 0.800556 0.992653 +vt 0.800556 0.992602 +vt 0.194309 0.534565 +vt 0.194412 0.534514 +vt 0.194309 0.534514 +vt 0.958099 0.857040 +vt 0.958151 0.860890 +vt 0.958151 0.857040 +vt 0.527239 0.635265 +vt 0.527239 0.635221 +vt 0.982426 0.407707 +vt 0.982559 0.407229 +vt 0.982507 0.407229 +vt 0.748764 0.664148 +vt 0.749051 0.664104 +vt 0.748764 0.664104 +vt 0.949388 0.604576 +vt 0.950071 0.604657 +vt 0.950071 0.604701 +vt 0.326038 0.637372 +vt 0.632058 0.034286 +vt 0.632110 0.034404 +vt 0.632110 0.034286 +vt 0.973375 0.145146 +vt 0.974455 0.144992 +vt 0.949388 0.604525 +vt 0.598457 0.595249 +vt 0.600896 0.599819 +vt 0.598457 0.599819 +vt 0.714239 0.643058 +vt 0.714232 0.644953 +vt 0.028633 0.007428 +vt 0.029794 0.007398 +vt 0.207310 0.905706 +vt 0.207288 0.903267 +vt 0.982602 0.304701 +vt 0.982653 0.305480 +vt 0.982602 0.305480 +vt 0.156894 0.635295 +vt 0.844122 0.994768 +vt 0.701387 0.990567 +vt 0.701387 0.992653 +vt 0.592432 0.385190 +vt 0.594864 0.389025 +vt 0.592425 0.389025 +vt 0.978088 0.980721 +vt 0.978088 0.982653 +vt 0.562213 0.992653 +vt 0.009935 0.587495 +vt 0.080626 0.587495 +vt 0.255854 0.546409 +vt 0.257786 0.546218 +vt 0.257786 0.546409 +vt 0.982565 0.288551 +vt 0.982514 0.288551 +vt 0.522853 0.635221 +vt 0.523624 0.635265 +vt 0.800255 0.128042 +vt 0.801195 0.127990 +vt 0.801195 0.128042 +vt 0.982646 0.031038 +vt 0.982602 0.031038 +vt 0.700498 0.773176 +vt 0.700542 0.773162 +vt 0.700498 0.773162 +vt 0.919692 0.267857 +vt 0.919854 0.268085 +vt 0.919193 0.267512 +vt 0.919472 0.267659 +vt 0.912272 0.277269 +vt 0.912118 0.277129 +vt 0.912000 0.276975 +vt 0.912470 0.277371 +vt 0.911912 0.276798 +vt 0.912742 0.277445 +vt 0.911846 0.276556 +vt 0.913117 0.277467 +vt 0.911816 0.276277 +vt 0.911838 0.275836 +vt 0.911883 0.275601 +vt 0.919024 0.277283 +vt 0.920045 0.276718 +vt 0.919935 0.276901 +vt 0.919788 0.277033 +vt 0.919634 0.277129 +vt 0.920126 0.276475 +vt 0.919450 0.277202 +vt 0.919251 0.277254 +vt 0.920155 0.276152 +vt 0.915431 0.266270 +vt 0.915174 0.266410 +vt 0.915306 0.266322 +vt 0.915585 0.266234 +vt 0.915042 0.266564 +vt 0.915747 0.266234 +vt 0.914917 0.266821 +vt 0.915923 0.266256 +vt 0.916092 0.266300 +vt 0.916276 0.266366 +vt 0.299788 0.014503 +vt 0.920111 0.268967 +vt 0.920155 0.269584 +vt 0.919971 0.268349 +vt 0.479453 0.819078 +vt 0.480644 0.798646 +vt 0.483825 0.795664 +vt 0.478315 0.802335 +vt 0.476985 0.806485 +vt 0.476728 0.810842 +vt 0.477573 0.815125 +vt 0.487653 0.793562 +vt 0.485823 0.825007 +vt 0.482260 0.822435 +vt 0.489901 0.826616 +vt 0.500524 0.793570 +vt 0.491892 0.792475 +vt 0.496278 0.792475 +vt 0.504374 0.795671 +vt 0.498599 0.826616 +vt 0.494257 0.827167 +vt 0.509950 0.802349 +vt 0.507592 0.798661 +vt 0.506203 0.822450 +vt 0.502670 0.825014 +vt 0.511618 0.810850 +vt 0.511331 0.806500 +vt 0.510825 0.815133 +vt 0.508973 0.819093 +vt 0.331419 0.827180 +vt 0.327136 0.826379 +vt 0.339919 0.825527 +vt 0.335768 0.826893 +vt 0.317262 0.818202 +vt 0.319826 0.821743 +vt 0.346590 0.819958 +vt 0.343608 0.823161 +vt 0.315660 0.814132 +vt 0.349786 0.811854 +vt 0.348692 0.816108 +vt 0.907044 0.116510 +vt 0.910974 0.117053 +vt 0.911408 0.115048 +vt 0.348706 0.803222 +vt 0.327151 0.793105 +vt 0.319840 0.797792 +vt 0.323205 0.794986 +vt 0.317276 0.801348 +vt 0.315667 0.805426 +vt 0.343622 0.796206 +vt 0.817703 0.259640 +vt 0.818247 0.265275 +vt 0.331434 0.792275 +vt 0.490515 0.515735 +vt 0.503930 0.499917 +vt 0.489361 0.515574 +vt 0.787273 0.929079 +vt 0.787207 0.930144 +vt 0.787603 0.928065 +vt 0.788177 0.927161 +vt 0.788948 0.926426 +vt 0.787861 0.932157 +vt 0.788544 0.932980 +vt 0.789411 0.933604 +vt 0.792519 0.933994 +vt 0.793518 0.933604 +vt 0.794737 0.927154 +vt 0.791461 0.934133 +vt 0.790403 0.934001 +vt 0.787405 0.931195 +vt 0.789888 0.925912 +vt 0.790917 0.925648 +vt 0.791990 0.925648 +vt 0.793018 0.925912 +vt 0.793959 0.926426 +vt 0.794377 0.932973 +vt 0.795310 0.928057 +vt 0.795641 0.929071 +vt 0.795061 0.932150 +vt 0.795516 0.931180 +vt 0.795707 0.930137 +vt 0.429320 0.993572 +vt 0.427446 0.993381 +vt 0.399628 0.383085 +vt 0.761092 0.067720 +vt 0.761070 0.067669 +vt 0.761092 0.067669 +vt 0.635213 0.120119 +vt 0.641771 0.731766 +vt 0.641771 0.729804 +vt 0.196060 0.636822 +vt 0.931816 0.105586 +vt 0.933785 0.105792 +vt 0.933807 0.105586 +vt 0.017396 0.924711 +vt 0.342733 0.636797 +vt 0.340859 0.637091 +vt 0.342791 0.637172 +vt 0.984185 0.068880 +vt 0.748507 0.664163 +vt 0.748507 0.664112 +vt 0.786480 0.972702 +vt 0.786759 0.972753 +vt 0.786759 0.972702 +vt 0.962897 0.832468 +vt 0.962919 0.830756 +vt 0.962970 0.830756 +vt 0.339068 0.991455 +vt 0.339112 0.991455 +vt 0.803666 0.425360 +vt 0.102632 0.584010 +vt 0.309411 0.994695 +vt 0.309411 0.994577 +vt 0.339112 0.992616 +vt 0.339112 0.992138 +vt 0.418207 0.603285 +vt 0.419728 0.603756 +vt 0.419721 0.603271 +vt 0.868256 0.204935 +vt 0.870122 0.204832 +vt 0.948117 0.604422 +vt 0.619386 0.042869 +vt 0.619342 0.042869 +vt 0.832323 0.773361 +vt 0.833653 0.844037 +vt 0.833653 0.773317 +vt 0.075908 0.487039 +vt 0.134161 0.485224 +vt 0.184205 0.622469 +vt 0.184205 0.621999 +vt 0.542663 0.166670 +vt 0.536278 0.161020 +vt 0.542626 0.161027 +vt 0.616122 0.421330 +vt 0.616181 0.422506 +vt 0.550017 0.636396 +vt 0.550039 0.636741 +vt 0.550069 0.636396 +vt 0.550076 0.635948 +vt 0.982565 0.288301 +vt 0.558917 0.251170 +vt 0.226349 0.481850 +vt 0.120768 0.650566 +vt 0.121958 0.650096 +vt 0.120768 0.650081 +vt 0.994805 0.510042 +vt 0.994761 0.510152 +vt 0.994761 0.510042 +vt 0.437090 0.635580 +vt 0.435158 0.635580 +vt 0.115633 0.650066 +vt 0.977753 0.207154 +vt 0.977709 0.207154 +vt 0.610103 0.369825 +vt 0.610066 0.370582 +vt 0.976555 0.505011 +vt 0.976555 0.504960 +vt 0.628752 0.007303 +vt 0.978329 0.524873 +vt 0.977183 0.524829 +vt 0.977183 0.524880 +vt 0.544974 0.006908 +vt 0.544195 0.005241 +vt 0.544944 0.005241 +vt 0.607222 0.671683 +vt 0.605260 0.671456 +vt 0.218108 0.621720 +vt 0.219871 0.622455 +vt 0.815536 0.992653 +vt 0.816050 0.992594 +vt 0.816050 0.992653 +vt 0.379906 0.166213 +vt 0.377768 0.165405 +vt 0.377761 0.166155 +vt 0.629873 0.635220 +vt 0.629873 0.635264 +vt 0.216625 0.094455 +vt 0.977752 0.741205 +vt 0.977701 0.740521 +vt 0.977752 0.740521 +vt 0.050873 0.609150 +vt 0.740662 0.982602 +vt 0.977752 0.820791 +vt 0.977701 0.820791 +vt 0.258667 0.635206 +vt 0.258784 0.635125 +vt 0.259545 0.668116 +vt 0.261353 0.666904 +vt 0.261353 0.777702 +vt 0.279463 0.671590 +vt 0.139355 0.283448 +vt 0.903181 0.509655 +vt 0.075944 0.271664 +vt 0.078303 0.269614 +vt 0.285840 0.672486 +vt 0.146445 0.297135 +vt 0.145115 0.297209 +vt 0.139451 0.278688 +vt 0.138437 0.278460 +vt 0.121752 0.230499 +vt 0.121921 0.231249 +vt 0.249469 0.136012 +vt 0.139017 0.278012 +vt 0.145122 0.297466 +vt 0.130833 0.229442 +vt 0.129283 0.230301 +vt 0.087795 0.396312 +vt 0.082814 0.393660 +vt 0.082814 0.393756 +vt 0.137599 0.280142 +vt 0.141412 0.293014 +vt 0.141221 0.293043 +vt 0.140391 0.293109 +vt 0.145159 0.298127 +vt 0.139671 0.294917 +vt 0.326053 0.145563 +vt 0.326743 0.145600 +vt 0.140964 0.290553 +vt 0.138496 0.275190 +vt 0.144013 0.294028 +vt 0.142132 0.292940 +vt 0.137599 0.277255 +vt 0.137048 0.276520 +vt 0.249873 0.138459 +vt 0.249138 0.140325 +vt 0.248668 0.139296 +vt 0.325083 0.138892 +vt 0.140531 0.294292 +vt 0.014042 0.778389 +vt 0.077274 0.262848 +vt 0.077032 0.262848 +vt 0.251739 0.134256 +vt 0.016408 0.783730 +vt 0.016540 0.782797 +vt 0.142771 0.282295 +vt 0.390680 0.090447 +vt 0.391393 0.091329 +vt 0.390746 0.091387 +vt 0.069531 0.235606 +vt 0.069031 0.235716 +vt 0.193766 0.419962 +vt 0.140589 0.294917 +vt 0.324032 0.138459 +vt 0.914063 0.764581 +vt 0.911829 0.765360 +vt 0.139576 0.296144 +vt 0.015144 0.783635 +vt 0.014167 0.783091 +vt 0.139634 0.284146 +vt 0.324840 0.138885 +vt 0.324032 0.138679 +vt 0.139546 0.283933 +vt 0.299428 0.127446 +vt 0.299486 0.127012 +vt 0.299582 0.127372 +vt 0.141589 0.297209 +vt 0.140685 0.296438 +vt 0.140707 0.297165 +vt 0.011081 0.792759 +vt 0.010685 0.793097 +vt 0.301176 0.130113 +vt 0.070251 0.258425 +vt 0.302726 0.131597 +vt 0.131266 0.272964 +vt 0.139943 0.203279 +vt 0.138885 0.203728 +vt 0.608898 0.659361 +vt 0.597621 0.659707 +vt 0.131553 0.273192 +vt 0.140060 0.213161 +vt 0.140244 0.213176 +vt 0.132177 0.271590 +vt 0.141669 0.290413 +vt 0.142059 0.292470 +vt 0.013988 0.424091 +vt 0.143822 0.292705 +vt 0.094797 0.267880 +vt 0.090102 0.267550 +vt 0.514086 0.679783 +vt 0.524599 0.676293 +vt 0.514916 0.673626 +vt 0.140185 0.286233 +vt 0.140670 0.296188 +vt 0.132442 0.273941 +vt 0.139781 0.297312 +vt 0.132486 0.273986 +vt 0.140266 0.286203 +vt 0.140817 0.287908 +vt 0.301710 0.411867 +vt 0.141442 0.282354 +vt 0.319338 0.137878 +vt 0.142162 0.294865 +vt 0.299303 0.089198 +vt 0.299611 0.093246 +vt 0.142345 0.294851 +vt 0.364581 0.806073 +vt 0.364581 0.806948 +vt 0.325898 0.141449 +vt 0.467870 0.920106 +vt 0.466569 0.918952 +vt 0.144579 0.292580 +vt 0.142235 0.297231 +vt 0.141780 0.297216 +vt 0.133911 0.272075 +vt 0.141552 0.296460 +vt 0.136027 0.219854 +vt 0.248756 0.140582 +vt 0.249616 0.142272 +vt 0.138591 0.204367 +vt 0.138532 0.203904 +vt 0.142389 0.295328 +vt 0.016702 0.783855 +vt 0.467326 0.924448 +vt 0.142441 0.284697 +vt 0.319565 0.138084 +vt 0.381585 0.102944 +vt 0.386625 0.100711 +vt 0.381908 0.103576 +vt 0.134697 0.276506 +vt 0.015960 0.783532 +vt 0.016092 0.782606 +vt 0.016085 0.782606 +vt 0.140332 0.288701 +vt 0.248411 0.138679 +vt 0.134815 0.276388 +vt 0.134837 0.276366 +vt 0.801301 0.972759 +vt 0.324826 0.138716 +vt 0.123199 0.266609 +vt 0.875496 0.929479 +vt 0.883181 0.931125 +vt 0.883335 0.930339 +vt 0.141596 0.297444 +vt 0.901678 0.845859 +vt 0.889710 0.848489 +vt 0.255758 0.076870 +vt 0.257749 0.081888 +vt 0.255288 0.082050 +vt 0.145857 0.292360 +vt 0.140994 0.288525 +vt 0.135968 0.275205 +vt 0.308538 0.135718 +vt 0.089316 0.266168 +vt 0.090440 0.263097 +vt 0.084279 0.142582 +vt 0.084617 0.132297 +vt 0.257918 0.127982 +vt 0.328110 0.138643 +vt 0.328080 0.138459 +vt 0.467098 0.916344 +vt 0.465019 0.917174 +vt 0.134477 0.222242 +vt 0.071918 0.267836 +vt 0.142331 0.297231 +vt 0.323011 0.138121 +vt 0.136600 0.279848 +vt 0.141780 0.283096 +vt 0.136865 0.273258 +vt 0.075867 0.130570 +vt 0.499777 0.720184 +vt 0.497426 0.720787 +vt 0.142522 0.297481 +vt 0.144880 0.294638 +vt 0.144785 0.293932 +vt 0.142654 0.285256 +vt 0.122061 0.270525 +vt 0.121789 0.271635 +vt 0.183308 0.919886 +vt 0.190970 0.919240 +vt 0.069795 0.231756 +vt 0.196249 0.421747 +vt 0.141420 0.204330 +vt 0.142338 0.297473 +vt 0.142882 0.282530 +vt 0.292239 0.421389 +vt 0.286942 0.421330 +vt 0.141434 0.205403 +vt 0.287335 0.099293 +vt 0.500898 0.030203 +vt 0.496585 0.033656 +vt 0.496174 0.033083 +vt 0.243834 0.145225 +vt 0.144307 0.297231 +vt 0.516768 0.668344 +vt 0.013756 0.790438 +vt 0.015431 0.779014 +vt 0.015445 0.780057 +vt 0.302834 0.238378 +vt 0.144322 0.297488 +vt 0.252084 0.133919 +vt 0.071081 0.228281 +vt 0.313656 0.902258 +vt 0.328455 0.141361 +vt 0.252004 0.133779 +vt 0.328462 0.141456 +vt 0.256595 0.071485 +vt 0.258462 0.075357 +vt 0.255890 0.075834 +vt 0.144050 0.217819 +vt 0.229974 0.917614 +vt 0.232288 0.924718 +vt 0.323114 0.145299 +vt 0.014902 0.784766 +vt 0.014454 0.786309 +vt 0.247236 0.141486 +vt 0.237846 0.142757 +vt 0.237832 0.143528 +vt 0.046682 0.982721 +vt 0.046535 0.979841 +vt 0.046733 0.983301 +vt 0.249587 0.137871 +vt 0.321681 0.140376 +vt 0.199063 0.427603 +vt 0.258138 0.126028 +vt 0.257844 0.124588 +vt 0.258616 0.124948 +vt 0.019494 0.782474 +vt 0.299766 0.132229 +vt 0.250431 0.138040 +vt 0.139105 0.218936 +vt 0.238816 0.142595 +vt 0.047071 0.982148 +vt 0.047130 0.982581 +vt 0.650295 0.106342 +vt 0.668023 0.108656 +vt 0.650133 0.108685 +vt 0.145786 0.054127 +vt 0.047064 0.982082 +vt 0.312821 0.138165 +vt 0.009061 0.794802 +vt 0.008701 0.795022 +vt 0.887398 0.394996 +vt 0.888698 0.396891 +vt 0.887838 0.397141 +vt 0.123266 0.232843 +vt 0.191136 0.380113 +vt 0.191687 0.379980 +vt 0.250395 0.139458 +vt 0.604589 0.895835 +vt 0.321204 0.143719 +vt 0.133279 0.222947 +vt 0.008018 0.794964 +vt 0.008297 0.795257 +vt 0.088878 0.019766 +vt 0.292915 0.233559 +vt 0.906223 0.513277 +vt 0.138657 0.208194 +vt 0.133632 0.223197 +vt 0.014718 0.787800 +vt 0.252533 0.133221 +vt 0.191969 0.803437 +vt 0.192005 0.803621 +vt 0.191131 0.803547 +vt 0.192858 0.803746 +vt 0.191917 0.803202 +vt 0.014726 0.787808 +vt 0.191888 0.803062 +vt 0.043579 0.992654 +vt 0.045497 0.992074 +vt 0.044050 0.992632 +vt 0.041485 0.992074 +vt 0.191080 0.803320 +vt 0.609879 0.900529 +vt 0.138716 0.225423 +vt 0.014534 0.788190 +vt 0.014542 0.788197 +vt 0.042213 0.992640 +vt 0.187774 0.803746 +vt 0.014505 0.788248 +vt 0.140744 0.202985 +vt 0.140700 0.202479 +vt 0.361540 0.587519 +vt 0.360614 0.587548 +vt 0.357418 0.587519 +vt 0.015629 0.787653 +vt 0.015210 0.788087 +vt 0.015394 0.788182 +vt 0.253664 0.135138 +vt 0.016217 0.779315 +vt 0.253436 0.134462 +vt 0.016224 0.779322 +vt 0.012433 0.792054 +vt 0.642541 0.622849 +vt 0.015203 0.788579 +vt 0.015174 0.788638 +vt 0.070618 0.228369 +vt 0.465291 0.922317 +vt 0.465533 0.922971 +vt 0.131112 0.225518 +vt 0.130311 0.226055 +vt 0.152153 0.423900 +vt 0.016224 0.780365 +vt 0.646273 0.620916 +vt 0.644833 0.619278 +vt 0.242453 0.141611 +vt 0.242805 0.139862 +vt 0.914173 0.765514 +vt 0.911829 0.765375 +vt 0.570386 0.827167 +vt 0.566918 0.825000 +vt 0.570386 0.825529 +vt 0.083196 0.262826 +vt 0.083166 0.262172 +vt 0.606656 0.751273 +vt 0.605297 0.748841 +vt 0.606972 0.748834 +vt 0.633849 0.050460 +vt 0.634473 0.047198 +vt 0.633871 0.048307 +vt 0.634473 0.051253 +vt 0.076304 0.234357 +vt 0.242879 0.139833 +vt 0.016996 0.779579 +vt 0.242761 0.143521 +vt 0.288463 0.415144 +vt 0.289257 0.412323 +vt 0.144167 0.201568 +vt 0.016180 0.781438 +vt 0.018803 0.780049 +vt 0.138121 0.208812 +vt 0.127475 0.227546 +vt 0.127578 0.227495 +vt 0.127461 0.227531 +vt 0.123258 0.264486 +vt 0.013895 0.782430 +vt 0.257977 0.127872 +vt 0.127336 0.227561 +vt 0.127218 0.227597 +vt 0.359318 0.452103 +vt 0.359369 0.448782 +vt 0.359318 0.447797 +vt 0.359340 0.451824 +vt 0.243312 0.143322 +vt 0.014975 0.784465 +vt 0.164157 0.982331 +vt 0.163944 0.983066 +vt 0.164238 0.982353 +vt 0.256853 0.127159 +vt 0.013829 0.790489 +vt 0.176063 0.661049 +vt 0.177436 0.661776 +vt 0.013829 0.782885 +vt 0.138466 0.208701 +vt 0.138216 0.208775 +vt 0.258462 0.133926 +vt 0.257668 0.129797 +vt 0.258462 0.128313 +vt 0.913379 0.767873 +vt 0.911638 0.766278 +vt 0.128173 0.228905 +vt 0.128489 0.229464 +vt 0.245685 0.138422 +vt 0.245369 0.138767 +vt 0.245340 0.138591 +vt 0.129158 0.230360 +vt 0.129033 0.230426 +vt 0.287758 0.414909 +vt 0.378090 0.696083 +vt 0.378905 0.696069 +vt 0.379691 0.696083 +vt 0.163944 0.980817 +vt 0.245693 0.140244 +vt 0.015967 0.783532 +vt 0.011868 0.792025 +vt 0.078222 0.933972 +vt 0.520065 0.072175 +vt 0.525113 0.069927 +vt 0.520381 0.072815 +vt 0.232552 0.917614 +vt 0.082681 0.394020 +vt 0.087089 0.397723 +vt 0.247515 0.137283 +vt 0.012507 0.792106 +vt 0.012279 0.792341 +vt 0.016614 0.784340 +vt 0.145571 0.204903 +vt 0.089037 0.269577 +vt 0.138532 0.404262 +vt 0.132868 0.406179 +vt 0.210251 0.992668 +vt 0.213521 0.992543 +vt 0.209502 0.992543 +vt 0.306623 0.809172 +vt 0.306292 0.810825 +vt 0.306623 0.812280 +vt 0.297253 0.120540 +vt 0.016224 0.785097 +vt 0.289271 0.236784 +vt 0.880384 0.251238 +vt 0.201869 0.423951 +vt 0.199878 0.428058 +vt 0.010699 0.793105 +vt 0.507271 0.713719 +vt 0.505721 0.715409 +vt 0.249447 0.135939 +vt 0.317909 0.587553 +vt 0.321692 0.587583 +vt 0.322236 0.587553 +vt 0.295468 0.119688 +vt 0.300140 0.119004 +vt 0.125286 0.269563 +vt 0.126109 0.268769 +vt 0.125749 0.269798 +vt 0.606389 0.895658 +vt 0.300647 0.121304 +vt 0.301448 0.120834 +vt 0.300508 0.122237 +vt 0.299486 0.124713 +vt 0.125117 0.270077 +vt 0.466981 0.912502 +vt 0.467664 0.914625 +vt 0.468024 0.914405 +vt 0.635796 0.613937 +vt 0.638022 0.614319 +vt 0.124684 0.269879 +vt 0.124845 0.269357 +vt 0.302697 0.119342 +vt 0.907604 0.515386 +vt 0.906913 0.513299 +vt 0.299824 0.123611 +vt 0.303983 0.118057 +vt 0.122781 0.268600 +vt 0.291037 0.123354 +vt 0.609683 0.753154 +vt 0.611270 0.751391 +vt 0.611872 0.752507 +vt 0.299398 0.122560 +vt 0.380778 0.594684 +vt 0.379426 0.594603 +vt 0.377428 0.594684 +vt 0.377773 0.594654 +vt 0.911534 0.730433 +vt 0.645413 0.618507 +vt 0.259840 0.410964 +vt 0.259336 0.125132 +vt 0.258660 0.124838 +vt 0.259292 0.125242 +vt 0.258792 0.126359 +vt 0.185772 0.382721 +vt 0.189931 0.382001 +vt 0.188057 0.380796 +vt 0.122266 0.233005 +vt 0.119901 0.230617 +vt 0.022983 0.695223 +vt 0.123640 0.234717 +vt 0.800743 0.972730 +vt 0.744375 0.701124 +vt 0.743736 0.695144 +vt 0.257881 0.124485 +vt 0.260107 0.122450 +vt 0.189519 0.380480 +vt 0.889844 0.392792 +vt 0.125764 0.227774 +vt 0.189321 0.379760 +vt 0.235800 0.673362 +vt 0.190350 0.377049 +vt 0.190320 0.376946 +vt 0.467539 0.920679 +vt 0.466099 0.919283 +vt 0.465710 0.919716 +vt 0.126498 0.227730 +vt 0.256196 0.410170 +vt 0.259781 0.411191 +vt 0.193149 0.381509 +vt 0.121216 0.228523 +vt 0.110566 0.167658 +vt 0.110544 0.169333 +vt 0.159327 0.051651 +vt 0.171691 0.068453 +vt 0.170714 0.066440 +vt 0.400802 0.421108 +vt 0.442533 0.397069 +vt 0.169194 0.064780 +vt 0.167269 0.063634 +vt 0.208058 0.869981 +vt 0.135618 0.022675 +vt 0.140724 0.026018 +vt 0.079253 0.174292 +vt 0.081332 0.174366 +vt 0.083360 0.173881 +vt 0.085182 0.172882 +vt 0.086674 0.171427 +vt 0.087717 0.169627 +vt 0.098069 0.171500 +vt 0.099031 0.172867 +vt 0.045208 0.145779 +vt 0.038184 0.142040 +vt 0.097481 0.169943 +vt 0.097297 0.168283 +vt 0.100295 0.173947 +vt 0.101793 0.174682 +vt 0.091273 0.162008 +vt 0.093190 0.160164 +vt 0.098171 0.165087 +vt 0.103432 0.175027 +vt 0.087239 0.022646 +vt 0.105100 0.174946 +vt 0.098142 0.158357 +vt 0.099119 0.158269 +vt 0.084411 0.024372 +vt 0.106686 0.174454 +vt 0.108112 0.173580 +vt 0.109280 0.172389 +vt 0.104365 0.158232 +vt 0.106885 0.162412 +vt 0.105305 0.161869 +vt 0.105944 0.158732 +vt 0.108281 0.163323 +vt 0.109405 0.164565 +vt 0.110095 0.170935 +vt 0.110176 0.166034 +vt 0.124635 0.166475 +vt 0.126810 0.167026 +vt 0.129050 0.166931 +vt 0.173374 0.074617 +vt 0.136720 0.163037 +vt 0.142003 0.159452 +vt 0.146984 0.155462 +vt 0.151657 0.151113 +vt 0.155969 0.146404 +vt 0.026510 0.045017 +vt 0.173176 0.112571 +vt 0.171434 0.118706 +vt 0.364581 0.808630 +vt 0.885201 0.397193 +vt 0.886590 0.395135 +vt 0.886905 0.397273 +vt 0.143428 0.051387 +vt 0.149078 0.052136 +vt 0.099178 0.163757 +vt 0.095541 0.158923 +vt 0.118992 0.015056 +vt 0.563936 0.810835 +vt 0.140585 0.045854 +vt 0.151848 0.053951 +vt 0.097532 0.166629 +vt 0.089928 0.164301 +vt 0.153479 0.054289 +vt 0.142245 0.027436 +vt 0.517513 0.201538 +vt 0.520202 0.199547 +vt 0.155146 0.054215 +vt 0.143406 0.035304 +vt 0.143340 0.029207 +vt 0.143913 0.031205 +vt 0.515444 0.084922 +vt 0.516297 0.085892 +vt 0.175211 0.099979 +vt 0.175497 0.093602 +vt 0.143935 0.033291 +vt 0.155352 0.041145 +vt 0.153692 0.041013 +vt 0.175277 0.087225 +vt 0.156741 0.053723 +vt 0.158166 0.052849 +vt 0.159452 0.043827 +vt 0.158328 0.042600 +vt 0.156932 0.041674 +vt 0.174571 0.080884 +vt 0.160590 0.048595 +vt 0.160620 0.046927 +vt 0.160230 0.045303 +vt 0.160157 0.050204 +vt 0.450541 0.397635 +vt 0.453883 0.521848 +vt 0.506788 0.489404 +vt 0.102996 0.234467 +vt 0.103032 0.234981 +vt 0.103062 0.235495 +vt 0.116000 0.236046 +vt 0.265573 0.115632 +vt 0.099315 0.235032 +vt 0.096648 0.233446 +vt 0.095289 0.234702 +vt 0.089742 0.233372 +vt 0.089536 0.234474 +vt 0.083637 0.234496 +vt 0.082542 0.233754 +vt 0.077201 0.234812 +vt 0.076304 0.234467 +vt 0.356789 0.372473 +vt 0.069531 0.235642 +vt 0.263788 0.069920 +vt 0.263715 0.069920 +vt 0.070596 0.262473 +vt 0.134530 0.002483 +vt 0.130570 0.002042 +vt 0.135228 0.002042 +vt 0.259027 0.075283 +vt 0.070706 0.263149 +vt 0.259262 0.070794 +vt 0.256684 0.071022 +vt 0.199327 0.428947 +vt 0.309233 0.418927 +vt 0.257705 0.082468 +vt 0.308270 0.415996 +vt 0.299101 0.422395 +vt 0.303781 0.420206 +vt 0.304097 0.421242 +vt 0.195412 0.426486 +vt 0.305089 0.420889 +vt 0.258248 0.082446 +vt 0.287545 0.234815 +vt 0.323268 0.143998 +vt 0.901715 0.848614 +vt 0.304083 0.418024 +vt 0.303179 0.418347 +vt 0.303370 0.416106 +vt 0.106838 0.230308 +vt 0.106243 0.229794 +vt 0.297199 0.232442 +vt 0.299854 0.073064 +vt 0.258006 0.088581 +vt 0.302834 0.414710 +vt 0.302532 0.416400 +vt 0.302048 0.414997 +vt 0.969732 0.267699 +vt 0.972884 0.267905 +vt 0.096641 0.233335 +vt 0.298947 0.421330 +vt 0.186853 0.051841 +vt 0.187037 0.055272 +vt 0.187037 0.047234 +vt 0.099425 0.233497 +vt 0.298330 0.417392 +vt 0.297875 0.417443 +vt 0.301026 0.412117 +vt 0.011726 0.280914 +vt 0.298095 0.415930 +vt 0.297669 0.415989 +vt 0.258234 0.096068 +vt 0.293062 0.419530 +vt 0.257712 0.095979 +vt 0.255369 0.095406 +vt 0.293143 0.417532 +vt 0.300923 0.236865 +vt 0.293224 0.416077 +vt 0.292504 0.417465 +vt 0.279654 0.420037 +vt 0.282997 0.421910 +vt 0.342083 0.213838 +vt 0.293386 0.413109 +vt 0.292614 0.416018 +vt 0.107524 0.773713 +vt 0.737695 0.923048 +vt 0.288647 0.412117 +vt 0.193252 0.408508 +vt 0.922681 0.982654 +vt 0.922688 0.980766 +vt 0.857222 0.994754 +vt 0.861057 0.994805 +vt 0.857222 0.994805 +vt 0.976098 0.903042 +vt 0.975062 0.903020 +vt 0.271392 0.214455 +vt 0.365275 0.369564 +vt 0.364033 0.371107 +vt 0.406855 0.814346 +vt 0.645722 0.615164 +vt 0.647662 0.613731 +vt 0.648036 0.614907 +vt 0.570379 0.819761 +vt 0.570364 0.816051 +vt 0.426129 0.142933 +vt 0.426114 0.144542 +vt 0.141956 0.490301 +vt 0.912408 0.893185 +vt 0.919821 0.894588 +vt 0.400852 0.818916 +vt 0.410367 0.813494 +vt 0.410381 0.817226 +vt 0.152601 0.488435 +vt 0.842643 0.458116 +vt 0.371255 0.363393 +vt 0.566889 0.811393 +vt 0.370131 0.371849 +vt 0.180882 0.793160 +vt 0.364474 0.363547 +vt 0.367802 0.365457 +vt 0.367097 0.371180 +vt 0.566918 0.827167 +vt 0.403879 0.808476 +vt 0.409007 0.827254 +vt 0.367728 0.375008 +vt 0.338469 0.137474 +vt 0.367846 0.279785 +vt 0.180625 0.772317 +vt 0.067907 0.489904 +vt 0.068708 0.490124 +vt 0.123567 0.415062 +vt 0.120209 0.405687 +vt 0.118659 0.406267 +vt 0.356789 0.275884 +vt 0.403879 0.806051 +vt 0.368867 0.277750 +vt 0.369815 0.279087 +vt 0.274409 0.416650 +vt 0.276084 0.414505 +vt 0.275202 0.417054 +vt 0.095076 0.266565 +vt 0.366964 0.278536 +vt 0.111591 0.230220 +vt 0.015458 0.274941 +vt 0.533718 0.827167 +vt 0.377122 0.822677 +vt 0.285469 0.076282 +vt 0.082748 0.257301 +vt 0.089992 0.257257 +vt 0.285542 0.096589 +vt 0.286813 0.095516 +vt 0.286387 0.102871 +vt 0.286916 0.102849 +vt 0.287445 0.102827 +vt 0.028110 0.999492 +vt 0.022093 0.999610 +vt 0.029212 0.999610 +vt 0.132868 0.406275 +vt 0.286211 0.089235 +vt 0.276642 0.410545 +vt 0.096266 0.266683 +vt 0.099271 0.272274 +vt 0.096574 0.271914 +vt 0.092658 0.430556 +vt 0.117447 0.426655 +vt 0.092592 0.426089 +vt 0.094268 0.269901 +vt 0.090234 0.266213 +vt 0.094679 0.271723 +vt 0.913562 0.511037 +vt 0.913569 0.511044 +vt 0.292188 0.422461 +vt 0.093680 0.271635 +vt 0.856518 0.926265 +vt 0.855666 0.934133 +vt 0.857385 0.926448 +vt 0.857950 0.302551 +vt 0.077201 0.262179 +vt 0.083365 0.265999 +vt 0.269339 0.411625 +vt 0.055595 0.000452 +vt 0.051613 0.000269 +vt 0.058101 0.000269 +vt 0.324862 0.141611 +vt 0.083460 0.267366 +vt 0.258968 0.110291 +vt 0.259057 0.111268 +vt 0.070023 0.235576 +vt 0.286394 0.069038 +vt 0.083637 0.269482 +vt 0.297030 0.233530 +vt 0.292827 0.232472 +vt 0.078002 0.267462 +vt 0.078516 0.269614 +vt 0.029784 0.384638 +vt 0.071463 0.266426 +vt 0.079074 0.271451 +vt 0.078883 0.271466 +vt 0.282659 0.357728 +vt 0.610182 0.754638 +vt 0.612159 0.753367 +vt 0.612320 0.754278 +vt 0.300777 0.236814 +vt 0.302408 0.233500 +vt 0.304553 0.235587 +vt 0.301930 0.234529 +vt 0.298572 0.422461 +vt 0.074189 0.271833 +vt 0.305199 0.234617 +vt 0.406840 0.806051 +vt 0.526244 0.025903 +vt 0.528264 0.026322 +vt 0.526148 0.026322 +vt 0.287129 0.107580 +vt 0.288363 0.121098 +vt 0.281932 0.327929 +vt 0.282644 0.329972 +vt 0.289054 0.123354 +vt 0.290531 0.123354 +vt 0.600412 0.144247 +vt 0.598341 0.148383 +vt 0.287724 0.112605 +vt 0.288518 0.110056 +vt 0.336059 0.213985 +vt 0.628999 0.751625 +vt 0.632995 0.749259 +vt 0.782386 0.733177 +vt 0.775686 0.756856 +vt 0.775054 0.749237 +vt 0.771866 0.754204 +vt 0.652215 0.642803 +vt 0.654279 0.635449 +vt 0.649298 0.639189 +vt 0.640181 0.647667 +vt 0.647763 0.646668 +vt 0.644589 0.643259 +vt 0.789880 0.722590 +vt 0.785303 0.721760 +vt 0.630174 0.744080 +vt 0.784635 0.673712 +vt 0.777883 0.670134 +vt 0.780329 0.675497 +vt 0.782041 0.746144 +vt 0.779051 0.751618 +vt 0.735624 0.783408 +vt 0.731568 0.789873 +vt 0.661876 0.778140 +vt 0.659510 0.782137 +vt 0.656932 0.639270 +vt 0.659518 0.632084 +vt 0.619507 0.685540 +vt 0.763483 0.643252 +vt 0.760309 0.646661 +vt 0.771961 0.652362 +vt 0.764475 0.650826 +vt 0.768339 0.655278 +vt 0.790769 0.716426 +vt 0.643590 0.650841 +vt 0.786809 0.679552 +vt 0.707147 0.619925 +vt 0.712863 0.624995 +vt 0.713363 0.620366 +vt 0.636199 0.660010 +vt 0.767884 0.647652 +vt 0.725595 0.791629 +vt 0.730099 0.785465 +vt 0.724449 0.787125 +vt 0.791210 0.703988 +vt 0.701071 0.789638 +vt 0.707133 0.794288 +vt 0.617288 0.716441 +vt 0.622754 0.721782 +vt 0.621916 0.715941 +vt 0.706986 0.624576 +vt 0.700925 0.619925 +vt 0.701086 0.624576 +vt 0.618177 0.722605 +vt 0.719512 0.792959 +vt 0.775693 0.657343 +vt 0.700910 0.794288 +vt 0.695194 0.789219 +vt 0.753778 0.778764 +vt 0.672433 0.630806 +vt 0.676489 0.624341 +vt 0.623423 0.740502 +vt 0.246328 0.778077 +vt 0.248430 0.776651 +vt 0.250788 0.775711 +vt 0.250516 0.669181 +vt 0.248165 0.668248 +vt 0.246049 0.666838 +vt 0.268730 0.414277 +vt 0.271081 0.412264 +vt 0.259578 0.118813 +vt 0.259578 0.118894 +vt 0.183476 0.729412 +vt 0.259417 0.110387 +vt 0.273836 0.407496 +vt 0.259204 0.112965 +vt 0.263873 0.406181 +vt 0.274798 0.404939 +vt 0.275577 0.413219 +vt 0.276422 0.413645 +vt 0.263969 0.406203 +vt 0.263491 0.409039 +vt 0.264270 0.245182 +vt 0.279309 0.407106 +vt 0.467649 0.917211 +vt 0.466481 0.918519 +vt 0.258660 0.107235 +vt 0.258564 0.106434 +vt 0.183333 0.383933 +vt 0.275672 0.417296 +vt 0.184597 0.383397 +vt 0.208220 0.702095 +vt 0.272153 0.246901 +vt 0.119570 0.231065 +vt 0.389233 0.084033 +vt 0.390673 0.084753 +vt 0.023638 0.044885 +vt 0.309740 0.312156 +vt 0.307484 0.336591 +vt 0.527282 0.823831 +vt 0.031077 0.384587 +vt 0.118218 0.274169 +vt 0.271492 0.245101 +vt 0.275819 0.243411 +vt 0.270816 0.243352 +vt 0.105295 0.273104 +vt 0.269354 0.243830 +vt 0.029799 0.384557 +vt 0.206883 0.708847 +vt 0.207677 0.704527 +vt 0.268921 0.242647 +vt 0.920155 0.662489 +vt 0.911970 0.656384 +vt 0.914975 0.665259 +vt 0.522256 0.660328 +vt 0.531777 0.665067 +vt 0.525334 0.657573 +vt 0.106713 0.229838 +vt 0.099293 0.402572 +vt 0.101724 0.402359 +vt 0.292078 0.232560 +vt 0.024854 0.382721 +vt 0.263983 0.243969 +vt 0.021328 0.382001 +vt 0.880804 0.146399 +vt 0.881215 0.148470 +vt 0.881215 0.146472 +vt 0.723547 0.730725 +vt 0.725552 0.731533 +vt 0.720747 0.738520 +vt 0.724303 0.727529 +vt 0.729145 0.727646 +vt 0.724318 0.724245 +vt 0.733149 0.724201 +vt 0.723598 0.721064 +vt 0.722782 0.718749 +vt 0.743611 0.694608 +vt 0.743479 0.694071 +vt 0.252485 0.775358 +vt 0.729196 0.689604 +vt 0.728873 0.662318 +vt 0.725302 0.686636 +vt 0.720747 0.684932 +vt 0.730401 0.656169 +vt 0.730673 0.649843 +vt 0.729666 0.643620 +vt 0.640878 0.852774 +vt 0.637646 0.853156 +vt 0.634634 0.854250 +vt 0.628653 0.859841 +vt 0.627845 0.861399 +vt 0.629645 0.858387 +vt 0.631871 0.856065 +vt 0.738433 0.858203 +vt 0.740416 0.861399 +vt 0.735839 0.855668 +vt 0.732673 0.853832 +vt 0.730021 0.853009 +vt 0.727273 0.852737 +vt 0.527825 0.731666 +vt 0.528089 0.725362 +vt 0.529632 0.719221 +vt 0.637214 0.608566 +vt 0.635319 0.608867 +vt 0.514843 0.687151 +vt 0.514975 0.687688 +vt 0.514718 0.686608 +vt 0.529955 0.692654 +vt 0.533607 0.695160 +vt 0.537787 0.696622 +vt 0.534922 0.660615 +vt 0.535737 0.662922 +vt 0.534194 0.657448 +vt 0.531571 0.651806 +vt 0.534216 0.654179 +vt 0.534980 0.650990 +vt 0.534914 0.647669 +vt 0.537787 0.643188 +vt 0.528831 0.737867 +vt 0.230812 0.853115 +vt 0.230959 0.850521 +vt 0.232531 0.851484 +vt 0.164173 0.581649 +vt 0.166172 0.583302 +vt 0.166973 0.581649 +vt 0.235727 0.868191 +vt 0.233332 0.869175 +vt 0.233538 0.867346 +vt 0.234588 0.850338 +vt 0.235955 0.848126 +vt 0.236866 0.849735 +vt 0.248827 0.861755 +vt 0.247423 0.859587 +vt 0.249172 0.858985 +vt 0.174180 0.585587 +vt 0.172461 0.586241 +vt 0.156231 0.598620 +vt 0.156878 0.596115 +vt 0.155027 0.596100 +vt 0.229122 0.862034 +vt 0.227021 0.860535 +vt 0.159582 0.585440 +vt 0.156996 0.585587 +vt 0.157973 0.587152 +vt 0.174738 0.590333 +vt 0.175693 0.587931 +vt 0.173901 0.597180 +vt 0.176252 0.596100 +vt 0.174760 0.594998 +vt 0.238739 0.847935 +vt 0.239224 0.849713 +vt 0.175047 0.592669 +vt 0.176575 0.590583 +vt 0.161573 0.584176 +vt 0.159023 0.583677 +vt 0.176766 0.593360 +vt 0.154652 0.590583 +vt 0.156849 0.589216 +vt 0.155504 0.587938 +vt 0.173298 0.600758 +vt 0.170712 0.600582 +vt 0.171050 0.602397 +vt 0.172137 0.583677 +vt 0.170631 0.584742 +vt 0.156283 0.593837 +vt 0.154490 0.593360 +vt 0.159655 0.599891 +vt 0.158024 0.600766 +vt 0.235977 0.870027 +vt 0.238063 0.868470 +vt 0.238761 0.870174 +vt 0.246152 0.851374 +vt 0.243566 0.851410 +vt 0.244000 0.849610 +vt 0.227021 0.857743 +vt 0.228828 0.857361 +vt 0.165672 0.603770 +vt 0.163902 0.601875 +vt 0.172519 0.599083 +vt 0.175076 0.598613 +vt 0.233303 0.849015 +vt 0.230966 0.867698 +vt 0.231635 0.865964 +vt 0.229064 0.865678 +vt 0.230129 0.864164 +vt 0.168582 0.601581 +vt 0.168449 0.603418 +vt 0.163813 0.583456 +vt 0.161462 0.582340 +vt 0.247805 0.864363 +vt 0.246990 0.861902 +vt 0.169684 0.582340 +vt 0.168493 0.583743 +vt 0.227719 0.863239 +vt 0.227712 0.855032 +vt 0.229548 0.855113 +vt 0.166260 0.602022 +vt 0.246167 0.866633 +vt 0.245983 0.864047 +vt 0.247791 0.853622 +vt 0.245285 0.853012 +vt 0.247269 0.857229 +vt 0.248819 0.856208 +vt 0.246542 0.854996 +vt 0.158024 0.598172 +vt 0.241502 0.850286 +vt 0.241480 0.848435 +vt 0.241502 0.869638 +vt 0.242582 0.867272 +vt 0.244014 0.868426 +vt 0.244485 0.865876 +vt 0.156268 0.591486 +vt 0.240392 0.868161 +vt 0.229049 0.852571 +vt 0.116918 0.406473 +vt 0.841118 0.696454 +vt 0.325195 0.843685 +vt 0.321463 0.847939 +vt 0.326444 0.846323 +vt 0.844020 0.701317 +vt 0.836199 0.018242 +vt 0.830976 0.018573 +vt 0.832147 0.682649 +vt 0.319759 0.845257 +vt 0.320780 0.846492 +vt 0.826821 0.253850 +vt 0.834271 0.680651 +vt 0.836181 0.685984 +vt 0.837349 0.684882 +vt 0.845497 0.694720 +vt 0.813174 0.021152 +vt 0.818207 0.018573 +vt 0.812991 0.018242 +vt 0.849082 0.698526 +vt 0.850941 0.696285 +vt 0.814081 0.254651 +vt 0.809607 0.258134 +vt 0.814478 0.256209 +vt 0.822405 0.259934 +vt 0.324343 0.857328 +vt 0.322212 0.859326 +vt 0.813527 0.015384 +vt 0.824022 0.242786 +vt 0.822405 0.247767 +vt 0.308995 0.849518 +vt 0.303772 0.849188 +vt 0.325900 0.854867 +vt 0.321661 0.851113 +vt 0.321169 0.852633 +vt 0.304315 0.846323 +vt 0.818986 0.008787 +vt 0.823004 0.012776 +vt 0.309297 0.847939 +vt 0.305557 0.843685 +vt 0.326988 0.849180 +vt 0.321764 0.849511 +vt 0.311097 0.860730 +vt 0.815470 0.264371 +vt 0.314579 0.856263 +vt 0.316834 0.861457 +vt 0.316181 0.856263 +vt 0.818809 0.021703 +vt 0.818310 0.020174 +vt 0.309980 0.846484 +vt 0.832052 0.253850 +vt 0.835119 0.023929 +vt 0.320310 0.853993 +vt 0.814081 0.253050 +vt 0.811018 0.260690 +vt 0.830675 0.017001 +vt 0.808887 0.252396 +vt 0.808887 0.255313 +vt 0.827677 0.013364 +vt 0.827486 0.007707 +vt 0.826186 0.012776 +vt 0.326804 0.852097 +vt 0.830197 0.008787 +vt 0.821156 0.242242 +vt 0.822240 0.024921 +vt 0.315380 0.838285 +vt 0.318274 0.838652 +vt 0.313925 0.861457 +vt 0.313021 0.855866 +vt 0.838752 0.684111 +vt 0.326009 0.637417 +vt 0.255828 0.268412 +vt 0.337391 0.770203 +vt 0.337310 0.771363 +vt 0.574151 0.254147 +vt 0.572770 0.183411 +vt 0.684728 0.108560 +vt 0.684728 0.106569 +vt 0.258358 0.635206 +vt 0.258358 0.635250 +vt 0.482621 0.360295 +vt 0.476758 0.353962 +vt 0.476758 0.360332 +vt 0.972746 0.960371 +vt 0.972724 0.961562 +vt 0.623779 0.440497 +vt 0.958106 0.862682 +vt 0.864971 0.387375 +vt 0.865030 0.387214 +vt 0.324259 0.991984 +vt 0.324215 0.992483 +vt 0.082289 0.852135 +vt 0.011237 0.853604 +vt 0.710775 0.974235 +vt 0.710761 0.974183 +vt 0.029794 0.007347 +vt 0.029794 0.007376 +vt 0.460112 0.124307 +vt 0.459686 0.122360 +vt 0.982602 0.307361 +vt 0.982653 0.308286 +vt 0.113017 0.650551 +vt 0.107301 0.650096 +vt 0.107309 0.650573 +vt 0.977752 0.646781 +vt 0.977708 0.646238 +vt 0.977708 0.646781 +vt 0.977680 0.208366 +vt 0.977621 0.209461 +vt 0.154121 0.508767 +vt 0.154165 0.508767 +vt 0.026492 0.924711 +vt 0.982580 0.346887 +vt 0.982624 0.346887 +vt 0.982514 0.403798 +vt 0.982625 0.404349 +vt 0.982559 0.403798 +vt 0.623618 0.438763 +vt 0.625543 0.438234 +vt 0.623603 0.438257 +vt 0.479418 0.336130 +vt 0.479844 0.337981 +vt 0.479830 0.336049 +vt 0.536060 0.763850 +vt 0.539300 0.758245 +vt 0.534437 0.761059 +vt 0.982521 0.347709 +vt 0.470637 0.141111 +vt 0.474634 0.141610 +vt 0.470645 0.141588 +vt 0.195295 0.107702 +vt 0.821035 0.280724 +vt 0.822408 0.280247 +vt 0.822408 0.280732 +vt 0.610272 0.853400 +vt 0.606628 0.826268 +vt 0.635199 0.120149 +vt 0.182603 0.622477 +vt 0.182603 0.621999 +vt 0.339068 0.992616 +vt 0.339112 0.994805 +vt 0.161935 0.168224 +vt 0.161891 0.166843 +vt 0.218332 0.149806 +vt 0.218332 0.147874 +vt 0.255854 0.546842 +vt 0.257786 0.546622 +vt 0.840823 0.585531 +vt 0.840823 0.656597 +vt 0.977701 0.647295 +vt 0.977752 0.647295 +vt 0.419890 0.603271 +vt 0.442187 0.603513 +vt 0.630439 0.340500 +vt 0.628999 0.340552 +vt 0.977752 0.583283 +vt 0.977701 0.583283 +vt 0.972790 0.962407 +vt 0.255854 0.546622 +vt 0.594857 0.402462 +vt 0.640948 0.731766 +vt 0.640948 0.729804 +vt 0.361696 0.533262 +vt 0.126336 0.058149 +vt 0.581946 0.160920 +vt 0.580279 0.090214 +vt 0.220067 0.637116 +vt 0.218150 0.637116 +vt 0.609772 0.366607 +vt 0.546774 0.992653 +vt 0.546575 0.990692 +vt 0.593948 0.370600 +vt 0.594697 0.369865 +vt 0.624845 0.976363 +vt 0.911204 0.727325 +vt 0.906892 0.768960 +vt 0.915796 0.756713 +vt 0.915804 0.756808 +vt 0.915370 0.757279 +vt 0.910573 0.763501 +vt 0.913423 0.756713 +vt 0.914775 0.758065 +vt 0.908698 0.727230 +vt 0.910660 0.728361 +vt 0.906833 0.769004 +vt 0.906855 0.768997 +vt 0.906833 0.769100 +vt 0.913181 0.756728 +vt 0.906870 0.768982 +vt 0.908419 0.728009 +vt 0.909441 0.756808 +vt 0.909419 0.756823 +vt 0.211137 0.752201 +vt 0.909405 0.756845 +vt 0.910161 0.763391 +vt 0.909375 0.756874 +vt 0.910682 0.729346 +vt 0.908676 0.730712 +vt 0.908404 0.729926 +vt 0.910814 0.729721 +vt 0.906841 0.756838 +vt 0.906833 0.756816 +vt 0.906811 0.756808 +vt 0.905295 0.963070 +vt 0.905075 0.960344 +vt 0.905075 0.963158 +vt 0.911240 0.730250 +vt 0.909272 0.757903 +vt 0.910586 0.732351 +vt 0.578533 0.588703 +vt 0.910101 0.725739 +vt 0.909478 0.769180 +vt 0.067121 0.628787 +vt 0.068436 0.628839 +vt 0.068436 0.628787 +vt 0.984816 0.370161 +vt 0.984860 0.367891 +vt 0.984860 0.370161 +vt 0.569084 0.637817 +vt 0.569143 0.637824 +vt 0.382349 0.603036 +vt 0.383231 0.603528 +vt 0.383231 0.603043 +vt 0.975576 0.843290 +vt 0.598429 0.566433 +vt 0.600839 0.566411 +vt 0.143016 0.635690 +vt 0.581718 0.891651 +vt 0.581666 0.891651 +vt 0.769811 0.994320 +vt 0.769855 0.993865 +vt 0.769855 0.992718 +vt 0.769811 0.993056 +vt 0.769855 0.993056 +vt 0.975883 0.524873 +vt 0.974340 0.524829 +vt 0.106918 0.887890 +vt 0.112693 0.887111 +vt 0.106925 0.887140 +vt 0.631100 0.340552 +vt 0.631020 0.340500 +vt 0.631100 0.340500 +vt 0.218113 0.636491 +vt 0.220023 0.636719 +vt 0.121444 0.145417 +vt 0.121400 0.145461 +vt 0.121444 0.145469 +vt 0.236923 0.637027 +vt 0.559521 0.142164 +vt 0.558999 0.137183 +vt 0.559491 0.137183 +vt 0.298789 0.602698 +vt 0.715393 0.992917 +vt 0.686773 0.843082 +vt 0.686230 0.842508 +vt 0.686465 0.842824 +vt 0.687126 0.843273 +vt 0.689712 0.840848 +vt 0.685921 0.840848 +vt 0.687493 0.843368 +vt 0.686061 0.842148 +vt 0.687919 0.843412 +vt 0.689727 0.841818 +vt 0.687934 0.843412 +vt 0.689675 0.842126 +vt 0.688470 0.843346 +vt 0.689550 0.842479 +vt 0.688838 0.843214 +vt 0.689367 0.842780 +vt 0.689132 0.843023 +vt 0.958121 0.855842 +vt 0.958070 0.855842 +vt 0.626855 0.474082 +vt 0.628839 0.474302 +vt 0.628839 0.474082 +vt 0.815178 0.597358 +vt 0.600776 0.087927 +vt 0.541132 0.125321 +vt 0.541279 0.124682 +vt 0.740059 0.982653 +vt 0.099223 0.583966 +vt 0.100384 0.584010 +vt 0.927664 0.348558 +vt 0.930331 0.348514 +vt 0.927664 0.348514 +vt 0.824622 0.912481 +vt 0.829030 0.915266 +vt 0.536374 0.184478 +vt 0.089171 0.636909 +vt 0.091060 0.636828 +vt 0.559373 0.301599 +vt 0.700498 0.771031 +vt 0.700542 0.770745 +vt 0.700498 0.770745 +vt 0.505031 0.637710 +vt 0.506191 0.637556 +vt 0.972774 0.724567 +vt 0.972935 0.725625 +vt 0.837485 0.562702 +vt 0.526212 0.994233 +vt 0.528086 0.994424 +vt 0.528115 0.994233 +vt 0.600747 0.117189 +vt 0.600203 0.114596 +vt 0.600262 0.117182 +vt 0.609765 0.374873 +vt 0.609963 0.373580 +vt 0.217663 0.426464 +vt 0.217237 0.424502 +vt 0.217156 0.426434 +vt 0.559461 0.314089 +vt 0.919066 0.704332 +vt 0.917127 0.704824 +vt 0.919066 0.704824 +vt 0.558858 0.265467 +vt 0.559328 0.270323 +vt 0.558851 0.270323 +vt 0.445651 0.141662 +vt 0.444446 0.141691 +vt 0.599154 0.228379 +vt 0.601557 0.228409 +vt 0.128541 0.145447 +vt 0.126770 0.145498 +vt 0.870137 0.206449 +vt 0.811463 0.704735 +vt 0.809560 0.704243 +vt 0.811448 0.704236 +vt 0.882694 0.823376 +vt 0.882694 0.823428 +vt 0.544195 0.107516 +vt 0.544944 0.107516 +vt 0.505890 0.712970 +vt 0.603034 0.749495 +vt 0.603306 0.752089 +vt 0.602843 0.758010 +vt 0.507235 0.720610 +vt 0.509505 0.721389 +vt 0.505714 0.722587 +vt 0.506500 0.724732 +vt 0.306177 0.903845 +vt 0.306758 0.906203 +vt 0.507455 0.719648 +vt 0.509887 0.719883 +vt 0.499623 0.719391 +vt 0.600387 0.896364 +vt 0.607978 0.761243 +vt 0.606391 0.759105 +vt 0.509887 0.718252 +vt 0.503987 0.714718 +vt 0.524305 0.680811 +vt 0.605510 0.751273 +vt 0.605282 0.748841 +vt 0.302224 0.233441 +vt 0.502187 0.722976 +vt 0.502679 0.725364 +vt 0.501151 0.724967 +vt 0.500857 0.713021 +vt 0.502202 0.714887 +vt 0.501497 0.715210 +vt 0.853917 0.287244 +vt 0.500835 0.715710 +vt 0.608845 0.758069 +vt 0.216545 0.012786 +vt 0.216677 0.007026 +vt 0.559336 0.290175 +vt 0.410434 0.603234 +vt 0.409920 0.603712 +vt 0.989832 0.086027 +vt 0.989803 0.085975 +vt 0.989832 0.085975 +vt 0.488330 0.353867 +vt 0.488322 0.360236 +vt 0.616251 0.118024 +vt 0.635213 0.120149 +vt 0.811419 0.702906 +vt 0.809531 0.702913 +vt 0.082281 0.845684 +vt 0.011245 0.847176 +vt 0.082289 0.847176 +vt 0.478648 0.047207 +vt 0.476752 0.046781 +vt 0.478707 0.046781 +vt 0.350420 0.603249 +vt 0.714452 0.643043 +vt 0.714445 0.644939 +vt 0.844071 0.994768 +vt 0.844122 0.994783 +vt 0.962885 0.891090 +vt 0.962841 0.891083 +vt 0.598030 0.506251 +vt 0.168725 0.622447 +vt 0.643441 0.982653 +vt 0.643441 0.982602 +vt 0.644403 0.982602 +vt 0.644403 0.982653 +vt 0.566131 0.007376 +vt 0.820863 0.425265 +vt 0.821047 0.425294 +vt 0.811434 0.705228 +vt 0.809568 0.704735 +vt 0.216510 0.119981 +vt 0.216327 0.119239 +vt 0.216378 0.119239 +vt 0.619342 0.544167 +vt 0.619342 0.543211 +vt 0.885633 0.823428 +vt 0.977618 0.881397 +vt 0.116521 0.584010 +vt 0.115831 0.583959 +vt 0.115831 0.584010 +vt 0.828423 0.425294 +vt 0.917772 0.888512 +vt 0.919719 0.890099 +vt 0.919204 0.889438 +vt 0.918543 0.888901 +vt 0.917316 0.888380 +vt 0.920093 0.890863 +vt 0.914311 0.888835 +vt 0.915817 0.888299 +vt 0.914987 0.888505 +vt 0.913723 0.889298 +vt 0.913224 0.889871 +vt 0.916824 0.888292 +vt 0.875496 0.930625 +vt 0.916831 0.896689 +vt 0.917764 0.896454 +vt 0.918587 0.896006 +vt 0.919278 0.895381 +vt 0.921136 0.690358 +vt 0.919483 0.682681 +vt 0.920269 0.682527 +vt 0.883335 0.930324 +vt 0.875680 0.928612 +vt 0.915825 0.896689 +vt 0.912673 0.894228 +vt 0.913650 0.895690 +vt 0.914319 0.896189 +vt 0.915031 0.896513 +vt 0.913106 0.895058 +vt 0.972753 0.922654 +vt 0.171157 0.621948 +vt 0.626989 0.263635 +vt 0.626357 0.263679 +vt 0.626989 0.263679 +vt 0.982602 0.009677 +vt 0.584940 0.826672 +vt 0.584940 0.853187 +vt 0.610106 0.389789 +vt 0.610062 0.389789 +vt 0.628954 0.509092 +vt 0.628910 0.509092 +vt 0.628796 0.010256 +vt 0.628649 0.011197 +vt 0.982573 0.404349 +vt 0.948041 0.182922 +vt 0.517352 0.972709 +vt 0.517191 0.972753 +vt 0.517352 0.972753 +vt 0.714389 0.827945 +vt 0.115258 0.583959 +vt 0.115258 0.584010 +vt 0.143016 0.636388 +vt 0.715393 0.992314 +vt 0.715349 0.992917 +vt 0.463056 0.649459 +vt 0.462873 0.651619 +vt 0.463056 0.651575 +vt 0.562213 0.992602 +vt 0.982653 0.027313 +vt 0.982602 0.027313 +vt 0.630052 0.263657 +vt 0.541249 0.120068 +vt 0.541176 0.119230 +vt 0.541132 0.119230 +vt 0.628800 0.635323 +vt 0.628800 0.635367 +vt 0.610113 0.391317 +vt 0.610113 0.390979 +vt 0.619335 0.571641 +vt 0.619386 0.571641 +vt 0.353919 0.994783 +vt 0.353970 0.994761 +vt 0.353919 0.994761 +vt 0.632110 0.085189 +vt 0.632066 0.082772 +vt 0.632066 0.085189 +vt 0.536006 0.136276 +vt 0.542354 0.136276 +vt 0.919066 0.705280 +vt 0.917127 0.705676 +vt 0.919066 0.705676 +vt 0.814027 0.157928 +vt 0.814806 0.164085 +vt 0.814791 0.157928 +vt 0.962907 0.892523 +vt 0.600747 0.070943 +vt 0.600269 0.071413 +vt 0.600754 0.071421 +vt 0.978581 0.980721 +vt 0.151636 0.007507 +vt 0.150380 0.007551 +vt 0.150380 0.007507 +vt 0.474627 0.141133 +vt 0.476801 0.141625 +vt 0.082296 0.848821 +vt 0.476898 0.336013 +vt 0.476707 0.337915 +vt 0.476913 0.337945 +vt 0.594028 0.343350 +vt 0.594792 0.345481 +vt 0.844071 0.994783 +vt 0.844122 0.994805 +vt 0.496017 0.126766 +vt 0.495804 0.126796 +vt 0.101290 0.887184 +vt 0.101283 0.887934 +vt 0.216619 0.038052 +vt 0.216575 0.038052 +vt 0.975083 0.843238 +vt 0.975083 0.843290 +vt 0.526227 0.994020 +vt 0.433764 0.353999 +vt 0.972769 0.761481 +vt 0.972916 0.760438 +vt 0.809516 0.703766 +vt 0.811412 0.703758 +vt 0.576208 0.557463 +vt 0.903232 0.508597 +vt 0.903328 0.508597 +vt 0.903350 0.508627 +vt 0.903387 0.508656 +vt 0.915450 0.508612 +vt 0.915465 0.508597 +vt 0.915553 0.508597 +vt 0.915443 0.508627 +vt 0.131487 0.411160 +vt 0.128886 0.406289 +vt 0.127284 0.412608 +vt 0.915421 0.508656 +vt 0.471947 0.919445 +vt 0.915377 0.508678 +vt 0.469750 0.919569 +vt 0.912570 0.513579 +vt 0.913555 0.511029 +vt 0.467392 0.914904 +vt 0.465651 0.913339 +vt 0.903445 0.508678 +vt 0.913540 0.511022 +vt 0.910131 0.511588 +vt 0.467671 0.920378 +vt 0.913555 0.512161 +vt 0.467054 0.915947 +vt 0.464674 0.915727 +vt 0.464762 0.916498 +vt 0.910403 0.512859 +vt 0.465430 0.920231 +vt 0.467488 0.920914 +vt 0.907964 0.512609 +vt 0.465247 0.920796 +vt 0.467407 0.916976 +vt 0.467510 0.921612 +vt 0.465181 0.921413 +vt 0.271671 0.009683 +vt 0.905121 0.511962 +vt 0.977752 0.644555 +vt 0.977708 0.644555 +vt 0.108310 0.634985 +vt 0.108354 0.635235 +vt 0.332654 0.526407 +vt 0.338723 0.532843 +vt 0.338738 0.526466 +vt 0.454604 0.883130 +vt 0.559497 0.237983 +vt 0.457577 0.122345 +vt 0.645314 0.982602 +vt 0.701769 0.990559 +vt 0.701769 0.992653 +vt 0.974958 0.843209 +vt 0.974951 0.843260 +vt 0.488670 0.126766 +vt 0.488839 0.126737 +vt 0.488670 0.126722 +vt 0.616295 0.495311 +vt 0.616244 0.494458 +vt 0.616295 0.494458 +vt 0.091096 0.635190 +vt 0.089201 0.635271 +vt 0.558815 0.118089 +vt 0.609464 0.375960 +vt 0.609721 0.374873 +vt 0.977701 0.739941 +vt 0.977752 0.739941 +vt 0.635221 0.120119 +vt 0.587183 0.451511 +vt 0.587822 0.451342 +vt 0.587822 0.451386 +vt 0.982485 0.427125 +vt 0.982448 0.427610 +vt 0.982536 0.427132 +vt 0.196060 0.635506 +vt 0.198080 0.635874 +vt 0.811375 0.705669 +vt 0.809546 0.705235 +vt 0.626855 0.401878 +vt 0.700491 0.772023 +vt 0.700542 0.771707 +vt 0.700491 0.771707 +vt 0.626855 0.477380 +vt 0.628839 0.476896 +vt 0.626855 0.476896 +vt 0.616295 0.523939 +vt 0.462454 0.649591 +vt 0.462873 0.649495 +vt 0.989832 0.106209 +vt 0.989774 0.106172 +vt 0.989832 0.106172 +vt 0.984860 0.388041 +vt 0.984816 0.390311 +vt 0.984816 0.388041 +vt 0.550076 0.635661 +vt 0.176458 0.821511 +vt 0.248435 0.823179 +vt 0.133573 0.145417 +vt 0.962948 0.835201 +vt 0.962919 0.833908 +vt 0.963000 0.835208 +vt 0.979501 0.862974 +vt 0.978752 0.863143 +vt 0.979501 0.863018 +vt 0.875410 0.994805 +vt 0.875461 0.990977 +vt 0.875461 0.994805 +vt 0.616251 0.519965 +vt 0.755002 0.187473 +vt 0.506428 0.972753 +vt 0.561216 0.007362 +vt 0.562876 0.007347 +vt 0.324259 0.992483 +vt 0.324215 0.994805 +vt 0.049447 0.609870 +vt 0.048698 0.609098 +vt 0.454783 0.141111 +vt 0.977752 0.646238 +vt 0.977708 0.645709 +vt 0.787046 0.972753 +vt 0.786928 0.972702 +vt 0.786928 0.972753 +vt 0.188885 0.650877 +vt 0.188885 0.650928 +vt 0.660801 0.611405 +vt 0.660977 0.611405 +vt 0.662258 0.979237 +vt 0.662265 0.979230 +vt 0.662272 0.979222 +vt 0.662250 0.979252 +vt 0.662280 0.979222 +vt 0.662294 0.979215 +vt 0.662882 0.979178 +vt 0.125396 0.402623 +vt 0.664932 0.980545 +vt 0.664631 0.979920 +vt 0.664814 0.980214 +vt 0.664961 0.980736 +vt 0.664976 0.980941 +vt 0.663705 0.979303 +vt 0.086796 0.398847 +vt 0.802565 0.972495 +vt 0.664976 0.980956 +vt 0.664609 0.981963 +vt 0.664932 0.981338 +vt 0.664807 0.981683 +vt 0.969762 0.268331 +vt 0.972869 0.268331 +vt 0.971782 0.266097 +vt 0.972348 0.266435 +vt 0.972083 0.266230 +vt 0.971547 0.266046 +vt 0.972598 0.266737 +vt 0.933804 0.028902 +vt 0.971290 0.266024 +vt 0.971268 0.266024 +vt 0.969813 0.267074 +vt 0.970849 0.266068 +vt 0.969931 0.266788 +vt 0.970526 0.266185 +vt 0.970085 0.266545 +vt 0.970283 0.266340 +vt 0.943447 0.524809 +vt 0.943403 0.524809 +vt 0.624889 0.983483 +vt 0.624838 0.984805 +vt 0.517191 0.972709 +vt 0.517485 0.972753 +vt 0.517485 0.972709 +vt 0.558962 0.132276 +vt 0.581666 0.893789 +vt 0.581718 0.894076 +vt 0.581666 0.894076 +vt 0.977752 0.821680 +vt 0.584848 0.090250 +vt 0.583496 0.160927 +vt 0.584848 0.160942 +vt 0.176502 0.828013 +vt 0.248538 0.829225 +vt 0.337376 0.777381 +vt 0.337281 0.775816 +vt 0.337229 0.775823 +vt 0.982128 0.068880 +vt 0.982525 0.066941 +vt 0.982518 0.068880 +vt 0.619386 0.548641 +vt 0.982602 0.303312 +vt 0.982653 0.303944 +vt 0.982602 0.303944 +vt 0.028611 0.007398 +vt 0.963098 0.894991 +vt 0.963150 0.894991 +vt 0.467993 0.637417 +vt 0.468044 0.637174 +vt 0.340764 0.635761 +vt 0.342725 0.635328 +vt 0.340793 0.635254 +vt 0.977497 0.481936 +vt 0.977578 0.482708 +vt 0.628831 0.401445 +vt 0.626855 0.400960 +vt 0.982566 0.426457 +vt 0.982617 0.426457 +vt 0.977745 0.585304 +vt 0.113017 0.650066 +vt 0.923261 0.982580 +vt 0.923269 0.980685 +vt 0.449045 0.375187 +vt 0.497992 0.637607 +vt 0.496905 0.637335 +vt 0.190156 0.650818 +vt 0.216619 0.006482 +vt 0.559049 0.322964 +vt 0.559549 0.324631 +vt 0.604709 0.751435 +vt 0.604106 0.749084 +vt 0.645920 0.615979 +vt 0.609932 0.756563 +vt 0.612320 0.755983 +vt 0.605502 0.751281 +vt 0.601697 0.755667 +vt 0.606641 0.761529 +vt 0.610175 0.755637 +vt 0.509057 0.715717 +vt 0.503017 0.723182 +vt 0.744748 0.933855 +vt 0.738121 0.935919 +vt 0.497184 0.717921 +vt 0.059407 0.420278 +vt 0.601917 0.753845 +vt 0.599926 0.752809 +vt 0.610226 0.759965 +vt 0.610006 0.753852 +vt 0.499741 0.713624 +vt 0.608368 0.749157 +vt 0.309630 0.896226 +vt 0.504913 0.714961 +vt 0.504325 0.712573 +vt 0.403027 0.115972 +vt 0.402975 0.115972 +vt 0.337597 0.778747 +vt 0.337428 0.777381 +vt 0.104590 0.650581 +vt 0.103393 0.650096 +vt 0.103393 0.650573 +vt 0.478858 0.141170 +vt 0.476801 0.141155 +vt 0.011245 0.852135 +vt 0.205633 0.622433 +vt 0.208293 0.621691 +vt 0.120055 0.650074 +vt 0.417929 0.851902 +vt 0.417951 0.851902 +vt 0.989832 0.267788 +vt 0.989796 0.267729 +vt 0.989832 0.267729 +vt 0.952004 0.813048 +vt 0.955148 0.813004 +vt 0.952004 0.813004 +vt 0.218111 0.149806 +vt 0.607222 0.671882 +vt 0.605260 0.671683 +vt 0.864957 0.383562 +vt 0.865037 0.386663 +vt 0.864993 0.386655 +vt 0.098791 0.621705 +vt 0.104404 0.622425 +vt 0.161935 0.176056 +vt 0.161891 0.174939 +vt 0.161891 0.176056 +vt 0.124867 0.635213 +vt 0.124867 0.635265 +vt 0.536234 0.155568 +vt 0.542589 0.155576 +vt 0.625697 0.326872 +vt 0.581666 0.891614 +vt 0.581718 0.891622 +vt 0.994805 0.207232 +vt 0.994754 0.207137 +vt 0.994805 0.207137 +vt 0.629858 0.635264 +vt 0.977701 0.703039 +vt 0.628839 0.397955 +vt 0.982602 0.005195 +vt 0.982646 0.005195 +vt 0.917127 0.705280 +vt 0.963341 0.896071 +vt 0.963392 0.896071 +vt 0.161935 0.173653 +vt 0.161891 0.173653 +vt 0.977659 0.486565 +vt 0.560447 0.093908 +vt 0.560631 0.095407 +vt 0.924712 0.012710 +vt 0.923132 0.014650 +vt 0.923786 0.014135 +vt 0.924322 0.013481 +vt 0.924844 0.012247 +vt 0.922361 0.015024 +vt 0.924396 0.009250 +vt 0.924932 0.010756 +vt 0.924726 0.009926 +vt 0.923926 0.008662 +vt 0.923360 0.008162 +vt 0.924932 0.011762 +vt 0.919990 0.690358 +vt 0.916535 0.011770 +vt 0.916777 0.012703 +vt 0.917218 0.013526 +vt 0.917842 0.014216 +vt 0.466268 0.912847 +vt 0.920291 0.682527 +vt 0.916535 0.010756 +vt 0.918996 0.007604 +vt 0.917534 0.008588 +vt 0.917034 0.009257 +vt 0.916718 0.009962 +vt 0.918166 0.008045 +vt 0.977752 0.822723 +vt 0.977701 0.822723 +vt 0.776569 0.972702 +vt 0.776569 0.972746 +vt 0.984808 0.772745 +vt 0.984860 0.772312 +vt 0.984860 0.772745 +vt 0.626999 0.375976 +vt 0.627484 0.374081 +vt 0.462263 0.810074 +vt 0.462263 0.811985 +vt 0.626855 0.402738 +vt 0.840724 0.203175 +vt 0.842009 0.132344 +vt 0.630663 0.173425 +vt 0.630663 0.175357 +vt 0.134550 0.887963 +vt 0.136203 0.887280 +vt 0.536381 0.196784 +vt 0.488523 0.126700 +vt 0.488523 0.126744 +vt 0.829112 0.773390 +vt 0.829112 0.844111 +vt 0.972730 0.722458 +vt 0.972767 0.723384 +vt 0.972715 0.723384 +vt 0.625963 0.375851 +vt 0.443624 0.982653 +vt 0.444851 0.982602 +vt 0.444851 0.982653 +vt 0.600673 0.113281 +vt 0.978752 0.863092 +vt 0.394190 0.532650 +vt 0.394198 0.532702 +vt 0.978858 0.524829 +vt 0.978858 0.524873 +vt 0.216515 0.101736 +vt 0.216567 0.101736 +vt 0.108533 0.622418 +vt 0.110407 0.621676 +vt 0.145450 0.651061 +vt 0.145450 0.650584 +vt 0.953684 0.182870 +vt 0.949834 0.182922 +vt 0.160935 0.635207 +vt 0.160928 0.635251 +vt 0.641551 0.731766 +vt 0.301717 0.532733 +vt 0.842035 0.585553 +vt 0.842035 0.656619 +vt 0.201702 0.107710 +vt 0.195178 0.113301 +vt 0.194463 0.534572 +vt 0.194463 0.534528 +vt 0.972818 0.724567 +vt 0.542530 0.150352 +vt 0.536131 0.145371 +vt 0.005195 0.962927 +vt 0.005291 0.962971 +vt 0.005195 0.962971 +vt 0.398467 0.912390 +vt 0.398489 0.912398 +vt 0.398511 0.912405 +vt 0.398525 0.912413 +vt 0.398547 0.912435 +vt 0.401258 0.912413 +vt 0.401236 0.912435 +vt 0.401288 0.912390 +vt 0.395330 0.922478 +vt 0.395219 0.922478 +vt 0.395447 0.922558 +vt 0.396410 0.922727 +vt 0.395814 0.922683 +vt 0.395219 0.924718 +vt 0.395594 0.922625 +vt 0.253624 0.527355 +vt 0.257981 0.533563 +vt 0.257988 0.527186 +vt 0.398687 0.922727 +vt 0.401045 0.922727 +vt 0.404388 0.922478 +vt 0.404293 0.922551 +vt 0.404513 0.922478 +vt 0.404168 0.922610 +vt 0.404506 0.924718 +vt 0.403800 0.922698 +vt 0.403308 0.922727 +vt 0.967806 0.145344 +vt 0.967806 0.145389 +vt 0.632110 0.082250 +vt 0.546994 0.992653 +vt 0.546774 0.990692 +vt 0.972629 0.051576 +vt 0.972673 0.051576 +vt 0.625530 0.375874 +vt 0.625376 0.373963 +vt 0.972782 0.921809 +vt 0.478866 0.141647 +vt 0.943447 0.524361 +vt 0.943403 0.524361 +vt 0.195045 0.018923 +vt 0.201452 0.018930 +vt 0.478933 0.336181 +vt 0.479433 0.338062 +vt 0.977430 0.204120 +vt 0.977599 0.204774 +vt 0.977547 0.204774 +vt 0.972783 0.963178 +vt 0.972835 0.963178 +vt 0.840703 0.562687 +vt 0.840703 0.491996 +vt 0.966308 0.145183 +vt 0.966308 0.145227 +vt 0.324259 0.991256 +vt 0.324215 0.991256 +vt 0.149204 0.007507 +vt 0.446005 0.982602 +vt 0.994805 0.227426 +vt 0.994761 0.227331 +vt 0.994805 0.227331 +vt 0.982625 0.406546 +vt 0.748243 0.664178 +vt 0.748243 0.664134 +vt 0.206711 0.534521 +vt 0.615838 0.250798 +vt 0.616477 0.250849 +vt 0.616477 0.250805 +vt 0.408088 0.635445 +vt 0.905178 0.963158 +vt 0.905229 0.963114 +vt 0.905222 0.960381 +vt 0.905185 0.960344 +vt 0.905259 0.960410 +vt 0.948574 0.571411 +vt 0.917352 0.963128 +vt 0.917388 0.963158 +vt 0.613534 0.648826 +vt 0.917219 0.963062 +vt 0.917381 0.960373 +vt 0.917344 0.960410 +vt 0.917491 0.960373 +vt 0.820863 0.425309 +vt 0.820716 0.425221 +vt 0.977752 0.825361 +vt 0.309360 0.994210 +vt 0.309411 0.994210 +vt 0.522096 0.635221 +vt 0.522853 0.635265 +vt 0.161486 0.635251 +vt 0.161604 0.635324 +vt 0.478758 0.046076 +vt 0.476789 0.046296 +vt 0.476804 0.046076 +vt 0.028611 0.007428 +vt 0.028611 0.007420 +vt 0.623721 0.323081 +vt 0.478426 0.336204 +vt 0.478955 0.338114 +vt 0.468186 0.603800 +vt 0.468193 0.603058 +vt 0.102643 0.650088 +vt 0.958106 0.648370 +vt 0.958150 0.648370 +vt 0.121524 0.635265 +vt 0.122163 0.635213 +vt 0.504003 0.007824 +vt 0.503995 0.007347 +vt 0.809185 0.617797 +vt 0.809185 0.689803 +vt 0.443899 0.603036 +vt 0.756259 0.992653 +vt 0.756561 0.992602 +vt 0.756561 0.992653 +vt 0.378274 0.142527 +vt 0.154121 0.517650 +vt 0.885040 0.508730 +vt 0.884996 0.511000 +vt 0.885040 0.510993 +vt 0.880804 0.148390 +vt 0.880319 0.146354 +vt 0.880319 0.148345 +vt 0.262962 0.483047 +vt 0.262911 0.483047 +vt 0.151636 0.007551 +vt 0.700498 0.773184 +vt 0.700542 0.773176 +vt 0.965029 0.144992 +vt 0.965029 0.144940 +vt 0.931794 0.105792 +vt 0.389119 0.636043 +vt 0.040179 0.051575 +vt 0.040142 0.052986 +vt 0.195552 0.089916 +vt 0.499911 0.007354 +vt 0.499911 0.007832 +vt 0.619335 0.566307 +vt 0.619386 0.564941 +vt 0.619386 0.566307 +vt 0.600733 0.630608 +vt 0.492879 0.603639 +vt 0.486964 0.602897 +vt 0.626855 0.477814 +vt 0.628839 0.477380 +vt 0.061852 0.930998 +vt 0.061808 0.930990 +vt 0.061852 0.930990 +vt 0.283591 0.635323 +vt 0.612086 0.459451 +vt 0.408036 0.636275 +vt 0.408058 0.636643 +vt 0.408007 0.636643 +vt 0.283879 0.532917 +vt 0.619386 0.572875 +vt 0.619386 0.573970 +vt 0.769855 0.994320 +vt 0.769811 0.994805 +vt 0.769855 0.994805 +vt 0.558859 0.202761 +vt 0.073689 0.410837 +vt 0.076635 0.406304 +vt 0.075232 0.406304 +vt 0.637560 0.611711 +vt 0.890189 0.390602 +vt 0.183704 0.935734 +vt 0.190970 0.936615 +vt 0.292952 0.422542 +vt 0.882292 0.395914 +vt 0.883886 0.394305 +vt 0.880888 0.387186 +vt 0.882644 0.388942 +vt 0.880257 0.388413 +vt 0.888118 0.394702 +vt 0.889837 0.396340 +vt 0.637200 0.607905 +vt 0.637244 0.607993 +vt 0.258322 0.123148 +vt 0.888801 0.394224 +vt 0.645340 0.614414 +vt 0.882343 0.389993 +vt 0.889470 0.388354 +vt 0.635532 0.614708 +vt 0.883651 0.396722 +vt 0.884687 0.394797 +vt 0.886949 0.386620 +vt 0.880580 0.393850 +vt 0.635289 0.608919 +vt 0.635267 0.608963 +vt 0.635275 0.608941 +vt 0.885590 0.395084 +vt 0.635304 0.608890 +vt 0.254633 0.635243 +vt 0.254325 0.635235 +vt 0.977710 0.484471 +vt 0.337185 0.772671 +vt 0.337214 0.774104 +vt 0.337229 0.772671 +vt 0.594668 0.367044 +vt 0.309330 0.636072 +vt 0.626855 0.473891 +vt 0.977709 0.207169 +vt 0.101247 0.650066 +vt 0.101255 0.650559 +vt 0.542479 0.244076 +vt 0.536183 0.238647 +vt 0.630393 0.373934 +vt 0.061860 0.931012 +vt 0.061808 0.930998 +vt 0.977716 0.208366 +vt 0.977753 0.207169 +vt 0.977701 0.585304 +vt 0.549944 0.634831 +vt 0.550039 0.635103 +vt 0.616295 0.127766 +vt 0.555559 0.420387 +vt 0.559565 0.176349 +vt 0.628910 0.508996 +vt 0.628954 0.505661 +vt 0.628954 0.508996 +vt 0.628165 0.175357 +vt 0.994805 0.530346 +vt 0.994761 0.530236 +vt 0.994805 0.530236 +vt 0.632058 0.034176 +vt 0.632110 0.034176 +vt 0.989737 0.954415 +vt 0.989833 0.954370 +vt 0.989833 0.954415 +vt 0.897475 0.994805 +vt 0.900620 0.994761 +vt 0.897475 0.994761 +vt 0.289546 0.100725 +vt 0.628839 0.478673 +vt 0.541389 0.121141 +vt 0.541411 0.122324 +vt 0.958070 0.643338 +vt 0.958128 0.643389 +vt 0.916687 0.837738 +vt 0.918179 0.839700 +vt 0.917532 0.839149 +vt 0.917018 0.838465 +vt 0.916504 0.836923 +vt 0.917055 0.834381 +vt 0.916511 0.835901 +vt 0.916709 0.835064 +vt 0.917517 0.833785 +vt 0.918098 0.833286 +vt 0.855379 0.926265 +vt 0.854858 0.933979 +vt 0.919016 0.840141 +vt 0.924945 0.836915 +vt 0.924710 0.837841 +vt 0.924262 0.838664 +vt 0.855651 0.934133 +vt 0.921171 0.007347 +vt 0.924945 0.835909 +vt 0.856804 0.934133 +vt 0.858164 0.926764 +vt 0.923939 0.833712 +vt 0.924438 0.834388 +vt 0.924769 0.835101 +vt 0.923299 0.833168 +vt 0.632058 0.034029 +vt 0.864971 0.383143 +vt 0.498866 0.603646 +vt 0.492886 0.602897 +vt 0.924180 0.980751 +vt 0.195604 0.052704 +vt 0.202010 0.052704 +vt 0.435158 0.637020 +vt 0.437090 0.637417 +vt 0.435151 0.637417 +vt 0.628839 0.478225 +vt 0.626855 0.478225 +vt 0.436626 0.311980 +vt 0.434143 0.311980 +vt 0.630439 0.340552 +vt 0.631020 0.340552 +vt 0.972774 0.722458 +vt 0.544357 0.091919 +vt 0.947529 0.604473 +vt 0.403027 0.115421 +vt 0.402975 0.115421 +vt 0.989737 0.813049 +vt 0.989833 0.812998 +vt 0.989833 0.813049 +vt 0.358869 0.603271 +vt 0.579059 0.254154 +vt 0.408000 0.636951 +vt 0.407956 0.636951 +vt 0.521457 0.635221 +vt 0.522096 0.635265 +vt 0.194568 0.133321 +vt 0.200974 0.133328 +vt 0.153276 0.922272 +vt 0.262653 0.533402 +vt 0.198002 0.905412 +vt 0.311262 0.634757 +vt 0.309330 0.634757 +vt 0.761070 0.067720 +vt 0.550295 0.466471 +vt 0.554446 0.439625 +vt 0.754958 0.187047 +vt 0.755002 0.186592 +vt 0.754958 0.186592 +vt 0.546754 0.466456 +vt 0.550295 0.439618 +vt 0.572747 0.415916 +vt 0.786480 0.972753 +vt 0.609487 0.982638 +vt 0.608172 0.982646 +vt 0.467993 0.635844 +vt 0.468044 0.635190 +vt 0.467993 0.635190 +vt 0.544276 0.012367 +vt 0.545033 0.012367 +vt 0.683549 0.980062 +vt 0.133402 0.651061 +vt 0.133402 0.650576 +vt 0.284868 0.923086 +vt 0.284670 0.923203 +vt 0.284523 0.923343 +vt 0.284413 0.923504 +vt 0.284339 0.923681 +vt 0.285133 0.923005 +vt 0.284273 0.923931 +vt 0.285507 0.922968 +vt 0.284273 0.924562 +vt 0.291348 0.922998 +vt 0.292384 0.923541 +vt 0.292267 0.923358 +vt 0.292120 0.923233 +vt 0.291965 0.923137 +vt 0.292465 0.923784 +vt 0.291774 0.923064 +vt 0.291576 0.923020 +vt 0.292509 0.924107 +vt 0.288138 0.934128 +vt 0.287873 0.933981 +vt 0.287998 0.934077 +vt 0.288277 0.934157 +vt 0.288439 0.934150 +vt 0.287726 0.933819 +vt 0.288615 0.934113 +vt 0.288777 0.934055 +vt 0.288953 0.933974 +vt 0.291782 0.932710 +vt 0.292472 0.931557 +vt 0.292362 0.932056 +vt 0.292267 0.932247 +vt 0.292142 0.932424 +vt 0.291987 0.932585 +vt 0.600666 0.063824 +vt 0.834395 0.585524 +vt 0.832903 0.656597 +vt 0.578249 0.992653 +vt 0.578000 0.992602 +vt 0.578000 0.992653 +vt 0.623757 0.439829 +vt 0.625704 0.439821 +vt 0.448065 0.247651 +vt 0.448558 0.245741 +vt 0.977752 0.742072 +vt 0.977701 0.741205 +vt 0.542797 0.729799 +vt 0.542958 0.731768 +vt 0.542958 0.729799 +vt 0.935303 0.994761 +vt 0.932438 0.994805 +vt 0.935303 0.994805 +vt 0.541337 0.121141 +vt 0.541293 0.120068 +vt 0.309367 0.994695 +vt 0.309411 0.994805 +vt 0.958121 0.868031 +vt 0.137597 0.650606 +vt 0.136120 0.650598 +vt 0.977701 0.742072 +vt 0.627041 0.456699 +vt 0.628973 0.456897 +vt 0.627041 0.456897 +vt 0.269965 0.826044 +vt 0.274527 0.826286 +vt 0.478743 0.046296 +vt 0.239010 0.636182 +vt 0.236923 0.636351 +vt 0.989737 0.914024 +vt 0.989833 0.913980 +vt 0.989833 0.914024 +vt 0.619386 0.589607 +vt 0.619342 0.589607 +vt 0.625660 0.323052 +vt 0.623647 0.323463 +vt 0.635191 0.107975 +vt 0.635235 0.107975 +vt 0.829269 0.994805 +vt 0.829218 0.994805 +vt 0.484883 0.141250 +vt 0.484038 0.141706 +vt 0.382349 0.603521 +vt 0.989774 0.146599 +vt 0.989832 0.146563 +vt 0.989832 0.146599 +vt 0.181031 0.621999 +vt 0.388502 0.166294 +vt 0.386856 0.165545 +vt 0.386856 0.166294 +vt 0.624896 0.978957 +vt 0.979402 0.524829 +vt 0.482628 0.353918 +vt 0.625704 0.435847 +vt 0.623765 0.435861 +vt 0.818565 0.597402 +vt 0.817551 0.597372 +vt 0.754958 0.187473 +vt 0.755002 0.187047 +vt 0.600291 0.118328 +vt 0.600776 0.118328 +vt 0.137597 0.651083 +vt 0.919595 0.166649 +vt 0.919404 0.166803 +vt 0.918927 0.166972 +vt 0.919169 0.166913 +vt 0.918670 0.166972 +vt 0.919801 0.166392 +vt 0.918420 0.166928 +vt 0.920154 0.165488 +vt 0.919992 0.166032 +vt 0.918155 0.166840 +vt 0.912807 0.164665 +vt 0.912579 0.164540 +vt 0.912454 0.164437 +vt 0.912248 0.164099 +vt 0.912337 0.164283 +vt 0.912212 0.163894 +vt 0.912212 0.163651 +vt 0.912248 0.163446 +vt 0.912300 0.163225 +vt 0.919882 0.155408 +vt 0.919985 0.155518 +vt 0.919772 0.155313 +vt 0.920058 0.155665 +vt 0.919610 0.155239 +vt 0.920110 0.155827 +vt 0.919390 0.155195 +vt 0.920139 0.155996 +vt 0.920154 0.156187 +vt 0.919059 0.155202 +vt 0.915951 0.155305 +vt 0.914607 0.156459 +vt 0.914820 0.155967 +vt 0.915643 0.155349 +vt 0.914982 0.155731 +vt 0.915378 0.155438 +vt 0.915151 0.155577 +vt 0.138967 0.584010 +vt 0.138166 0.583959 +vt 0.799491 0.128042 +vt 0.800255 0.127990 +vt 0.200865 0.622455 +vt 0.200865 0.621705 +vt 0.322079 0.602999 +vt 0.865037 0.386854 +vt 0.617241 0.250849 +vt 0.218858 0.058445 +vt 0.218858 0.060414 +vt 0.287358 0.603609 +vt 0.282729 0.602999 +vt 0.287365 0.602852 +vt 0.413981 0.165346 +vt 0.837730 0.585516 +vt 0.382642 0.660437 +vt 0.380688 0.664823 +vt 0.314059 0.532696 +vt 0.559343 0.265467 +vt 0.559579 0.157152 +vt 0.559094 0.157152 +vt 0.628498 0.374081 +vt 0.628483 0.376020 +vt 0.980572 0.663884 +vt 0.982570 0.663884 +vt 0.975950 0.843334 +vt 0.979065 0.843260 +vt 0.979058 0.843304 +vt 0.616295 0.517305 +vt 0.616251 0.515160 +vt 0.528213 0.026513 +vt 0.526112 0.026513 +vt 0.982980 0.066941 +vt 0.982602 0.287809 +vt 0.982653 0.287625 +vt 0.982653 0.287809 +vt 0.458716 0.122323 +vt 0.427485 0.180953 +vt 0.429006 0.252923 +vt 0.429006 0.180945 +vt 0.982478 0.403335 +vt 0.982426 0.403335 +vt 0.623581 0.324433 +vt 0.625506 0.324411 +vt 0.451893 0.883086 +vt 0.452686 0.883130 +vt 0.496024 0.126810 +vt 0.714433 0.824756 +vt 0.599024 0.570334 +vt 0.601434 0.570305 +vt 0.943373 0.525397 +vt 0.943373 0.525793 +vt 0.755503 0.992602 +vt 0.755099 0.992653 +vt 0.954925 0.182834 +vt 0.954925 0.182878 +vt 0.546994 0.990684 +vt 0.919699 0.664238 +vt 0.919861 0.664003 +vt 0.919200 0.664583 +vt 0.919479 0.664436 +vt 0.912352 0.654709 +vt 0.912198 0.654849 +vt 0.912080 0.655003 +vt 0.912543 0.654599 +vt 0.911992 0.655179 +vt 0.912815 0.654525 +vt 0.911926 0.655422 +vt 0.913190 0.654503 +vt 0.911897 0.655701 +vt 0.911919 0.656156 +vt 0.919038 0.654709 +vt 0.920044 0.655282 +vt 0.919934 0.655098 +vt 0.919795 0.654966 +vt 0.919640 0.654863 +vt 0.920125 0.655532 +vt 0.919457 0.654790 +vt 0.919258 0.654738 +vt 0.920155 0.655855 +vt 0.915482 0.665832 +vt 0.915218 0.665678 +vt 0.915350 0.665773 +vt 0.915629 0.665854 +vt 0.915100 0.665524 +vt 0.915791 0.665861 +vt 0.915967 0.665839 +vt 0.916136 0.665795 +vt 0.916312 0.665729 +vt 0.920111 0.663114 +vt 0.919978 0.663738 +vt 0.976781 0.248575 +vt 0.977274 0.248788 +vt 0.977384 0.248604 +vt 0.977215 0.248994 +vt 0.977215 0.249214 +vt 0.977266 0.249413 +vt 0.977634 0.248193 +vt 0.269056 0.010242 +vt 0.976473 0.247422 +vt 0.977759 0.247253 +vt 0.977634 0.246797 +vt 0.977759 0.247738 +vt 0.167230 0.589892 +vt 0.166737 0.589973 +vt 0.976473 0.246239 +vt 0.977391 0.246378 +vt 0.977046 0.246048 +vt 0.976892 0.245901 +vt 0.976789 0.245717 +vt 0.976723 0.245511 +vt 0.976723 0.245298 +vt 0.977369 0.249604 +vt 0.976781 0.245093 +vt 0.235889 0.863180 +vt 0.236109 0.863136 +vt 0.235668 0.863165 +vt 0.235448 0.863084 +vt 0.236315 0.863040 +vt 0.236770 0.862813 +vt 0.567865 0.589556 +vt 0.237777 0.862769 +vt 0.237277 0.862724 +vt 0.238254 0.862952 +vt 0.234735 0.859580 +vt 0.235059 0.859969 +vt 0.238974 0.863643 +vt 0.238659 0.863246 +vt 0.239114 0.863826 +vt 0.239298 0.863959 +vt 0.239511 0.864040 +vt 0.239731 0.864062 +vt 0.235264 0.862960 +vt 0.241825 0.857383 +vt 0.242016 0.856913 +vt 0.242090 0.856252 +vt 0.241994 0.856039 +vt 0.242126 0.856472 +vt 0.242097 0.856700 +vt 0.241847 0.858397 +vt 0.241766 0.857890 +vt 0.242060 0.858853 +vt 0.242993 0.859653 +vt 0.242802 0.859529 +vt 0.243140 0.859822 +vt 0.243236 0.860035 +vt 0.243272 0.860256 +vt 0.242383 0.859242 +vt 0.233890 0.858794 +vt 0.233846 0.858566 +vt 0.233979 0.859000 +vt 0.234133 0.859169 +vt 0.234317 0.859293 +vt 0.167377 0.596512 +vt 0.235029 0.862570 +vt 0.234992 0.862350 +vt 0.235022 0.862122 +vt 0.235125 0.862783 +vt 0.235103 0.861909 +vt 0.168736 0.595131 +vt 0.168266 0.595321 +vt 0.235301 0.861439 +vt 0.235272 0.860432 +vt 0.235352 0.860932 +vt 0.237608 0.854783 +vt 0.237388 0.854760 +vt 0.237821 0.854871 +vt 0.238005 0.855003 +vt 0.238144 0.855179 +vt 0.238453 0.855576 +vt 0.239342 0.856054 +vt 0.238864 0.855877 +vt 0.239849 0.856098 +vt 0.161551 0.593294 +vt 0.161867 0.593691 +vt 0.240804 0.855789 +vt 0.241010 0.855686 +vt 0.241230 0.855642 +vt 0.241458 0.855657 +vt 0.241671 0.855738 +vt 0.234081 0.857942 +vt 0.233949 0.858125 +vt 0.234258 0.857802 +vt 0.234463 0.857714 +vt 0.234691 0.857677 +vt 0.977759 0.465363 +vt 0.976598 0.466134 +vt 0.976473 0.465671 +vt 0.235191 0.857604 +vt 0.236050 0.857075 +vt 0.235661 0.857398 +vt 0.236344 0.856663 +vt 0.976833 0.464319 +vt 0.977759 0.464172 +vt 0.236557 0.855671 +vt 0.236521 0.856178 +vt 0.236579 0.855444 +vt 0.236653 0.855231 +vt 0.236785 0.855040 +vt 0.236954 0.854900 +vt 0.635184 0.120149 +vt 0.635191 0.120149 +vt 0.979896 0.881397 +vt 0.979896 0.883329 +vt 0.370081 0.982871 +vt 0.369016 0.982680 +vt 0.600696 0.114603 +vt 0.005408 0.962905 +vt 0.591356 0.451217 +vt 0.623588 0.324940 +vt 0.627041 0.455303 +vt 0.470365 0.141588 +vt 0.466016 0.141574 +vt 0.749058 0.664148 +vt 0.683435 0.108758 +vt 0.683847 0.106686 +vt 0.982654 0.425516 +vt 0.755193 0.664200 +vt 0.755046 0.664192 +vt 0.337163 0.774104 +vt 0.827445 0.773390 +vt 0.827445 0.844111 +vt 0.982514 0.283753 +vt 0.982594 0.284003 +vt 0.982543 0.283996 +vt 0.512406 0.994805 +vt 0.512457 0.985893 +vt 0.512406 0.985893 +vt 0.972821 0.761481 +vt 0.994805 0.489848 +vt 0.994754 0.489958 +vt 0.994754 0.489848 +vt 0.545091 0.018061 +vt 0.415972 0.165383 +vt 0.421005 0.166294 +vt 0.421005 0.165545 +vt 0.625557 0.437735 +vt 0.623618 0.437750 +vt 0.161891 0.176989 +vt 0.161935 0.176989 +vt 0.219871 0.621698 +vt 0.221267 0.622433 +vt 0.958099 0.644631 +vt 0.958150 0.644631 +vt 0.117396 0.584010 +vt 0.116521 0.583959 +vt 0.577757 0.992653 +vt 0.814049 0.164085 +vt 0.958077 0.643389 +vt 0.419890 0.603748 +vt 0.526197 0.993373 +vt 0.528115 0.993572 +vt 0.528086 0.993373 +vt 0.485059 0.141258 +vt 0.484883 0.141728 +vt 0.581666 0.892790 +vt 0.581718 0.893120 +vt 0.220023 0.636491 +vt 0.367813 0.912907 +vt 0.121591 0.145425 +vt 0.121591 0.145469 +vt 0.982602 0.287427 +vt 0.982609 0.287625 +vt 0.603653 0.982602 +vt 0.604866 0.982653 +vt 0.616078 0.421330 +vt 0.488554 0.972680 +vt 0.483558 0.972695 +vt 0.595318 0.208983 +vt 0.597801 0.205794 +vt 0.398702 0.917790 +vt 0.489302 0.007898 +vt 0.489294 0.007420 +vt 0.631852 0.065758 +vt 0.631948 0.065810 +vt 0.631948 0.065758 +vt 0.195178 0.024044 +vt 0.600733 0.629786 +vt 0.820727 0.530131 +vt 0.982594 0.287993 +vt 0.979719 0.982653 +vt 0.536183 0.150345 +vt 0.811865 0.597409 +vt 0.101166 0.260996 +vt 0.216516 0.013175 +vt 0.628961 0.374037 +vt 0.429334 0.994424 +vt 0.427439 0.994424 +vt 0.435508 0.252945 +vt 0.564857 0.485237 +vt 0.755002 0.188274 +vt 0.754958 0.188597 +vt 0.755002 0.188597 +vt 0.351569 0.915383 +vt 0.354765 0.912900 +vt 0.476693 0.335990 +vt 0.979228 0.902976 +vt 0.976098 0.902998 +vt 0.977752 0.703039 +vt 0.770130 0.926816 +vt 0.771753 0.929615 +vt 0.764495 0.927947 +vt 0.764465 0.927734 +vt 0.765281 0.926926 +vt 0.477067 0.336049 +vt 0.477471 0.338062 +vt 0.477457 0.336130 +vt 0.764576 0.928138 +vt 0.767265 0.926515 +vt 0.769748 0.926529 +vt 0.534187 0.761970 +vt 0.534672 0.763689 +vt 0.535142 0.763615 +vt 0.768719 0.934104 +vt 0.769292 0.933516 +vt 0.768918 0.934023 +vt 0.768506 0.934133 +vt 0.538918 0.764122 +vt 0.536729 0.764519 +vt 0.538639 0.764512 +vt 0.768300 0.934104 +vt 0.768102 0.934016 +vt 0.538463 0.764952 +vt 0.764715 0.930871 +vt 0.765494 0.932223 +vt 0.765281 0.932253 +vt 0.765075 0.932230 +vt 0.767933 0.933891 +vt 0.772305 0.928344 +vt 0.771945 0.926977 +vt 0.772143 0.927058 +vt 0.768918 0.925192 +vt 0.769087 0.925324 +vt 0.769211 0.925493 +vt 0.772312 0.927191 +vt 0.772444 0.927360 +vt 0.772532 0.927558 +vt 0.767808 0.933715 +vt 0.772554 0.927771 +vt 0.772525 0.927977 +vt 0.772437 0.928175 +vt 0.771731 0.926955 +vt 0.767727 0.933516 +vt 0.764877 0.932150 +vt 0.212709 0.933090 +vt 0.211365 0.933884 +vt 0.212746 0.933303 +vt 0.764495 0.931231 +vt 0.764576 0.931033 +vt 0.764701 0.932025 +vt 0.764465 0.931444 +vt 0.768300 0.925104 +vt 0.768506 0.925082 +vt 0.768719 0.925111 +vt 0.764576 0.931848 +vt 0.538639 0.757569 +vt 0.536442 0.757965 +vt 0.538926 0.757958 +vt 0.764487 0.931650 +vt 0.771812 0.930093 +vt 0.770571 0.932223 +vt 0.766890 0.932392 +vt 0.769748 0.932693 +vt 0.767265 0.932686 +vt 0.767933 0.925317 +vt 0.768102 0.925192 +vt 0.771048 0.927058 +vt 0.771518 0.926985 +vt 0.772003 0.928711 +vt 0.212827 0.926794 +vt 0.536898 0.757135 +vt 0.536722 0.757583 +vt 0.764877 0.927029 +vt 0.765075 0.926955 +vt 0.212709 0.932135 +vt 0.211005 0.933575 +vt 0.212651 0.932613 +vt 0.540990 0.760552 +vt 0.540219 0.758472 +vt 0.539748 0.758421 +vt 0.539748 0.763645 +vt 0.541174 0.761940 +vt 0.540990 0.761507 +vt 0.770571 0.927000 +vt 0.771812 0.929145 +vt 0.764576 0.927323 +vt 0.764701 0.927154 +vt 0.765200 0.930063 +vt 0.766442 0.932208 +vt 0.771518 0.932245 +vt 0.772305 0.930908 +vt 0.772437 0.931070 +vt 0.540696 0.763659 +vt 0.540226 0.763593 +vt 0.772525 0.931268 +vt 0.772554 0.931474 +vt 0.772532 0.931687 +vt 0.772444 0.931885 +vt 0.769087 0.933891 +vt 0.769211 0.933715 +vt 0.772312 0.932054 +vt 0.772143 0.932179 +vt 0.771945 0.932260 +vt 0.771731 0.932282 +vt 0.764487 0.927521 +vt 0.977450 0.466516 +vt 0.976958 0.466729 +vt 0.976848 0.466538 +vt 0.977017 0.466935 +vt 0.977017 0.467148 +vt 0.976965 0.467354 +vt 0.976466 0.465194 +vt 0.976590 0.464731 +vt 0.571936 0.583245 +vt 0.572215 0.583671 +vt 0.977186 0.463981 +vt 0.977332 0.463834 +vt 0.977443 0.463651 +vt 0.977509 0.463452 +vt 0.977509 0.463232 +vt 0.976862 0.467537 +vt 0.977450 0.463026 +vt 0.169669 0.594962 +vt 0.169463 0.595042 +vt 0.169853 0.594822 +vt 0.169992 0.594646 +vt 0.169235 0.595072 +vt 0.976612 0.228402 +vt 0.976487 0.227932 +vt 0.167862 0.595637 +vt 0.167560 0.596042 +vt 0.167325 0.597019 +vt 0.167303 0.597246 +vt 0.167230 0.597452 +vt 0.167097 0.597643 +vt 0.166921 0.597775 +vt 0.170080 0.594433 +vt 0.161132 0.593000 +vt 0.160706 0.592486 +vt 0.160676 0.592265 +vt 0.160801 0.592691 +vt 0.160948 0.592875 +vt 0.568211 0.584053 +vt 0.162072 0.594153 +vt 0.162146 0.594653 +vt 0.161786 0.595836 +vt 0.161874 0.595630 +vt 0.161764 0.596064 +vt 0.161786 0.596284 +vt 0.161881 0.596497 +vt 0.168978 0.590186 +vt 0.168897 0.589973 +vt 0.169008 0.590414 +vt 0.168986 0.590634 +vt 0.168897 0.590840 +vt 0.170066 0.593984 +vt 0.169970 0.593771 +vt 0.169831 0.593595 +vt 0.170102 0.594205 +vt 0.169647 0.593470 +vt 0.169228 0.593169 +vt 0.168699 0.592309 +vt 0.168905 0.592779 +vt 0.163681 0.588827 +vt 0.163858 0.588687 +vt 0.163542 0.589011 +vt 0.163468 0.589231 +vt 0.163446 0.589451 +vt 0.163395 0.589958 +vt 0.162910 0.590833 +vt 0.163211 0.590428 +vt 0.162513 0.591141 +vt 0.161536 0.591398 +vt 0.161308 0.591428 +vt 0.161102 0.591516 +vt 0.160919 0.591648 +vt 0.160787 0.591832 +vt 0.168361 0.589576 +vt 0.168574 0.589664 +vt 0.168133 0.589554 +vt 0.167906 0.589591 +vt 0.167700 0.589679 +vt 0.165349 0.589407 +vt 0.166231 0.589914 +vt 0.165760 0.589723 +vt 0.165040 0.589003 +vt 0.164901 0.588827 +vt 0.164724 0.588680 +vt 0.164519 0.588592 +vt 0.164291 0.588562 +vt 0.074798 0.628787 +vt 0.074798 0.628839 +vt 0.478682 0.994424 +vt 0.476772 0.994233 +vt 0.630387 0.635235 +vt 0.945443 0.604701 +vt 0.946016 0.604591 +vt 0.447590 0.141155 +vt 0.468044 0.635844 +vt 0.616295 0.490109 +vt 0.616244 0.490109 +vt 0.218476 0.058445 +vt 0.211410 0.906294 +vt 0.628839 0.478012 +vt 0.626855 0.478012 +vt 0.700498 0.773198 +vt 0.700542 0.773184 +vt 0.591568 0.994776 +vt 0.591620 0.994805 +vt 0.591620 0.994776 +vt 0.418207 0.603770 +vt 0.616244 0.495311 +vt 0.616295 0.496023 +vt 0.105927 0.650581 +vt 0.104590 0.650096 +vt 0.499558 0.007839 +vt 0.499551 0.007354 +vt 0.713115 0.604442 +vt 0.720307 0.604493 +vt 0.948041 0.182878 +vt 0.504883 0.603676 +vt 0.498866 0.602904 +vt 0.452370 0.603770 +vt 0.452370 0.603285 +vt 0.821027 0.280232 +vt 0.415643 0.603763 +vt 0.176443 0.823179 +vt 0.445651 0.141184 +vt 0.610069 0.391317 +vt 0.610106 0.400706 +vt 0.978551 0.881397 +vt 0.628839 0.477814 +vt 0.626855 0.475896 +vt 0.628839 0.475456 +vt 0.216621 0.120929 +vt 0.216466 0.119981 +vt 0.216378 0.125609 +vt 0.216481 0.124830 +vt 0.154773 0.007287 +vt 0.155846 0.007162 +vt 0.385233 0.165530 +vt 0.385233 0.166287 +vt 0.125954 0.635213 +vt 0.448082 0.375142 +vt 0.448244 0.375142 +vt 0.989832 0.631294 +vt 0.989788 0.631242 +vt 0.989832 0.631242 +vt 0.332640 0.532777 +vt 0.393397 0.532716 +vt 0.393397 0.532760 +vt 0.561216 0.078060 +vt 0.583496 0.090228 +vt 0.559534 0.322964 +vt 0.371030 0.637417 +vt 0.371030 0.637240 +vt 0.303930 0.546305 +vt 0.480910 0.337945 +vt 0.169442 0.534003 +vt 0.619342 0.042700 +vt 0.619386 0.596718 +vt 0.619342 0.596718 +vt 0.118490 0.584010 +vt 0.117396 0.583959 +vt 0.850587 0.784083 +vt 0.559087 0.152112 +vt 0.570653 0.912663 +vt 0.570689 0.915080 +vt 0.600262 0.070936 +vt 0.835867 0.203219 +vt 0.963124 0.836369 +vt 0.977701 0.744202 +vt 0.140392 0.584010 +vt 0.139739 0.583959 +vt 0.139739 0.584010 +vt 0.917127 0.703406 +vt 0.631096 0.173425 +vt 0.631096 0.175357 +vt 0.712512 0.604442 +vt 0.625601 0.437272 +vt 0.848655 0.783150 +vt 0.850587 0.783370 +vt 0.216583 0.424502 +vt 0.216333 0.426464 +vt 0.216502 0.426434 +vt 0.767558 0.926133 +vt 0.769469 0.926140 +vt 0.541475 0.762307 +vt 0.540909 0.763696 +vt 0.537890 0.765540 +vt 0.536905 0.764960 +vt 0.537684 0.765569 +vt 0.538095 0.765459 +vt 0.541122 0.763667 +vt 0.538264 0.765327 +vt 0.541321 0.763586 +vt 0.538389 0.765151 +vt 0.541695 0.762667 +vt 0.541607 0.762476 +vt 0.541490 0.763454 +vt 0.535612 0.763667 +vt 0.534371 0.761536 +vt 0.541725 0.762881 +vt 0.771048 0.932172 +vt 0.772003 0.930533 +vt 0.541622 0.763285 +vt 0.533886 0.759780 +vt 0.534238 0.758421 +vt 0.534047 0.758502 +vt 0.533871 0.758634 +vt 0.533746 0.758803 +vt 0.534187 0.760147 +vt 0.534664 0.758428 +vt 0.533665 0.759001 +vt 0.533636 0.759214 +vt 0.541695 0.763094 +vt 0.533665 0.759420 +vt 0.533753 0.759619 +vt 0.534451 0.758399 +vt 0.539300 0.763828 +vt 0.536442 0.764137 +vt 0.541115 0.758392 +vt 0.540909 0.758370 +vt 0.540696 0.758399 +vt 0.533886 0.762344 +vt 0.533753 0.762513 +vt 0.533665 0.762712 +vt 0.533636 0.762925 +vt 0.533658 0.763130 +vt 0.538463 0.757128 +vt 0.538382 0.756930 +vt 0.538257 0.756761 +vt 0.533746 0.763329 +vt 0.538088 0.756628 +vt 0.537890 0.756548 +vt 0.541321 0.758465 +vt 0.537677 0.756518 +vt 0.537471 0.756555 +vt 0.537273 0.756636 +vt 0.537104 0.756768 +vt 0.541490 0.758590 +vt 0.536979 0.756937 +vt 0.765016 0.930504 +vt 0.765964 0.932150 +vt 0.769469 0.933075 +vt 0.767558 0.933068 +vt 0.535620 0.758443 +vt 0.534378 0.760588 +vt 0.533878 0.763498 +vt 0.540924 0.761029 +vt 0.534040 0.763623 +vt 0.207581 0.927962 +vt 0.209719 0.926713 +vt 0.541622 0.758766 +vt 0.536060 0.758259 +vt 0.534246 0.763703 +vt 0.534459 0.763725 +vt 0.541703 0.758957 +vt 0.537104 0.765327 +vt 0.536979 0.765158 +vt 0.541607 0.759582 +vt 0.541475 0.759743 +vt 0.537273 0.765459 +vt 0.541725 0.759170 +vt 0.541695 0.759383 +vt 0.537471 0.765540 +vt 0.765016 0.928682 +vt 0.765494 0.926963 +vt 0.711917 0.645005 +vt 0.712344 0.643051 +vt 0.712336 0.644946 +vt 0.594857 0.393367 +vt 0.958070 0.855791 +vt 0.958114 0.855791 +vt 0.544489 0.055287 +vt 0.545238 0.048910 +vt 0.901802 0.678853 +vt 0.067709 0.241402 +vt 0.905552 0.429339 +vt 0.902686 0.429295 +vt 0.905552 0.429295 +vt 0.625726 0.322450 +vt 0.189590 0.650796 +vt 0.190156 0.650774 +vt 0.061860 0.931086 +vt 0.061808 0.934421 +vt 0.061808 0.931086 +vt 0.628839 0.401878 +vt 0.626855 0.401445 +vt 0.105927 0.650096 +vt 0.982602 0.025094 +vt 0.982653 0.025741 +vt 0.825858 0.844089 +vt 0.824477 0.773331 +vt 0.824477 0.844045 +vt 0.337259 0.771363 +vt 0.492262 0.992665 +vt 0.118490 0.583959 +vt 0.476017 0.336005 +vt 0.475855 0.337981 +vt 0.975011 0.902968 +vt 0.975011 0.903012 +vt 0.452268 0.635837 +vt 0.619335 0.572875 +vt 0.558955 0.194643 +vt 0.559440 0.194636 +vt 0.437090 0.636072 +vt 0.435158 0.636072 +vt 0.191684 0.650928 +vt 0.191376 0.650825 +vt 0.378266 0.142468 +vt 0.378222 0.142460 +vt 0.616295 0.493577 +vt 0.344703 0.532917 +vt 0.749519 0.751353 +vt 0.389119 0.636469 +vt 0.389163 0.636043 +vt 0.176538 0.818704 +vt 0.248523 0.818704 +vt 0.982647 0.424862 +vt 0.542797 0.731768 +vt 0.600673 0.066946 +vt 0.311262 0.637417 +vt 0.309330 0.637027 +vt 0.403027 0.115664 +vt 0.982492 0.423716 +vt 0.604866 0.982602 +vt 0.196060 0.637417 +vt 0.198080 0.637417 +vt 0.962853 0.832468 +vt 0.962867 0.833900 +vt 0.272807 0.533130 +vt 0.628839 0.476381 +vt 0.626855 0.476381 +vt 0.216788 0.424487 +vt 0.282320 0.635191 +vt 0.179209 0.635499 +vt 0.177188 0.635499 +vt 0.470358 0.141111 +vt 0.607222 0.672065 +vt 0.605260 0.671882 +vt 0.426214 0.252967 +vt 0.427485 0.252945 +vt 0.154119 0.559707 +vt 0.154171 0.559707 +vt 0.895632 0.267777 +vt 0.892796 0.267733 +vt 0.892796 0.267777 +vt 0.813785 0.130113 +vt 0.814607 0.135168 +vt 0.683667 0.982802 +vt 0.683718 0.982802 +vt 0.269965 0.852471 +vt 0.463307 0.811992 +vt 0.463108 0.810104 +vt 0.430674 0.180931 +vt 0.432378 0.180931 +vt 0.096358 0.583966 +vt 0.804290 0.425360 +vt 0.683821 0.983706 +vt 0.813909 0.140509 +vt 0.814666 0.140509 +vt 0.110407 0.622440 +vt 0.111986 0.621705 +vt 0.098791 0.622469 +vt 0.096147 0.621720 +vt 0.383988 0.603050 +vt 0.110944 0.060751 +vt 0.040193 0.060751 +vt 0.161935 0.174939 +vt 0.598457 0.604337 +vt 0.600896 0.608517 +vt 0.201805 0.034983 +vt 0.195486 0.040728 +vt 0.544474 0.048910 +vt 0.112693 0.887867 +vt 0.853597 0.146848 +vt 0.855595 0.146804 +vt 0.855602 0.146848 +vt 0.982653 0.304701 +vt 0.623662 0.439241 +vt 0.625557 0.438749 +vt 0.661661 0.611405 +vt 0.984509 0.449734 +vt 0.984406 0.449682 +vt 0.984406 0.449734 +vt 0.095832 0.887992 +vt 0.979228 0.903020 +vt 0.979882 0.902968 +vt 0.536315 0.166662 +vt 0.393573 0.532760 +vt 0.977687 0.205530 +vt 0.755503 0.992653 +vt 0.994805 0.166844 +vt 0.994754 0.166748 +vt 0.994805 0.166748 +vt 0.413981 0.166096 +vt 0.977701 0.704662 +vt 0.977752 0.705529 +vt 0.848655 0.783370 +vt 0.412484 0.603741 +vt 0.429290 0.994013 +vt 0.785199 0.992602 +vt 0.784685 0.992653 +vt 0.784685 0.992602 +vt 0.619342 0.550022 +vt 0.619342 0.548641 +vt 0.815536 0.992594 +vt 0.815029 0.992653 +vt 0.815029 0.992594 +vt 0.984611 0.068873 +vt 0.811463 0.702737 +vt 0.809568 0.702744 +vt 0.340793 0.636709 +vt 0.813851 0.135168 +vt 0.597801 0.183923 +vt 0.536131 0.244061 +vt 0.581953 0.254118 +vt 0.581953 0.183404 +vt 0.559036 0.142172 +vt 0.628839 0.399013 +vt 0.430674 0.252915 +vt 0.625675 0.435656 +vt 0.623735 0.435670 +vt 0.631110 0.263635 +vt 0.631110 0.263679 +vt 0.206711 0.534565 +vt 0.206747 0.534514 +vt 0.625726 0.436288 +vt 0.407055 0.603168 +vt 0.408399 0.603682 +vt 0.408399 0.603205 +vt 0.989833 0.833244 +vt 0.989737 0.833193 +vt 0.989833 0.833193 +vt 0.216597 0.031088 +vt 0.195641 0.058838 +vt 0.477089 0.337981 +vt 0.613173 0.459443 +vt 0.138967 0.583959 +vt 0.393823 0.982594 +vt 0.731985 0.982602 +vt 0.813998 0.151926 +vt 0.600896 0.595249 +vt 0.635213 0.113287 +vt 0.619386 0.545173 +vt 0.619386 0.544167 +vt 0.117895 0.650544 +vt 0.977752 0.823810 +vt 0.559321 0.275297 +vt 0.785199 0.992653 +vt 0.437090 0.636564 +vt 0.435158 0.636564 +vt 0.154119 0.568045 +vt 0.154171 0.568045 +vt 0.371030 0.636101 +vt 0.369097 0.636594 +vt 0.825858 0.773368 +vt 0.972959 0.958469 +vt 0.973004 0.958469 +vt 0.451893 0.883130 +vt 0.848655 0.785427 +vt 0.850587 0.785038 +vt 0.505031 0.637762 +vt 0.712821 0.643021 +vt 0.712814 0.644917 +vt 0.731647 0.982602 +vt 0.731647 0.982653 +vt 0.989832 0.045608 +vt 0.989788 0.045586 +vt 0.989832 0.045586 +vt 0.371960 0.533563 +vt 0.382390 0.166257 +vt 0.379906 0.165471 +vt 0.713115 0.604493 +vt 0.816398 0.597358 +vt 0.600896 0.604337 +vt 0.747780 0.664244 +vt 0.747993 0.664163 +vt 0.747780 0.664200 +vt 0.748000 0.664207 +vt 0.470763 0.353999 +vt 0.470763 0.360369 +vt 0.457082 0.375142 +vt 0.034735 0.924689 +vt 0.034727 0.922250 +vt 0.388502 0.165545 +vt 0.526227 0.993572 +vt 0.477920 0.336181 +vt 0.478441 0.338128 +vt 0.629519 0.373934 +vt 0.144943 0.651061 +vt 0.544327 0.018061 +vt 0.040865 0.007428 +vt 0.040902 0.007384 +vt 0.040865 0.007376 +vt 0.009942 0.592388 +vt 0.061808 0.931012 +vt 0.811390 0.703545 +vt 0.809494 0.703553 +vt 0.495047 0.007369 +vt 0.402975 0.104445 +vt 0.402975 0.104563 +vt 0.982696 0.325800 +vt 0.715393 0.994269 +vt 0.476831 0.993528 +vt 0.040777 0.007369 +vt 0.594712 0.370607 +vt 0.972703 0.049864 +vt 0.477942 0.338114 +vt 0.502246 0.637901 +vt 0.502995 0.637886 +vt 0.437090 0.637020 +vt 0.989832 0.126404 +vt 0.989774 0.126367 +vt 0.989832 0.126367 +vt 0.371030 0.634757 +vt 0.369097 0.634757 +vt 0.559484 0.190411 +vt 0.391230 0.982602 +vt 0.958070 0.868031 +vt 0.958114 0.868075 +vt 0.713313 0.644909 +vt 0.713798 0.643051 +vt 0.811382 0.703318 +vt 0.848655 0.782768 +vt 0.850587 0.782768 +vt 0.626855 0.474302 +vt 0.628839 0.474537 +vt 0.409920 0.603227 +vt 0.923041 0.982595 +vt 0.561582 0.992609 +vt 0.561993 0.992602 +vt 0.529483 0.472381 +vt 0.528439 0.473667 +vt 0.529020 0.473123 +vt 0.529725 0.471595 +vt 0.430043 0.533992 +vt 0.423144 0.532567 +vt 0.427611 0.534205 +vt 0.428427 0.534345 +vt 0.429294 0.534271 +vt 0.530291 0.466871 +vt 0.510080 0.485834 +vt 0.394345 0.433641 +vt 0.375992 0.445808 +vt 0.374045 0.454022 +vt 0.373839 0.457342 +vt 0.373817 0.462199 +vt 0.374141 0.466915 +vt 0.374699 0.471684 +vt 0.375595 0.476430 +vt 0.376690 0.481043 +vt 0.378204 0.485591 +vt 0.395660 0.432650 +vt 0.386638 0.502768 +vt 0.450680 0.522428 +vt 0.472361 0.533691 +vt 0.473551 0.534146 +vt 0.474866 0.534345 +vt 0.476181 0.534271 +vt 0.379886 0.490124 +vt 0.381671 0.493959 +vt 0.382039 0.494709 +vt 0.384118 0.498654 +vt 0.451518 0.522208 +vt 0.452253 0.522017 +vt 0.470282 0.532229 +vt 0.471266 0.533081 +vt 0.530577 0.462125 +vt 0.477423 0.534058 +vt 0.481478 0.532479 +vt 0.507222 0.488743 +vt 0.449211 0.523156 +vt 0.395601 0.513972 +vt 0.398958 0.517381 +vt 0.402580 0.520459 +vt 0.406393 0.523405 +vt 0.410397 0.526065 +vt 0.414446 0.528504 +vt 0.418788 0.530671 +vt 0.392324 0.510409 +vt 0.530621 0.457276 +vt 0.389385 0.506655 +vt 0.530276 0.452560 +vt 0.529725 0.447777 +vt 0.529262 0.445323 +vt 0.487510 0.524522 +vt 0.485512 0.530738 +vt 0.489428 0.528791 +vt 0.488634 0.524831 +vt 0.908028 0.118773 +vt 0.489802 0.524853 +vt 0.528829 0.443045 +vt 0.395505 0.409485 +vt 0.395821 0.410749 +vt 0.396446 0.411917 +vt 0.486496 0.523942 +vt 0.395461 0.408229 +vt 0.485659 0.523134 +vt 0.527727 0.438432 +vt 0.396012 0.405701 +vt 0.395601 0.406965 +vt 0.491962 0.524030 +vt 0.490934 0.524581 +vt 0.493182 0.526579 +vt 0.396681 0.404563 +vt 0.485049 0.522142 +vt 0.397063 0.404056 +vt 0.492822 0.523244 +vt 0.526221 0.433877 +vt 0.496855 0.524236 +vt 0.509947 0.485922 +vt 0.399054 0.402109 +vt 0.467466 0.921193 +vt 0.397438 0.403556 +vt 0.399333 0.416626 +vt 0.400678 0.400654 +vt 0.493468 0.522274 +vt 0.524538 0.429344 +vt 0.508765 0.486811 +vt 0.402264 0.399346 +vt 0.404064 0.397848 +vt 0.400053 0.418096 +vt 0.522525 0.425016 +vt 0.407576 0.395239 +vt 0.493843 0.521165 +vt 0.520306 0.420807 +vt 0.463310 0.523089 +vt 0.527787 0.065277 +vt 0.527824 0.067040 +vt 0.527332 0.066474 +vt 0.411242 0.392903 +vt 0.381906 0.494451 +vt 0.493931 0.520004 +vt 0.444053 0.397598 +vt 0.400024 0.425780 +vt 0.485402 0.517667 +vt 0.461892 0.522414 +vt 0.285101 0.089668 +vt 0.486158 0.516779 +vt 0.460378 0.521877 +vt 0.445633 0.397811 +vt 0.399664 0.426456 +vt 0.487113 0.516110 +vt 0.446544 0.397789 +vt 0.399304 0.427132 +vt 0.447176 0.397781 +vt 0.439403 0.394960 +vt 0.415004 0.390692 +vt 0.503747 0.518821 +vt 0.493255 0.517792 +vt 0.258877 0.776255 +vt 0.438778 0.394358 +vt 0.415261 0.390559 +vt 0.418912 0.388745 +vt 0.438147 0.393513 +vt 0.517786 0.416692 +vt 0.515039 0.412813 +vt 0.437787 0.393043 +vt 0.420992 0.387849 +vt 0.512107 0.409052 +vt 0.508956 0.510952 +vt 0.507743 0.514912 +vt 0.508412 0.513774 +vt 0.508831 0.512517 +vt 0.508963 0.511246 +vt 0.422961 0.386996 +vt 0.424841 0.386269 +vt 0.434907 0.388333 +vt 0.508823 0.405503 +vt 0.455213 0.396319 +vt 0.508772 0.509395 +vt 0.508926 0.509990 +vt 0.427670 0.385314 +vt 0.427009 0.385424 +vt 0.433165 0.386386 +vt 0.434150 0.387253 +vt 0.428250 0.385211 +vt 0.432063 0.385791 +vt 0.431285 0.385490 +vt 0.429330 0.385152 +vt 0.430873 0.385329 +vt 0.508214 0.508006 +vt 0.508603 0.508726 +vt 0.429565 0.385130 +vt 0.505458 0.402087 +vt 0.507978 0.507566 +vt 0.506994 0.515919 +vt 0.501844 0.399016 +vt 0.507178 0.515676 +vt 0.500536 0.398002 +vt 0.498031 0.396070 +vt 0.494019 0.393403 +vt 0.489979 0.390971 +vt 0.485637 0.388796 +vt 0.253911 0.269581 +vt 0.481280 0.386908 +vt 0.474381 0.385475 +vt 0.479502 0.386254 +vt 0.503622 0.498375 +vt 0.488208 0.515699 +vt 0.476277 0.385174 +vt 0.475998 0.385123 +vt 0.475131 0.385196 +vt 0.476813 0.385270 +vt 0.503666 0.496802 +vt 0.503872 0.495208 +vt 0.458791 0.521657 +vt 0.504408 0.493687 +vt 0.504650 0.493239 +vt 0.457256 0.521694 +vt 0.505120 0.492343 +vt 0.505635 0.491454 +vt 0.375404 0.446344 +vt 0.374942 0.447086 +vt 0.374699 0.447880 +vt 0.374133 0.452604 +vt 0.126153 0.393660 +vt 0.141464 0.387775 +vt 0.141574 0.387665 +vt 0.101908 0.399281 +vt 0.126403 0.393675 +vt 0.093290 0.393447 +vt 0.094480 0.393550 +vt 0.106470 0.393631 +vt 0.072499 0.406025 +vt 0.070214 0.402572 +vt 0.179197 0.384587 +vt 0.176515 0.384153 +vt 0.170300 0.379143 +vt 0.169279 0.376616 +vt 0.171916 0.381340 +vt 0.174032 0.383044 +vt 0.101915 0.401786 +vt 0.059869 0.395203 +vt 0.060700 0.394630 +vt 0.060700 0.394579 +vt 0.059105 0.393873 +vt 0.010102 0.239646 +vt 0.147797 0.416200 +vt 0.148348 0.409618 +vt 0.148090 0.409669 +vt 0.148561 0.409537 +vt 0.148715 0.409419 +vt 0.148832 0.409272 +vt 0.072388 0.406304 +vt 0.101769 0.403894 +vt 0.098668 0.403703 +vt 0.059193 0.395872 +vt 0.057717 0.393366 +vt 0.283482 0.318687 +vt 0.129958 0.398671 +vt 0.130399 0.398671 +vt 0.130399 0.398024 +vt 0.131685 0.406326 +vt 0.153072 0.386490 +vt 0.152954 0.386313 +vt 0.283482 0.342234 +vt 0.147459 0.399582 +vt 0.148487 0.401316 +vt 0.148832 0.401316 +vt 0.107734 0.406304 +vt 0.106022 0.406341 +vt 0.148943 0.409103 +vt 0.149023 0.408912 +vt 0.149082 0.408692 +vt 0.368515 0.881027 +vt 0.355511 0.881945 +vt 0.355364 0.879903 +vt 0.058694 0.396548 +vt 0.057151 0.393234 +vt 0.123736 0.393660 +vt 0.153145 0.386703 +vt 0.102011 0.404556 +vt 0.067290 0.405687 +vt 0.153182 0.386989 +vt 0.058180 0.397400 +vt 0.057070 0.393175 +vt 0.097713 0.404776 +vt 0.102334 0.405033 +vt 0.102702 0.405408 +vt 0.153145 0.387371 +vt 0.140303 0.408236 +vt 0.139825 0.408023 +vt 0.152021 0.393219 +vt 0.057761 0.398597 +vt 0.151955 0.393440 +vt 0.069339 0.411748 +vt 0.096398 0.405687 +vt 0.103091 0.405694 +vt 0.103495 0.405907 +vt 0.127696 0.399156 +vt 0.127696 0.399126 +vt 0.137820 0.401396 +vt 0.091600 0.393653 +vt 0.057592 0.400030 +vt 0.090094 0.394226 +vt 0.058540 0.391603 +vt 0.088809 0.395130 +vt 0.138459 0.403894 +vt 0.138451 0.403711 +vt 0.058569 0.391581 +vt 0.277164 0.307343 +vt 0.138488 0.404071 +vt 0.285179 0.357478 +vt 0.041017 0.376616 +vt 0.039996 0.379143 +vt 0.082762 0.393792 +vt 0.082784 0.393770 +vt 0.038365 0.381340 +vt 0.132809 0.406128 +vt 0.082733 0.393851 +vt 0.132824 0.406150 +vt 0.132846 0.406165 +vt 0.278582 0.306638 +vt 0.276407 0.341139 +vt 0.625933 0.807470 +vt 0.606788 0.778443 +vt 0.615281 0.776312 +vt 0.131986 0.446168 +vt 0.127747 0.444853 +vt 0.119394 0.393844 +vt 0.036242 0.383044 +vt 0.483200 0.866882 +vt 0.148054 0.395299 +vt 0.150691 0.394167 +vt 0.147951 0.395188 +vt 0.063021 0.406407 +vt 0.062103 0.406216 +vt 0.135917 0.410808 +vt 0.139370 0.407560 +vt 0.139282 0.407325 +vt 0.139495 0.407752 +vt 0.139649 0.407906 +vt 0.147819 0.395093 +vt 0.806755 0.791057 +vt 0.805668 0.786803 +vt 0.126263 0.400184 +vt 0.033751 0.384153 +vt 0.148127 0.395431 +vt 0.147664 0.395012 +vt 0.061971 0.416619 +vt 0.118292 0.393550 +vt 0.060905 0.405738 +vt 0.059855 0.405041 +vt 0.152778 0.428323 +vt 0.148171 0.395607 +vt 0.079985 0.393770 +vt 0.079970 0.393763 +vt 0.080007 0.393778 +vt 0.080022 0.393792 +vt 0.080036 0.393822 +vt 0.080059 0.393859 +vt 0.120870 0.439321 +vt 0.147495 0.394953 +vt 0.058973 0.404152 +vt 0.147304 0.394909 +vt 0.117109 0.393447 +vt 0.141757 0.387555 +vt 0.148186 0.395835 +vt 0.148135 0.396166 +vt 0.151022 0.394189 +vt 0.144013 0.393124 +vt 0.282204 0.342630 +vt 0.282571 0.344614 +vt 0.283533 0.344496 +vt 0.086693 0.400052 +vt 0.086891 0.401749 +vt 0.086693 0.400059 +vt 0.057790 0.401734 +vt 0.423550 0.140949 +vt 0.422712 0.141265 +vt 0.086105 0.404027 +vt 0.087391 0.403101 +vt 0.088081 0.404166 +vt 0.085973 0.404027 +vt 0.274974 0.370115 +vt 0.282542 0.368682 +vt 0.075041 0.404923 +vt 0.075166 0.406106 +vt 0.085760 0.404166 +vt 0.085877 0.404100 +vt 0.130179 0.406356 +vt 0.689674 0.593570 +vt 0.150111 0.401962 +vt 0.151646 0.393939 +vt 0.151485 0.394064 +vt 0.152278 0.432760 +vt 0.149457 0.401433 +vt 0.147554 0.399273 +vt 0.125778 0.404401 +vt 0.150192 0.402175 +vt 0.151771 0.393800 +vt 0.075202 0.393851 +vt 0.075232 0.393807 +vt 0.059649 0.437448 +vt 0.057952 0.433319 +vt 0.085378 0.404254 +vt 0.057335 0.428896 +vt 0.121524 0.404776 +vt 0.126204 0.405026 +vt 0.057834 0.424451 +vt 0.126696 0.405496 +vt 0.082821 0.444611 +vt 0.078619 0.446058 +vt 0.285201 0.302149 +vt 0.108851 0.393712 +vt 0.115412 0.393653 +vt 0.113906 0.394226 +vt 0.112627 0.395130 +vt 0.086098 0.406304 +vt 0.088970 0.405055 +vt 0.090021 0.405753 +vt 0.108814 0.393822 +vt 0.108836 0.393815 +vt 0.082365 0.412358 +vt 0.069817 0.445647 +vt 0.065776 0.443810 +vt 0.108792 0.393851 +vt 0.062316 0.441018 +vt 0.147157 0.400045 +vt 0.147334 0.399832 +vt 0.108770 0.393895 +vt 0.127754 0.406054 +vt 0.127233 0.405834 +vt 0.146974 0.400184 +vt 0.151683 0.385828 +vt 0.152139 0.385880 +vt 0.152418 0.385953 +vt 0.152653 0.386064 +vt 0.152814 0.386174 +vt 0.151441 0.385843 +vt 0.072491 0.393881 +vt 0.072447 0.393807 +vt 0.142029 0.387474 +vt 0.058620 0.391574 +vt 0.058650 0.391581 +vt 0.058716 0.391603 +vt 0.072403 0.393660 +vt 0.079948 0.393660 +vt 0.146709 0.400317 +vt 0.058591 0.391581 +vt 0.150699 0.436948 +vt 0.148142 0.440599 +vt 0.137944 0.393491 +vt 0.144762 0.443501 +vt 0.143396 0.392984 +vt 0.140773 0.445470 +vt 0.142786 0.392749 +vt 0.103649 0.400258 +vt 0.103091 0.400508 +vt 0.103649 0.400294 +vt 0.146173 0.400456 +vt 0.107815 0.393660 +vt 0.126667 0.393719 +vt 0.130385 0.394872 +vt 0.142162 0.392147 +vt 0.142059 0.391838 +vt 0.142330 0.392389 +vt 0.142544 0.392595 +vt 0.141353 0.388753 +vt 0.141317 0.388562 +vt 0.110901 0.397723 +vt 0.137371 0.393565 +vt 0.141302 0.388385 +vt 0.141302 0.388209 +vt 0.075033 0.401037 +vt 0.080176 0.399251 +vt 0.077847 0.404276 +vt 0.136982 0.393704 +vt 0.080169 0.404276 +vt 0.276745 0.289153 +vt 0.067224 0.394138 +vt 0.108630 0.399251 +vt 0.110504 0.400052 +vt 0.110607 0.398847 +vt 0.504371 0.501379 +vt 0.076752 0.404027 +vt 0.077252 0.404240 +vt 0.077010 0.404174 +vt 0.076870 0.404107 +vt 0.076635 0.404027 +vt 0.065857 0.393631 +vt 0.070603 0.398436 +vt 0.072616 0.399251 +vt 0.141331 0.388047 +vt 0.141383 0.387900 +vt 0.136688 0.393873 +vt 0.147760 0.409647 +vt 0.136504 0.394042 +vt 0.601551 0.135791 +vt 0.599781 0.135100 +vt 0.091240 0.406223 +vt 0.314221 0.311583 +vt 0.311995 0.336569 +vt 0.065049 0.393484 +vt 0.094848 0.406267 +vt 0.093107 0.406473 +vt 0.132853 0.393785 +vt 0.132875 0.393770 +vt 0.132831 0.393822 +vt 0.136225 0.395012 +vt 0.285084 0.331147 +vt 0.091431 0.421777 +vt 0.104891 0.406267 +vt 0.103862 0.406054 +vt 0.070618 0.401301 +vt 0.130216 0.393660 +vt 0.802462 0.969497 +vt 0.075232 0.406194 +vt 0.075195 0.406165 +vt 0.108733 0.406047 +vt 0.108755 0.406098 +vt 0.108785 0.406135 +vt 0.060795 0.392551 +vt 0.062676 0.393609 +vt 0.063374 0.393477 +vt 0.130216 0.393756 +vt 0.130260 0.393792 +vt 0.130230 0.393770 +vt 0.064197 0.393432 +vt 0.113839 0.405753 +vt 0.115052 0.406223 +vt 0.130274 0.393822 +vt 0.281138 0.323007 +vt 0.281175 0.323000 +vt 0.139010 0.401734 +vt 0.098161 0.395563 +vt 0.101658 0.395475 +vt 0.102173 0.394843 +vt 0.101335 0.396166 +vt 0.212930 0.928410 +vt 0.207405 0.928403 +vt 0.210109 0.933318 +vt 0.096993 0.394549 +vt 0.102804 0.394358 +vt 0.115963 0.406407 +vt 0.138128 0.401654 +vt 0.101203 0.396680 +vt 0.101151 0.397223 +vt 0.138525 0.403410 +vt 0.137952 0.401543 +vt 0.102606 0.400845 +vt 0.103010 0.400067 +vt 0.102415 0.399736 +vt 0.138473 0.403556 +vt 0.095582 0.393844 +vt 0.103539 0.394013 +vt 0.104450 0.393770 +vt 0.072455 0.406121 +vt 0.072425 0.406165 +vt 0.417937 0.138797 +vt 0.417753 0.138018 +vt 0.419267 0.138547 +vt 0.446369 0.008346 +vt 0.446876 0.007611 +vt 0.451086 0.008023 +vt 0.378411 0.061177 +vt 0.378954 0.061662 +vt 0.378815 0.062470 +vt 0.420266 0.139825 +vt 0.378029 0.063293 +vt 0.420611 0.139274 +vt 0.453003 0.007347 +vt 0.378888 0.063337 +vt 0.380593 0.055439 +vt 0.380607 0.057195 +vt 0.421074 0.140318 +vt 0.379160 0.064087 +vt 0.421889 0.140802 +vt 0.378264 0.065446 +vt 0.515275 0.080007 +vt 0.515488 0.078428 +vt 0.516098 0.078942 +vt 0.516025 0.076914 +vt 0.383216 0.049892 +vt 0.382510 0.052846 +vt 0.516943 0.076525 +vt 0.516708 0.075489 +vt 0.379116 0.067429 +vt 0.515951 0.081484 +vt 0.384692 0.048504 +vt 0.515297 0.081543 +vt 0.515290 0.080779 +vt 0.455949 0.008067 +vt 0.386257 0.044566 +vt 0.522475 0.049385 +vt 0.520874 0.045264 +vt 0.523739 0.050385 +vt 0.316359 0.337642 +vt 0.387146 0.044463 +vt 0.516017 0.082432 +vt 0.389703 0.039489 +vt 0.389813 0.040466 +vt 0.424277 0.141434 +vt 0.391349 0.038490 +vt 0.496210 0.152117 +vt 0.499854 0.149553 +vt 0.499619 0.150574 +vt 0.392767 0.036661 +vt 0.494513 0.153975 +vt 0.516069 0.083372 +vt 0.393538 0.034699 +vt 0.395852 0.033046 +vt 0.425482 0.142353 +vt 0.500097 0.149384 +vt 0.518405 0.074431 +vt 0.459131 0.007552 +vt 0.157876 0.484129 +vt 0.517685 0.074262 +vt 0.518743 0.073160 +vt 0.516113 0.084312 +vt 0.400437 0.142933 +vt 0.401987 0.143763 +vt 0.400003 0.143513 +vt 0.460674 0.008375 +vt 0.397726 0.030218 +vt 0.378190 0.107720 +vt 0.378896 0.107602 +vt 0.378697 0.108917 +vt 0.378029 0.109718 +vt 0.500523 0.149053 +vt 0.462562 0.008603 +vt 0.379366 0.106412 +vt 0.378874 0.105839 +vt 0.379505 0.106155 +vt 0.524408 0.053309 +vt 0.465229 0.008243 +vt 0.465398 0.008948 +vt 0.379968 0.105317 +vt 0.380034 0.104215 +vt 0.378778 0.110232 +vt 0.378411 0.111679 +vt 0.481524 0.029615 +vt 0.481781 0.031033 +vt 0.465919 0.009110 +vt 0.380372 0.104847 +vt 0.378932 0.111165 +vt 0.466191 0.009191 +vt 0.378984 0.111466 +vt 0.380828 0.104333 +vt 0.399276 0.029689 +vt 0.467286 0.008868 +vt 0.526215 0.055711 +vt 0.466926 0.009654 +vt 0.467462 0.010241 +vt 0.525333 0.055461 +vt 0.504446 0.146805 +vt 0.381504 0.103870 +vt 0.503866 0.146452 +vt 0.526141 0.057349 +vt 0.469086 0.010072 +vt 0.380541 0.115529 +vt 0.526927 0.059385 +vt 0.402244 0.026074 +vt 0.380483 0.117168 +vt 0.302746 0.904146 +vt 0.402832 0.026419 +vt 0.507429 0.143183 +vt 0.470467 0.011726 +vt 0.427113 0.144241 +vt 0.436231 0.161153 +vt 0.524775 0.069303 +vt 0.525870 0.068546 +vt 0.389953 0.083277 +vt 0.439221 0.162630 +vt 0.437612 0.162814 +vt 0.439412 0.164004 +vt 0.528294 0.061199 +vt 0.439764 0.163218 +vt 0.527809 0.062029 +vt 0.527706 0.061405 +vt 0.390019 0.083423 +vt 0.526663 0.068664 +vt 0.440506 0.163681 +vt 0.526722 0.067569 +vt 0.745130 0.921453 +vt 0.738033 0.920733 +vt 0.441292 0.163930 +vt 0.441469 0.164628 +vt 0.182992 0.930863 +vt 0.508972 0.142661 +vt 0.446017 0.164511 +vt 0.382275 0.119570 +vt 0.527993 0.063969 +vt 0.527919 0.062654 +vt 0.528669 0.063161 +vt 0.390827 0.085348 +vt 0.528514 0.065152 +vt 0.510853 0.139825 +vt 0.513159 0.138180 +vt 0.447567 0.165319 +vt 0.386316 0.100064 +vt 0.387940 0.099719 +vt 0.388292 0.098448 +vt 0.513924 0.136225 +vt 0.406601 0.023488 +vt 0.563972 0.827167 +vt 0.516995 0.133382 +vt 0.391165 0.087185 +vt 0.516884 0.132405 +vt 0.407078 0.022298 +vt 0.520433 0.128313 +vt 0.519551 0.128416 +vt 0.390629 0.089507 +vt 0.521998 0.124368 +vt 0.382966 0.122487 +vt 0.382437 0.119886 +vt 0.527581 0.105449 +vt 0.523482 0.122979 +vt 0.524194 0.120033 +vt 0.450755 0.164812 +vt 0.388998 0.098624 +vt 0.527530 0.108792 +vt 0.078119 0.411050 +vt 0.391349 0.090307 +vt 0.528434 0.107440 +vt 0.526097 0.117439 +vt 0.483985 0.031613 +vt 0.484808 0.032084 +vt 0.525524 0.116984 +vt 0.526090 0.115684 +vt 0.389975 0.097383 +vt 0.389754 0.096354 +vt 0.391415 0.092357 +vt 0.390599 0.093937 +vt 0.453694 0.165532 +vt 0.390658 0.095965 +vt 0.528669 0.109578 +vt 0.485623 0.032554 +vt 0.486072 0.033597 +vt 0.527883 0.110401 +vt 0.527802 0.109534 +vt 0.391422 0.092864 +vt 0.528287 0.111709 +vt 0.527736 0.111217 +vt 0.391202 0.094458 +vt 0.486432 0.033046 +vt 0.384215 0.123486 +vt 0.410494 0.020747 +vt 0.486630 0.033898 +vt 0.455604 0.164849 +vt 0.412184 0.018903 +vt 0.487431 0.034317 +vt 0.385831 0.127607 +vt 0.488761 0.034082 +vt 0.488937 0.034861 +vt 0.386419 0.127255 +vt 0.489745 0.034971 +vt 0.490524 0.035074 +vt 0.491295 0.034442 +vt 0.414609 0.018242 +vt 0.388748 0.130928 +vt 0.459821 0.165267 +vt 0.389064 0.132500 +vt 0.417547 0.015921 +vt 0.460328 0.164533 +vt 0.492103 0.035118 +vt 0.493646 0.034809 +vt 0.493830 0.034104 +vt 0.418818 0.016038 +vt 0.494271 0.034626 +vt 0.391341 0.134447 +vt 0.495108 0.034376 +vt 0.392656 0.137144 +vt 0.496056 0.033920 +vt 0.423116 0.013349 +vt 0.423153 0.014032 +vt 0.465104 0.163989 +vt 0.394140 0.137842 +vt 0.427686 0.012357 +vt 0.465912 0.164533 +vt 0.396580 0.141500 +vt 0.469835 0.163107 +vt 0.397035 0.141089 +vt 0.428869 0.011226 +vt 0.501302 0.030783 +vt 0.502470 0.030159 +vt 0.502734 0.029395 +vt 0.398042 0.141838 +vt 0.398152 0.142735 +vt 0.503733 0.029843 +vt 0.399173 0.142514 +vt 0.471922 0.163321 +vt 0.504711 0.029116 +vt 0.432241 0.010859 +vt 0.504982 0.029813 +vt 0.505820 0.029902 +vt 0.474464 0.162013 +vt 0.506253 0.029946 +vt 0.506694 0.029373 +vt 0.507510 0.030372 +vt 0.434776 0.009558 +vt 0.401700 0.143073 +vt 0.402957 0.143029 +vt 0.507715 0.030482 +vt 0.508546 0.030137 +vt 0.508649 0.031033 +vt 0.403963 0.143477 +vt 0.509119 0.031386 +vt 0.404220 0.142713 +vt 0.477828 0.161645 +vt 0.436855 0.009779 +vt 0.509655 0.031797 +vt 0.510118 0.031378 +vt 0.479011 0.160514 +vt 0.438486 0.009470 +vt 0.511198 0.033531 +vt 0.440786 0.008353 +vt 0.441594 0.008890 +vt 0.483544 0.158839 +vt 0.483581 0.159522 +vt 0.512542 0.035037 +vt 0.514041 0.035735 +vt 0.513909 0.036690 +vt 0.515341 0.038431 +vt 0.410524 0.139796 +vt 0.411582 0.138503 +vt 0.487879 0.156833 +vt 0.489157 0.156966 +vt 0.412868 0.138775 +vt 0.517634 0.040378 +vt 0.413044 0.138069 +vt 0.517766 0.041715 +vt 0.414587 0.137768 +vt 0.517942 0.041958 +vt 0.492089 0.154629 +vt 0.520279 0.045631 +vt 0.415402 0.138429 +vt 0.416166 0.137805 +vt 0.633060 0.792453 +vt 0.630275 0.784305 +vt 0.632193 0.788207 +vt 0.623818 0.778443 +vt 0.627418 0.780977 +vt 0.619689 0.776856 +vt 0.629129 0.804509 +vt 0.632818 0.796758 +vt 0.631480 0.800865 +vt 0.610894 0.776856 +vt 0.617786 0.810614 +vt 0.622062 0.809549 +vt 0.600425 0.784305 +vt 0.603224 0.780977 +vt 0.061443 0.804727 +vt 0.027228 0.813330 +vt 0.061832 0.813308 +vt 0.613348 0.810614 +vt 0.609058 0.809549 +vt 0.597780 0.792453 +vt 0.598574 0.788207 +vt 0.599492 0.800865 +vt 0.598089 0.796758 +vt 0.605157 0.807470 +vt 0.601902 0.804509 +vt 0.027948 0.804749 +vt 0.027037 0.808995 +vt 0.032775 0.797483 +vt 0.029902 0.800818 +vt 0.040533 0.793339 +vt 0.036397 0.794933 +vt 0.033973 0.824064 +vt 0.028514 0.817444 +vt 0.030814 0.821103 +vt 0.044927 0.792795 +vt 0.056887 0.797475 +vt 0.049291 0.793332 +vt 0.053368 0.794926 +vt 0.059643 0.800811 +vt 0.062192 0.808988 +vt 0.057953 0.821088 +vt 0.060392 0.817429 +vt 0.054676 0.824056 +vt 0.050768 0.826143 +vt 0.046477 0.827223 +vt 0.042062 0.827223 +vt 0.037808 0.826150 +vt 0.566675 0.585177 +vt 0.566807 0.585361 +vt 0.566609 0.584964 +vt 0.566587 0.584729 +vt 0.566631 0.584508 +vt 0.567300 0.586771 +vt 0.567204 0.587278 +vt 0.566976 0.587734 +vt 0.566638 0.588123 +vt 0.566484 0.588292 +vt 0.566381 0.588505 +vt 0.566337 0.588725 +vt 0.566352 0.588953 +vt 0.570385 0.582290 +vt 0.570238 0.582473 +vt 0.570569 0.582157 +vt 0.570782 0.582077 +vt 0.570143 0.582679 +vt 0.573537 0.584303 +vt 0.573045 0.584214 +vt 0.569188 0.583847 +vt 0.568718 0.584016 +vt 0.567719 0.583950 +vt 0.567498 0.583906 +vt 0.567278 0.583913 +vt 0.567065 0.583994 +vt 0.566874 0.584126 +vt 0.571010 0.582054 +vt 0.569621 0.591098 +vt 0.569981 0.591664 +vt 0.570180 0.591767 +vt 0.569805 0.591510 +vt 0.569687 0.591319 +vt 0.568813 0.589857 +vt 0.568365 0.589644 +vt 0.567138 0.589636 +vt 0.567366 0.589614 +vt 0.566918 0.589600 +vt 0.566719 0.589504 +vt 0.566543 0.589357 +vt 0.574691 0.584354 +vt 0.574860 0.584501 +vt 0.574485 0.584259 +vt 0.574265 0.584229 +vt 0.574037 0.584244 +vt 0.571429 0.582194 +vt 0.571598 0.582348 +vt 0.571723 0.582539 +vt 0.571230 0.582106 +vt 0.571781 0.582760 +vt 0.572589 0.584001 +vt 0.574345 0.589864 +vt 0.574529 0.589739 +vt 0.574125 0.589945 +vt 0.573905 0.589960 +vt 0.573684 0.589908 +vt 0.572215 0.590018 +vt 0.571796 0.590312 +vt 0.571260 0.591187 +vt 0.571164 0.591392 +vt 0.571025 0.591569 +vt 0.570834 0.591701 +vt 0.570620 0.591782 +vt 0.977457 0.228784 +vt 0.977031 0.229423 +vt 0.976980 0.229629 +vt 0.977024 0.229210 +vt 0.976972 0.229004 +vt 0.976862 0.228813 +vt 0.976487 0.227447 +vt 0.976605 0.226977 +vt 0.977193 0.226235 +vt 0.977340 0.226088 +vt 0.977450 0.225904 +vt 0.977509 0.225698 +vt 0.977516 0.225478 +vt 0.977457 0.225272 +vt 0.976870 0.229820 +vt 0.353970 0.994805 +vt 0.353970 0.994783 +vt 0.813704 0.221817 +vt 0.814461 0.221817 +vt 0.814558 0.992653 +vt 0.972746 0.962407 +vt 0.864986 0.387214 +vt 0.487972 0.007920 +vt 0.713313 0.643021 +vt 0.216641 0.037766 +vt 0.216597 0.037766 +vt 0.218618 0.426434 +vt 0.629410 0.635235 +vt 0.629858 0.635220 +vt 0.130582 0.887890 +vt 0.124565 0.887118 +vt 0.978551 0.883329 +vt 0.979043 0.881397 +vt 0.977701 0.581020 +vt 0.977701 0.581645 +vt 0.776297 0.972702 +vt 0.588556 0.451261 +vt 0.700498 0.772552 +vt 0.700542 0.772023 +vt 0.575289 0.912538 +vt 0.700542 0.772552 +vt 0.382390 0.165501 +vt 0.438952 0.982609 +vt 0.440289 0.982609 +vt 0.480028 0.337945 +vt 0.621678 0.250849 +vt 0.621678 0.250798 +vt 0.389694 0.532650 +vt 0.121694 0.584010 +vt 0.121025 0.583959 +vt 0.280917 0.635220 +vt 0.610106 0.390097 +vt 0.488839 0.126788 +vt 0.714643 0.643021 +vt 0.714636 0.644909 +vt 0.628954 0.509070 +vt 0.391518 0.603285 +vt 0.391526 0.603770 +vt 0.600776 0.072111 +vt 0.600291 0.072111 +vt 0.405024 0.353742 +vt 0.740059 0.982602 +vt 0.972438 0.045963 +vt 0.972490 0.045963 +vt 0.564857 0.513009 +vt 0.568111 0.485245 +vt 0.628839 0.475896 +vt 0.346078 0.603168 +vt 0.344902 0.603616 +vt 0.628973 0.457331 +vt 0.464665 0.354021 +vt 0.499614 0.375163 +vt 0.979293 0.982653 +vt 0.972768 0.920619 +vt 0.972738 0.921802 +vt 0.626855 0.474537 +vt 0.628839 0.474750 +vt 0.452293 0.354036 +vt 0.834238 0.562687 +vt 0.832857 0.491974 +vt 0.933844 0.105395 +vt 0.931853 0.105395 +vt 0.478787 0.045885 +vt 0.476833 0.045885 +vt 0.195391 0.034968 +vt 0.393918 0.532738 +vt 0.591620 0.994746 +vt 0.591568 0.994746 +vt 0.436626 0.308733 +vt 0.434143 0.308733 +vt 0.626855 0.474750 +vt 0.384292 0.166272 +vt 0.842040 0.562665 +vt 0.842040 0.491974 +vt 0.075864 0.628787 +vt 0.344677 0.508003 +vt 0.346352 0.507996 +vt 0.807694 0.617819 +vt 0.344677 0.437268 +vt 0.560580 0.095407 +vt 0.626855 0.399520 +vt 0.860327 0.712531 +vt 0.860276 0.710658 +vt 0.860327 0.710643 +vt 0.799953 0.992602 +vt 0.212805 0.926573 +vt 0.212724 0.926375 +vt 0.212599 0.926206 +vt 0.212335 0.934023 +vt 0.212144 0.934104 +vt 0.467617 0.839835 +vt 0.212504 0.933891 +vt 0.471944 0.837301 +vt 0.541174 0.760118 +vt 0.212643 0.933722 +vt 0.212717 0.933524 +vt 0.207581 0.926573 +vt 0.207552 0.926786 +vt 0.214377 0.930629 +vt 0.214208 0.930761 +vt 0.214223 0.929336 +vt 0.205914 0.929461 +vt 0.205781 0.929630 +vt 0.205693 0.929828 +vt 0.205671 0.930041 +vt 0.205686 0.930261 +vt 0.207655 0.926375 +vt 0.205774 0.930453 +vt 0.205899 0.930629 +vt 0.214517 0.930467 +vt 0.206068 0.930754 +vt 0.207787 0.926199 +vt 0.206090 0.929328 +vt 0.214399 0.929468 +vt 0.207361 0.931679 +vt 0.207530 0.932128 +vt 0.214598 0.930261 +vt 0.214524 0.929637 +vt 0.207956 0.926066 +vt 0.214627 0.930048 +vt 0.467426 0.832871 +vt 0.465802 0.833818 +vt 0.214598 0.929835 +vt 0.208147 0.925986 +vt 0.208367 0.925956 +vt 0.212893 0.931687 +vt 0.210571 0.933391 +vt 0.208573 0.925993 +vt 0.208764 0.926081 +vt 0.470937 0.833818 +vt 0.208926 0.926213 +vt 0.212033 0.925964 +vt 0.211828 0.925993 +vt 0.211629 0.926081 +vt 0.212247 0.925986 +vt 0.206707 0.931011 +vt 0.207104 0.928792 +vt 0.213187 0.931305 +vt 0.213591 0.929086 +vt 0.213216 0.928792 +vt 0.210189 0.926772 +vt 0.471893 0.835405 +vt 0.211725 0.934104 +vt 0.211534 0.934016 +vt 0.207074 0.931297 +vt 0.211931 0.934133 +vt 0.764715 0.928307 +vt 0.207508 0.933090 +vt 0.207471 0.933303 +vt 0.207493 0.933516 +vt 0.207567 0.933715 +vt 0.207691 0.933891 +vt 0.212438 0.926074 +vt 0.207860 0.934023 +vt 0.208051 0.934104 +vt 0.208265 0.934133 +vt 0.208470 0.934104 +vt 0.208669 0.934016 +vt 0.776780 0.781102 +vt 0.774216 0.784636 +vt 0.772607 0.797390 +vt 0.772063 0.793040 +vt 0.784098 0.776488 +vt 0.780145 0.778332 +vt 0.774216 0.801467 +vt 0.788388 0.775694 +vt 0.792745 0.775996 +vt 0.803567 0.782946 +vt 0.800577 0.779743 +vt 0.792737 0.810328 +vt 0.788381 0.810577 +vt 0.784090 0.809732 +vt 0.780145 0.807844 +vt 0.117513 0.431129 +vt 0.800577 0.806669 +vt 0.796888 0.808998 +vt 0.806755 0.795435 +vt 0.805668 0.799675 +vt 0.803567 0.803495 +vt 0.527356 0.371346 +vt 0.521008 0.377356 +vt 0.519113 0.381353 +vt 0.535695 0.369172 +vt 0.539978 0.369723 +vt 0.518231 0.385702 +vt 0.543975 0.371346 +vt 0.547435 0.373955 +vt 0.551917 0.381367 +vt 0.552666 0.385709 +vt 0.521978 0.398060 +vt 0.525079 0.401086 +vt 0.528840 0.403217 +vt 0.519715 0.394320 +vt 0.552328 0.390125 +vt 0.533006 0.404319 +vt 0.537333 0.404319 +vt 0.548559 0.398067 +vt 0.541543 0.403224 +vt 0.545356 0.401094 +vt 0.807027 0.439976 +vt 0.802803 0.441056 +vt 0.815696 0.441056 +vt 0.819598 0.443157 +vt 0.799012 0.443157 +vt 0.795889 0.446140 +vt 0.793634 0.449821 +vt 0.822867 0.446140 +vt 0.792385 0.453964 +vt 0.792230 0.458314 +vt 0.827172 0.458314 +vt 0.826467 0.462597 +vt 0.824704 0.466535 +vt 0.826790 0.453964 +vt 0.793164 0.462597 +vt 0.795140 0.466535 +vt 0.815386 0.551233 +vt 0.781296 0.549065 +vt 0.785455 0.565397 +vt 0.821993 0.469892 +vt 0.818510 0.472456 +vt 0.801642 0.472456 +vt 0.805763 0.474058 +vt 0.814469 0.474058 +vt 0.810135 0.474609 +vt 0.792750 0.570063 +vt 0.788812 0.568196 +vt 0.781289 0.557771 +vt 0.782898 0.561849 +vt 0.801390 0.570614 +vt 0.797033 0.570885 +vt 0.805534 0.569262 +vt 0.780745 0.553415 +vt 0.812197 0.563715 +vt 0.809215 0.566911 +vt 0.792765 0.536767 +vt 0.788820 0.538640 +vt 0.785462 0.541432 +vt 0.782898 0.544980 +vt 0.814299 0.559865 +vt 0.815386 0.555619 +vt 0.541997 0.929622 +vt 0.801397 0.536223 +vt 0.797048 0.535944 +vt 0.812205 0.543136 +vt 0.814306 0.546979 +vt 0.809222 0.539933 +vt 0.805541 0.537582 +vt 0.972247 0.044883 +vt 0.972196 0.044883 +vt 0.777473 0.948319 +vt 0.778303 0.948327 +vt 0.778318 0.953242 +vt 0.776672 0.948312 +vt 0.777480 0.953242 +vt 0.775901 0.948290 +vt 0.776672 0.953227 +vt 0.775188 0.948275 +vt 0.775916 0.953212 +vt 0.775196 0.953198 +vt 0.774527 0.948253 +vt 0.774542 0.953176 +vt 0.773932 0.948231 +vt 0.773939 0.953154 +vt 0.759378 0.858908 +vt 0.759385 0.859540 +vt 0.754499 0.859533 +vt 0.759370 0.858225 +vt 0.754492 0.858908 +vt 0.759363 0.857483 +vt 0.754477 0.858225 +vt 0.759356 0.856704 +vt 0.754477 0.857483 +vt 0.759356 0.855889 +vt 0.754470 0.856704 +vt 0.759348 0.855051 +vt 0.754470 0.855889 +vt 0.754463 0.855044 +vt 0.759348 0.854199 +vt 0.754463 0.854192 +vt 0.759348 0.853332 +vt 0.754463 0.853332 +vt 0.759356 0.852480 +vt 0.754470 0.852472 +vt 0.759356 0.851635 +vt 0.754470 0.851635 +vt 0.759363 0.850827 +vt 0.754477 0.850827 +vt 0.759370 0.850048 +vt 0.754477 0.850041 +vt 0.759378 0.849306 +vt 0.754492 0.849306 +vt 0.759385 0.848630 +vt 0.754499 0.848630 +vt 0.948524 0.676762 +vt 0.948546 0.676086 +vt 0.943661 0.676079 +vt 0.943639 0.676755 +vt 0.943624 0.677482 +vt 0.948502 0.677490 +vt 0.948488 0.678268 +vt 0.943602 0.678261 +vt 0.943587 0.679069 +vt 0.948473 0.679077 +vt 0.943587 0.679907 +vt 0.948466 0.679922 +vt 0.948458 0.680766 +vt 0.943580 0.680766 +vt 0.948458 0.681633 +vt 0.943573 0.681626 +vt 0.948458 0.682486 +vt 0.943580 0.682478 +vt 0.948466 0.683330 +vt 0.943587 0.683323 +vt 0.948473 0.684146 +vt 0.943587 0.684146 +vt 0.948488 0.684932 +vt 0.943602 0.684925 +vt 0.948502 0.685681 +vt 0.943624 0.685667 +vt 0.948524 0.686372 +vt 0.943639 0.686365 +vt 0.948546 0.687004 +vt 0.943661 0.686997 +vt 0.761356 0.948290 +vt 0.761988 0.948275 +vt 0.761356 0.953212 +vt 0.761988 0.953198 +vt 0.760651 0.948305 +vt 0.760651 0.953220 +vt 0.759909 0.948312 +vt 0.759909 0.953234 +vt 0.759115 0.948319 +vt 0.759115 0.953234 +vt 0.758292 0.948327 +vt 0.758292 0.953242 +vt 0.757440 0.948327 +vt 0.757440 0.953249 +vt 0.756581 0.948334 +vt 0.756581 0.953249 +vt 0.755714 0.948334 +vt 0.755714 0.953249 +vt 0.754854 0.948327 +vt 0.754861 0.953249 +vt 0.754009 0.948327 +vt 0.754009 0.953242 +vt 0.753194 0.948319 +vt 0.753194 0.953234 +vt 0.752415 0.953234 +vt 0.752415 0.948312 +vt 0.751673 0.948305 +vt 0.751673 0.953220 +vt 0.750997 0.953212 +vt 0.750997 0.948290 +vt 0.750372 0.953198 +vt 0.750372 0.948275 +vt 0.784871 0.948253 +vt 0.785540 0.948231 +vt 0.785547 0.953154 +vt 0.784886 0.953176 +vt 0.784166 0.953198 +vt 0.784151 0.948275 +vt 0.783402 0.953212 +vt 0.783387 0.948290 +vt 0.782594 0.953227 +vt 0.782579 0.948312 +vt 0.781756 0.953242 +vt 0.781749 0.948319 +vt 0.780897 0.953242 +vt 0.780897 0.948327 +vt 0.780037 0.953249 +vt 0.780030 0.948327 +vt 0.779170 0.953249 +vt 0.779156 0.948327 +vt 0.970014 0.281764 +vt 0.969199 0.286657 +vt 0.970014 0.286643 +vt 0.820805 0.972733 +vt 0.819850 0.972755 +vt 0.819850 0.967877 +vt 0.819027 0.967906 +vt 0.823847 0.972748 +vt 0.822862 0.972733 +vt 0.822862 0.967855 +vt 0.821826 0.972726 +vt 0.820805 0.967862 +vt 0.824706 0.972770 +vt 0.823847 0.967877 +vt 0.821826 0.967855 +vt 0.335529 0.974139 +vt 0.335522 0.974852 +vt 0.340488 0.974852 +vt 0.824706 0.967892 +vt 0.335544 0.973250 +vt 0.340503 0.974139 +vt 0.335551 0.972251 +vt 0.340518 0.973250 +vt 0.335551 0.971193 +vt 0.340518 0.972251 +vt 0.335551 0.970150 +vt 0.340518 0.971193 +vt 0.335544 0.969187 +vt 0.340518 0.970150 +vt 0.335529 0.968357 +vt 0.340511 0.969187 +vt 0.965206 0.340589 +vt 0.964287 0.340574 +vt 0.964287 0.345467 +vt 0.340503 0.968357 +vt 0.966212 0.340604 +vt 0.965206 0.345489 +vt 0.966212 0.345497 +vt 0.967263 0.340604 +vt 0.967263 0.345497 +vt 0.968269 0.340589 +vt 0.968269 0.345489 +vt 0.969180 0.340574 +vt 0.969180 0.345467 +vt 0.969937 0.340545 +vt 0.965202 0.281779 +vt 0.964343 0.281772 +vt 0.964343 0.286650 +vt 0.969937 0.345430 +vt 0.966187 0.281786 +vt 0.965202 0.286665 +vt 0.967223 0.281794 +vt 0.966187 0.286665 +vt 0.968251 0.281786 +vt 0.967223 0.286672 +vt 0.969199 0.281779 +vt 0.968251 0.286665 +vt 0.819027 0.972777 +vt 0.942354 0.895580 +vt 0.941517 0.895573 +vt 0.941509 0.890650 +vt 0.943162 0.895595 +vt 0.942347 0.890658 +vt 0.943927 0.895602 +vt 0.943148 0.890665 +vt 0.944639 0.895624 +vt 0.943912 0.890687 +vt 0.944632 0.890702 +vt 0.945300 0.895646 +vt 0.945293 0.890724 +vt 0.945895 0.895668 +vt 0.945881 0.890746 +vt 0.239522 0.958044 +vt 0.238890 0.958030 +vt 0.238897 0.962915 +vt 0.240205 0.958044 +vt 0.239522 0.962930 +vt 0.240947 0.958052 +vt 0.240212 0.962937 +vt 0.241726 0.958059 +vt 0.240947 0.962937 +vt 0.242541 0.958066 +vt 0.241733 0.962945 +vt 0.243379 0.958066 +vt 0.242541 0.962952 +vt 0.243386 0.962952 +vt 0.244238 0.958066 +vt 0.244238 0.962952 +vt 0.245098 0.958066 +vt 0.245105 0.962952 +vt 0.245950 0.958066 +vt 0.245958 0.962952 +vt 0.246795 0.958059 +vt 0.246795 0.962945 +vt 0.247611 0.958052 +vt 0.247611 0.962937 +vt 0.248389 0.958044 +vt 0.248389 0.962937 +vt 0.249124 0.958044 +vt 0.249124 0.962930 +vt 0.249807 0.958030 +vt 0.249807 0.962915 +vt 0.029806 0.962956 +vt 0.029130 0.962978 +vt 0.029123 0.958092 +vt 0.029798 0.958070 +vt 0.030533 0.958055 +vt 0.030541 0.962934 +vt 0.031312 0.962919 +vt 0.031312 0.958033 +vt 0.032120 0.958026 +vt 0.032127 0.962904 +vt 0.032958 0.958011 +vt 0.032965 0.962897 +vt 0.033825 0.962890 +vt 0.033810 0.958004 +vt 0.034677 0.962890 +vt 0.034669 0.958004 +vt 0.035536 0.962890 +vt 0.035529 0.958004 +vt 0.036374 0.962897 +vt 0.036367 0.958011 +vt 0.037197 0.962904 +vt 0.037189 0.958026 +vt 0.037983 0.962919 +vt 0.037976 0.958033 +vt 0.038725 0.962934 +vt 0.038718 0.958055 +vt 0.039416 0.962956 +vt 0.039408 0.958070 +vt 0.040055 0.962978 +vt 0.040040 0.958092 +vt 0.943562 0.226901 +vt 0.943547 0.227540 +vt 0.948484 0.226901 +vt 0.948469 0.227540 +vt 0.943576 0.226210 +vt 0.948491 0.226210 +vt 0.943584 0.225454 +vt 0.948499 0.225461 +vt 0.943591 0.224667 +vt 0.948513 0.224667 +vt 0.943598 0.223845 +vt 0.948521 0.223845 +vt 0.943606 0.222992 +vt 0.948521 0.223000 +vt 0.943606 0.222133 +vt 0.948521 0.222140 +vt 0.943606 0.221266 +vt 0.948521 0.221273 +vt 0.943606 0.220406 +vt 0.948521 0.220406 +vt 0.943598 0.219569 +vt 0.948521 0.219569 +vt 0.943591 0.218746 +vt 0.948513 0.218746 +vt 0.948499 0.217967 +vt 0.943584 0.217967 +vt 0.943576 0.217225 +vt 0.948491 0.217232 +vt 0.948484 0.216549 +vt 0.943562 0.216549 +vt 0.948469 0.215932 +vt 0.943547 0.215925 +vt 0.934949 0.895646 +vt 0.934287 0.895668 +vt 0.934280 0.890746 +vt 0.934934 0.890724 +vt 0.935661 0.890702 +vt 0.935669 0.895624 +vt 0.936425 0.890687 +vt 0.936440 0.895602 +vt 0.937226 0.890665 +vt 0.937241 0.895595 +vt 0.938064 0.890658 +vt 0.938078 0.895580 +vt 0.938923 0.890650 +vt 0.938931 0.895573 +vt 0.939790 0.890650 +vt 0.939798 0.895565 +vt 0.940650 0.890650 +vt 0.940664 0.895565 +vt 0.959482 0.776731 +vt 0.960305 0.776753 +vt 0.960305 0.771882 +vt 0.969991 0.007332 +vt 0.969176 0.012232 +vt 0.969991 0.012210 +vt 0.958527 0.776717 +vt 0.959482 0.771860 +vt 0.955485 0.776724 +vt 0.956470 0.776717 +vt 0.956470 0.771846 +vt 0.957506 0.776709 +vt 0.958527 0.771846 +vt 0.954626 0.776753 +vt 0.955485 0.771853 +vt 0.957506 0.771838 +vt 0.311401 0.969100 +vt 0.311386 0.968387 +vt 0.316360 0.968387 +vt 0.954626 0.771875 +vt 0.311408 0.969989 +vt 0.316367 0.969100 +vt 0.311408 0.970988 +vt 0.316374 0.969989 +vt 0.311408 0.972046 +vt 0.316382 0.970988 +vt 0.311408 0.973089 +vt 0.316382 0.972046 +vt 0.311408 0.974052 +vt 0.316382 0.973089 +vt 0.311393 0.974882 +vt 0.316374 0.974052 +vt 0.969081 0.031849 +vt 0.969999 0.031871 +vt 0.969999 0.026978 +vt 0.316367 0.974882 +vt 0.968075 0.031834 +vt 0.969081 0.026956 +vt 0.968075 0.026949 +vt 0.967024 0.031842 +vt 0.967024 0.026949 +vt 0.966017 0.031849 +vt 0.966017 0.026956 +vt 0.965099 0.031871 +vt 0.965099 0.026978 +vt 0.964342 0.031900 +vt 0.965179 0.007346 +vt 0.964320 0.007339 +vt 0.964320 0.012217 +vt 0.964342 0.027007 +vt 0.966164 0.007361 +vt 0.965179 0.012232 +vt 0.967200 0.007361 +vt 0.966164 0.012232 +vt 0.968221 0.007354 +vt 0.967200 0.012239 +vt 0.969176 0.007346 +vt 0.968221 0.012232 +vt 0.934128 0.947227 +vt 0.934135 0.948065 +vt 0.939065 0.948072 +vt 0.934120 0.946426 +vt 0.939050 0.947242 +vt 0.934106 0.945662 +vt 0.939043 0.946433 +vt 0.934091 0.944942 +vt 0.939028 0.945669 +vt 0.939006 0.944949 +vt 0.934061 0.944281 +vt 0.938991 0.944296 +vt 0.934047 0.943693 +vt 0.938969 0.943693 +vt 0.207997 0.964423 +vt 0.207982 0.965054 +vt 0.212867 0.965047 +vt 0.207997 0.963739 +vt 0.212882 0.964423 +vt 0.208004 0.962997 +vt 0.212890 0.963732 +vt 0.208011 0.962219 +vt 0.212890 0.962997 +vt 0.208019 0.961396 +vt 0.212897 0.962211 +vt 0.208019 0.960558 +vt 0.212904 0.961396 +vt 0.212904 0.960558 +vt 0.208019 0.959706 +vt 0.212904 0.959699 +vt 0.208019 0.958846 +vt 0.212904 0.958839 +vt 0.208019 0.957994 +vt 0.212904 0.957987 +vt 0.208011 0.957149 +vt 0.212897 0.957149 +vt 0.208004 0.956334 +vt 0.212890 0.956334 +vt 0.207997 0.955555 +vt 0.212890 0.955548 +vt 0.207997 0.954820 +vt 0.212882 0.954820 +vt 0.207982 0.954137 +vt 0.212867 0.954137 +vt 0.954620 0.794672 +vt 0.955296 0.794650 +vt 0.955310 0.799536 +vt 0.954627 0.799558 +vt 0.953892 0.799573 +vt 0.953885 0.794694 +vt 0.953106 0.794702 +vt 0.953121 0.799595 +vt 0.952305 0.799602 +vt 0.952305 0.794724 +vt 0.951468 0.799617 +vt 0.951468 0.794731 +vt 0.950608 0.794738 +vt 0.950616 0.799624 +vt 0.949749 0.794738 +vt 0.949756 0.799624 +vt 0.948896 0.794738 +vt 0.948896 0.799624 +vt 0.948052 0.794731 +vt 0.948059 0.799617 +vt 0.947229 0.794724 +vt 0.947243 0.799602 +vt 0.946450 0.794702 +vt 0.946457 0.799595 +vt 0.945708 0.794694 +vt 0.945715 0.799573 +vt 0.945010 0.794672 +vt 0.945025 0.799558 +vt 0.944378 0.794650 +vt 0.944385 0.799536 +vt 0.518005 0.954673 +vt 0.517998 0.955312 +vt 0.522927 0.954673 +vt 0.522905 0.955312 +vt 0.518020 0.953975 +vt 0.522935 0.953975 +vt 0.518027 0.953233 +vt 0.522942 0.953233 +vt 0.518034 0.952432 +vt 0.522957 0.952440 +vt 0.518042 0.951609 +vt 0.522964 0.951617 +vt 0.518042 0.950765 +vt 0.522964 0.950765 +vt 0.518049 0.949898 +vt 0.522972 0.949905 +vt 0.518049 0.949038 +vt 0.522972 0.949038 +vt 0.518042 0.948178 +vt 0.522964 0.948178 +vt 0.518042 0.947334 +vt 0.522964 0.947334 +vt 0.518034 0.946518 +vt 0.522957 0.946518 +vt 0.522942 0.945739 +vt 0.518027 0.945732 +vt 0.518020 0.944997 +vt 0.522935 0.945005 +vt 0.522927 0.944314 +vt 0.518005 0.944314 +vt 0.522905 0.943704 +vt 0.517998 0.943697 +vt 0.934061 0.954633 +vt 0.934047 0.955294 +vt 0.938969 0.955308 +vt 0.938991 0.954640 +vt 0.939006 0.953927 +vt 0.934091 0.953913 +vt 0.939028 0.953156 +vt 0.934106 0.953148 +vt 0.939043 0.952348 +vt 0.934120 0.952340 +vt 0.939050 0.951518 +vt 0.934128 0.951503 +vt 0.939065 0.950665 +vt 0.934135 0.950651 +vt 0.939065 0.949791 +vt 0.934142 0.949784 +vt 0.939065 0.948924 +vt 0.934142 0.948917 +vt 0.970038 0.320976 +vt 0.969222 0.325862 +vt 0.970038 0.325854 +vt 0.938915 0.970945 +vt 0.938893 0.969990 +vt 0.943771 0.969990 +vt 0.943749 0.969167 +vt 0.938900 0.973979 +vt 0.938922 0.973002 +vt 0.943786 0.973002 +vt 0.938922 0.971966 +vt 0.943786 0.970945 +vt 0.938878 0.974839 +vt 0.943778 0.973979 +vt 0.943793 0.971966 +vt 0.291714 0.967765 +vt 0.292426 0.967750 +vt 0.292426 0.972724 +vt 0.943756 0.974839 +vt 0.290825 0.967772 +vt 0.291714 0.972738 +vt 0.289826 0.967779 +vt 0.290825 0.972738 +vt 0.288768 0.967779 +vt 0.289826 0.972746 +vt 0.287724 0.967779 +vt 0.288768 0.972753 +vt 0.286762 0.967772 +vt 0.287724 0.972746 +vt 0.285932 0.967757 +vt 0.286762 0.972738 +vt 0.871383 0.970066 +vt 0.871398 0.969155 +vt 0.866505 0.969155 +vt 0.285932 0.972731 +vt 0.871369 0.971080 +vt 0.866483 0.970066 +vt 0.866476 0.971080 +vt 0.871369 0.972131 +vt 0.866476 0.972131 +vt 0.871383 0.973137 +vt 0.866490 0.973137 +vt 0.871398 0.974048 +vt 0.866505 0.974048 +vt 0.871427 0.974805 +vt 0.965233 0.320991 +vt 0.964366 0.320976 +vt 0.964366 0.325854 +vt 0.866534 0.974805 +vt 0.966210 0.320998 +vt 0.965233 0.325869 +vt 0.967246 0.320998 +vt 0.966210 0.325876 +vt 0.968274 0.320998 +vt 0.967246 0.325876 +vt 0.969222 0.320983 +vt 0.968274 0.325876 +vt 0.938871 0.969167 +vt 0.943584 0.013391 +vt 0.943599 0.012561 +vt 0.948521 0.012553 +vt 0.943584 0.014199 +vt 0.948514 0.013384 +vt 0.943562 0.014963 +vt 0.948499 0.014192 +vt 0.943547 0.015683 +vt 0.948484 0.014956 +vt 0.948470 0.015668 +vt 0.943525 0.016337 +vt 0.948447 0.016330 +vt 0.943503 0.016939 +vt 0.948418 0.016925 +vt 0.954720 0.621869 +vt 0.955351 0.621862 +vt 0.955344 0.626747 +vt 0.954036 0.621876 +vt 0.954720 0.626762 +vt 0.953294 0.621884 +vt 0.954029 0.626769 +vt 0.952516 0.621891 +vt 0.953294 0.626769 +vt 0.951700 0.621898 +vt 0.952508 0.626777 +vt 0.950863 0.621898 +vt 0.951700 0.626777 +vt 0.950855 0.626784 +vt 0.950003 0.621898 +vt 0.950003 0.626784 +vt 0.949143 0.621898 +vt 0.949136 0.626784 +vt 0.948291 0.621898 +vt 0.948284 0.626777 +vt 0.947446 0.621891 +vt 0.947446 0.626777 +vt 0.946631 0.621884 +vt 0.946631 0.626769 +vt 0.945852 0.621876 +vt 0.945852 0.626769 +vt 0.945117 0.621869 +vt 0.945117 0.626762 +vt 0.944434 0.621862 +vt 0.944434 0.626747 +vt 0.115628 0.958000 +vt 0.114952 0.957978 +vt 0.114945 0.962864 +vt 0.115621 0.962886 +vt 0.116355 0.962901 +vt 0.116355 0.958022 +vt 0.117134 0.958030 +vt 0.117127 0.962923 +vt 0.117935 0.962930 +vt 0.117942 0.958052 +vt 0.118772 0.962945 +vt 0.118780 0.958059 +vt 0.119639 0.958059 +vt 0.119632 0.962952 +vt 0.120499 0.958059 +vt 0.120492 0.962952 +vt 0.121351 0.958059 +vt 0.121344 0.962952 +vt 0.122196 0.958059 +vt 0.122189 0.962945 +vt 0.123012 0.958052 +vt 0.123012 0.962930 +vt 0.123798 0.958030 +vt 0.123790 0.962923 +vt 0.124540 0.958022 +vt 0.124532 0.962901 +vt 0.125238 0.958000 +vt 0.125230 0.962886 +vt 0.125862 0.957978 +vt 0.125862 0.962864 +vt 0.841497 0.953250 +vt 0.842137 0.953265 +vt 0.841497 0.948328 +vt 0.842137 0.948350 +vt 0.840799 0.953243 +vt 0.840799 0.948328 +vt 0.840050 0.953236 +vt 0.840050 0.948313 +vt 0.839257 0.953221 +vt 0.839264 0.948306 +vt 0.838434 0.953213 +vt 0.838441 0.948298 +vt 0.837589 0.953213 +vt 0.837589 0.948291 +vt 0.836722 0.953213 +vt 0.836729 0.948291 +vt 0.835862 0.953213 +vt 0.835862 0.948291 +vt 0.835003 0.953213 +vt 0.835003 0.948291 +vt 0.834158 0.953213 +vt 0.834158 0.948298 +vt 0.833335 0.953221 +vt 0.833335 0.948306 +vt 0.832556 0.948313 +vt 0.832556 0.953236 +vt 0.831822 0.953243 +vt 0.831822 0.948328 +vt 0.831146 0.948328 +vt 0.831138 0.953250 +vt 0.830521 0.948350 +vt 0.830514 0.953265 +vt 0.943525 0.005993 +vt 0.943503 0.005331 +vt 0.948418 0.005317 +vt 0.948447 0.005978 +vt 0.948470 0.006698 +vt 0.943547 0.006713 +vt 0.948484 0.007462 +vt 0.943562 0.007477 +vt 0.948499 0.008270 +vt 0.943584 0.008285 +vt 0.948514 0.009108 +vt 0.943584 0.009115 +vt 0.948521 0.009967 +vt 0.943599 0.009975 +vt 0.948521 0.010827 +vt 0.943599 0.010842 +vt 0.948521 0.011694 +vt 0.943599 0.011708 +vt 0.965139 0.301380 +vt 0.964316 0.301351 +vt 0.964316 0.306222 +vt 0.756898 0.477795 +vt 0.756083 0.482680 +vt 0.756898 0.482673 +vt 0.966094 0.301388 +vt 0.965139 0.306251 +vt 0.969136 0.301380 +vt 0.968151 0.301395 +vt 0.968151 0.306266 +vt 0.967123 0.301395 +vt 0.966094 0.306266 +vt 0.969995 0.301358 +vt 0.969136 0.306251 +vt 0.967123 0.306273 +vt 0.422398 0.967765 +vt 0.423111 0.967750 +vt 0.423111 0.972724 +vt 0.969995 0.306229 +vt 0.421517 0.967772 +vt 0.422398 0.972731 +vt 0.420510 0.967779 +vt 0.421517 0.972746 +vt 0.419452 0.967779 +vt 0.420510 0.972753 +vt 0.418409 0.967772 +vt 0.419452 0.972753 +vt 0.417446 0.967772 +vt 0.418409 0.972746 +vt 0.416624 0.967757 +vt 0.417446 0.972739 +vt 0.837529 0.973945 +vt 0.837515 0.974864 +vt 0.842408 0.974864 +vt 0.416624 0.972731 +vt 0.837544 0.972931 +vt 0.842422 0.973945 +vt 0.842437 0.972931 +vt 0.837544 0.971888 +vt 0.842437 0.971888 +vt 0.837529 0.970882 +vt 0.842422 0.970882 +vt 0.837507 0.969963 +vt 0.842408 0.969963 +vt 0.837485 0.969207 +vt 0.752093 0.477809 +vt 0.751226 0.477795 +vt 0.751226 0.482673 +vt 0.842378 0.969207 +vt 0.753071 0.477817 +vt 0.752093 0.482688 +vt 0.754106 0.477817 +vt 0.753071 0.482695 +vt 0.755135 0.477817 +vt 0.754106 0.482695 +vt 0.756083 0.477802 +vt 0.755135 0.482695 +vt 0.701316 0.699400 +vt 0.654303 0.699400 +vt 0.654303 0.700693 +vt 0.701316 0.700693 +vt 0.701316 0.702001 +vt 0.654303 0.702001 +vt 0.701316 0.703294 +vt 0.654303 0.703294 +vt 0.849963 0.771691 +vt 0.859374 0.771772 +vt 0.859374 0.725774 +vt 0.849963 0.725693 +vt 0.654332 0.682811 +vt 0.658476 0.679865 +vt 0.657903 0.679262 +vt 0.659101 0.680401 +vt 0.657411 0.678601 +vt 0.659791 0.680864 +vt 0.656977 0.677888 +vt 0.660518 0.681246 +vt 0.656632 0.677139 +vt 0.661290 0.681554 +vt 0.656367 0.676360 +vt 0.662083 0.681775 +vt 0.656191 0.675552 +vt 0.662899 0.681914 +vt 0.656103 0.674729 +vt 0.663729 0.681958 +vt 0.656103 0.673899 +vt 0.656977 0.670732 +vt 0.657411 0.670027 +vt 0.654332 0.664906 +vt 0.656632 0.671489 +vt 0.656367 0.672268 +vt 0.656191 0.673076 +vt 0.657903 0.669366 +vt 0.658476 0.668771 +vt 0.659101 0.668235 +vt 0.659791 0.667772 +vt 0.660518 0.667382 +vt 0.661290 0.667074 +vt 0.662083 0.666853 +vt 0.662899 0.666721 +vt 0.663729 0.666677 +vt 0.664552 0.666721 +vt 0.668982 0.679865 +vt 0.668350 0.680401 +vt 0.686681 0.679865 +vt 0.669548 0.679262 +vt 0.686115 0.679262 +vt 0.687312 0.680401 +vt 0.670055 0.678601 +vt 0.685608 0.678601 +vt 0.670481 0.677888 +vt 0.667667 0.680864 +vt 0.687996 0.680864 +vt 0.685189 0.677888 +vt 0.688730 0.681246 +vt 0.666932 0.681246 +vt 0.684837 0.677139 +vt 0.670826 0.677139 +vt 0.671091 0.676360 +vt 0.689494 0.681554 +vt 0.666168 0.681554 +vt 0.684579 0.676360 +vt 0.690295 0.681775 +vt 0.665367 0.681775 +vt 0.684396 0.675552 +vt 0.671267 0.675552 +vt 0.684308 0.674729 +vt 0.671355 0.674729 +vt 0.671355 0.673899 +vt 0.684308 0.673899 +vt 0.671267 0.673076 +vt 0.684396 0.673076 +vt 0.684579 0.672268 +vt 0.671091 0.672268 +vt 0.684837 0.671489 +vt 0.670826 0.671489 +vt 0.670481 0.670732 +vt 0.685189 0.670732 +vt 0.685608 0.670027 +vt 0.670055 0.670027 +vt 0.669548 0.669366 +vt 0.686115 0.669366 +vt 0.668982 0.668771 +vt 0.686681 0.668771 +vt 0.668350 0.668235 +vt 0.692764 0.681914 +vt 0.691934 0.681958 +vt 0.701330 0.682811 +vt 0.693579 0.681775 +vt 0.694373 0.681554 +vt 0.695144 0.681246 +vt 0.695872 0.680864 +vt 0.696562 0.680401 +vt 0.697187 0.679865 +vt 0.697760 0.679262 +vt 0.687312 0.668235 +vt 0.698252 0.678608 +vt 0.687996 0.667764 +vt 0.667667 0.667772 +vt 0.698685 0.677888 +vt 0.688730 0.667382 +vt 0.666932 0.667382 +vt 0.699031 0.677139 +vt 0.689494 0.667074 +vt 0.666168 0.667074 +vt 0.699295 0.676360 +vt 0.690295 0.666853 +vt 0.665367 0.666853 +vt 0.699472 0.675552 +vt 0.699560 0.674729 +vt 0.699560 0.673899 +vt 0.699472 0.673076 +vt 0.701330 0.664906 +vt 0.699295 0.672268 +vt 0.699031 0.671489 +vt 0.698685 0.670732 +vt 0.698252 0.670027 +vt 0.697760 0.669366 +vt 0.697187 0.668771 +vt 0.696562 0.668235 +vt 0.695872 0.667764 +vt 0.695144 0.667382 +vt 0.694373 0.667074 +vt 0.693579 0.666853 +vt 0.692764 0.666721 +vt 0.691934 0.666677 +vt 0.691111 0.666721 +vt 0.664552 0.681914 +vt 0.691111 0.681914 +vt 0.654332 0.719883 +vt 0.701330 0.719883 +vt 0.654332 0.737795 +vt 0.658476 0.733930 +vt 0.657903 0.733328 +vt 0.659101 0.734466 +vt 0.657411 0.732674 +vt 0.659791 0.734929 +vt 0.656977 0.731969 +vt 0.660518 0.735319 +vt 0.656632 0.731212 +vt 0.661290 0.735627 +vt 0.656367 0.730433 +vt 0.662083 0.735848 +vt 0.656191 0.729625 +vt 0.662899 0.735980 +vt 0.656103 0.728802 +vt 0.663729 0.736024 +vt 0.664552 0.735980 +vt 0.656977 0.724813 +vt 0.657411 0.724093 +vt 0.656632 0.725555 +vt 0.656367 0.726341 +vt 0.656191 0.727149 +vt 0.656103 0.727972 +vt 0.657903 0.723439 +vt 0.658476 0.722836 +vt 0.659101 0.722300 +vt 0.659791 0.721837 +vt 0.660518 0.721448 +vt 0.661290 0.721139 +vt 0.662083 0.720926 +vt 0.662899 0.720787 +vt 0.663729 0.720743 +vt 0.668982 0.733930 +vt 0.668350 0.734466 +vt 0.686681 0.733930 +vt 0.686115 0.733328 +vt 0.669548 0.733328 +vt 0.687312 0.734466 +vt 0.685608 0.732674 +vt 0.670055 0.732674 +vt 0.670481 0.731969 +vt 0.667667 0.734929 +vt 0.666932 0.735319 +vt 0.687996 0.734929 +vt 0.685189 0.731969 +vt 0.688730 0.735319 +vt 0.684837 0.731212 +vt 0.670826 0.731212 +vt 0.689494 0.735627 +vt 0.666168 0.735627 +vt 0.684579 0.730433 +vt 0.671091 0.730433 +vt 0.690295 0.735848 +vt 0.665367 0.735848 +vt 0.684396 0.729625 +vt 0.671267 0.729625 +vt 0.684308 0.728802 +vt 0.671355 0.728802 +vt 0.671355 0.727972 +vt 0.684308 0.727972 +vt 0.684396 0.727149 +vt 0.671267 0.727149 +vt 0.671091 0.726341 +vt 0.684579 0.726341 +vt 0.670826 0.725555 +vt 0.684837 0.725555 +vt 0.670481 0.724813 +vt 0.685189 0.724805 +vt 0.670055 0.724093 +vt 0.685608 0.724093 +vt 0.669548 0.723439 +vt 0.686115 0.723439 +vt 0.668982 0.722836 +vt 0.692764 0.735980 +vt 0.691934 0.736024 +vt 0.701330 0.737795 +vt 0.693579 0.735848 +vt 0.694373 0.735627 +vt 0.695144 0.735319 +vt 0.695872 0.734929 +vt 0.696562 0.734466 +vt 0.697187 0.733930 +vt 0.691111 0.735980 +vt 0.686681 0.722836 +vt 0.697760 0.733328 +vt 0.687312 0.722300 +vt 0.668350 0.722300 +vt 0.698252 0.732674 +vt 0.687996 0.721837 +vt 0.667667 0.721837 +vt 0.698685 0.731969 +vt 0.688730 0.721448 +vt 0.666932 0.721448 +vt 0.699031 0.731212 +vt 0.689494 0.721139 +vt 0.666168 0.721139 +vt 0.665367 0.720926 +vt 0.699295 0.730433 +vt 0.690295 0.720926 +vt 0.699472 0.729625 +vt 0.699560 0.728802 +vt 0.699560 0.727972 +vt 0.699472 0.727149 +vt 0.699295 0.726341 +vt 0.699031 0.725555 +vt 0.698685 0.724805 +vt 0.698252 0.724093 +vt 0.697760 0.723439 +vt 0.697187 0.722836 +vt 0.696562 0.722300 +vt 0.695872 0.721837 +vt 0.695144 0.721448 +vt 0.694373 0.721139 +vt 0.693579 0.720926 +vt 0.692764 0.720787 +vt 0.691934 0.720743 +vt 0.691111 0.720787 +vt 0.664552 0.720787 +vt 0.858533 0.089113 +vt 0.867988 0.089017 +vt 0.867988 0.134788 +vt 0.858533 0.134891 +vt 0.715009 0.217440 +vt 0.708750 0.210659 +vt 0.715729 0.216764 +vt 0.714473 0.218285 +vt 0.716604 0.216287 +vt 0.714172 0.219218 +vt 0.717559 0.216037 +vt 0.714106 0.220210 +vt 0.718551 0.216037 +vt 0.714297 0.221187 +vt 0.719513 0.216287 +vt 0.742920 0.217440 +vt 0.721107 0.217440 +vt 0.743647 0.216764 +vt 0.720380 0.216764 +vt 0.742391 0.218285 +vt 0.721636 0.218285 +vt 0.744507 0.216287 +vt 0.722004 0.220210 +vt 0.721945 0.219218 +vt 0.742083 0.219218 +vt 0.742024 0.220210 +vt 0.721820 0.221187 +vt 0.742207 0.221187 +vt 0.720762 0.222847 +vt 0.721394 0.222083 +vt 0.742626 0.222083 +vt 0.748291 0.216764 +vt 0.747424 0.216287 +vt 0.755270 0.210659 +vt 0.746469 0.216037 +vt 0.745469 0.216037 +vt 0.719961 0.223428 +vt 0.743258 0.222847 +vt 0.749018 0.217440 +vt 0.744066 0.223428 +vt 0.749547 0.218285 +vt 0.749848 0.219218 +vt 0.749914 0.220210 +vt 0.749723 0.221187 +vt 0.714715 0.222083 +vt 0.715355 0.222847 +vt 0.715009 0.270955 +vt 0.715729 0.270271 +vt 0.716148 0.223428 +vt 0.714473 0.271792 +vt 0.716604 0.269794 +vt 0.717066 0.223795 +vt 0.717559 0.269551 +vt 0.718051 0.223920 +vt 0.718551 0.269551 +vt 0.719035 0.223795 +vt 0.719513 0.269794 +vt 0.708750 0.282776 +vt 0.714172 0.272733 +vt 0.714106 0.273724 +vt 0.714297 0.274694 +vt 0.714715 0.275590 +vt 0.715355 0.276355 +vt 0.716148 0.276935 +vt 0.717066 0.277302 +vt 0.718051 0.277427 +vt 0.719035 0.277302 +vt 0.721107 0.270955 +vt 0.720380 0.270271 +vt 0.742920 0.270955 +vt 0.743647 0.270271 +vt 0.742391 0.271792 +vt 0.721636 0.271792 +vt 0.744985 0.223795 +vt 0.744507 0.269794 +vt 0.742083 0.272733 +vt 0.721945 0.272733 +vt 0.745969 0.223920 +vt 0.745469 0.269551 +vt 0.742024 0.273724 +vt 0.721820 0.274694 +vt 0.722004 0.273724 +vt 0.746953 0.223795 +vt 0.746469 0.269551 +vt 0.742207 0.274694 +vt 0.721394 0.275590 +vt 0.747872 0.223428 +vt 0.747424 0.269794 +vt 0.742626 0.275590 +vt 0.720762 0.276355 +vt 0.748673 0.222847 +vt 0.748291 0.270271 +vt 0.743258 0.276355 +vt 0.749312 0.222083 +vt 0.749018 0.270955 +vt 0.719961 0.276935 +vt 0.744066 0.276935 +vt 0.744985 0.277302 +vt 0.745969 0.277427 +vt 0.746953 0.277302 +vt 0.755270 0.282776 +vt 0.747872 0.276935 +vt 0.748673 0.276355 +vt 0.749312 0.275590 +vt 0.749723 0.274694 +vt 0.749914 0.273724 +vt 0.749848 0.272733 +vt 0.749547 0.271792 +vt 0.716016 0.571656 +vt 0.706583 0.589090 +vt 0.716016 0.589142 +vt 0.711557 0.555434 +vt 0.706583 0.517929 +vt 0.711329 0.552892 +vt 0.711557 0.551629 +vt 0.716016 0.535458 +vt 0.716016 0.517973 +vt 0.711329 0.554178 +vt 0.738585 0.760888 +vt 0.738599 0.751557 +vt 0.720915 0.760888 +vt 0.704554 0.756472 +vt 0.684328 0.760888 +vt 0.700711 0.756472 +vt 0.666681 0.751557 +vt 0.701982 0.756244 +vt 0.666666 0.760888 +vt 0.703276 0.756244 +vt 0.887301 0.612327 +vt 0.886919 0.611607 +vt 0.883811 0.613429 +vt 0.886463 0.610924 +vt 0.883436 0.618058 +vt 0.882702 0.618726 +vt 0.885310 0.621261 +vt 0.883194 0.612650 +vt 0.876912 0.608793 +vt 0.876207 0.609212 +vt 0.878587 0.611982 +vt 0.876824 0.617103 +vt 0.876538 0.616155 +vt 0.873261 0.617881 +vt 0.879520 0.611637 +vt 0.877654 0.608455 +vt 0.873048 0.617088 +vt 0.884656 0.621753 +vt 0.884215 0.614326 +vt 0.887822 0.613877 +vt 0.887602 0.613091 +vt 0.873562 0.618638 +vt 0.883958 0.622172 +vt 0.875553 0.609704 +vt 0.877772 0.612548 +vt 0.874958 0.610270 +vt 0.881820 0.619182 +vt 0.873944 0.619358 +vt 0.877346 0.617948 +vt 0.883209 0.622510 +vt 0.884384 0.615310 +vt 0.887947 0.616324 +vt 0.887991 0.615501 +vt 0.887947 0.614686 +vt 0.874407 0.620041 +vt 0.874422 0.610887 +vt 0.877133 0.613304 +vt 0.873966 0.611570 +vt 0.882437 0.622774 +vt 0.880858 0.619417 +vt 0.873584 0.612291 +vt 0.874929 0.620666 +vt 0.878051 0.618638 +vt 0.884303 0.616295 +vt 0.887815 0.617132 +vt 0.881636 0.622951 +vt 0.873276 0.613047 +vt 0.876692 0.614193 +vt 0.875524 0.621232 +vt 0.880821 0.623032 +vt 0.887587 0.617918 +vt 0.873055 0.613841 +vt 0.876178 0.621731 +vt 0.883980 0.617228 +vt 0.879998 0.623032 +vt 0.879866 0.619395 +vt 0.876876 0.622150 +vt 0.876494 0.615163 +vt 0.878911 0.619138 +vt 0.887286 0.618675 +vt 0.879190 0.622936 +vt 0.872916 0.614641 +vt 0.877610 0.622495 +vt 0.878389 0.622760 +vt 0.886904 0.619402 +vt 0.883245 0.608470 +vt 0.882474 0.608206 +vt 0.881482 0.611673 +vt 0.872872 0.615464 +vt 0.881680 0.608029 +vt 0.882400 0.612055 +vt 0.886441 0.620078 +vt 0.884693 0.609234 +vt 0.883987 0.608815 +vt 0.872916 0.616280 +vt 0.880858 0.607934 +vt 0.880505 0.611526 +vt 0.880042 0.607934 +vt 0.879227 0.608015 +vt 0.885912 0.620695 +vt 0.885934 0.610299 +vt 0.885339 0.609734 +vt 0.878426 0.608191 +vt 0.872916 0.755989 +vt 0.872872 0.756811 +vt 0.876479 0.756804 +vt 0.880189 0.760742 +vt 0.879212 0.764261 +vt 0.880035 0.764349 +vt 0.887947 0.755974 +vt 0.884355 0.756305 +vt 0.887991 0.756797 +vt 0.880836 0.749251 +vt 0.880182 0.752851 +vt 0.881173 0.752918 +vt 0.884355 0.757289 +vt 0.882445 0.749516 +vt 0.881644 0.749340 +vt 0.880850 0.764349 +vt 0.881173 0.760683 +vt 0.872916 0.757627 +vt 0.873048 0.758428 +vt 0.876604 0.757789 +vt 0.873268 0.759221 +vt 0.887947 0.757612 +vt 0.881658 0.764254 +vt 0.887822 0.758420 +vt 0.884671 0.750537 +vt 0.883965 0.750118 +vt 0.882114 0.753226 +vt 0.883223 0.749773 +vt 0.884112 0.758251 +vt 0.873577 0.759985 +vt 0.876964 0.758707 +vt 0.882459 0.764085 +vt 0.873959 0.760705 +vt 0.882114 0.760382 +vt 0.874414 0.761381 +vt 0.887602 0.759207 +vt 0.882944 0.753755 +vt 0.885317 0.751029 +vt 0.883238 0.763820 +vt 0.887301 0.759971 +vt 0.874951 0.762006 +vt 0.877551 0.759508 +vt 0.883980 0.763482 +vt 0.885912 0.751595 +vt 0.886911 0.760691 +vt 0.875546 0.762564 +vt 0.883635 0.759126 +vt 0.883627 0.754475 +vt 0.884685 0.763056 +vt 0.882959 0.759846 +vt 0.878316 0.760140 +vt 0.886456 0.761366 +vt 0.886441 0.752220 +vt 0.885332 0.762557 +vt 0.885927 0.761991 +vt 0.876200 0.763056 +vt 0.886904 0.752896 +vt 0.884105 0.755342 +vt 0.879212 0.760558 +vt 0.876898 0.763482 +vt 0.875531 0.751044 +vt 0.874936 0.751610 +vt 0.877544 0.754100 +vt 0.874407 0.752234 +vt 0.887293 0.753623 +vt 0.877640 0.763828 +vt 0.876883 0.750126 +vt 0.876185 0.750545 +vt 0.878308 0.753469 +vt 0.876964 0.754901 +vt 0.873944 0.752910 +vt 0.873569 0.753630 +vt 0.873261 0.754394 +vt 0.887595 0.754380 +vt 0.879205 0.753043 +vt 0.879197 0.749340 +vt 0.878396 0.749523 +vt 0.877625 0.749780 +vt 0.878418 0.764085 +vt 0.876604 0.755820 +vt 0.873048 0.755180 +vt 0.887815 0.755166 +vt 0.880013 0.749251 +vt 0.887991 0.721445 +vt 0.887947 0.722267 +vt 0.884362 0.721922 +vt 0.882070 0.717874 +vt 0.881130 0.717580 +vt 0.882430 0.714179 +vt 0.887815 0.723076 +vt 0.880042 0.729019 +vt 0.879234 0.728938 +vt 0.880226 0.725419 +vt 0.876479 0.721511 +vt 0.876611 0.722495 +vt 0.872916 0.722304 +vt 0.881218 0.725346 +vt 0.880865 0.729019 +vt 0.873055 0.723112 +vt 0.881636 0.714002 +vt 0.884347 0.720930 +vt 0.887808 0.719821 +vt 0.887940 0.720629 +vt 0.872872 0.721489 +vt 0.880821 0.713921 +vt 0.878433 0.728762 +vt 0.879249 0.725243 +vt 0.877654 0.728498 +vt 0.880138 0.717529 +vt 0.872916 0.720673 +vt 0.876589 0.720534 +vt 0.879998 0.713921 +vt 0.884090 0.719968 +vt 0.886897 0.717558 +vt 0.887279 0.718278 +vt 0.887587 0.719035 +vt 0.873048 0.719865 +vt 0.876905 0.728160 +vt 0.878352 0.724832 +vt 0.876207 0.727741 +vt 0.879190 0.714017 +vt 0.879168 0.717727 +vt 0.875553 0.727241 +vt 0.873261 0.719079 +vt 0.876942 0.719608 +vt 0.886434 0.716875 +vt 0.883605 0.719108 +vt 0.878389 0.714193 +vt 0.874958 0.726683 +vt 0.877581 0.724207 +vt 0.873562 0.718307 +vt 0.877618 0.714458 +vt 0.885905 0.716258 +vt 0.874429 0.726066 +vt 0.873937 0.717588 +vt 0.882915 0.718388 +vt 0.876876 0.714796 +vt 0.878272 0.718153 +vt 0.874400 0.716904 +vt 0.876986 0.723414 +vt 0.877522 0.718800 +vt 0.885310 0.715692 +vt 0.876170 0.715222 +vt 0.873966 0.725383 +vt 0.874929 0.716280 +vt 0.875524 0.715714 +vt 0.884656 0.715200 +vt 0.885934 0.726654 +vt 0.885339 0.727219 +vt 0.882981 0.724486 +vt 0.873577 0.724663 +vt 0.884685 0.727711 +vt 0.883657 0.723759 +vt 0.883951 0.714781 +vt 0.886919 0.725353 +vt 0.886463 0.726029 +vt 0.873276 0.723906 +vt 0.883987 0.728138 +vt 0.882158 0.725030 +vt 0.883245 0.728483 +vt 0.882474 0.728747 +vt 0.884127 0.722885 +vt 0.883209 0.714436 +vt 0.887602 0.723862 +vt 0.887301 0.724618 +vt 0.881673 0.728924 +vt 0.876677 0.440068 +vt 0.873055 0.440472 +vt 0.873276 0.441258 +vt 0.883980 0.445512 +vt 0.882356 0.442294 +vt 0.883238 0.445858 +vt 0.881431 0.442662 +vt 0.887947 0.438011 +vt 0.887815 0.437203 +vt 0.884318 0.438077 +vt 0.887595 0.436417 +vt 0.873577 0.442023 +vt 0.884002 0.437137 +vt 0.877103 0.440965 +vt 0.876883 0.432156 +vt 0.876185 0.432582 +vt 0.878103 0.435645 +vt 0.882467 0.446115 +vt 0.875531 0.433074 +vt 0.878962 0.435161 +vt 0.873959 0.442743 +vt 0.881666 0.446291 +vt 0.884384 0.439069 +vt 0.887823 0.440450 +vt 0.887955 0.439642 +vt 0.887991 0.438827 +vt 0.880446 0.442787 +vt 0.874936 0.433640 +vt 0.877383 0.436321 +vt 0.874407 0.434264 +vt 0.874422 0.443418 +vt 0.877735 0.441729 +vt 0.880850 0.446387 +vt 0.873952 0.434947 +vt 0.874951 0.444036 +vt 0.887602 0.441244 +vt 0.884201 0.440046 +vt 0.880035 0.446387 +vt 0.873570 0.435667 +vt 0.876846 0.437166 +vt 0.875546 0.444609 +vt 0.887294 0.442000 +vt 0.879219 0.446298 +vt 0.873268 0.436432 +vt 0.879462 0.442669 +vt 0.883782 0.440943 +vt 0.876200 0.445094 +vt 0.878536 0.442309 +vt 0.876545 0.438107 +vt 0.878426 0.446122 +vt 0.886919 0.442720 +vt 0.876898 0.445520 +vt 0.877647 0.445865 +vt 0.873048 0.437225 +vt 0.886456 0.443404 +vt 0.883150 0.441707 +vt 0.876486 0.439098 +vt 0.872916 0.438026 +vt 0.883965 0.432148 +vt 0.883223 0.431803 +vt 0.881879 0.435153 +vt 0.882445 0.431546 +vt 0.885934 0.444028 +vt 0.872872 0.438849 +vt 0.885325 0.433067 +vt 0.884663 0.432567 +vt 0.882746 0.435623 +vt 0.880916 0.434911 +vt 0.881644 0.431370 +vt 0.880828 0.431289 +vt 0.880013 0.431289 +vt 0.885332 0.444587 +vt 0.883473 0.436307 +vt 0.886912 0.434933 +vt 0.886449 0.434257 +vt 0.885912 0.433625 +vt 0.872916 0.439664 +vt 0.879197 0.431377 +vt 0.879925 0.434918 +vt 0.878396 0.431553 +vt 0.884685 0.445086 +vt 0.887286 0.435653 +vt 0.877625 0.431818 +vt 0.463824 0.960733 +vt 0.463854 0.960836 +vt 0.463934 0.960785 +vt 0.464074 0.960946 +vt 0.461517 0.961711 +vt 0.461694 0.961982 +vt 0.462002 0.961865 +vt 0.462237 0.961666 +vt 0.462465 0.961894 +vt 0.463670 0.961711 +vt 0.463244 0.961637 +vt 0.463398 0.961997 +vt 0.462891 0.961813 +vt 0.463031 0.962217 +vt 0.463670 0.962335 +vt 0.464206 0.960785 +vt 0.464001 0.960719 +vt 0.464096 0.961637 +vt 0.464463 0.961417 +vt 0.464140 0.961277 +vt 0.463832 0.961387 +vt 0.463883 0.961049 +vt 0.463934 0.961997 +vt 0.464309 0.962225 +vt 0.464383 0.961071 +vt 0.464743 0.961093 +vt 0.464441 0.961813 +vt 0.464867 0.961902 +vt 0.464544 0.960785 +vt 0.464889 0.960689 +vt 0.464287 0.960579 +vt 0.464853 0.961468 +vt 0.465286 0.961402 +vt 0.464603 0.960469 +vt 0.464287 0.960359 +vt 0.464889 0.960256 +vt 0.465132 0.960998 +vt 0.465499 0.960792 +vt 0.464743 0.959852 +vt 0.464544 0.960146 +vt 0.464214 0.960160 +vt 0.465220 0.960469 +vt 0.465499 0.960146 +vt 0.464463 0.959514 +vt 0.464383 0.959874 +vt 0.464074 0.959991 +vt 0.465125 0.959940 +vt 0.465279 0.959536 +vt 0.464133 0.959661 +vt 0.463883 0.959881 +vt 0.464089 0.959301 +vt 0.463670 0.959844 +vt 0.463457 0.959881 +vt 0.463626 0.960057 +vt 0.464860 0.959470 +vt 0.464860 0.959044 +vt 0.463663 0.959227 +vt 0.463832 0.959551 +vt 0.463530 0.960080 +vt 0.464302 0.958720 +vt 0.464441 0.959124 +vt 0.463273 0.959991 +vt 0.463442 0.960124 +vt 0.463516 0.960197 +vt 0.463472 0.960234 +vt 0.463244 0.959301 +vt 0.463508 0.959558 +vt 0.463126 0.960160 +vt 0.463427 0.960271 +vt 0.463934 0.958941 +vt 0.463670 0.958603 +vt 0.463398 0.960315 +vt 0.463207 0.959661 +vt 0.462869 0.959521 +vt 0.463060 0.960359 +vt 0.463376 0.960359 +vt 0.463031 0.958713 +vt 0.463398 0.958941 +vt 0.463369 0.960417 +vt 0.462597 0.959844 +vt 0.462957 0.959874 +vt 0.463060 0.960572 +vt 0.463361 0.960469 +vt 0.462891 0.959124 +vt 0.462472 0.959036 +vt 0.463369 0.960520 +vt 0.462443 0.960256 +vt 0.462796 0.960146 +vt 0.462480 0.959477 +vt 0.462054 0.959536 +vt 0.462737 0.960469 +vt 0.462443 0.960682 +vt 0.463089 0.960682 +vt 0.007347 0.143090 +vt 0.007347 0.142958 +vt 0.007347 0.142818 +vt 0.463376 0.960579 +vt 0.462208 0.959940 +vt 0.461833 0.960146 +vt 0.462120 0.960469 +vt 0.461833 0.960792 +vt 0.461370 0.961424 +vt 0.461627 0.961211 +vt 0.461914 0.961108 +vt 0.463435 0.960675 +vt 0.463472 0.960704 +vt 0.463560 0.960579 +vt 0.463670 0.960469 +vt 0.463574 0.960586 +vt 0.463582 0.960594 +vt 0.463516 0.960733 +vt 0.463596 0.960601 +vt 0.463604 0.960608 +vt 0.463567 0.960763 +vt 0.463618 0.960616 +vt 0.463633 0.960616 +vt 0.463618 0.960770 +vt 0.463670 0.960777 +vt 0.462906 0.961005 +vt 0.463192 0.960866 +vt 0.463273 0.960946 +vt 0.463207 0.961277 +vt 0.462869 0.961424 +vt 0.463846 0.960572 +vt 0.461914 0.962225 +vt 0.462171 0.962247 +vt 0.462156 0.962438 +vt 0.462428 0.962622 +vt 0.464170 0.960586 +vt 0.463824 0.960513 +vt 0.464045 0.960469 +vt 0.464192 0.960498 +vt 0.464015 0.960351 +vt 0.463942 0.960315 +vt 0.464030 0.960263 +vt 0.464089 0.960226 +vt 0.463883 0.960197 +vt 0.463023 0.962864 +vt 0.463347 0.962930 +vt 0.463905 0.959999 +vt 0.463817 0.959977 +vt 0.463523 0.960425 +vt 0.463516 0.960440 +vt 0.463516 0.960454 +vt 0.463516 0.960469 +vt 0.463516 0.960484 +vt 0.463663 0.962952 +vt 0.463993 0.962930 +vt 0.463523 0.960498 +vt 0.463523 0.960506 +vt 0.462259 0.961123 +vt 0.461370 0.960873 +vt 0.461187 0.960469 +vt 0.461201 0.960792 +vt 0.461268 0.961115 +vt 0.463685 0.960550 +vt 0.463721 0.960777 +vt 0.463736 0.960631 +vt 0.463773 0.960755 +vt 0.463751 0.960601 +vt 0.464309 0.962864 +vt 0.464618 0.962768 +vt 0.464904 0.962622 +vt 0.462619 0.962284 +vt 0.462715 0.962761 +vt 0.463912 0.960388 +vt 0.463707 0.960315 +vt 0.463663 0.960395 +vt 0.463692 0.960146 +vt 0.463589 0.960234 +vt 0.465183 0.962445 +vt 0.465426 0.962225 +vt 0.465639 0.961982 +vt 0.463618 0.960373 +vt 0.461268 0.959822 +vt 0.461209 0.960146 +vt 0.461569 0.960476 +vt 0.463707 0.960484 +vt 0.240098 0.992840 +vt 0.240193 0.992870 +vt 0.240222 0.992840 +vt 0.463751 0.960462 +vt 0.463809 0.960388 +vt 0.463758 0.960395 +vt 0.465815 0.961711 +vt 0.465962 0.961417 +vt 0.466065 0.961108 +vt 0.466131 0.960792 +vt 0.466146 0.960469 +vt 0.466124 0.960146 +vt 0.466065 0.959822 +vt 0.465962 0.959521 +vt 0.465815 0.959227 +vt 0.465639 0.958963 +vt 0.465426 0.958713 +vt 0.465176 0.958500 +vt 0.464904 0.958324 +vt 0.464618 0.958177 +vt 0.464309 0.958066 +vt 0.463993 0.958008 +vt 0.463663 0.957986 +vt 0.463339 0.958008 +vt 0.463023 0.958074 +vt 0.462715 0.958177 +vt 0.462421 0.958324 +vt 0.462149 0.958500 +vt 0.461914 0.958713 +vt 0.461694 0.958955 +vt 0.461510 0.959227 +vt 0.461370 0.959521 +vt 0.007347 0.999736 +vt 0.007347 1.000000 +vt 0.007347 0.999868 +vt 0.463457 0.961057 +vt 0.463670 0.961093 +vt 0.463508 0.961387 +vt 0.929711 0.083279 +vt 0.929872 0.082919 +vt 0.929887 0.083367 +vt 0.044340 0.943579 +vt 0.044509 0.943579 +vt 0.044333 0.943432 +vt 0.929703 0.082934 +vt 0.897827 0.007949 +vt 0.897658 0.007890 +vt 0.897702 0.007780 +vt 0.043995 0.943432 +vt 0.044326 0.943271 +vt 0.043988 0.943271 +vt 0.043767 0.943278 +vt 0.897871 0.007846 +vt 0.889907 0.016538 +vt 0.890260 0.016876 +vt 0.890142 0.016949 +vt 0.889804 0.016596 +vt 0.929395 0.082890 +vt 0.929527 0.082537 +vt 0.929534 0.082838 +vt 0.929380 0.082603 +vt 0.897283 0.008045 +vt 0.897136 0.007854 +vt 0.897335 0.007912 +vt 0.043481 0.943278 +vt 0.043481 0.943109 +vt 0.897048 0.008125 +vt 0.897099 0.007993 +vt 0.897503 0.008280 +vt 0.897606 0.008015 +vt 0.897379 0.007780 +vt 0.043782 0.943440 +vt 0.890377 0.016802 +vt 0.890436 0.016626 +vt 0.890700 0.017030 +vt 0.890634 0.017184 +vt 0.929395 0.083015 +vt 0.890517 0.017265 +vt 0.929534 0.082963 +vt 0.929549 0.083309 +vt 0.889833 0.016398 +vt 0.889723 0.016449 +vt 0.044010 0.943579 +vt 0.897768 0.008081 +vt 0.043223 0.943278 +vt 0.042974 0.943109 +vt 0.898128 0.008096 +vt 0.898179 0.007993 +vt 0.897555 0.008147 +vt 0.890024 0.016479 +vt 0.043488 0.943440 +vt 0.929725 0.083771 +vt 0.929894 0.083830 +vt 0.898253 0.008155 +vt 0.898304 0.008052 +vt 0.043797 0.943579 +vt 0.889958 0.016332 +vt 0.929402 0.083353 +vt 0.889701 0.016111 +vt 0.889591 0.016156 +vt 0.897717 0.008206 +vt 0.897937 0.008478 +vt 0.042981 0.943278 +vt 0.898069 0.008221 +vt 0.043246 0.943440 +vt 0.929564 0.083801 +vt 0.890149 0.016405 +vt 0.890215 0.016207 +vt 0.043510 0.943579 +vt 0.898187 0.008280 +vt 0.889620 0.015928 +vt 0.898583 0.008338 +vt 0.898642 0.008236 +vt 0.889517 0.015965 +vt 0.890083 0.016273 +vt 0.898010 0.008346 +vt 0.042695 0.943278 +vt 0.042489 0.943116 +vt 0.929733 0.084293 +vt 0.929909 0.084315 +vt 0.889833 0.016053 +vt 0.929409 0.083845 +vt 0.042996 0.943440 +vt 0.898121 0.008405 +vt 0.898363 0.008698 +vt 0.043260 0.943587 +vt 0.898503 0.008456 +vt 0.889525 0.015671 +vt 0.889415 0.015700 +vt 0.929571 0.084315 +vt 0.042489 0.943285 +vt 0.899010 0.008618 +vt 0.899076 0.008522 +vt 0.889753 0.015876 +vt 0.898437 0.008574 +vt 0.889958 0.016001 +vt 0.890017 0.015766 +vt 0.929740 0.084815 +vt 0.929909 0.084815 +vt 0.042709 0.943440 +vt 0.043025 0.943587 +vt 0.929424 0.084344 +vt 0.899494 0.008845 +vt 0.898929 0.008728 +vt 0.889459 0.015436 +vt 0.889341 0.015472 +vt 0.929571 0.084829 +vt 0.889664 0.015619 +vt 0.899414 0.008926 +vt 0.889885 0.015825 +vt 0.042511 0.943447 +vt 0.929740 0.085322 +vt 0.929916 0.085322 +vt 0.929916 0.085829 +vt 0.898841 0.008845 +vt 0.898767 0.008963 +vt 0.042173 0.943285 +vt 0.042011 0.943124 +vt 0.929431 0.084859 +vt 0.042746 0.943594 +vt 0.889393 0.015208 +vt 0.899325 0.009036 +vt 0.889282 0.015237 +vt 0.929578 0.085336 +vt 0.042019 0.943293 +vt 0.899781 0.009272 +vt 0.889591 0.015399 +vt 0.889797 0.015575 +vt 0.889863 0.015318 +vt 0.899862 0.009191 +vt 0.042548 0.943594 +vt 0.929747 0.085836 +vt 0.899230 0.009147 +vt 0.899134 0.009257 +vt 0.929439 0.085351 +vt 0.042202 0.943447 +vt 0.900192 0.009543 +vt 0.889334 0.014943 +vt 0.889216 0.014965 +vt 0.899686 0.009374 +vt 0.929586 0.085843 +vt 0.889525 0.015178 +vt 0.042041 0.943454 +vt 0.900104 0.009617 +vt 0.889731 0.015362 +vt 0.929747 0.086358 +vt 0.929924 0.086358 +vt 0.041681 0.943300 +vt 0.041556 0.943131 +vt 0.899583 0.009470 +vt 0.899494 0.009580 +vt 0.889290 0.014745 +vt 0.929439 0.085858 +vt 0.889179 0.014767 +vt 0.900501 0.009918 +vt 0.900001 0.009712 +vt 0.042239 0.943601 +vt 0.889466 0.014914 +vt 0.889664 0.015142 +vt 0.889753 0.014855 +vt 0.929586 0.086358 +vt 0.900405 0.009992 +vt 0.042077 0.943601 +vt 0.929747 0.086879 +vt 0.929924 0.086879 +vt 0.041710 0.943462 +vt 0.899891 0.009800 +vt 0.899810 0.009933 +vt 0.889429 0.014723 +vt 0.929439 0.086358 +vt 0.889246 0.014436 +vt 0.900765 0.010322 +vt 0.929747 0.087055 +vt 0.929924 0.087401 +vt 0.889128 0.014451 +vt 0.889606 0.014885 +vt 0.900288 0.010072 +vt 0.041203 0.943315 +vt 0.041115 0.943146 +vt 0.929586 0.086872 +vt 0.889231 0.014275 +vt 0.889113 0.014289 +vt 0.900670 0.010388 +vt 0.041754 0.943601 +vt 0.889569 0.014694 +vt 0.889672 0.014385 +vt 0.929586 0.087055 +vt 0.889385 0.014422 +vt 0.929747 0.087401 +vt 0.900178 0.010153 +vt 0.900104 0.010307 +vt 0.041240 0.943469 +vt 0.929439 0.086872 +vt 0.901008 0.010741 +vt 0.889363 0.014260 +vt 0.929747 0.087614 +vt 0.929916 0.087915 +vt 0.889209 0.013929 +vt 0.889084 0.013929 +vt 0.900552 0.010462 +vt 0.889525 0.014400 +vt 0.929439 0.087048 +vt 0.040755 0.943322 +vt 0.040704 0.943153 +vt 0.929586 0.087393 +vt 0.041284 0.943616 +vt 0.900905 0.010800 +vt 0.901081 0.010888 +vt 0.889510 0.014245 +vt 0.889628 0.013907 +vt 0.929747 0.087908 +vt 0.889341 0.013922 +vt 0.929586 0.087606 +vt 0.040792 0.943484 +vt 0.900428 0.010535 +vt 0.900369 0.010712 +vt 0.889209 0.013408 +vt 0.889084 0.013408 +vt 0.900979 0.010939 +vt 0.929439 0.087379 +vt 0.889488 0.013915 +vt 0.929747 0.088172 +vt 0.929916 0.088429 +vt 0.040329 0.943337 +vt 0.040307 0.943168 +vt 0.900780 0.010858 +vt 0.040843 0.943631 +vt 0.929586 0.087900 +vt 0.889341 0.013415 +vt 0.929439 0.087599 +vt 0.040373 0.943498 +vt 0.900854 0.011005 +vt 0.901111 0.011226 +vt 0.901214 0.011182 +vt 0.889246 0.012901 +vt 0.889128 0.012886 +vt 0.929740 0.088422 +vt 0.039961 0.943352 +vt 0.039947 0.943183 +vt 0.929586 0.088158 +vt 0.889488 0.013422 +vt 0.889628 0.013430 +vt 0.900655 0.010925 +vt 0.040432 0.943638 +vt 0.900589 0.011130 +vt 0.929439 0.087886 +vt 0.901184 0.011409 +vt 0.901294 0.011373 +vt 0.889385 0.012916 +vt 0.040006 0.943513 +vt 0.900721 0.011064 +vt 0.929740 0.088709 +vt 0.929909 0.088929 +vt 0.889334 0.012394 +vt 0.889216 0.012372 +vt 0.900979 0.011277 +vt 0.650797 0.939264 +vt 0.650415 0.939264 +vt 0.650393 0.939426 +vt 0.929578 0.088407 +vt 0.650782 0.939441 +vt 0.889525 0.012938 +vt 0.889672 0.012952 +vt 0.929439 0.088135 +vt 0.901280 0.011667 +vt 0.040064 0.943660 +vt 0.901390 0.011637 +vt 0.889466 0.012423 +vt 0.901463 0.011865 +vt 0.929740 0.088914 +vt 0.650826 0.939110 +vt 0.901052 0.011461 +vt 0.650451 0.939103 +vt 0.889451 0.011924 +vt 0.889334 0.011887 +vt 0.900846 0.011336 +vt 0.900788 0.011564 +vt 0.651208 0.939279 +vt 0.929578 0.088694 +vt 0.651193 0.939448 +vt 0.889606 0.012453 +vt 0.889753 0.012482 +vt 0.929439 0.088378 +vt 0.650892 0.938963 +vt 0.650510 0.938956 +vt 0.901353 0.011894 +vt 0.889495 0.011431 +vt 0.901530 0.012100 +vt 0.901148 0.011718 +vt 0.889584 0.011960 +vt 0.900927 0.011512 +vt 0.651238 0.939118 +vt 0.929571 0.088900 +vt 0.929740 0.089245 +vt 0.929909 0.089414 +vt 0.889598 0.011468 +vt 0.929431 0.088664 +vt 0.651634 0.939287 +vt 0.651627 0.939456 +vt 0.889723 0.012005 +vt 0.889863 0.012019 +vt 0.901419 0.012129 +vt 0.651767 0.939287 +vt 0.652082 0.939456 +vt 0.929733 0.089406 +vt 0.651289 0.938978 +vt 0.901214 0.011938 +vt 0.901015 0.011762 +vt 0.900942 0.012019 +vt 0.889731 0.011520 +vt 0.651664 0.939125 +vt 0.929431 0.088870 +vt 0.929571 0.089215 +vt 0.651796 0.939125 +vt 0.901478 0.012394 +vt 0.901596 0.012372 +vt 0.889782 0.011035 +vt 0.889679 0.010983 +vt 0.901280 0.012159 +vt 0.929571 0.089377 +vt 0.652090 0.939287 +vt 0.889863 0.011571 +vt 0.890017 0.011564 +vt 0.901081 0.011975 +vt 0.929725 0.089752 +vt 0.651715 0.938978 +vt 0.929894 0.089884 +vt 0.889907 0.010550 +vt 0.901515 0.012592 +vt 0.901625 0.012570 +vt 0.652259 0.939294 +vt 0.652553 0.939456 +vt 0.929424 0.089179 +vt 0.901676 0.012886 +vt 0.651840 0.938978 +vt 0.901339 0.012423 +vt 0.889907 0.011094 +vt 0.901140 0.012196 +vt 0.901052 0.012482 +vt 0.929424 0.089348 +vt 0.652119 0.939132 +vt 0.929564 0.089722 +vt 0.890002 0.010609 +vt 0.901375 0.012614 +vt 0.652560 0.939294 +vt 0.901559 0.012901 +vt 0.901699 0.013048 +vt 0.652288 0.939132 +vt 0.901206 0.012453 +vt 0.890039 0.011152 +vt 0.890215 0.011130 +vt 0.929718 0.090244 +vt 0.929887 0.090332 +vt 0.890068 0.010491 +vt 0.889973 0.010432 +vt 0.901574 0.013063 +vt 0.652156 0.938978 +vt 0.929417 0.089678 +vt 0.652773 0.939294 +vt 0.653045 0.939463 +vt 0.901236 0.012636 +vt 0.901133 0.012952 +vt 0.890127 0.010675 +vt 0.901419 0.012916 +vt 0.929556 0.090215 +vt 0.652582 0.939132 +vt 0.652325 0.938985 +vt 0.901441 0.013070 +vt 0.890193 0.010565 +vt 0.901603 0.013408 +vt 0.901721 0.013408 +vt 0.890252 0.010205 +vt 0.890157 0.010138 +vt 0.901287 0.012938 +vt 0.653045 0.939294 +vt 0.929703 0.090714 +vt 0.929872 0.090766 +vt 0.652795 0.939140 +vt 0.929402 0.090163 +vt 0.890252 0.010748 +vt 0.890436 0.010712 +vt 0.901302 0.013092 +vt 0.901177 0.013430 +vt 0.652619 0.938985 +vt 0.890355 0.010065 +vt 0.890260 0.009999 +vt 0.901463 0.013415 +vt 0.929542 0.090677 +vt 0.890443 0.009749 +vt 0.890311 0.010631 +vt 0.653302 0.939294 +vt 0.653537 0.939470 +vt 0.901603 0.013929 +vt 0.901721 0.013929 +vt 0.901324 0.013422 +vt 0.890370 0.010285 +vt 0.929688 0.091155 +vt 0.929865 0.091170 +vt 0.653067 0.939140 +vt 0.652825 0.938985 +vt 0.929395 0.090619 +vt 0.890531 0.009823 +vt 0.901463 0.013922 +vt 0.890465 0.010146 +vt 0.929527 0.091111 +vt 0.925158 0.443609 +vt 0.925327 0.443095 +vt 0.925327 0.443609 +vt 0.653544 0.939294 +vt 0.653324 0.939140 +vt 0.901559 0.014436 +vt 0.901676 0.014451 +vt 0.890487 0.010359 +vt 0.890700 0.010307 +vt 0.929674 0.091537 +vt 0.929843 0.091552 +vt 0.653089 0.938993 +vt 0.901324 0.013915 +vt 0.901177 0.013900 +vt 0.929380 0.091052 +vt 0.890664 0.009661 +vt 0.890583 0.009580 +vt 0.890583 0.010227 +vt 0.901419 0.014422 +vt 0.890642 0.009911 +vt 0.929512 0.091493 +vt 0.653846 0.939301 +vt 0.654051 0.939470 +vt 0.925150 0.444116 +vt 0.901478 0.014943 +vt 0.924996 0.443601 +vt 0.653552 0.939140 +vt 0.901596 0.014965 +vt 0.925319 0.444123 +vt 0.925319 0.444623 +vt 0.653346 0.938993 +vt 0.925128 0.437988 +vt 0.925297 0.437981 +vt 0.925297 0.438349 +vt 0.929666 0.091890 +vt 0.929835 0.091904 +vt 0.924989 0.444101 +vt 0.890847 0.009463 +vt 0.890759 0.009382 +vt 0.901287 0.014400 +vt 0.925150 0.444615 +vt 0.901133 0.014385 +vt 0.929373 0.091427 +vt 0.901471 0.015450 +vt 0.924849 0.444086 +vt 0.924857 0.443594 +vt 0.654051 0.939301 +vt 0.890774 0.009749 +vt 0.901339 0.014914 +vt 0.924989 0.444608 +vt 0.890752 0.009999 +vt 0.890994 0.009933 +vt 0.929505 0.091846 +vt 0.653860 0.939140 +vt 0.896710 0.019733 +vt 0.897173 0.019616 +vt 0.897210 0.019733 +vt 0.897136 0.019476 +vt 0.896739 0.019851 +vt 0.925143 0.445115 +vt 0.901361 0.015413 +vt 0.653581 0.938993 +vt 0.925319 0.445115 +vt 0.925312 0.445600 +vt 0.925136 0.438363 +vt 0.891016 0.009279 +vt 0.890935 0.009198 +vt 0.891097 0.009036 +vt 0.924967 0.438033 +vt 0.896262 0.019932 +vt 0.924849 0.444579 +vt 0.901206 0.014885 +vt 0.890950 0.009558 +vt 0.901052 0.014855 +vt 0.896681 0.019601 +vt 0.929358 0.091772 +vt 0.890884 0.009837 +vt 0.924981 0.445093 +vt 0.901317 0.015906 +vt 0.654059 0.939140 +vt 0.901221 0.015377 +vt 0.896247 0.019814 +vt 0.654404 0.939301 +vt 0.654566 0.939470 +vt 0.925143 0.445592 +vt 0.924974 0.438393 +vt 0.924820 0.438099 +vt 0.653875 0.939000 +vt 0.896651 0.019462 +vt 0.901206 0.015862 +vt 0.897099 0.019344 +vt 0.897048 0.019204 +vt 0.896592 0.019322 +vt 0.925136 0.438760 +vt 0.925305 0.438745 +vt 0.924842 0.445056 +vt 0.891178 0.009125 +vt 0.901089 0.015333 +vt 0.654566 0.939301 +vt 0.900942 0.015318 +vt 0.925143 0.445739 +vt 0.925305 0.446063 +vt 0.925136 0.438877 +vt 0.925312 0.439164 +vt 0.896225 0.019682 +vt 0.891112 0.009374 +vt 0.891053 0.009654 +vt 0.891317 0.009580 +vt 0.924981 0.445563 +vt 0.924827 0.438459 +vt 0.901133 0.016354 +vt 0.654073 0.939000 +vt 0.901074 0.015818 +vt 0.654404 0.939140 +vt 0.895770 0.019866 +vt 0.895777 0.019983 +vt 0.924981 0.445717 +vt 0.924981 0.438789 +vt 0.891391 0.008926 +vt 0.925136 0.446055 +vt 0.891317 0.008845 +vt 0.924981 0.438907 +vt 0.896210 0.019535 +vt 0.891273 0.009227 +vt 0.896115 0.019403 +vt 0.924842 0.445526 +vt 0.895299 0.019991 +vt 0.901023 0.016302 +vt 0.654566 0.939140 +vt 0.891215 0.009477 +vt 0.925136 0.439179 +vt 0.925136 0.446232 +vt 0.925297 0.446511 +vt 0.900949 0.015766 +vt 0.900788 0.015766 +vt 0.654955 0.939301 +vt 0.895770 0.019726 +vt 0.655073 0.939470 +vt 0.900905 0.016787 +vt 0.924834 0.438848 +vt 0.891538 0.008816 +vt 0.925143 0.439340 +vt 0.924842 0.445673 +vt 0.891464 0.008721 +vt 0.925312 0.439612 +vt 0.654411 0.939000 +vt 0.924981 0.446026 +vt 0.924834 0.438966 +vt 0.891369 0.009330 +vt 0.891670 0.009257 +vt 0.895299 0.019873 +vt 0.891486 0.009036 +vt 0.900898 0.016244 +vt 0.924981 0.439208 +vt 0.925136 0.446496 +vt 0.924981 0.446202 +vt 0.654573 0.939000 +vt 0.654955 0.939140 +vt 0.900802 0.016729 +vt 0.895755 0.019579 +vt 0.895637 0.019440 +vt 0.895145 0.019866 +vt 0.891626 0.008926 +vt 0.925143 0.439620 +vt 0.891795 0.008618 +vt 0.891736 0.008522 +vt 0.924981 0.439370 +vt 0.895145 0.019991 +vt 0.924834 0.445982 +vt 0.891854 0.008434 +vt 0.894807 0.019969 +vt 0.891575 0.009147 +vt 0.900765 0.016185 +vt 0.900589 0.016207 +vt 0.925136 0.446702 +vt 0.900736 0.016846 +vt 0.900839 0.016905 +vt 0.925297 0.446930 +vt 0.655513 0.939301 +vt 0.655594 0.939470 +vt 0.895299 0.019733 +vt 0.924834 0.439259 +vt 0.900648 0.017199 +vt 0.924974 0.446467 +vt 0.891920 0.008537 +vt 0.925143 0.439825 +vt 0.925319 0.440075 +vt 0.654955 0.939000 +vt 0.900685 0.016655 +vt 0.924834 0.446158 +vt 0.891714 0.009036 +vt 0.892045 0.008963 +vt 0.895153 0.019733 +vt 0.924981 0.439649 +vt 0.891883 0.008728 +vt 0.894822 0.019844 +vt 0.894624 0.019947 +vt 0.924842 0.439414 +vt 0.655506 0.939140 +vt 0.925128 0.446922 +vt 0.900611 0.016773 +vt 0.924974 0.446665 +vt 0.892001 0.008647 +vt 0.900552 0.017133 +vt 0.895299 0.019594 +vt 0.895167 0.019440 +vt 0.892228 0.008338 +vt 0.892170 0.008236 +vt 0.924827 0.446415 +vt 0.891964 0.008845 +vt 0.925150 0.440082 +vt 0.924981 0.439855 +vt 0.894638 0.019829 +vt 0.656064 0.939301 +vt 0.656109 0.939470 +vt 0.900560 0.016582 +vt 0.895160 0.019587 +vt 0.900369 0.016626 +vt 0.655499 0.939000 +vt 0.924842 0.439693 +vt 0.925128 0.447143 +vt 0.925297 0.447334 +vt 0.892074 0.008765 +vt 0.900457 0.017272 +vt 0.900552 0.017338 +vt 0.894837 0.019711 +vt 0.892449 0.008698 +vt 0.892302 0.008456 +vt 0.900494 0.016699 +vt 0.924974 0.446886 +vt 0.656050 0.939140 +vt 0.925150 0.440332 +vt 0.925319 0.440553 +vt 0.924827 0.446614 +vt 0.892677 0.008096 +vt 0.900435 0.017052 +vt 0.894352 0.019785 +vt 0.894337 0.019902 +vt 0.892625 0.007993 +vt 0.924989 0.440104 +vt 0.892368 0.008574 +vt 0.894653 0.019682 +vt 0.924842 0.439891 +vt 0.925121 0.447319 +vt 0.900273 0.017515 +vt 0.900369 0.017588 +vt 0.656608 0.939294 +vt 0.656615 0.939470 +vt 0.894851 0.019564 +vt 0.894690 0.019403 +vt 0.656042 0.939000 +vt 0.900339 0.017191 +vt 0.924967 0.447106 +vt 0.049424 0.943513 +vt 0.049461 0.943352 +vt 0.049285 0.943344 +vt 0.924827 0.446827 +vt 0.925150 0.440560 +vt 0.892743 0.008221 +vt 0.656593 0.939140 +vt 0.924989 0.440354 +vt 0.894131 0.019741 +vt 0.894102 0.019858 +vt 0.900325 0.016978 +vt 0.900104 0.017030 +vt 0.894675 0.019550 +vt 0.893147 0.007890 +vt 0.893110 0.007780 +vt 0.924849 0.440141 +vt 0.894374 0.019645 +vt 0.657108 0.939294 +vt 0.900141 0.017676 +vt 0.900229 0.017757 +vt 0.900053 0.017956 +vt 0.049027 0.943337 +vt 0.049299 0.943175 +vt 0.657115 0.939463 +vt 0.048895 0.943161 +vt 0.892801 0.008346 +vt 0.900222 0.017111 +vt 0.892868 0.008478 +vt 0.049248 0.943506 +vt 0.656579 0.938993 +vt 0.900163 0.017427 +vt 0.924820 0.447047 +vt 0.925150 0.440854 +vt 0.925327 0.441045 +vt 0.893198 0.008015 +vt 0.893889 0.019682 +vt 0.924989 0.440582 +vt 0.893859 0.019800 +vt 0.657093 0.939140 +vt 0.048881 0.943330 +vt 0.924849 0.440391 +vt 0.894153 0.019609 +vt 0.899965 0.017875 +vt 0.893632 0.007721 +vt 0.893602 0.007604 +vt 0.894396 0.019506 +vt 0.657593 0.939294 +vt 0.657600 0.939456 +vt 0.658077 0.939456 +vt 0.894219 0.019322 +vt 0.048991 0.943498 +vt 0.925150 0.441052 +vt 0.893250 0.008147 +vt 0.900031 0.017588 +vt 0.893301 0.008280 +vt 0.900053 0.017338 +vt 0.049189 0.943653 +vt 0.657064 0.938993 +vt 0.049358 0.943660 +vt 0.899810 0.017404 +vt 0.924989 0.440868 +vt 0.893632 0.019616 +vt 0.893676 0.007854 +vt 0.893602 0.019733 +vt 0.893918 0.019550 +vt 0.924849 0.440611 +vt 0.657571 0.939132 +vt 0.048844 0.943491 +vt 0.899788 0.018058 +vt 0.899877 0.018139 +vt 0.894095 0.007604 +vt 0.894072 0.007486 +vt 0.894183 0.019469 +vt 0.899862 0.017787 +vt 0.658063 0.939287 +vt 0.048579 0.943322 +vt 0.899928 0.017500 +vt 0.048454 0.943153 +vt 0.893713 0.007993 +vt 0.048939 0.943638 +vt 0.893757 0.008125 +vt 0.924989 0.441067 +vt 0.657541 0.938985 +vt 0.925158 0.441397 +vt 0.925327 0.441552 +vt 0.893426 0.019557 +vt 0.893397 0.019660 +vt 0.894543 0.007405 +vt 0.924849 0.440898 +vt 0.894124 0.007736 +vt 0.048447 0.943315 +vt 0.899627 0.018213 +vt 0.899708 0.018301 +vt 0.893676 0.019476 +vt 0.658041 0.939132 +vt 0.893955 0.019418 +vt 0.894565 0.007523 +vt 0.925158 0.441552 +vt 0.893757 0.019204 +vt 0.048792 0.943631 +vt 0.899693 0.017956 +vt 0.658518 0.939287 +vt 0.658526 0.939456 +vt 0.048543 0.943484 +vt 0.894153 0.007876 +vt 0.894219 0.008015 +vt 0.899759 0.017684 +vt 0.899494 0.017757 +vt 0.924849 0.441089 +vt 0.895028 0.007354 +vt 0.893147 0.019447 +vt 0.893110 0.019557 +vt 0.892941 0.019491 +vt 0.657997 0.938978 +vt 0.658651 0.939279 +vt 0.893477 0.019425 +vt 0.924996 0.441405 +vt 0.658959 0.939448 +vt 0.894579 0.007655 +vt 0.048418 0.943476 +vt 0.899414 0.018404 +vt 0.899494 0.018492 +vt 0.658489 0.939125 +vt 0.893713 0.019344 +vt 0.899531 0.018110 +vt 0.895035 0.007472 +vt 0.048094 0.943315 +vt 0.048006 0.943138 +vt 0.658621 0.939118 +vt 0.892985 0.019381 +vt 0.924996 0.441566 +vt 0.899597 0.017860 +vt 0.658952 0.939279 +vt 0.048491 0.943631 +vt 0.925158 0.441941 +vt 0.925327 0.442059 +vt 0.894594 0.007795 +vt 0.894690 0.007934 +vt 0.893521 0.019285 +vt 0.658437 0.938978 +vt 0.899267 0.018521 +vt 0.899340 0.018617 +vt 0.893301 0.019050 +vt 0.893198 0.019322 +vt 0.659113 0.939272 +vt 0.924857 0.441427 +vt 0.048374 0.943623 +vt 0.659371 0.939441 +vt 0.899443 0.018007 +vt 0.899134 0.018073 +vt 0.895042 0.007611 +vt 0.048065 0.943469 +vt 0.658577 0.938978 +vt 0.899325 0.018301 +vt 0.893037 0.019256 +vt 0.924857 0.441581 +vt 0.658915 0.939118 +vt 0.892677 0.019241 +vt 0.892625 0.019344 +vt 0.895505 0.007464 +vt 0.895512 0.007347 +vt 0.893250 0.019190 +vt 0.924996 0.441948 +vt 0.047588 0.943300 +vt 0.899179 0.018411 +vt 0.659356 0.939264 +vt 0.047536 0.943124 +vt 0.899010 0.018720 +vt 0.899076 0.018815 +vt 0.892559 0.019182 +vt 0.892500 0.019285 +vt 0.659077 0.939110 +vt 0.899230 0.018191 +vt 0.895050 0.007758 +vt 0.895167 0.007890 +vt 0.048021 0.943616 +vt 0.925158 0.442492 +vt 0.925327 0.442580 +vt 0.895659 0.007472 +vt 0.895667 0.007347 +vt 0.893095 0.019124 +vt 0.892868 0.018859 +vt 0.658864 0.938978 +vt 0.892743 0.019116 +vt 0.898885 0.018800 +vt 0.898951 0.018903 +vt 0.659540 0.939264 +vt 0.659760 0.939426 +vt 0.924857 0.441963 +vt 0.047565 0.943462 +vt 0.895505 0.007604 +vt 0.892618 0.019058 +vt 0.899098 0.018301 +vt 0.898767 0.018374 +vt 0.898929 0.018602 +vt 0.892228 0.018999 +vt 0.659319 0.939110 +vt 0.892170 0.019102 +vt 0.892801 0.018991 +vt 0.659025 0.938971 +vt 0.924996 0.442499 +vt 0.047073 0.943285 +vt 0.895652 0.007604 +vt 0.898811 0.018690 +vt 0.047051 0.943124 +vt 0.895983 0.007494 +vt 0.898583 0.018999 +vt 0.898642 0.019102 +vt 0.895997 0.007369 +vt 0.891736 0.018815 +vt 0.047529 0.943601 +vt 0.892684 0.018933 +vt 0.898841 0.018484 +vt 0.659745 0.939264 +vt 0.892449 0.018631 +vt 0.892302 0.018874 +vt 0.659503 0.939110 +vt 0.925158 0.443050 +vt 0.895505 0.007743 +vt 0.895637 0.007890 +vt 0.047051 0.943447 +vt 0.924857 0.442507 +vt 0.659260 0.938963 +vt 0.891795 0.018720 +vt 0.898730 0.018573 +vt 0.892368 0.018756 +vt 0.896174 0.007508 +vt 0.896188 0.007391 +vt 0.898363 0.018631 +vt 0.898503 0.018874 +vt 0.046552 0.943278 +vt 0.895645 0.007751 +vt 0.924996 0.443050 +vt 0.929674 0.081935 +vt 0.929835 0.081722 +vt 0.929843 0.082096 +vt 0.046552 0.943116 +vt 0.659944 0.939257 +vt 0.047022 0.943601 +vt 0.898128 0.019241 +vt 0.898179 0.019344 +vt 0.895975 0.007626 +vt 0.891883 0.018602 +vt 0.929505 0.081780 +vt 0.929666 0.081736 +vt 0.898437 0.018756 +vt 0.046537 0.943440 +vt 0.659701 0.939103 +vt 0.659444 0.938963 +vt 0.924857 0.443050 +vt 0.896453 0.007552 +vt 0.896475 0.007435 +vt 0.896703 0.007479 +vt 0.891391 0.018404 +vt 0.898062 0.019116 +vt 0.891317 0.018492 +vt 0.896159 0.007648 +vt 0.046045 0.943278 +vt 0.897658 0.019447 +vt 0.046045 0.943109 +vt 0.045530 0.943102 +vt 0.897702 0.019557 +vt 0.929674 0.082104 +vt 0.891964 0.018484 +vt 0.895953 0.007765 +vt 0.892045 0.018374 +vt 0.898010 0.018991 +vt 0.896115 0.007934 +vt 0.897937 0.018859 +vt 0.046508 0.943594 +vt 0.929505 0.081979 +vt 0.897606 0.019322 +vt 0.891486 0.018301 +vt 0.659635 0.938956 +vt 0.897555 0.019190 +vt 0.897503 0.019050 +vt 0.046030 0.943440 +vt 0.896681 0.007596 +vt 0.896137 0.007787 +vt 0.891031 0.018066 +vt 0.896431 0.007692 +vt 0.890943 0.018147 +vt 0.045530 0.943278 +vt 0.929688 0.082361 +vt 0.891575 0.018191 +vt 0.891670 0.018073 +vt 0.929865 0.082500 +vt 0.929512 0.082148 +vt 0.046023 0.943587 +vt 0.929365 0.082045 +vt 0.890612 0.017794 +vt 0.891126 0.017963 +vt 0.929358 0.081847 +vt 0.896916 0.007655 +vt 0.896952 0.007538 +vt 0.045523 0.943440 +vt 0.890700 0.017720 +vt 0.929688 0.082508 +vt 0.896651 0.007729 +vt 0.896409 0.007832 +vt 0.045016 0.943271 +vt 0.045016 0.943102 +vt 0.044494 0.943102 +vt 0.896592 0.008015 +vt 0.891222 0.017867 +vt 0.891317 0.017757 +vt 0.929527 0.082398 +vt 0.045516 0.943579 +vt 0.890311 0.017419 +vt 0.929373 0.082207 +vt 0.890810 0.017625 +vt 0.897173 0.007721 +vt 0.045016 0.943432 +vt 0.897210 0.007604 +vt 0.896886 0.007780 +vt 0.890406 0.017346 +vt 0.044494 0.943271 +vt 0.896622 0.007868 +vt 0.890913 0.017537 +vt 0.890994 0.017404 +vt 0.929703 0.082802 +vt 0.045009 0.943579 +vt 0.929373 0.082456 +vt 0.043988 0.943102 +vt 0.897415 0.007677 +vt 0.044502 0.943432 +vt 0.896850 0.007920 +vt 0.890039 0.017015 +vt 0.759857 0.726263 +vt 0.759710 0.726204 +vt 0.759871 0.726218 +vt 0.755904 0.732125 +vt 0.756088 0.732302 +vt 0.755867 0.732162 +vt 0.756058 0.732338 +vt 0.746101 0.901384 +vt 0.746108 0.901656 +vt 0.746049 0.901656 +vt 0.746056 0.901957 +vt 0.171616 0.904444 +vt 0.171668 0.904216 +vt 0.171668 0.904451 +vt 0.759555 0.726005 +vt 0.759901 0.726138 +vt 0.759739 0.726123 +vt 0.755676 0.731817 +vt 0.755647 0.731846 +vt 0.759724 0.726160 +vt 0.759541 0.726049 +vt 0.759526 0.726094 +vt 0.760158 0.726461 +vt 0.760048 0.726358 +vt 0.760180 0.726424 +vt 0.760356 0.726578 +vt 0.746005 0.901950 +vt 0.746012 0.902280 +vt 0.745954 0.901928 +vt 0.745968 0.902265 +vt 0.756029 0.732368 +vt 0.755838 0.732191 +vt 0.171572 0.904819 +vt 0.171616 0.904583 +vt 0.171624 0.904826 +vt 0.756000 0.732404 +vt 0.171572 0.904936 +vt 0.755720 0.732140 +vt 0.745998 0.901641 +vt 0.171668 0.904591 +vt 0.825565 0.896755 +vt 0.825557 0.897049 +vt 0.825499 0.897057 +vt 0.171521 0.905179 +vt 0.171580 0.905179 +vt 0.746042 0.901377 +vt 0.760070 0.726314 +vt 0.755610 0.731875 +vt 0.759886 0.726182 +vt 0.755426 0.731545 +vt 0.755456 0.731515 +vt 0.171624 0.904943 +vt 0.745946 0.901619 +vt 0.760378 0.726542 +vt 0.760466 0.726652 +vt 0.755581 0.731905 +vt 0.760202 0.726387 +vt 0.755478 0.731853 +vt 0.745983 0.901362 +vt 0.171675 0.904833 +vt 0.760488 0.726615 +vt 0.825447 0.897064 +vt 0.825506 0.896755 +vt 0.760657 0.726799 +vt 0.760246 0.726307 +vt 0.760092 0.726277 +vt 0.755382 0.731567 +vt 0.171631 0.905186 +vt 0.755272 0.731192 +vt 0.755235 0.731214 +vt 0.171675 0.904951 +vt 0.745939 0.901340 +vt 0.171528 0.905531 +vt 0.171580 0.905531 +vt 0.171536 0.905854 +vt 0.755346 0.731589 +vt 0.755257 0.731545 +vt 0.760408 0.726505 +vt 0.760224 0.726351 +vt 0.825403 0.897093 +vt 0.825455 0.896777 +vt 0.760679 0.726769 +vt 0.755191 0.731236 +vt 0.760753 0.726872 +vt 0.760518 0.726578 +vt 0.825513 0.896439 +vt 0.825565 0.896432 +vt 0.825572 0.896094 +vt 0.171675 0.905201 +vt 0.755081 0.730869 +vt 0.755118 0.730854 +vt 0.760775 0.726843 +vt 0.760937 0.727041 +vt 0.760569 0.726505 +vt 0.760422 0.726468 +vt 0.825403 0.896792 +vt 0.755000 0.730502 +vt 0.171639 0.905539 +vt 0.755155 0.731258 +vt 0.755081 0.731214 +vt 0.760540 0.726542 +vt 0.825462 0.896454 +vt 0.760716 0.726725 +vt 0.171594 0.905862 +vt 0.171550 0.906170 +vt 0.755037 0.730891 +vt 0.825513 0.896102 +vt 0.760959 0.727012 +vt 0.760812 0.726806 +vt 0.754964 0.730516 +vt 0.171683 0.905553 +vt 0.825410 0.896469 +vt 0.760871 0.726733 +vt 0.760746 0.726696 +vt 0.754993 0.730906 +vt 0.171646 0.905869 +vt 0.754934 0.730862 +vt 0.760834 0.726769 +vt 0.825462 0.896109 +vt 0.761003 0.726982 +vt 0.754912 0.730524 +vt 0.825521 0.895742 +vt 0.825579 0.895742 +vt 0.453091 0.901684 +vt 0.453098 0.901390 +vt 0.453157 0.901390 +vt 0.825579 0.895374 +vt 0.825521 0.895374 +vt 0.171602 0.906170 +vt 0.825462 0.895382 +vt 0.754883 0.730149 +vt 0.754927 0.730142 +vt 0.761216 0.727298 +vt 0.761186 0.727320 +vt 0.754883 0.729767 +vt 0.171690 0.905891 +vt 0.825418 0.896124 +vt 0.761407 0.727622 +vt 0.754824 0.730502 +vt 0.754875 0.730538 +vt 0.761142 0.727005 +vt 0.761025 0.726946 +vt 0.825462 0.895749 +vt 0.171653 0.906178 +vt 0.754839 0.730156 +vt 0.761253 0.727262 +vt 0.754839 0.729774 +vt 0.453091 0.902007 +vt 0.453150 0.901684 +vt 0.825418 0.895764 +vt 0.825425 0.895389 +vt 0.754875 0.729018 +vt 0.754920 0.729025 +vt 0.754875 0.729400 +vt 0.754787 0.730164 +vt 0.761436 0.727592 +vt 0.754743 0.730127 +vt 0.754795 0.729774 +vt 0.171705 0.906207 +vt 0.754839 0.729400 +vt 0.761385 0.727284 +vt 0.761289 0.727232 +vt 0.754751 0.729774 +vt 0.453209 0.901368 +vt 0.453201 0.901676 +vt 0.754707 0.729752 +vt 0.754795 0.729392 +vt 0.754831 0.729018 +vt 0.754787 0.729010 +vt 0.453142 0.902007 +vt 0.754707 0.729378 +vt 0.754751 0.729392 +vt 0.761480 0.727570 +vt 0.761590 0.727938 +vt 0.761627 0.727923 +vt 0.453260 0.901353 +vt 0.453253 0.901654 +vt 0.761605 0.727600 +vt 0.761517 0.727548 +vt 0.453201 0.901992 +vt 0.453084 0.902352 +vt 0.453142 0.902345 +vt 0.453084 0.902712 +vt 0.761671 0.727901 +vt 0.761782 0.728268 +vt 0.761745 0.728283 +vt 0.453245 0.901978 +vt 0.761862 0.728628 +vt 0.761789 0.727923 +vt 0.761715 0.727886 +vt 0.453201 0.902338 +vt 0.453076 0.903080 +vt 0.453142 0.902705 +vt 0.761833 0.728253 +vt 0.761899 0.728621 +vt 0.453245 0.902330 +vt 0.761936 0.728276 +vt 0.761870 0.728231 +vt 0.453194 0.902698 +vt 0.453142 0.903080 +vt 0.761950 0.728613 +vt 0.761943 0.729003 +vt 0.761980 0.728996 +vt 0.453238 0.902690 +vt 0.762046 0.728636 +vt 0.761987 0.728599 +vt 0.453194 0.903072 +vt 0.453076 0.903462 +vt 0.453142 0.903462 +vt 0.762031 0.728981 +vt 0.762024 0.729363 +vt 0.761980 0.729370 +vt 0.453238 0.903065 +vt 0.761987 0.729738 +vt 0.762127 0.729010 +vt 0.762075 0.728974 +vt 0.453194 0.903454 +vt 0.453076 0.903844 +vt 0.453142 0.903829 +vt 0.762068 0.729363 +vt 0.762024 0.729738 +vt 0.453238 0.903454 +vt 0.762164 0.729385 +vt 0.762112 0.729363 +vt 0.453194 0.903829 +vt 0.453076 0.904226 +vt 0.453142 0.904204 +vt 0.762068 0.729745 +vt 0.761987 0.730120 +vt 0.761950 0.730112 +vt 0.453238 0.903829 +vt 0.762112 0.729745 +vt 0.762156 0.729760 +vt 0.453194 0.904204 +vt 0.453076 0.904608 +vt 0.453142 0.904579 +vt 0.762031 0.730120 +vt 0.761870 0.730465 +vt 0.761914 0.730472 +vt 0.453238 0.904211 +vt 0.762075 0.730127 +vt 0.762119 0.730142 +vt 0.453194 0.904579 +vt 0.453142 0.904939 +vt 0.453076 0.904983 +vt 0.761958 0.730487 +vt 0.761804 0.730818 +vt 0.761767 0.730803 +vt 0.453238 0.904586 +vt 0.762002 0.730494 +vt 0.762046 0.730509 +vt 0.453194 0.904946 +vt 0.453142 0.905291 +vt 0.453084 0.905343 +vt 0.761848 0.730840 +vt 0.761627 0.731133 +vt 0.761664 0.731156 +vt 0.453238 0.904953 +vt 0.761892 0.730854 +vt 0.761936 0.730869 +vt 0.453194 0.905298 +vt 0.453084 0.905688 +vt 0.453142 0.905622 +vt 0.761708 0.731178 +vt 0.761480 0.731471 +vt 0.761451 0.731457 +vt 0.453238 0.905306 +vt 0.761745 0.731200 +vt 0.761782 0.731214 +vt 0.453201 0.905636 +vt 0.453142 0.905945 +vt 0.453091 0.906011 +vt 0.761524 0.731493 +vt 0.761275 0.731773 +vt 0.761238 0.731751 +vt 0.754743 0.729003 +vt 0.825579 0.894992 +vt 0.825528 0.895007 +vt 0.761010 0.732022 +vt 0.453245 0.905651 +vt 0.761561 0.731523 +vt 0.825469 0.895014 +vt 0.761598 0.731545 +vt 0.453201 0.905960 +vt 0.825587 0.894603 +vt 0.825528 0.894632 +vt 0.453150 0.906246 +vt 0.453091 0.906312 +vt 0.825425 0.895014 +vt 0.761311 0.731802 +vt 0.825469 0.894632 +vt 0.761032 0.732052 +vt 0.825587 0.894228 +vt 0.825528 0.894257 +vt 0.453245 0.905974 +vt 0.761348 0.731831 +vt 0.754949 0.728665 +vt 0.754993 0.728672 +vt 0.761385 0.731853 +vt 0.453201 0.906254 +vt 0.825425 0.894632 +vt 0.453157 0.906518 +vt 0.825469 0.894257 +vt 0.453098 0.906592 +vt 0.825579 0.893846 +vt 0.825528 0.893890 +vt 0.761069 0.732081 +vt 0.760768 0.732302 +vt 0.760746 0.732272 +vt 0.754905 0.728650 +vt 0.453253 0.906276 +vt 0.755096 0.728334 +vt 0.755059 0.728320 +vt 0.761098 0.732111 +vt 0.761135 0.732140 +vt 0.825425 0.894257 +vt 0.453209 0.906533 +vt 0.754861 0.728643 +vt 0.754817 0.728628 +vt 0.746086 0.906894 +vt 0.746027 0.906968 +vt 0.746042 0.906710 +vt 0.746101 0.906615 +vt 0.825469 0.893883 +vt 0.745976 0.906982 +vt 0.760804 0.732338 +vt 0.825579 0.893471 +vt 0.825528 0.893530 +vt 0.760481 0.732522 +vt 0.755015 0.728298 +vt 0.760466 0.732485 +vt 0.755243 0.728004 +vt 0.755206 0.727989 +vt 0.746042 0.906622 +vt 0.453260 0.906555 +vt 0.760158 0.732684 +vt 0.825425 0.893875 +vt 0.760834 0.732368 +vt 0.754978 0.728283 +vt 0.754934 0.728268 +vt 0.760863 0.732404 +vt 0.745983 0.906732 +vt 0.760143 0.732654 +vt 0.759820 0.732809 +vt 0.825469 0.893523 +vt 0.746108 0.906321 +vt 0.746049 0.906431 +vt 0.825579 0.893104 +vt 0.825521 0.893177 +vt 0.760511 0.732559 +vt 0.755162 0.727967 +vt 0.745990 0.906637 +vt 0.760173 0.732713 +vt 0.755419 0.727688 +vt 0.755382 0.727666 +vt 0.746049 0.906321 +vt 0.755625 0.727387 +vt 0.825425 0.893508 +vt 0.755081 0.727923 +vt 0.755118 0.727945 +vt 0.759827 0.732838 +vt 0.745939 0.906747 +vt 0.825462 0.893163 +vt 0.760540 0.732596 +vt 0.825572 0.892759 +vt 0.825521 0.892840 +vt 0.760562 0.732632 +vt 0.745998 0.906446 +vt 0.755346 0.727644 +vt 0.745939 0.906659 +vt 0.746115 0.905998 +vt 0.746056 0.906130 +vt 0.755588 0.727365 +vt 0.760202 0.732757 +vt 0.825418 0.893155 +vt 0.755265 0.727592 +vt 0.755309 0.727614 +vt 0.745998 0.906336 +vt 0.825462 0.892825 +vt 0.759849 0.732875 +vt 0.825565 0.892428 +vt 0.825513 0.892509 +vt 0.759724 0.732882 +vt 0.746064 0.905998 +vt 0.755559 0.727335 +vt 0.755860 0.727122 +vt 0.755831 0.727085 +vt 0.745946 0.906468 +vt 0.759497 0.732963 +vt 0.759732 0.732926 +vt 0.760217 0.732794 +vt 0.756117 0.726872 +vt 0.825418 0.892803 +vt 0.760239 0.732831 +vt 0.755485 0.727284 +vt 0.755522 0.727306 +vt 0.746005 0.906137 +vt 0.825462 0.892502 +vt 0.745946 0.906350 +vt 0.825565 0.892127 +vt 0.825506 0.892208 +vt 0.746064 0.905799 +vt 0.746123 0.905652 +vt 0.759864 0.732919 +vt 0.755794 0.727056 +vt 0.746005 0.906012 +vt 0.756095 0.726836 +vt 0.759504 0.733000 +vt 0.825410 0.892487 +vt 0.746071 0.905652 +vt 0.755764 0.727027 +vt 0.755728 0.726997 +vt 0.759754 0.732963 +vt 0.825455 0.892200 +vt 0.825557 0.891855 +vt 0.825499 0.891928 +vt 0.745954 0.906152 +vt 0.759144 0.733051 +vt 0.759364 0.733000 +vt 0.759379 0.733036 +vt 0.756058 0.726799 +vt 0.759886 0.732955 +vt 0.759901 0.733000 +vt 0.746005 0.905814 +vt 0.756404 0.726652 +vt 0.756382 0.726615 +vt 0.745961 0.906027 +vt 0.825499 0.891848 +vt 0.746071 0.905461 +vt 0.825403 0.892171 +vt 0.746130 0.905292 +vt 0.756712 0.726461 +vt 0.756000 0.726733 +vt 0.756029 0.726769 +vt 0.759768 0.733007 +vt 0.759548 0.733132 +vt 0.759519 0.733044 +vt 0.825447 0.891921 +vt 0.746012 0.905660 +vt 0.171536 0.901571 +vt 0.171550 0.901277 +vt 0.171594 0.901454 +vt 0.171602 0.901277 +vt 0.759151 0.733088 +vt 0.756352 0.726578 +vt 0.759394 0.733080 +vt 0.825447 0.891826 +vt 0.756690 0.726424 +vt 0.746071 0.905292 +vt 0.745968 0.905821 +vt 0.759012 0.733117 +vt 0.759004 0.733080 +vt 0.171594 0.901564 +vt 0.825403 0.891892 +vt 0.759533 0.733088 +vt 0.756323 0.726542 +vt 0.746020 0.905461 +vt 0.756301 0.726505 +vt 0.745968 0.905674 +vt 0.171646 0.901446 +vt 0.171653 0.901263 +vt 0.746071 0.905101 +vt 0.746137 0.904918 +vt 0.825403 0.891804 +vt 0.759166 0.733139 +vt 0.171528 0.901872 +vt 0.171587 0.901755 +vt 0.759401 0.733124 +vt 0.756661 0.726380 +vt 0.759181 0.733227 +vt 0.746020 0.905300 +vt 0.171646 0.901549 +vt 0.758791 0.733102 +vt 0.758799 0.733146 +vt 0.758637 0.733124 +vt 0.757035 0.726299 +vt 0.757021 0.726263 +vt 0.757146 0.726255 +vt 0.759019 0.733169 +vt 0.171580 0.901872 +vt 0.171697 0.901417 +vt 0.171705 0.901233 +vt 0.746078 0.904918 +vt 0.745976 0.905476 +vt 0.757131 0.726211 +vt 0.759173 0.733183 +vt 0.756624 0.726307 +vt 0.756646 0.726343 +vt 0.758431 0.733124 +vt 0.758637 0.733161 +vt 0.171646 0.901740 +vt 0.746020 0.905109 +vt 0.171697 0.901527 +vt 0.746078 0.904734 +vt 0.171521 0.902210 +vt 0.171580 0.902063 +vt 0.746137 0.904536 +vt 0.745976 0.905307 +vt 0.756999 0.726218 +vt 0.758799 0.733198 +vt 0.171639 0.901865 +vt 0.759026 0.733205 +vt 0.757373 0.726174 +vt 0.757359 0.726138 +vt 0.758806 0.733286 +vt 0.757498 0.726138 +vt 0.746027 0.904925 +vt 0.757109 0.726174 +vt 0.171580 0.902210 +vt 0.758431 0.733169 +vt 0.758644 0.733205 +vt 0.171690 0.901718 +vt 0.746078 0.904536 +vt 0.757491 0.726094 +vt 0.757719 0.726086 +vt 0.745976 0.905116 +vt 0.756962 0.726138 +vt 0.756977 0.726182 +vt 0.758806 0.733235 +vt 0.171639 0.902056 +vt 0.746027 0.904734 +vt 0.171683 0.901843 +vt 0.758255 0.733161 +vt 0.171521 0.902556 +vt 0.171580 0.902394 +vt 0.758262 0.733117 +vt 0.746078 0.904359 +vt 0.746137 0.904146 +vt 0.757094 0.726130 +vt 0.757315 0.726005 +vt 0.757344 0.726094 +vt 0.745976 0.904932 +vt 0.171631 0.902196 +vt 0.758431 0.733213 +vt 0.758644 0.733257 +vt 0.757711 0.726049 +vt 0.758431 0.733301 +vt 0.757858 0.726057 +vt 0.746027 0.904543 +vt 0.171572 0.902556 +vt 0.758071 0.733110 +vt 0.758064 0.733146 +vt 0.757888 0.733080 +vt 0.757469 0.726057 +vt 0.171675 0.902034 +vt 0.745976 0.904741 +vt 0.757851 0.726020 +vt 0.746078 0.904146 +vt 0.757329 0.726049 +vt 0.758255 0.733213 +vt 0.758431 0.733257 +vt 0.171624 0.902387 +vt 0.171675 0.902181 +vt 0.746027 0.904367 +vt 0.757888 0.733124 +vt 0.171514 0.902923 +vt 0.171572 0.902739 +vt 0.757711 0.733051 +vt 0.746137 0.903757 +vt 0.746078 0.903985 +vt 0.757697 0.725998 +vt 0.745976 0.904543 +vt 0.757682 0.725910 +vt 0.757469 0.726005 +vt 0.171624 0.902548 +vt 0.758064 0.733191 +vt 0.758255 0.733257 +vt 0.758071 0.725991 +vt 0.758049 0.733286 +vt 0.758226 0.726013 +vt 0.758071 0.726035 +vt 0.757704 0.733088 +vt 0.171565 0.902923 +vt 0.757844 0.725969 +vt 0.746027 0.904146 +vt 0.171675 0.902372 +vt 0.745976 0.904367 +vt 0.757697 0.725954 +vt 0.746078 0.903757 +vt 0.758226 0.725976 +vt 0.757880 0.733169 +vt 0.758439 0.726013 +vt 0.758057 0.733235 +vt 0.171624 0.902732 +vt 0.171506 0.903298 +vt 0.171565 0.903099 +vt 0.746027 0.903985 +vt 0.171675 0.902541 +vt 0.757520 0.733044 +vt 0.757366 0.732955 +vt 0.757528 0.733007 +vt 0.758064 0.725939 +vt 0.746137 0.903375 +vt 0.746078 0.903610 +vt 0.757836 0.725932 +vt 0.758057 0.725851 +vt 0.757697 0.733139 +vt 0.745983 0.904146 +vt 0.171616 0.902916 +vt 0.757873 0.733220 +vt 0.757682 0.733220 +vt 0.758431 0.725969 +vt 0.757351 0.733000 +vt 0.757168 0.732897 +vt 0.171565 0.903298 +vt 0.746027 0.903757 +vt 0.758226 0.725932 +vt 0.745983 0.903985 +vt 0.171675 0.902725 +vt 0.757506 0.733095 +vt 0.758057 0.725902 +vt 0.746078 0.903375 +vt 0.171616 0.903092 +vt 0.758791 0.726027 +vt 0.758608 0.726020 +vt 0.758608 0.725976 +vt 0.757689 0.733176 +vt 0.746027 0.903610 +vt 0.171506 0.903672 +vt 0.171565 0.903467 +vt 0.757160 0.732933 +vt 0.171668 0.902908 +vt 0.746078 0.903243 +vt 0.746137 0.903000 +vt 0.758431 0.725925 +vt 0.757344 0.733044 +vt 0.758218 0.725880 +vt 0.758431 0.725836 +vt 0.745983 0.903750 +vt 0.171616 0.903290 +vt 0.757491 0.733132 +vt 0.757315 0.733132 +vt 0.757028 0.732838 +vt 0.757013 0.732875 +vt 0.756837 0.732742 +vt 0.758799 0.725991 +vt 0.171668 0.903092 +vt 0.746027 0.903368 +vt 0.171565 0.903672 +vt 0.745976 0.903603 +vt 0.758608 0.725925 +vt 0.757146 0.732978 +vt 0.758431 0.725880 +vt 0.746071 0.903000 +vt 0.171616 0.903467 +vt 0.757322 0.733088 +vt 0.758975 0.726057 +vt 0.758975 0.726013 +vt 0.759151 0.726086 +vt 0.746027 0.903235 +vt 0.171506 0.904062 +vt 0.171565 0.903834 +vt 0.756815 0.732779 +vt 0.171668 0.903290 +vt 0.756705 0.732676 +vt 0.746130 0.902640 +vt 0.746071 0.902883 +vt 0.758799 0.725947 +vt 0.756991 0.732919 +vt 0.758813 0.725858 +vt 0.758608 0.725880 +vt 0.745976 0.903360 +vt 0.759159 0.726049 +vt 0.757131 0.733014 +vt 0.756962 0.733000 +vt 0.171616 0.903672 +vt 0.756683 0.732713 +vt 0.756506 0.732559 +vt 0.171668 0.903459 +vt 0.746020 0.902993 +vt 0.758990 0.725969 +vt 0.745976 0.903228 +vt 0.171565 0.904062 +vt 0.746123 0.902288 +vt 0.746071 0.902640 +vt 0.758806 0.725902 +vt 0.756793 0.732823 +vt 0.171616 0.903834 +vt 0.756977 0.732963 +vt 0.759342 0.726130 +vt 0.759350 0.726094 +vt 0.759497 0.726182 +vt 0.171514 0.904437 +vt 0.171565 0.904209 +vt 0.746020 0.902868 +vt 0.756484 0.732596 +vt 0.759166 0.725998 +vt 0.171668 0.903672 +vt 0.756661 0.732750 +vt 0.745976 0.902986 +vt 0.759188 0.725910 +vt 0.758990 0.725925 +vt 0.756404 0.732485 +vt 0.756374 0.732522 +vt 0.756205 0.732338 +vt 0.759511 0.726138 +vt 0.756778 0.732860 +vt 0.759695 0.726240 +vt 0.756617 0.732831 +vt 0.171616 0.904062 +vt 0.746020 0.902626 +vt 0.171668 0.903834 +vt 0.745976 0.902868 +vt 0.759364 0.726042 +vt 0.746071 0.902288 +vt 0.756462 0.732632 +vt 0.171565 0.904437 +vt 0.759181 0.725954 +vt 0.756639 0.732786 +vt 0.171616 0.904209 +vt 0.756183 0.732375 +vt 0.756110 0.732265 +vt 0.756345 0.732559 +vt 0.759842 0.726307 +vt 0.171572 0.904576 +vt 0.745976 0.902611 +vt 0.171514 0.904811 +vt 0.171668 0.904069 +vt 0.756440 0.732669 +vt 0.759372 0.726005 +vt 0.756301 0.732632 +vt 0.756323 0.732596 +vt 0.760033 0.726395 +vt 0.756154 0.732412 +vt 0.746115 0.901964 +vt 0.755926 0.732089 +vt 0.756124 0.732449 +vt 0.929492 0.443616 +vt 0.929492 0.444123 +vt 0.929492 0.444630 +vt 0.929485 0.445122 +vt 0.929485 0.445600 +vt 0.929485 0.446063 +vt 0.929478 0.446511 +vt 0.929470 0.446937 +vt 0.929463 0.447334 +vt 0.049307 0.939002 +vt 0.048895 0.938988 +vt 0.048469 0.938980 +vt 0.048014 0.938965 +vt 0.047543 0.938951 +vt 0.047059 0.938943 +vt 0.046566 0.938943 +vt 0.046059 0.938936 +vt 0.045545 0.938929 +vt 0.045023 0.938929 +vt 0.044502 0.938929 +vt 0.043988 0.938929 +vt 0.043481 0.938936 +vt 0.042981 0.938936 +vt 0.042489 0.938943 +vt 0.042019 0.938943 +vt 0.041563 0.938958 +vt 0.041122 0.938973 +vt 0.040704 0.938980 +vt 0.040321 0.938995 +vt 0.039954 0.939010 +vt 0.650393 0.943599 +vt 0.650782 0.943606 +vt 0.651193 0.943614 +vt 0.651627 0.943621 +vt 0.652082 0.943628 +vt 0.652553 0.943636 +vt 0.653045 0.943636 +vt 0.653537 0.943636 +vt 0.654051 0.943636 +vt 0.654566 0.943643 +vt 0.655073 0.943643 +vt 0.655594 0.943643 +vt 0.656109 0.943636 +vt 0.656615 0.943636 +vt 0.657115 0.943636 +vt 0.657600 0.943636 +vt 0.658077 0.943628 +vt 0.658526 0.943621 +vt 0.658959 0.943614 +vt 0.659371 0.943606 +vt 0.659760 0.943599 +vt 0.934045 0.081722 +vt 0.934060 0.082089 +vt 0.934075 0.082493 +vt 0.934089 0.082912 +vt 0.934097 0.083360 +vt 0.934104 0.083823 +vt 0.934119 0.084315 +vt 0.934126 0.084807 +vt 0.934133 0.085314 +vt 0.934133 0.085829 +vt 0.934133 0.086350 +vt 0.934133 0.086872 +vt 0.934133 0.087393 +vt 0.934133 0.087908 +vt 0.934133 0.088422 +vt 0.934126 0.088922 +vt 0.934119 0.089414 +vt 0.934104 0.089884 +vt 0.934097 0.090332 +vt 0.934089 0.090758 +vt 0.934075 0.091170 +vt 0.934060 0.091552 +vt 0.934045 0.091897 +vt 0.929470 0.437981 +vt 0.929478 0.438356 +vt 0.929478 0.438745 +vt 0.929485 0.439171 +vt 0.929485 0.439612 +vt 0.929485 0.440075 +vt 0.929492 0.440553 +vt 0.929492 0.441052 +vt 0.929492 0.441552 +vt 0.929500 0.442066 +vt 0.929500 0.442580 +vt 0.929492 0.443095 +vt 0.429486 0.903447 +vt 0.429486 0.903065 +vt 0.429493 0.902698 +vt 0.429493 0.902338 +vt 0.429500 0.901992 +vt 0.429500 0.901676 +vt 0.429508 0.901383 +vt 0.148121 0.906207 +vt 0.148114 0.905899 +vt 0.148099 0.905568 +vt 0.148092 0.905215 +vt 0.148092 0.904855 +vt 0.148084 0.904473 +vt 0.148084 0.904099 +vt 0.148084 0.903717 +vt 0.148084 0.903334 +vt 0.148092 0.902960 +vt 0.148092 0.902592 +vt 0.148092 0.902240 +vt 0.148099 0.901909 +vt 0.148114 0.901601 +vt 0.148121 0.901321 +vt 0.849148 0.891862 +vt 0.849156 0.892142 +vt 0.849163 0.892450 +vt 0.849170 0.892773 +vt 0.849170 0.893119 +vt 0.849170 0.893486 +vt 0.849170 0.893861 +vt 0.849170 0.894243 +vt 0.849170 0.894625 +vt 0.849170 0.895014 +vt 0.849170 0.895389 +vt 0.849170 0.895756 +vt 0.849170 0.896116 +vt 0.849163 0.896454 +vt 0.849156 0.896777 +vt 0.849148 0.897064 +vt 0.769846 0.901406 +vt 0.769853 0.901685 +vt 0.769860 0.901986 +vt 0.769875 0.902310 +vt 0.769882 0.902662 +vt 0.769882 0.903030 +vt 0.769882 0.903397 +vt 0.769882 0.903786 +vt 0.769882 0.904176 +vt 0.769882 0.904558 +vt 0.769882 0.904940 +vt 0.769882 0.905314 +vt 0.769875 0.905674 +vt 0.769868 0.906020 +vt 0.769853 0.906343 +vt 0.769853 0.906637 +vt 0.769838 0.906916 +vt 0.429508 0.906577 +vt 0.429500 0.906305 +vt 0.429500 0.905996 +vt 0.429493 0.905681 +vt 0.429493 0.905335 +vt 0.429486 0.904968 +vt 0.429486 0.904601 +vt 0.429486 0.904218 +vt 0.429486 0.903829 +vt 0.929522 0.236413 +vt 0.928794 0.236685 +vt 0.928831 0.236340 +vt 0.929485 0.236795 +vt 0.929522 0.236024 +vt 0.928824 0.235987 +vt 0.929485 0.235635 +vt 0.928779 0.235642 +vt 0.929404 0.235253 +vt 0.928691 0.235297 +vt 0.929286 0.234878 +vt 0.928566 0.234966 +vt 0.929125 0.234525 +vt 0.928397 0.234650 +vt 0.928926 0.234187 +vt 0.928206 0.234364 +vt 0.928706 0.233871 +vt 0.927971 0.234092 +vt 0.928442 0.233577 +vt 0.927714 0.233857 +vt 0.928155 0.233320 +vt 0.927839 0.233093 +vt 0.927428 0.233651 +vt 0.927501 0.232887 +vt 0.927119 0.233475 +vt 0.927148 0.232733 +vt 0.926796 0.233342 +vt 0.926774 0.232608 +vt 0.926458 0.233247 +vt 0.926392 0.232527 +vt 0.926113 0.233195 +vt 0.926002 0.232490 +vt 0.925753 0.233173 +vt 0.925620 0.232490 +vt 0.925400 0.233203 +vt 0.925224 0.232527 +vt 0.925055 0.233269 +vt 0.924842 0.232600 +vt 0.924724 0.233379 +vt 0.924474 0.232725 +vt 0.924114 0.232880 +vt 0.924401 0.233519 +vt 0.923776 0.233078 +vt 0.924100 0.233702 +vt 0.923460 0.233306 +vt 0.923820 0.233915 +vt 0.923174 0.233570 +vt 0.923571 0.234158 +vt 0.922909 0.233857 +vt 0.923343 0.234437 +vt 0.922682 0.234165 +vt 0.923152 0.234731 +vt 0.922483 0.234503 +vt 0.922997 0.235047 +vt 0.922322 0.234863 +vt 0.922887 0.235377 +vt 0.922204 0.235231 +vt 0.922806 0.235723 +vt 0.922123 0.235613 +vt 0.922079 0.236002 +vt 0.922777 0.236075 +vt 0.922079 0.236391 +vt 0.922784 0.236428 +vt 0.922123 0.236781 +vt 0.922828 0.236773 +vt 0.922197 0.237163 +vt 0.922909 0.237119 +vt 0.922322 0.237530 +vt 0.923034 0.237449 +vt 0.922476 0.237890 +vt 0.923203 0.237765 +vt 0.922667 0.238228 +vt 0.923402 0.238052 +vt 0.922895 0.238544 +vt 0.923629 0.238316 +vt 0.923152 0.238838 +vt 0.923886 0.238551 +vt 0.923446 0.239095 +vt 0.923762 0.239323 +vt 0.924173 0.238764 +vt 0.924100 0.239521 +vt 0.924482 0.238933 +vt 0.924452 0.239683 +vt 0.924805 0.239073 +vt 0.924827 0.239800 +vt 0.925143 0.239161 +vt 0.925202 0.239888 +vt 0.925495 0.239220 +vt 0.925598 0.239925 +vt 0.925848 0.239235 +vt 0.925988 0.239925 +vt 0.926193 0.239205 +vt 0.926370 0.239888 +vt 0.926539 0.239146 +vt 0.926752 0.239808 +vt 0.926884 0.239036 +vt 0.927126 0.239690 +vt 0.927479 0.239528 +vt 0.927200 0.238897 +vt 0.927824 0.239337 +vt 0.927501 0.238713 +vt 0.928140 0.239110 +vt 0.927780 0.238500 +vt 0.928427 0.238845 +vt 0.928030 0.238257 +vt 0.928691 0.238559 +vt 0.928258 0.237978 +vt 0.928919 0.238250 +vt 0.928449 0.237684 +vt 0.929117 0.237905 +vt 0.928596 0.237368 +vt 0.929272 0.237552 +vt 0.928713 0.237031 +vt 0.929397 0.237185 +vt 0.898010 0.012886 +vt 0.892794 0.014444 +vt 0.894770 0.016317 +vt 0.893426 0.011791 +vt 0.896034 0.011020 +vt 0.897386 0.015546 +vt 0.753186 0.725880 +vt 0.756264 0.723529 +vt 0.756727 0.723383 +vt 0.753480 0.725484 +vt 0.755809 0.723713 +vt 0.753810 0.725116 +vt 0.755368 0.723934 +vt 0.754163 0.724778 +vt 0.754942 0.724183 +vt 0.754538 0.724470 +vt 0.762325 0.734667 +vt 0.761921 0.734954 +vt 0.762700 0.734359 +vt 0.761502 0.735204 +vt 0.761054 0.735417 +vt 0.763053 0.734021 +vt 0.763383 0.733653 +vt 0.760599 0.735608 +vt 0.763677 0.733257 +vt 0.760136 0.735755 +vt 0.763949 0.732845 +vt 0.759658 0.735872 +vt 0.759173 0.735946 +vt 0.764184 0.732412 +vt 0.764382 0.731964 +vt 0.758681 0.735982 +vt 0.764551 0.731501 +vt 0.758189 0.735982 +vt 0.764676 0.731023 +vt 0.757697 0.735938 +vt 0.764830 0.730053 +vt 0.764772 0.730546 +vt 0.757219 0.735872 +vt 0.756734 0.735755 +vt 0.764845 0.729569 +vt 0.756264 0.735608 +vt 0.764830 0.729076 +vt 0.755816 0.735431 +vt 0.764772 0.728591 +vt 0.764676 0.728107 +vt 0.755368 0.735204 +vt 0.754949 0.734961 +vt 0.764551 0.727629 +vt 0.754545 0.734675 +vt 0.764382 0.727166 +vt 0.754163 0.734359 +vt 0.764184 0.726718 +vt 0.763941 0.726285 +vt 0.753810 0.734021 +vt 0.753480 0.733653 +vt 0.763677 0.725873 +vt 0.753186 0.733264 +vt 0.763383 0.725484 +vt 0.752921 0.732853 +vt 0.763053 0.725116 +vt 0.752686 0.732419 +vt 0.762700 0.724778 +vt 0.752480 0.731971 +vt 0.762318 0.724463 +vt 0.752311 0.731508 +vt 0.761914 0.724183 +vt 0.752187 0.731031 +vt 0.761495 0.723934 +vt 0.752091 0.730553 +vt 0.761054 0.723713 +vt 0.752032 0.730061 +vt 0.760599 0.723529 +vt 0.752018 0.729569 +vt 0.760128 0.723383 +vt 0.752032 0.729084 +vt 0.759651 0.723272 +vt 0.752091 0.728591 +vt 0.759166 0.723199 +vt 0.752187 0.728114 +vt 0.758681 0.723155 +vt 0.752311 0.727636 +vt 0.758182 0.723155 +vt 0.752480 0.727174 +vt 0.757689 0.723191 +vt 0.752679 0.726725 +vt 0.757212 0.723265 +vt 0.752914 0.726292 +vt 0.465170 0.981160 +vt 0.461393 0.979764 +vt 0.461357 0.982556 +vt 0.465184 0.979764 +vt 0.465148 0.982556 +vt 0.287034 0.992139 +vt 0.287056 0.994783 +vt 0.290582 0.993461 +vt 0.290590 0.994783 +vt 0.290575 0.992139 +vt 0.966201 0.070680 +vt 0.967244 0.066823 +vt 0.965157 0.066911 +vt 0.967244 0.070636 +vt 0.965157 0.070724 +vt 0.968662 0.070658 +vt 0.970080 0.066860 +vt 0.970080 0.070665 +vt 0.173816 0.994798 +vt 0.176490 0.994790 +vt 0.175153 0.991301 +vt 0.176490 0.991293 +vt 0.173816 0.991301 +vt 0.461437 0.984708 +vt 0.465184 0.983636 +vt 0.465228 0.984708 +vt 0.462237 0.962952 +vt 0.465103 0.962952 +vt 0.466535 0.960469 +vt 0.465103 0.957986 +vt 0.462230 0.957986 +vt 0.460805 0.960469 +vt 0.670316 0.957942 +vt 0.670022 0.957795 +vt 0.669816 0.958044 +vt 0.669706 0.958338 +vt 0.669390 0.958257 +vt 0.668854 0.958867 +vt 0.669067 0.958537 +vt 0.668538 0.958625 +vt 0.668744 0.958250 +vt 0.668141 0.958471 +vt 0.668450 0.959014 +vt 0.668487 0.959881 +vt 0.668443 0.960094 +vt 0.668656 0.960043 +vt 0.668678 0.959947 +vt 0.668590 0.959690 +vt 0.668259 0.959624 +vt 0.668119 0.959293 +vt 0.667899 0.959668 +vt 0.668472 0.959374 +vt 0.667642 0.958889 +vt 0.668075 0.958904 +vt 0.668149 0.959925 +vt 0.667825 0.960087 +vt 0.667319 0.959448 +vt 0.667723 0.959315 +vt 0.668149 0.960249 +vt 0.668479 0.960300 +vt 0.667899 0.960513 +vt 0.667539 0.959822 +vt 0.667208 0.960087 +vt 0.668259 0.960557 +vt 0.668590 0.960491 +vt 0.668119 0.960888 +vt 0.667539 0.960359 +vt 0.667319 0.960726 +vt 0.668759 0.960631 +vt 0.668472 0.960807 +vt 0.668443 0.961167 +vt 0.667730 0.960866 +vt 0.667642 0.961284 +vt 0.668751 0.960968 +vt 0.668854 0.961314 +vt 0.668964 0.960704 +vt 0.668141 0.961703 +vt 0.668075 0.961277 +vt 0.669067 0.961027 +vt 0.669177 0.960704 +vt 0.669288 0.961314 +vt 0.669383 0.960631 +vt 0.669545 0.960491 +vt 0.669317 0.960418 +vt 0.668538 0.961549 +vt 0.668744 0.961924 +vt 0.669692 0.961167 +vt 0.669390 0.960968 +vt 0.669383 0.960359 +vt 0.669390 0.961924 +vt 0.669067 0.961637 +vt 0.669655 0.960300 +vt 0.669442 0.960278 +vt 0.669339 0.960249 +vt 0.669361 0.960197 +vt 0.670015 0.960888 +vt 0.669662 0.960807 +vt 0.669692 0.960094 +vt 0.669376 0.960146 +vt 0.669603 0.961549 +vt 0.670000 0.961703 +vt 0.669376 0.960094 +vt 0.669875 0.960557 +vt 0.670235 0.960513 +vt 0.669655 0.959881 +vt 0.669376 0.960035 +vt 0.670066 0.961277 +vt 0.670500 0.961284 +vt 0.669354 0.959984 +vt 0.669985 0.960249 +vt 0.670316 0.960094 +vt 0.669545 0.959690 +vt 0.669332 0.959940 +vt 0.670412 0.960866 +vt 0.670823 0.960726 +vt 0.669302 0.959896 +vt 0.669985 0.959933 +vt 0.670235 0.959668 +vt 0.670595 0.960359 +vt 0.670933 0.960087 +vt 0.669875 0.959624 +vt 0.670022 0.959293 +vt 0.669464 0.959617 +vt 0.005296 0.040516 +vt 0.005163 0.040516 +vt 0.005024 0.040516 +vt 0.669265 0.959852 +vt 0.670603 0.959822 +vt 0.670823 0.959455 +vt 0.670412 0.959315 +vt 0.670492 0.958897 +vt 0.670265 0.958662 +vt 0.670581 0.958118 +vt 0.670470 0.958426 +vt 0.669170 0.959800 +vt 0.669119 0.959786 +vt 0.669111 0.959940 +vt 0.669067 0.960087 +vt 0.669096 0.959940 +vt 0.669074 0.959933 +vt 0.669067 0.959786 +vt 0.669067 0.959940 +vt 0.669060 0.959940 +vt 0.669008 0.959786 +vt 0.669038 0.959940 +vt 0.669023 0.959940 +vt 0.668964 0.959800 +vt 0.668913 0.959822 +vt 0.669728 0.958676 +vt 0.669280 0.959514 +vt 0.669288 0.958867 +vt 0.668861 0.960094 +vt 0.669478 0.957795 +vt 0.669714 0.957692 +vt 0.669398 0.957626 +vt 0.669074 0.957604 +vt 0.668575 0.960241 +vt 0.668920 0.960131 +vt 0.668736 0.960285 +vt 0.668604 0.960322 +vt 0.668825 0.960359 +vt 0.668905 0.960359 +vt 0.668861 0.960447 +vt 0.668825 0.960506 +vt 0.669023 0.960432 +vt 0.668435 0.957684 +vt 0.668119 0.957795 +vt 0.669096 0.960609 +vt 0.669185 0.960594 +vt 0.669221 0.960050 +vt 0.669214 0.960043 +vt 0.669207 0.960028 +vt 0.669199 0.960013 +vt 0.669192 0.959999 +vt 0.669185 0.959991 +vt 0.667825 0.957942 +vt 0.667554 0.958118 +vt 0.669177 0.959977 +vt 0.669603 0.959330 +vt 0.671220 0.958845 +vt 0.671043 0.958573 +vt 0.670860 0.958595 +vt 0.670830 0.958331 +vt 0.669016 0.960028 +vt 0.668869 0.959859 +vt 0.668927 0.959984 +vt 0.668832 0.959889 +vt 0.668803 0.959933 +vt 0.668935 0.960013 +vt 0.667311 0.958331 +vt 0.667098 0.958573 +vt 0.666922 0.958845 +vt 0.669067 0.957993 +vt 0.668744 0.957626 +vt 0.668898 0.960278 +vt 0.669111 0.960241 +vt 0.669111 0.960153 +vt 0.669214 0.960381 +vt 0.669258 0.960256 +vt 0.669163 0.960146 +vt 0.666775 0.959132 +vt 0.666672 0.959448 +vt 0.666606 0.959764 +vt 0.671477 0.959448 +vt 0.671367 0.959139 +vt 0.670882 0.959044 +vt 0.669030 0.960094 +vt 0.315382 0.650643 +vt 0.315353 0.650555 +vt 0.315382 0.650533 +vt 0.669001 0.960138 +vt 0.668986 0.960226 +vt 0.669030 0.960204 +vt 0.666584 0.960087 +vt 0.666606 0.960410 +vt 0.666672 0.960726 +vt 0.666775 0.961042 +vt 0.666922 0.961329 +vt 0.667098 0.961593 +vt 0.667311 0.961843 +vt 0.667561 0.962056 +vt 0.667833 0.962240 +vt 0.668119 0.962379 +vt 0.668428 0.962489 +vt 0.668751 0.962548 +vt 0.669067 0.962570 +vt 0.669390 0.962548 +vt 0.669714 0.962489 +vt 0.670022 0.962386 +vt 0.670316 0.962240 +vt 0.670581 0.962063 +vt 0.670823 0.961843 +vt 0.671043 0.961600 +vt 0.671220 0.961329 +vt 0.671367 0.961042 +vt 0.671470 0.960733 +vt 0.671536 0.960418 +vt 0.671550 0.960094 +vt 0.671536 0.959764 +vt 0.669177 0.959477 +vt 0.005024 0.688780 +vt 0.005288 0.688780 +vt 0.005156 0.688780 +vt 0.668957 0.959477 +vt 0.668759 0.959551 +vt 0.669067 0.959154 +vt 0.668751 0.959213 +vt 0.668722 0.959866 +vt 0.656944 0.802406 +vt 0.657290 0.802266 +vt 0.656996 0.802252 +vt 0.657238 0.802406 +vt 0.928838 0.779089 +vt 0.929169 0.779089 +vt 0.929161 0.779251 +vt 0.656878 0.802252 +vt 0.929176 0.778942 +vt 0.886589 0.198534 +vt 0.886839 0.198578 +vt 0.886729 0.198681 +vt 0.928831 0.779251 +vt 0.886516 0.198226 +vt 0.886486 0.198630 +vt 0.886295 0.198409 +vt 0.886383 0.198725 +vt 0.897154 0.194655 +vt 0.897146 0.194178 +vt 0.897264 0.194655 +vt 0.896999 0.194185 +vt 0.886185 0.198498 +vt 0.656820 0.802399 +vt 0.928324 0.779251 +vt 0.928618 0.779251 +vt 0.928317 0.779412 +vt 0.656526 0.802244 +vt 0.656908 0.802090 +vt 0.928618 0.779089 +vt 0.656555 0.802076 +vt 0.896867 0.194192 +vt 0.896728 0.194325 +vt 0.896684 0.193847 +vt 0.886185 0.198277 +vt 0.896823 0.193744 +vt 0.896963 0.193722 +vt 0.886075 0.198365 +vt 0.885876 0.198094 +vt 0.885979 0.198439 +vt 0.885781 0.198160 +vt 0.897146 0.194817 +vt 0.897264 0.194824 +vt 0.886405 0.198321 +vt 0.928846 0.778942 +vt 0.656055 0.802076 +vt 0.656474 0.801907 +vt 0.928074 0.779243 +vt 0.927817 0.779405 +vt 0.656004 0.801899 +vt 0.885796 0.197983 +vt 0.897014 0.194655 +vt 0.928331 0.779089 +vt 0.885700 0.198049 +vt 0.656474 0.802391 +vt 0.886295 0.198189 +vt 0.928640 0.778935 +vt 0.886222 0.197851 +vt 0.885987 0.198013 +vt 0.897007 0.194817 +vt 0.897124 0.195133 +vt 0.897242 0.195140 +vt 0.927824 0.779243 +vt 0.656033 0.802237 +vt 0.885913 0.197903 +vt 0.928082 0.779082 +vt 0.885597 0.197660 +vt 0.896875 0.194648 +vt 0.896720 0.194802 +vt 0.885494 0.197719 +vt 0.886097 0.197932 +vt 0.928353 0.778935 +vt 0.897102 0.195331 +vt 0.897220 0.195346 +vt 0.655541 0.802061 +vt 0.655519 0.801892 +vt 0.896867 0.194802 +vt 0.655997 0.802377 +vt 0.927538 0.779236 +vt 0.927325 0.779405 +vt 0.886031 0.197822 +vt 0.885965 0.197447 +vt 0.896985 0.195118 +vt 0.885722 0.197594 +vt 0.927839 0.779082 +vt 0.655519 0.802222 +vt 0.928111 0.778935 +vt 0.885355 0.197212 +vt 0.885245 0.197263 +vt 0.885840 0.197520 +vt 0.897058 0.195603 +vt 0.897176 0.195618 +vt 0.927332 0.779236 +vt 0.655020 0.802053 +vt 0.655027 0.801884 +vt 0.896955 0.195309 +vt 0.655490 0.802377 +vt 0.896845 0.195103 +vt 0.896676 0.195280 +vt 0.885046 0.196778 +vt 0.885480 0.197146 +vt 0.927560 0.779074 +vt 0.654997 0.802215 +vt 0.885149 0.196734 +vt 0.927861 0.778927 +vt 0.897014 0.195831 +vt 0.897132 0.195860 +vt 0.654513 0.802046 +vt 0.654520 0.801877 +vt 0.896919 0.195581 +vt 0.885612 0.197087 +vt 0.885737 0.197021 +vt 0.896823 0.195294 +vt 0.654975 0.802362 +vt 0.927354 0.779074 +vt 0.885281 0.196683 +vt 0.927024 0.779229 +vt 0.926855 0.779397 +vt 0.654498 0.802208 +vt 0.927589 0.778927 +vt 0.884987 0.196264 +vt 0.884885 0.196294 +vt 0.896955 0.196066 +vt 0.897073 0.196095 +vt 0.653998 0.802039 +vt 0.653998 0.801870 +vt 0.926862 0.779229 +vt 0.885414 0.196639 +vt 0.885553 0.196587 +vt 0.896875 0.195801 +vt 0.654483 0.802355 +vt 0.896779 0.195552 +vt 0.896595 0.195750 +vt 0.885120 0.196227 +vt 0.927384 0.778927 +vt 0.927046 0.779067 +vt 0.653991 0.802208 +vt 0.884877 0.195801 +vt 0.896882 0.196330 +vt 0.896992 0.196367 +vt 0.884760 0.195823 +vt 0.896823 0.196029 +vt 0.653484 0.802039 +vt 0.653484 0.801870 +vt 0.885267 0.196183 +vt 0.926884 0.779067 +vt 0.885399 0.196132 +vt 0.896735 0.195772 +vt 0.884679 0.195346 +vt 0.653984 0.802355 +vt 0.926517 0.779221 +vt 0.926392 0.779383 +vt 0.885009 0.195772 +vt 0.896823 0.196521 +vt 0.653477 0.802208 +vt 0.896933 0.196558 +vt 0.884796 0.195331 +vt 0.927082 0.778927 +vt 0.896750 0.196286 +vt 0.652955 0.802039 +vt 0.652955 0.801870 +vt 0.896684 0.196000 +vt 0.896471 0.196213 +vt 0.885149 0.195743 +vt 0.885289 0.195669 +vt 0.653469 0.802347 +vt 0.926928 0.778920 +vt 0.926553 0.779060 +vt 0.652779 0.802039 +vt 0.652441 0.801870 +vt 0.884936 0.195316 +vt 0.896691 0.196477 +vt 0.896713 0.196815 +vt 0.652962 0.802208 +vt 0.896823 0.196859 +vt 0.896617 0.196249 +vt 0.884752 0.194854 +vt 0.884635 0.194868 +vt 0.926046 0.779214 +vt 0.925958 0.779375 +vt 0.652779 0.802208 +vt 0.896647 0.196969 +vt 0.896757 0.197014 +vt 0.652441 0.802039 +vt 0.885076 0.195294 +vt 0.885208 0.195199 +vt 0.926590 0.778913 +vt 0.896559 0.196433 +vt 0.896316 0.196661 +vt 0.652962 0.802347 +vt 0.896581 0.196771 +vt 0.652220 0.802039 +vt 0.651919 0.801870 +vt 0.926076 0.779052 +vt 0.884892 0.194854 +vt 0.896522 0.196911 +vt 0.652786 0.802347 +vt 0.896500 0.197285 +vt 0.896610 0.197337 +vt 0.652441 0.802208 +vt 0.896448 0.196712 +vt 0.884745 0.194383 +vt 0.884627 0.194383 +vt 0.884635 0.194214 +vt 0.925598 0.779199 +vt 0.925539 0.779368 +vt 0.651919 0.802039 +vt 0.652228 0.802208 +vt 0.926135 0.778898 +vt 0.896390 0.196859 +vt 0.896125 0.197094 +vt 0.885031 0.194846 +vt 0.885171 0.194721 +vt 0.896375 0.197227 +vt 0.884745 0.194222 +vt 0.652455 0.802347 +vt 0.925628 0.779037 +vt 0.651662 0.802046 +vt 0.651405 0.801877 +vt 0.896257 0.197734 +vt 0.896360 0.197792 +vt 0.884885 0.194391 +vt 0.896250 0.197160 +vt 0.651934 0.802208 +vt 0.925179 0.779184 +vt 0.925150 0.779353 +vt 0.925694 0.778891 +vt 0.652235 0.802355 +vt 0.884892 0.194229 +vt 0.896140 0.197660 +vt 0.884774 0.193906 +vt 0.884657 0.193898 +vt 0.651412 0.802046 +vt 0.925216 0.779023 +vt 0.895978 0.198160 +vt 0.651677 0.802208 +vt 0.896066 0.198233 +vt 0.885024 0.194391 +vt 0.924797 0.779170 +vt 0.885178 0.194244 +vt 0.651949 0.802355 +vt 0.924790 0.779339 +vt 0.896015 0.197587 +vt 0.895890 0.197513 +vt 0.884796 0.193715 +vt 0.884679 0.193700 +vt 0.925275 0.778876 +vt 0.885031 0.194236 +vt 0.651126 0.802053 +vt 0.650905 0.801884 +vt 0.895861 0.198079 +vt 0.924842 0.779008 +vt 0.884914 0.193928 +vt 0.651427 0.802208 +vt 0.895655 0.198564 +vt 0.895743 0.198637 +vt 0.651699 0.802355 +vt 0.884840 0.193443 +vt 0.884723 0.193421 +vt 0.634364 0.943253 +vt 0.634202 0.943650 +vt 0.634195 0.943268 +vt 0.634371 0.943635 +vt 0.895743 0.197991 +vt 0.895626 0.197910 +vt 0.884774 0.193179 +vt 0.650913 0.802053 +vt 0.924915 0.778868 +vt 0.884936 0.193730 +vt 0.895545 0.198476 +vt 0.885054 0.193935 +vt 0.885222 0.193766 +vt 0.634525 0.943217 +vt 0.634533 0.943599 +vt 0.651140 0.802215 +vt 0.895324 0.198916 +vt 0.895405 0.199005 +vt 0.651449 0.802355 +vt 0.634356 0.942842 +vt 0.884885 0.193201 +vt 0.634187 0.942857 +vt 0.884818 0.192943 +vt 0.895442 0.198380 +vt 0.895332 0.198285 +vt 0.884973 0.193465 +vt 0.885076 0.193744 +vt 0.634665 0.943158 +vt 0.634672 0.943533 +vt 0.895229 0.198821 +vt 0.650927 0.802215 +vt 0.650589 0.802061 +vt 0.650420 0.801892 +vt 0.634511 0.942805 +vt 0.651162 0.802362 +vt 0.894972 0.199240 +vt 0.895053 0.199328 +vt 0.884936 0.192973 +vt 0.634349 0.942409 +vt 0.634180 0.942423 +vt 0.895119 0.198725 +vt 0.895009 0.198637 +vt 0.650428 0.802061 +vt 0.885017 0.193237 +vt 0.885112 0.193487 +vt 0.885303 0.193296 +vt 0.634349 0.942284 +vt 0.634173 0.941968 +vt 0.650957 0.802362 +vt 0.634658 0.942754 +vt 0.650619 0.802222 +vt 0.894884 0.199137 +vt 0.885009 0.192708 +vt 0.884899 0.192672 +vt 0.634511 0.942379 +vt 0.885076 0.193010 +vt 0.634511 0.942254 +vt 0.650457 0.802222 +vt 0.885156 0.193267 +vt 0.894604 0.199534 +vt 0.650082 0.802068 +vt 0.894671 0.199629 +vt 0.649950 0.801899 +vt 0.885076 0.192517 +vt 0.884965 0.192481 +vt 0.634349 0.941953 +vt 0.894788 0.199034 +vt 0.894656 0.198953 +vt 0.650648 0.802369 +vt 0.885068 0.192179 +vt 0.634650 0.942335 +vt 0.885142 0.192752 +vt 0.885215 0.193046 +vt 0.634342 0.941784 +vt 0.634173 0.941497 +vt 0.885428 0.192833 +vt 0.650487 0.802369 +vt 0.634650 0.942203 +vt 0.894524 0.199423 +vt 0.650104 0.802230 +vt 0.885208 0.192561 +vt 0.634503 0.941931 +vt 0.885186 0.192223 +vt 0.885134 0.192025 +vt 0.894208 0.199805 +vt 0.894266 0.199901 +vt 0.885281 0.192789 +vt 0.649590 0.802076 +vt 0.649495 0.801907 +vt 0.634342 0.941483 +vt 0.634503 0.941762 +vt 0.885245 0.192076 +vt 0.894435 0.199313 +vt 0.894274 0.199247 +vt 0.650149 0.802377 +vt 0.894090 0.199879 +vt 0.894149 0.199974 +vt 0.885340 0.192613 +vt 0.885583 0.192385 +vt 0.893848 0.200143 +vt 0.885311 0.192275 +vt 0.634650 0.941887 +vt 0.649620 0.802244 +vt 0.634342 0.941270 +vt 0.634165 0.941005 +vt 0.894127 0.199680 +vt 0.634503 0.941468 +vt 0.885377 0.192135 +vt 0.885391 0.191753 +vt 0.885289 0.191709 +vt 0.634643 0.941725 +vt 0.885443 0.192326 +vt 0.894017 0.199754 +vt 0.649120 0.802090 +vt 0.649069 0.801921 +vt 0.649671 0.802384 +vt 0.893789 0.200040 +vt 0.634334 0.941005 +vt 0.885502 0.192187 +vt 0.885773 0.191952 +vt 0.634496 0.941255 +vt 0.885516 0.191819 +vt 0.894061 0.199563 +vt 0.893870 0.199511 +vt 0.649157 0.802252 +vt 0.634643 0.941431 +vt 0.893635 0.200114 +vt 0.893686 0.200224 +vt 0.893407 0.200342 +vt 0.885634 0.191312 +vt 0.885538 0.191246 +vt 0.893951 0.199636 +vt 0.885641 0.191878 +vt 0.634334 0.940741 +vt 0.648679 0.802105 +vt 0.648657 0.801936 +vt 0.634158 0.940506 +vt 0.893730 0.199916 +vt 0.649208 0.802399 +vt 0.634496 0.940983 +vt 0.885759 0.191386 +vt 0.634643 0.941226 +vt 0.648723 0.802266 +vt 0.893363 0.200239 +vt 0.885928 0.190879 +vt 0.885825 0.190813 +vt 0.893576 0.199989 +vt 0.634334 0.940506 +vt 0.648297 0.802112 +vt 0.648275 0.801943 +vt 0.634496 0.940726 +vt 0.885876 0.191452 +vt 0.929784 0.293817 +vt 0.929960 0.293310 +vt 0.929960 0.293817 +vt 0.893664 0.199783 +vt 0.893451 0.199732 +vt 0.886001 0.191533 +vt 0.648782 0.802406 +vt 0.634636 0.940954 +vt 0.886038 0.190967 +vt 0.893164 0.200320 +vt 0.893201 0.200430 +vt 0.893517 0.199864 +vt 0.648334 0.802274 +vt 0.893304 0.200114 +vt 0.886236 0.190475 +vt 0.886148 0.190401 +vt 0.634327 0.940197 +vt 0.634158 0.939999 +vt 0.929762 0.288204 +vt 0.929931 0.288190 +vt 0.929938 0.288557 +vt 0.647937 0.802134 +vt 0.647930 0.801958 +vt 0.634496 0.940491 +vt 0.886148 0.191048 +vt 0.634636 0.940704 +vt 0.886266 0.191136 +vt 0.929784 0.294332 +vt 0.648400 0.802421 +vt 0.929953 0.294332 +vt 0.929953 0.294839 +vt 0.892915 0.200408 +vt 0.892951 0.200518 +vt 0.886486 0.190034 +vt 0.886347 0.190570 +vt 0.929630 0.294317 +vt 0.929630 0.293817 +vt 0.634327 0.939999 +vt 0.647989 0.802296 +vt 0.893113 0.200187 +vt 0.929784 0.294839 +vt 0.893253 0.199982 +vt 0.893010 0.199916 +vt 0.886567 0.190122 +vt 0.929483 0.294302 +vt 0.929483 0.293803 +vt 0.929769 0.288572 +vt 0.929600 0.288241 +vt 0.634489 0.940190 +vt 0.929630 0.294817 +vt 0.886449 0.190659 +vt 0.634636 0.940469 +vt 0.886567 0.190761 +vt 0.648062 0.802443 +vt 0.892724 0.188579 +vt 0.892261 0.188454 +vt 0.892283 0.188344 +vt 0.892680 0.200481 +vt 0.892709 0.200591 +vt 0.892489 0.200650 +vt 0.892753 0.188462 +vt 0.929784 0.295324 +vt 0.886670 0.190225 +vt 0.929946 0.295331 +vt 0.929946 0.295816 +vt 0.892871 0.200268 +vt 0.893062 0.200055 +vt 0.893216 0.188616 +vt 0.929483 0.294795 +vt 0.929608 0.288616 +vt 0.929461 0.288307 +vt 0.634489 0.939991 +vt 0.892687 0.188712 +vt 0.892231 0.188594 +vt 0.886927 0.189799 +vt 0.892202 0.188726 +vt 0.886846 0.189711 +vt 0.634327 0.939646 +vt 0.929622 0.295309 +vt 0.634158 0.939484 +vt 0.929769 0.288969 +vt 0.929946 0.288961 +vt 0.634636 0.940175 +vt 0.886773 0.190321 +vt 0.886890 0.190409 +vt 0.893172 0.188726 +vt 0.929777 0.289093 +vt 0.929946 0.289380 +vt 0.929784 0.295801 +vt 0.892459 0.200540 +vt 0.634327 0.939484 +vt 0.892643 0.188844 +vt 0.892173 0.188873 +vt 0.892628 0.188998 +vt 0.929468 0.288675 +vt 0.887221 0.189410 +vt 0.892643 0.200349 +vt 0.929475 0.295279 +vt 0.887008 0.189909 +vt 0.892826 0.200143 +vt 0.929777 0.295948 +vt 0.892555 0.200070 +vt 0.929615 0.289005 +vt 0.929946 0.296271 +vt 0.634636 0.939977 +vt 0.893120 0.188859 +vt 0.634489 0.939639 +vt 0.929622 0.295779 +vt 0.929615 0.289123 +vt 0.893613 0.188910 +vt 0.892180 0.200606 +vt 0.892202 0.200716 +vt 0.887294 0.189505 +vt 0.893664 0.188807 +vt 0.929777 0.289387 +vt 0.892422 0.200408 +vt 0.929615 0.295926 +vt 0.887103 0.190012 +vt 0.887243 0.190085 +vt 0.929777 0.296264 +vt 0.634489 0.939484 +vt 0.892599 0.200209 +vt 0.929468 0.289064 +vt 0.893069 0.188991 +vt 0.893084 0.189152 +vt 0.929777 0.289549 +vt 0.634327 0.939095 +vt 0.634158 0.938970 +vt 0.929946 0.289828 +vt 0.929475 0.295742 +vt 0.894090 0.189035 +vt 0.891996 0.200643 +vt 0.892018 0.200753 +vt 0.929468 0.289182 +vt 0.929777 0.296448 +vt 0.929938 0.296719 +vt 0.893546 0.189042 +vt 0.887375 0.189615 +vt 0.634636 0.939631 +vt 0.892386 0.200268 +vt 0.892092 0.200187 +vt 0.929615 0.289424 +vt 0.929468 0.295882 +vt 0.892151 0.200467 +vt 0.887691 0.189241 +vt 0.887625 0.189138 +vt 0.929615 0.296235 +vt 0.634636 0.939477 +vt 0.894031 0.189138 +vt 0.634489 0.939095 +vt 0.929784 0.289835 +vt 0.929622 0.289578 +vt 0.929769 0.296705 +vt 0.891974 0.200503 +vt 0.929615 0.296418 +vt 0.887463 0.189725 +vt 0.887625 0.189799 +vt 0.891673 0.200687 +vt 0.887809 0.189167 +vt 0.887750 0.189064 +vt 0.891688 0.200797 +vt 0.893488 0.189167 +vt 0.891533 0.200819 +vt 0.893524 0.189351 +vt 0.892129 0.200334 +vt 0.929468 0.289475 +vt 0.888051 0.188903 +vt 0.894164 0.189211 +vt 0.894222 0.189108 +vt 0.634327 0.938537 +vt 0.634158 0.938456 +vt 0.929784 0.290041 +vt 0.894502 0.189292 +vt 0.929953 0.290291 +vt 0.929468 0.296198 +vt 0.887765 0.189358 +vt 0.891526 0.200702 +vt 0.929769 0.296910 +vt 0.929931 0.297146 +vt 0.634636 0.939088 +vt 0.929622 0.289857 +vt 0.893958 0.189255 +vt 0.891945 0.200356 +vt 0.891622 0.200261 +vt 0.929475 0.289630 +vt 0.929608 0.296675 +vt 0.891658 0.200547 +vt 0.887875 0.189292 +vt 0.929468 0.296367 +vt 0.888110 0.189005 +vt 0.634489 0.938537 +vt 0.894090 0.189329 +vt 0.891511 0.200562 +vt 0.894435 0.189388 +vt 0.894656 0.189395 +vt 0.929784 0.290298 +vt 0.929622 0.290063 +vt 0.929762 0.297131 +vt 0.891166 0.200724 +vt 0.891166 0.200841 +vt 0.891644 0.200408 +vt 0.887838 0.189483 +vt 0.929608 0.296881 +vt 0.888022 0.189534 +vt 0.929475 0.289909 +vt 0.893892 0.189380 +vt 0.634327 0.937986 +vt 0.634158 0.937942 +vt 0.888264 0.188925 +vt 0.888213 0.188822 +vt 0.893936 0.189579 +vt 0.929468 0.296631 +vt 0.887948 0.189410 +vt 0.634636 0.938544 +vt 0.894590 0.189498 +vt 0.891504 0.200422 +vt 0.929784 0.290548 +vt 0.929953 0.290769 +vt 0.891144 0.200298 +vt 0.894017 0.189454 +vt 0.891159 0.200584 +vt 0.888169 0.189130 +vt 0.929762 0.297359 +vt 0.929924 0.297542 +vt 0.634489 0.937993 +vt 0.894355 0.189505 +vt 0.929630 0.290320 +vt 0.890652 0.200716 +vt 0.929600 0.297094 +vt 0.929475 0.290107 +vt 0.888536 0.188800 +vt 0.888492 0.188690 +vt 0.890644 0.200841 +vt 0.891151 0.200445 +vt 0.929468 0.296830 +vt 0.888323 0.189050 +vt 0.634334 0.937435 +vt 0.894817 0.189667 +vt 0.894891 0.189579 +vt 0.634158 0.937427 +vt 0.894502 0.189608 +vt 0.929784 0.290776 +vt 0.634636 0.938000 +vt 0.929755 0.297535 +vt 0.929630 0.290563 +vt 0.894274 0.189623 +vt 0.890652 0.200584 +vt 0.888227 0.189255 +vt 0.888448 0.189314 +vt 0.894340 0.189843 +vt 0.929600 0.297322 +vt 0.634496 0.937449 +vt 0.929475 0.290357 +vt 0.888734 0.188719 +vt 0.888690 0.188616 +vt 0.888940 0.188521 +vt 0.929461 0.297043 +vt 0.890138 0.200672 +vt 0.888382 0.189182 +vt 0.894994 0.189814 +vt 0.890123 0.200790 +vt 0.888595 0.188932 +vt 0.895067 0.189725 +vt 0.634334 0.936942 +vt 0.634165 0.936935 +vt 0.894421 0.189718 +vt 0.894729 0.189777 +vt 0.890659 0.200445 +vt 0.890666 0.200298 +vt 0.929784 0.291070 +vt 0.929953 0.291261 +vt 0.929630 0.290791 +vt 0.634636 0.937471 +vt 0.933871 0.779184 +vt 0.934135 0.779346 +vt 0.933731 0.779361 +vt 0.934128 0.779177 +vt 0.929483 0.290600 +vt 0.890152 0.200540 +vt 0.934091 0.779015 +vt 0.934297 0.779170 +vt 0.934260 0.779008 +vt 0.934201 0.778868 +vt 0.929461 0.297263 +vt 0.634496 0.936957 +vt 0.888977 0.188638 +vt 0.895177 0.189975 +vt 0.895258 0.189894 +vt 0.929784 0.291261 +vt 0.889631 0.200584 +vt 0.889609 0.200702 +vt 0.888786 0.188859 +vt 0.933717 0.779184 +vt 0.634342 0.936450 +vt 0.634173 0.936443 +vt 0.634173 0.935973 +vt 0.888646 0.189064 +vt 0.888881 0.189123 +vt 0.894906 0.189916 +vt 0.929630 0.291084 +vt 0.890174 0.200393 +vt 0.890196 0.200254 +vt 0.894648 0.189887 +vt 0.894707 0.190137 +vt 0.634636 0.936979 +vt 0.933841 0.779023 +vt 0.929483 0.290827 +vt 0.889219 0.188565 +vt 0.889182 0.188447 +vt 0.889660 0.200445 +vt 0.889021 0.188770 +vt 0.934032 0.778868 +vt 0.634503 0.936472 +vt 0.888830 0.188983 +vt 0.895369 0.190159 +vt 0.895449 0.190078 +vt 0.889175 0.200467 +vt 0.889138 0.200577 +vt 0.929630 0.291283 +vt 0.895082 0.190078 +vt 0.933680 0.779023 +vt 0.929784 0.291606 +vt 0.929960 0.291760 +vt 0.634349 0.935987 +vt 0.889689 0.200312 +vt 0.889726 0.200165 +vt 0.929483 0.291114 +vt 0.894810 0.190027 +vt 0.889440 0.188499 +vt 0.634643 0.936509 +vt 0.933415 0.779199 +vt 0.933298 0.779375 +vt 0.933775 0.778876 +vt 0.889410 0.188388 +vt 0.889212 0.200334 +vt 0.929784 0.291768 +vt 0.895515 0.190321 +vt 0.895596 0.190232 +vt 0.889256 0.188697 +vt 0.634503 0.936009 +vt 0.889065 0.188903 +vt 0.888720 0.200312 +vt 0.888683 0.200422 +vt 0.889337 0.188969 +vt 0.933290 0.779199 +vt 0.929483 0.291305 +vt 0.895266 0.190262 +vt 0.634349 0.935532 +vt 0.634180 0.935524 +vt 0.894986 0.190188 +vt 0.889256 0.200202 +vt 0.889256 0.200048 +vt 0.929630 0.291621 +vt 0.895060 0.190460 +vt 0.888235 0.200231 +vt 0.933628 0.778883 +vt 0.889711 0.188440 +vt 0.889689 0.188322 +vt 0.634650 0.936053 +vt 0.933386 0.779037 +vt 0.634349 0.935392 +vt 0.889476 0.188638 +vt 0.634187 0.935084 +vt 0.888771 0.200180 +vt 0.895714 0.190541 +vt 0.929630 0.291775 +vt 0.895802 0.190460 +vt 0.895912 0.190607 +vt 0.634511 0.935561 +vt 0.895413 0.190416 +vt 0.889293 0.188829 +vt 0.933261 0.779037 +vt 0.888286 0.200129 +vt 0.929791 0.292157 +vt 0.929960 0.292275 +vt 0.634511 0.935422 +vt 0.895163 0.190357 +vt 0.889902 0.188403 +vt 0.889880 0.188285 +vt 0.932938 0.779214 +vt 0.929483 0.291635 +vt 0.932850 0.779383 +vt 0.634356 0.935098 +vt 0.895817 0.190681 +vt 0.888822 0.200055 +vt 0.888808 0.199886 +vt 0.889506 0.188770 +vt 0.889800 0.188859 +vt 0.634650 0.935605 +vt 0.933335 0.778891 +vt 0.889741 0.188579 +vt 0.634356 0.934929 +vt 0.895302 0.190504 +vt 0.634195 0.934672 +vt 0.895383 0.190820 +vt 0.895604 0.190629 +vt 0.888345 0.199996 +vt 0.929483 0.291790 +vt 0.933210 0.778898 +vt 0.929630 0.292164 +vt 0.634658 0.935473 +vt 0.634511 0.935135 +vt 0.889924 0.188543 +vt 0.932908 0.779052 +vt 0.895714 0.190769 +vt 0.890226 0.188359 +vt 0.890211 0.188241 +vt 0.887867 0.199908 +vt 0.887801 0.200011 +vt 0.889770 0.188712 +vt 0.896022 0.190945 +vt 0.896118 0.190879 +vt 0.634364 0.934687 +vt 0.929791 0.292708 +vt 0.929960 0.292789 +vt 0.895493 0.190725 +vt 0.932438 0.779221 +vt 0.634518 0.934966 +vt 0.890373 0.188344 +vt 0.888404 0.199879 +vt 0.888374 0.199695 +vt 0.932379 0.779390 +vt 0.890358 0.188227 +vt 0.887735 0.199835 +vt 0.929490 0.292172 +vt 0.896103 0.191063 +vt 0.887676 0.199930 +vt 0.896199 0.190996 +vt 0.634658 0.935179 +vt 0.889947 0.188682 +vt 0.890270 0.188785 +vt 0.932864 0.778905 +vt 0.890240 0.188499 +vt 0.895604 0.190850 +vt 0.634364 0.934503 +vt 0.634202 0.934290 +vt 0.895670 0.191195 +vt 0.887933 0.199783 +vt 0.929630 0.292708 +vt 0.895905 0.191026 +vt 0.890387 0.188477 +vt 0.932409 0.779060 +vt 0.634525 0.934724 +vt 0.895986 0.191143 +vt 0.890733 0.188322 +vt 0.634665 0.935018 +vt 0.887809 0.199710 +vt 0.890725 0.188197 +vt 0.896302 0.191379 +vt 0.896404 0.191320 +vt 0.890255 0.188638 +vt 0.887463 0.199658 +vt 0.887397 0.199754 +vt 0.929791 0.293266 +vt 0.895795 0.191107 +vt 0.929490 0.292715 +vt 0.931909 0.779229 +vt 0.634371 0.934305 +vt 0.931895 0.779405 +vt 0.890395 0.188623 +vt 0.932379 0.778913 +vt 0.634525 0.934547 +vt 0.888007 0.199666 +vt 0.887955 0.199467 +vt 0.890747 0.188748 +vt 0.896647 0.191783 +vt 0.890740 0.188462 +vt 0.895868 0.191217 +vt 0.895927 0.191592 +vt 0.634665 0.934782 +vt 0.896177 0.191452 +vt 0.929630 0.293259 +vt 0.931895 0.779067 +vt 0.887309 0.199548 +vt 0.887243 0.199644 +vt 0.891247 0.188322 +vt 0.891254 0.188205 +vt 0.887882 0.199592 +vt 0.896544 0.191834 +vt 0.657899 0.802120 +vt 0.658113 0.801958 +vt 0.657745 0.801943 +vt 0.890747 0.188601 +vt 0.634378 0.934099 +vt 0.896059 0.191525 +vt 0.929490 0.293259 +vt 0.887537 0.199534 +vt 0.931388 0.779236 +vt 0.891240 0.188462 +vt 0.931395 0.779405 +vt 0.634533 0.934342 +vt 0.634665 0.934606 +vt 0.931865 0.778927 +vt 0.891761 0.188366 +vt 0.891776 0.188249 +vt 0.896412 0.191893 +vt 0.887081 0.199372 +vt 0.887008 0.199467 +vt 0.886831 0.199313 +vt 0.891232 0.188601 +vt 0.891225 0.188756 +vt 0.931380 0.779074 +vt 0.887390 0.199431 +vt 0.891739 0.188506 +vt 0.896742 0.192304 +vt 0.891724 0.188645 +vt 0.896853 0.192260 +vt 0.657723 0.802112 +vt 0.891702 0.188792 +vt 0.887625 0.199423 +vt 0.930881 0.779243 +vt 0.887559 0.199203 +vt 0.657855 0.802281 +vt 0.658054 0.802296 +vt 0.658098 0.802134 +vt 0.930888 0.779412 +vt 0.930374 0.779412 +vt 0.896287 0.191952 +vt 0.896155 0.192018 +vt 0.657988 0.802443 +vt 0.931358 0.778927 +vt 0.634672 0.934408 +vt 0.896610 0.192356 +vt 0.886905 0.199225 +vt 0.887471 0.199320 +vt 0.887169 0.199262 +vt 0.930881 0.779082 +vt 0.657481 0.802105 +vt 0.657341 0.801936 +vt 0.896904 0.192774 +vt 0.897022 0.192745 +vt 0.657686 0.802274 +vt 0.930374 0.779251 +vt 0.657789 0.802428 +vt 0.896485 0.192407 +vt 0.896346 0.192459 +vt 0.886721 0.199063 +vt 0.886640 0.199144 +vt 0.930859 0.778935 +vt 0.896772 0.192819 +vt 0.657326 0.802105 +vt 0.886993 0.199122 +vt 0.887250 0.199159 +vt 0.930374 0.779089 +vt 0.887177 0.198909 +vt 0.897022 0.193237 +vt 0.657444 0.802274 +vt 0.897132 0.193208 +vt 0.929859 0.779251 +vt 0.929859 0.779419 +vt 0.929345 0.779419 +vt 0.657620 0.802421 +vt 0.896632 0.192855 +vt 0.896500 0.192907 +vt 0.886530 0.198880 +vt 0.886442 0.198960 +vt 0.930359 0.778935 +vt 0.897220 0.193693 +vt 0.886817 0.198960 +vt 0.896882 0.193267 +vt 0.929859 0.779089 +vt 0.887089 0.199019 +vt 0.897102 0.193707 +vt 0.657033 0.802090 +vt 0.656915 0.801921 +vt 0.929345 0.779251 +vt 0.657385 0.802413 +vt 0.896742 0.193296 +vt 0.896610 0.193377 +vt 0.886295 0.198806 +vt 0.929859 0.778942 +vt 0.886626 0.198777 +vt 0.928824 0.779412 +vt 0.886912 0.198858 +vt 0.929345 0.779089 +vt 0.897264 0.194170 +vt 0.886097 0.198571 +vt 0.929353 0.778942 +vt 0.891224 0.529124 +vt 0.891466 0.529175 +vt 0.891231 0.529087 +vt 0.889101 0.535979 +vt 0.888954 0.535913 +vt 0.889079 0.536023 +vt 0.891481 0.529131 +vt 0.891488 0.529087 +vt 0.891114 0.529021 +vt 0.888932 0.535949 +vt 0.889299 0.536067 +vt 0.892876 0.901957 +vt 0.892868 0.902288 +vt 0.892935 0.901950 +vt 0.675929 0.649035 +vt 0.675929 0.648800 +vt 0.675878 0.649042 +vt 0.675878 0.648807 +vt 0.892920 0.902280 +vt 0.888711 0.535927 +vt 0.889042 0.536104 +vt 0.888917 0.535993 +vt 0.888726 0.535891 +vt 0.891106 0.529109 +vt 0.891106 0.529065 +vt 0.889446 0.536082 +vt 0.889439 0.536118 +vt 0.890842 0.529131 +vt 0.890842 0.529080 +vt 0.889666 0.536148 +vt 0.892832 0.901663 +vt 0.892817 0.901964 +vt 0.892883 0.901656 +vt 0.675973 0.649410 +vt 0.675929 0.649175 +vt 0.675922 0.649417 +vt 0.890467 0.529168 +vt 0.890467 0.529124 +vt 0.675878 0.649182 +vt 0.676032 0.649770 +vt 0.675973 0.649527 +vt 0.675973 0.649770 +vt 0.892971 0.901928 +vt 0.892964 0.902265 +vt 0.890849 0.529043 +vt 0.889277 0.536111 +vt 0.890739 0.528984 +vt 0.889057 0.536067 +vt 0.892935 0.901648 +vt 0.675922 0.649535 +vt 0.890467 0.529080 +vt 0.887778 0.530373 +vt 0.887741 0.530344 +vt 0.887521 0.530645 +vt 0.889799 0.536177 +vt 0.889652 0.536184 +vt 0.892832 0.901384 +vt 0.892898 0.901384 +vt 0.887852 0.578787 +vt 0.888146 0.578787 +vt 0.888146 0.578846 +vt 0.889424 0.536162 +vt 0.890092 0.529161 +vt 0.675878 0.649425 +vt 0.890100 0.529205 +vt 0.892986 0.901619 +vt 0.889784 0.536214 +vt 0.890034 0.536228 +vt 0.889387 0.536243 +vt 0.889262 0.536148 +vt 0.890460 0.529036 +vt 0.890364 0.528992 +vt 0.892949 0.901362 +vt 0.675915 0.649777 +vt 0.890085 0.529117 +vt 0.675878 0.649542 +vt 0.676025 0.650122 +vt 0.675966 0.650122 +vt 0.676010 0.650446 +vt 0.888168 0.578905 +vt 0.887852 0.578846 +vt 0.889732 0.529278 +vt 0.889725 0.529234 +vt 0.889644 0.536228 +vt 0.889409 0.536199 +vt 0.893001 0.901340 +vt 0.890151 0.536251 +vt 0.890026 0.536265 +vt 0.890078 0.529073 +vt 0.889777 0.536265 +vt 0.889990 0.529043 +vt 0.888183 0.578949 +vt 0.887867 0.578898 +vt 0.675878 0.649792 +vt 0.889710 0.529190 +vt 0.890144 0.536287 +vt 0.890401 0.536273 +vt 0.889754 0.536353 +vt 0.889630 0.536273 +vt 0.887536 0.578839 +vt 0.887536 0.578780 +vt 0.675907 0.650130 +vt 0.889365 0.529352 +vt 0.889372 0.529389 +vt 0.889762 0.536309 +vt 0.887881 0.578942 +vt 0.889042 0.529535 +vt 0.890019 0.536309 +vt 0.675959 0.650453 +vt 0.889703 0.529146 +vt 0.889615 0.529124 +vt 0.887543 0.578890 +vt 0.890401 0.536309 +vt 0.890137 0.536331 +vt 0.889343 0.529308 +vt 0.675863 0.650145 +vt 0.887191 0.578780 +vt 0.887191 0.578831 +vt 0.890129 0.536420 +vt 0.890012 0.536361 +vt 0.889020 0.529499 +vt 0.675907 0.650468 +vt 0.890137 0.536375 +vt 0.887565 0.578942 +vt 0.890394 0.536353 +vt 0.889336 0.529264 +vt 0.889255 0.529242 +vt 0.676003 0.650762 +vt 0.675944 0.650762 +vt 0.887205 0.578883 +vt 0.890776 0.536317 +vt 0.888998 0.529462 +vt 0.890776 0.536273 +vt 0.886838 0.578831 +vt 0.886838 0.578773 +vt 0.675856 0.650482 +vt 0.886463 0.578773 +vt 0.886463 0.578824 +vt 0.891143 0.536236 +vt 0.890504 0.536456 +vt 0.890394 0.536405 +vt 0.888689 0.529682 +vt 0.888719 0.529719 +vt 0.675893 0.650776 +vt 0.892429 0.172334 +vt 0.892135 0.172341 +vt 0.892421 0.172392 +vt 0.887220 0.578934 +vt 0.892752 0.172334 +vt 0.892128 0.172400 +vt 0.888910 0.529396 +vt 0.888976 0.529418 +vt 0.886845 0.578883 +vt 0.890776 0.536361 +vt 0.886471 0.578883 +vt 0.888667 0.529646 +vt 0.891150 0.536280 +vt 0.888410 0.529932 +vt 0.888388 0.529903 +vt 0.675848 0.650798 +vt 0.886853 0.578934 +vt 0.890879 0.536449 +vt 0.890776 0.536405 +vt 0.886478 0.578927 +vt 0.887852 0.530432 +vt 0.887874 0.530454 +vt 0.888131 0.530182 +vt 0.888645 0.529609 +vt 0.888586 0.529587 +vt 0.892113 0.172451 +vt 0.892414 0.172444 +vt 0.888359 0.529866 +vt 0.892745 0.172385 +vt 0.888101 0.530153 +vt 0.891158 0.536324 +vt 0.888322 0.529829 +vt 0.888285 0.529807 +vt 0.891518 0.536199 +vt 0.891503 0.536162 +vt 0.888072 0.530123 +vt 0.887808 0.530402 +vt 0.887999 0.530064 +vt 0.888035 0.530087 +vt 0.892098 0.172503 +vt 0.892392 0.172495 +vt 0.891165 0.536368 +vt 0.891253 0.536397 +vt 0.892737 0.172444 +vt 0.893090 0.172326 +vt 0.893090 0.172385 +vt 0.891532 0.536251 +vt 0.891878 0.536089 +vt 0.891863 0.536052 +vt 0.892723 0.172488 +vt 0.892201 0.535905 +vt 0.891628 0.536317 +vt 0.891540 0.536287 +vt 0.893083 0.172444 +vt 0.891892 0.536133 +vt 0.893457 0.172326 +vt 0.893450 0.172378 +vt 0.892223 0.535942 +vt 0.893068 0.172488 +vt 0.891981 0.536199 +vt 0.891907 0.536177 +vt 0.893443 0.172437 +vt 0.892245 0.535986 +vt 0.893825 0.172319 +vt 0.893825 0.172378 +vt 0.892554 0.535758 +vt 0.892524 0.535722 +vt 0.893428 0.172481 +vt 0.892333 0.536037 +vt 0.892267 0.536023 +vt 0.893817 0.172437 +vt 0.892576 0.535795 +vt 0.894207 0.172319 +vt 0.894199 0.172378 +vt 0.892855 0.535538 +vt 0.892833 0.535501 +vt 0.893810 0.172481 +vt 0.893112 0.535259 +vt 0.892657 0.535846 +vt 0.892598 0.535832 +vt 0.894199 0.172437 +vt 0.894589 0.172319 +vt 0.894574 0.172378 +vt 0.892884 0.535575 +vt 0.893134 0.535288 +vt 0.894192 0.172481 +vt 0.892958 0.535626 +vt 0.892914 0.535611 +vt 0.894574 0.172437 +vt 0.894978 0.172319 +vt 0.894949 0.172378 +vt 0.893171 0.535317 +vt 0.893391 0.535009 +vt 0.893362 0.534980 +vt 0.894574 0.172481 +vt 0.893200 0.535354 +vt 0.893244 0.535384 +vt 0.894949 0.172437 +vt 0.895353 0.172319 +vt 0.895323 0.172378 +vt 0.893428 0.535038 +vt 0.893575 0.534693 +vt 0.893604 0.534722 +vt 0.894949 0.172481 +vt 0.893465 0.535068 +vt 0.893501 0.535097 +vt 0.895323 0.172437 +vt 0.895676 0.172378 +vt 0.895728 0.172326 +vt 0.893648 0.534744 +vt 0.893759 0.534384 +vt 0.893795 0.534406 +vt 0.895323 0.172481 +vt 0.893685 0.534766 +vt 0.893722 0.534796 +vt 0.895683 0.172437 +vt 0.896029 0.172378 +vt 0.896088 0.172326 +vt 0.893839 0.534428 +vt 0.893913 0.534061 +vt 0.893950 0.534076 +vt 0.895698 0.172481 +vt 0.893876 0.534451 +vt 0.893913 0.534473 +vt 0.896043 0.172437 +vt 0.896367 0.172385 +vt 0.896433 0.172326 +vt 0.893994 0.534091 +vt 0.894074 0.533731 +vt 0.894030 0.533716 +vt 0.896051 0.172481 +vt 0.894038 0.534105 +vt 0.894074 0.534127 +vt 0.896381 0.172444 +vt 0.896683 0.172385 +vt 0.896756 0.172334 +vt 0.894111 0.533745 +vt 0.886089 0.578765 +vt 0.886096 0.578824 +vt 0.894118 0.533371 +vt 0.894155 0.533378 +vt 0.886103 0.578883 +vt 0.894163 0.533011 +vt 0.896396 0.172488 +vt 0.885707 0.578765 +vt 0.885729 0.578824 +vt 0.894163 0.533760 +vt 0.894207 0.533767 +vt 0.886111 0.578927 +vt 0.896697 0.172444 +vt 0.885729 0.578883 +vt 0.896984 0.172392 +vt 0.897057 0.172334 +vt 0.885317 0.578765 +vt 0.885354 0.578824 +vt 0.894199 0.533385 +vt 0.894207 0.533018 +vt 0.887631 0.530718 +vt 0.887668 0.530740 +vt 0.896712 0.172488 +vt 0.885729 0.578927 +vt 0.894243 0.533393 +vt 0.885354 0.578883 +vt 0.894295 0.533400 +vt 0.896999 0.172444 +vt 0.884935 0.578765 +vt 0.884979 0.578824 +vt 0.897256 0.172400 +vt 0.897329 0.172341 +vt 0.887595 0.530696 +vt 0.894251 0.533018 +vt 0.887484 0.531049 +vt 0.887440 0.531034 +vt 0.894214 0.532651 +vt 0.894170 0.532651 +vt 0.885354 0.578927 +vt 0.897021 0.172495 +vt 0.887558 0.530674 +vt 0.894295 0.533025 +vt 0.884979 0.578883 +vt 0.894339 0.533025 +vt 0.897278 0.172451 +vt 0.884560 0.578773 +vt 0.884619 0.578824 +vt 0.892846 0.906894 +vt 0.892905 0.906968 +vt 0.892898 0.906718 +vt 0.887403 0.531012 +vt 0.892832 0.906622 +vt 0.894265 0.532651 +vt 0.887330 0.531380 +vt 0.887293 0.531365 +vt 0.894192 0.532291 +vt 0.894155 0.532298 +vt 0.884979 0.578927 +vt 0.887359 0.530990 +vt 0.892891 0.906622 +vt 0.887323 0.530968 +vt 0.897300 0.172503 +vt 0.884612 0.578883 +vt 0.894302 0.532651 +vt 0.884201 0.578773 +vt 0.884267 0.578831 +vt 0.894354 0.532651 +vt 0.892964 0.906982 +vt 0.892949 0.906732 +vt 0.887249 0.531350 +vt 0.892824 0.906321 +vt 0.892883 0.906439 +vt 0.887212 0.531725 +vt 0.887168 0.531710 +vt 0.894236 0.532283 +vt 0.887124 0.532070 +vt 0.892942 0.906637 +vt 0.884605 0.578927 +vt 0.887161 0.531313 +vt 0.887205 0.531328 +vt 0.894089 0.531938 +vt 0.894126 0.531923 +vt 0.884259 0.578883 +vt 0.883855 0.578780 +vt 0.883929 0.578831 +vt 0.892883 0.906321 +vt 0.894060 0.531945 +vt 0.893994 0.531593 +vt 0.893964 0.531600 +vt 0.887124 0.531695 +vt 0.894280 0.532276 +vt 0.887088 0.532063 +vt 0.894324 0.532269 +vt 0.892935 0.906446 +vt 0.884252 0.578927 +vt 0.892993 0.906659 +vt 0.893001 0.906754 +vt 0.887036 0.531666 +vt 0.887080 0.531688 +vt 0.892817 0.905998 +vt 0.892876 0.906130 +vt 0.883914 0.578883 +vt 0.883605 0.578839 +vt 0.883532 0.578780 +vt 0.894170 0.531923 +vt 0.887036 0.532055 +vt 0.892935 0.906336 +vt 0.887080 0.532423 +vt 0.887036 0.532430 +vt 0.894030 0.531578 +vt 0.893950 0.531475 +vt 0.892868 0.906005 +vt 0.887066 0.532790 +vt 0.883907 0.578934 +vt 0.886948 0.532041 +vt 0.886992 0.532048 +vt 0.892986 0.906468 +vt 0.883591 0.578890 +vt 0.893994 0.531468 +vt 0.893861 0.531255 +vt 0.883223 0.578787 +vt 0.883304 0.578846 +vt 0.894221 0.531909 +vt 0.894258 0.531894 +vt 0.892935 0.906145 +vt 0.886992 0.532423 +vt 0.887021 0.532790 +vt 0.892979 0.906358 +vt 0.883576 0.578942 +vt 0.892802 0.905652 +vt 0.892868 0.905807 +vt 0.886948 0.532415 +vt 0.894074 0.531563 +vt 0.886904 0.532408 +vt 0.892927 0.906012 +vt 0.883290 0.578898 +vt 0.882944 0.578787 +vt 0.883025 0.578846 +vt 0.893803 0.531137 +vt 0.893898 0.531240 +vt 0.894030 0.531446 +vt 0.886977 0.532790 +vt 0.892868 0.905652 +vt 0.892971 0.906159 +vt 0.887088 0.533150 +vt 0.887051 0.533150 +vt 0.882937 0.578846 +vt 0.893839 0.531115 +vt 0.887154 0.533503 +vt 0.894118 0.531549 +vt 0.883275 0.578942 +vt 0.886889 0.532790 +vt 0.886933 0.532790 +vt 0.894163 0.531534 +vt 0.883010 0.578898 +vt 0.892920 0.905814 +vt 0.892971 0.906027 +vt 0.676010 0.646163 +vt 0.676003 0.645869 +vt 0.675951 0.646045 +vt 0.892861 0.905461 +vt 0.675944 0.645869 +vt 0.892802 0.905292 +vt 0.886999 0.533157 +vt 0.894074 0.531431 +vt 0.894023 0.531181 +vt 0.893942 0.531218 +vt 0.882930 0.578905 +vt 0.892920 0.905667 +vt 0.887110 0.533510 +vt 0.893692 0.530931 +vt 0.893729 0.530917 +vt 0.893619 0.530814 +vt 0.675959 0.646155 +vt 0.893883 0.531100 +vt 0.882988 0.578942 +vt 0.886963 0.533165 +vt 0.892861 0.905292 +vt 0.886919 0.533165 +vt 0.892964 0.905829 +vt 0.675900 0.646038 +vt 0.675893 0.645854 +vt 0.893656 0.530792 +vt 0.893501 0.530630 +vt 0.893979 0.531203 +vt 0.882900 0.578949 +vt 0.676025 0.646471 +vt 0.675959 0.646346 +vt 0.892913 0.905469 +vt 0.887066 0.533517 +vt 0.892964 0.905682 +vt 0.892854 0.905101 +vt 0.675907 0.646141 +vt 0.892802 0.904918 +vt 0.887212 0.533863 +vt 0.893773 0.530895 +vt 0.887286 0.533966 +vt 0.887249 0.533848 +vt 0.675966 0.646464 +vt 0.893920 0.531078 +vt 0.893854 0.530843 +vt 0.892913 0.905300 +vt 0.675848 0.646016 +vt 0.675848 0.645832 +vt 0.893531 0.530608 +vt 0.887249 0.533973 +vt 0.886985 0.533540 +vt 0.887021 0.533532 +vt 0.893700 0.530762 +vt 0.675907 0.646331 +vt 0.892854 0.904925 +vt 0.892964 0.905483 +vt 0.675856 0.646118 +vt 0.893810 0.530865 +vt 0.676032 0.646802 +vt 0.675973 0.646655 +vt 0.893274 0.530358 +vt 0.893406 0.530505 +vt 0.893435 0.530483 +vt 0.887161 0.533877 +vt 0.892905 0.905109 +vt 0.675907 0.646456 +vt 0.892854 0.904734 +vt 0.887381 0.534186 +vt 0.887345 0.534201 +vt 0.892795 0.904543 +vt 0.887433 0.534304 +vt 0.887205 0.533995 +vt 0.892964 0.905314 +vt 0.675973 0.646802 +vt 0.893568 0.530586 +vt 0.893736 0.530740 +vt 0.893641 0.530527 +vt 0.675863 0.646317 +vt 0.892905 0.904925 +vt 0.893303 0.530322 +vt 0.887396 0.534326 +vt 0.887080 0.533907 +vt 0.887124 0.533892 +vt 0.893156 0.530226 +vt 0.893479 0.530454 +vt 0.675915 0.646647 +vt 0.892854 0.904543 +vt 0.675863 0.646442 +vt 0.892957 0.905116 +vt 0.675973 0.646993 +vt 0.676032 0.647147 +vt 0.893604 0.530557 +vt 0.887168 0.534010 +vt 0.887220 0.534259 +vt 0.892905 0.904734 +vt 0.887301 0.534223 +vt 0.893024 0.530094 +vt 0.893185 0.530204 +vt 0.675915 0.646787 +vt 0.892854 0.904367 +vt 0.887514 0.534524 +vt 0.892795 0.904146 +vt 0.887617 0.534627 +vt 0.887543 0.534509 +vt 0.892957 0.904932 +vt 0.887359 0.534340 +vt 0.675973 0.647147 +vt 0.893340 0.530292 +vt 0.893509 0.530424 +vt 0.675870 0.646625 +vt 0.893406 0.530233 +vt 0.892905 0.904543 +vt 0.887587 0.534649 +vt 0.892884 0.529976 +vt 0.893046 0.530064 +vt 0.887741 0.534811 +vt 0.887257 0.534237 +vt 0.892957 0.904741 +vt 0.675922 0.646978 +vt 0.893222 0.530167 +vt 0.675870 0.646780 +vt 0.676032 0.647514 +vt 0.675981 0.647331 +vt 0.892846 0.904146 +vt 0.887470 0.534546 +vt 0.893369 0.530263 +vt 0.892898 0.904367 +vt 0.887389 0.534590 +vt 0.887323 0.534362 +vt 0.892914 0.529947 +vt 0.675922 0.647147 +vt 0.892795 0.903764 +vt 0.892846 0.903985 +vt 0.887712 0.534825 +vt 0.887837 0.534935 +vt 0.892949 0.904543 +vt 0.887543 0.534678 +vt 0.893083 0.530028 +vt 0.675981 0.647514 +vt 0.893259 0.530138 +vt 0.893141 0.529962 +vt 0.675878 0.646963 +vt 0.892745 0.529866 +vt 0.892767 0.529837 +vt 0.887433 0.534575 +vt 0.892583 0.529756 +vt 0.887808 0.534957 +vt 0.892898 0.904146 +vt 0.675929 0.647323 +vt 0.892949 0.904367 +vt 0.676039 0.647889 +vt 0.675981 0.647691 +vt 0.892936 0.529910 +vt 0.892854 0.903757 +vt 0.675878 0.647132 +vt 0.893112 0.529998 +vt 0.887668 0.534855 +vt 0.887602 0.534913 +vt 0.887506 0.534700 +vt 0.892898 0.903985 +vt 0.892605 0.529727 +vt 0.675929 0.647507 +vt 0.892443 0.529668 +vt 0.892795 0.903382 +vt 0.892854 0.903617 +vt 0.887969 0.535090 +vt 0.887940 0.535119 +vt 0.888087 0.535207 +vt 0.892796 0.529800 +vt 0.892949 0.904146 +vt 0.887764 0.534987 +vt 0.675981 0.647889 +vt 0.892965 0.529873 +vt 0.892848 0.529727 +vt 0.675878 0.647323 +vt 0.892465 0.529631 +vt 0.892267 0.529572 +vt 0.887639 0.534884 +vt 0.892898 0.903757 +vt 0.675929 0.647691 +vt 0.892949 0.903985 +vt 0.888050 0.535237 +vt 0.892634 0.529682 +vt 0.676039 0.648271 +vt 0.675981 0.648058 +vt 0.892854 0.903375 +vt 0.675878 0.647500 +vt 0.892818 0.529763 +vt 0.887903 0.535149 +vt 0.892905 0.903610 +vt 0.887734 0.535016 +vt 0.887830 0.535207 +vt 0.675929 0.647882 +vt 0.892282 0.529535 +vt 0.892128 0.529499 +vt 0.892854 0.903243 +vt 0.892802 0.903000 +vt 0.888219 0.535347 +vt 0.888197 0.535376 +vt 0.888359 0.535464 +vt 0.892495 0.529594 +vt 0.675878 0.647683 +vt 0.892949 0.903757 +vt 0.888021 0.535273 +vt 0.892657 0.529646 +vt 0.892532 0.529513 +vt 0.675981 0.648271 +vt 0.891922 0.529411 +vt 0.892142 0.529462 +vt 0.887866 0.535178 +vt 0.892905 0.903375 +vt 0.675929 0.648058 +vt 0.892949 0.903603 +vt 0.888329 0.535494 +vt 0.888498 0.535575 +vt 0.892304 0.529491 +vt 0.676039 0.648653 +vt 0.675981 0.648425 +vt 0.892854 0.903000 +vt 0.675885 0.647882 +vt 0.892510 0.529550 +vt 0.888160 0.535413 +vt 0.892905 0.903235 +vt 0.888101 0.535472 +vt 0.887984 0.535303 +vt 0.891944 0.529374 +vt 0.888476 0.535611 +vt 0.888652 0.535685 +vt 0.892802 0.902640 +vt 0.892861 0.902883 +vt 0.675937 0.648271 +vt 0.675885 0.648058 +vt 0.892164 0.529418 +vt 0.892957 0.903368 +vt 0.892326 0.529455 +vt 0.888300 0.535531 +vt 0.892201 0.529337 +vt 0.891569 0.529293 +vt 0.891790 0.529359 +vt 0.891804 0.529322 +vt 0.675981 0.648653 +vt 0.888131 0.535442 +vt 0.892905 0.903000 +vt 0.675937 0.648425 +vt 0.892957 0.903228 +vt 0.888799 0.535780 +vt 0.888638 0.535722 +vt 0.891959 0.529330 +vt 0.676039 0.649035 +vt 0.675981 0.648800 +vt 0.892810 0.902295 +vt 0.892861 0.902640 +vt 0.888447 0.535641 +vt 0.892179 0.529381 +vt 0.675885 0.648271 +vt 0.892913 0.902875 +vt 0.888388 0.535722 +vt 0.888270 0.535560 +vt 0.891444 0.529264 +vt 0.891584 0.529256 +vt 0.888777 0.535810 +vt 0.891819 0.529278 +vt 0.888976 0.535868 +vt 0.675929 0.648653 +vt 0.892957 0.902986 +vt 0.675885 0.648425 +vt 0.891459 0.529220 +vt 0.891973 0.529293 +vt 0.888608 0.535758 +vt 0.891856 0.529198 +vt 0.892913 0.902633 +vt 0.675981 0.649035 +vt 0.892957 0.902868 +vt 0.888417 0.535677 +vt 0.891599 0.529205 +vt 0.675981 0.649167 +vt 0.676032 0.649402 +vt 0.891834 0.529242 +vt 0.888748 0.535854 +vt 0.675885 0.648660 +vt 0.891209 0.529212 +vt 0.891217 0.529175 +vt 0.888579 0.535795 +vt 0.892964 0.902618 +vt 0.889115 0.535942 +vt 0.891099 0.529153 +vt 0.891092 0.529198 +vt 0.889314 0.536030 +vt 0.890842 0.529168 +vt 0.891613 0.529168 +vt 0.934133 0.293825 +vt 0.934133 0.294339 +vt 0.934126 0.294839 +vt 0.934126 0.295338 +vt 0.934119 0.295816 +vt 0.934119 0.296279 +vt 0.934111 0.296727 +vt 0.934104 0.297153 +vt 0.934097 0.297550 +vt 0.934150 0.783512 +vt 0.933739 0.783534 +vt 0.933305 0.783548 +vt 0.932857 0.783556 +vt 0.932387 0.783563 +vt 0.931902 0.783578 +vt 0.931402 0.783578 +vt 0.930895 0.783585 +vt 0.930381 0.783585 +vt 0.929867 0.783593 +vt 0.929353 0.783593 +vt 0.928838 0.783585 +vt 0.928324 0.783585 +vt 0.927824 0.783578 +vt 0.927339 0.783578 +vt 0.926862 0.783570 +vt 0.926399 0.783563 +vt 0.925966 0.783548 +vt 0.925554 0.783541 +vt 0.925157 0.783526 +vt 0.924797 0.783512 +vt 0.630029 0.943650 +vt 0.630022 0.943268 +vt 0.630014 0.942857 +vt 0.630014 0.942423 +vt 0.630007 0.941968 +vt 0.630000 0.941497 +vt 0.629992 0.941005 +vt 0.629992 0.940506 +vt 0.629992 0.939999 +vt 0.629985 0.939484 +vt 0.629985 0.938970 +vt 0.629985 0.938456 +vt 0.629992 0.937942 +vt 0.629992 0.937427 +vt 0.629992 0.936935 +vt 0.630000 0.936443 +vt 0.630007 0.935973 +vt 0.630014 0.935524 +vt 0.630014 0.935084 +vt 0.630022 0.934672 +vt 0.630029 0.934290 +vt 0.658120 0.797741 +vt 0.657745 0.797733 +vt 0.657348 0.797719 +vt 0.656922 0.797704 +vt 0.656474 0.797697 +vt 0.656004 0.797682 +vt 0.655526 0.797675 +vt 0.655027 0.797667 +vt 0.654527 0.797667 +vt 0.654006 0.797660 +vt 0.653484 0.797660 +vt 0.652962 0.797653 +vt 0.652441 0.797660 +vt 0.651927 0.797660 +vt 0.651412 0.797667 +vt 0.650913 0.797667 +vt 0.650420 0.797675 +vt 0.649950 0.797682 +vt 0.649502 0.797697 +vt 0.649076 0.797704 +vt 0.648664 0.797719 +vt 0.648282 0.797733 +vt 0.647930 0.797741 +vt 0.934097 0.288190 +vt 0.934104 0.288564 +vt 0.934111 0.288961 +vt 0.934119 0.289380 +vt 0.934126 0.289828 +vt 0.934126 0.290291 +vt 0.934133 0.290776 +vt 0.934133 0.291261 +vt 0.934133 0.291768 +vt 0.934133 0.292275 +vt 0.934133 0.292796 +vt 0.934133 0.293310 +vt 0.894192 0.148721 +vt 0.893810 0.148721 +vt 0.893443 0.148728 +vt 0.893083 0.148728 +vt 0.892737 0.148736 +vt 0.892421 0.148736 +vt 0.892120 0.148743 +vt 0.699432 0.650798 +vt 0.699439 0.650490 +vt 0.699447 0.650159 +vt 0.699454 0.649807 +vt 0.699461 0.649447 +vt 0.699461 0.649065 +vt 0.699461 0.648690 +vt 0.699461 0.648308 +vt 0.699461 0.647926 +vt 0.699461 0.647551 +vt 0.699461 0.647184 +vt 0.699454 0.646838 +vt 0.699447 0.646500 +vt 0.699432 0.646199 +vt 0.699432 0.645913 +vt 0.882959 0.555197 +vt 0.883238 0.555197 +vt 0.883539 0.555189 +vt 0.883870 0.555182 +vt 0.884215 0.555175 +vt 0.884575 0.555175 +vt 0.884950 0.555175 +vt 0.885332 0.555175 +vt 0.885721 0.555175 +vt 0.886103 0.555175 +vt 0.886485 0.555175 +vt 0.886853 0.555175 +vt 0.887205 0.555182 +vt 0.887543 0.555189 +vt 0.887867 0.555197 +vt 0.888160 0.555197 +vt 0.869087 0.901406 +vt 0.869079 0.901685 +vt 0.869065 0.901986 +vt 0.869057 0.902317 +vt 0.869057 0.902662 +vt 0.869050 0.903030 +vt 0.869050 0.903404 +vt 0.869043 0.903786 +vt 0.869043 0.904176 +vt 0.869050 0.904565 +vt 0.869050 0.904940 +vt 0.869057 0.905322 +vt 0.869057 0.905682 +vt 0.869065 0.906020 +vt 0.869072 0.906343 +vt 0.869087 0.906644 +vt 0.869094 0.906916 +vt 0.897314 0.148743 +vt 0.897043 0.148736 +vt 0.896749 0.148736 +vt 0.896418 0.148728 +vt 0.896080 0.148728 +vt 0.895713 0.148721 +vt 0.895345 0.148721 +vt 0.894963 0.148721 +vt 0.894574 0.148721 +vt 0.922675 0.538429 +vt 0.923093 0.537782 +vt 0.923277 0.538084 +vt 0.922476 0.538091 +vt 0.922902 0.538752 +vt 0.923490 0.538363 +vt 0.923159 0.539039 +vt 0.923733 0.538620 +vt 0.923446 0.539303 +vt 0.923997 0.538848 +vt 0.923762 0.539531 +vt 0.924298 0.539039 +vt 0.924107 0.539722 +vt 0.924614 0.539193 +vt 0.924460 0.539884 +vt 0.924945 0.539318 +vt 0.924827 0.540001 +vt 0.925283 0.539391 +vt 0.925209 0.540082 +vt 0.925635 0.539436 +vt 0.925599 0.540134 +vt 0.925988 0.540134 +vt 0.925988 0.539436 +vt 0.926377 0.540089 +vt 0.926341 0.539391 +vt 0.926759 0.540009 +vt 0.926679 0.539303 +vt 0.927127 0.539891 +vt 0.927017 0.539186 +vt 0.927487 0.539729 +vt 0.927325 0.539032 +vt 0.927825 0.539538 +vt 0.927619 0.538833 +vt 0.928141 0.539311 +vt 0.927883 0.538605 +vt 0.928427 0.539046 +vt 0.928126 0.538348 +vt 0.928692 0.538760 +vt 0.928339 0.538062 +vt 0.928927 0.538444 +vt 0.929118 0.538106 +vt 0.928515 0.537760 +vt 0.929279 0.537753 +vt 0.928648 0.537437 +vt 0.929397 0.537378 +vt 0.928750 0.537099 +vt 0.929478 0.537004 +vt 0.928809 0.536747 +vt 0.929522 0.536614 +vt 0.928831 0.536401 +vt 0.929522 0.536218 +vt 0.928809 0.536041 +vt 0.929485 0.535836 +vt 0.928743 0.535696 +vt 0.929404 0.535454 +vt 0.928640 0.535365 +vt 0.929287 0.535079 +vt 0.928508 0.535035 +vt 0.929125 0.534726 +vt 0.928927 0.534388 +vt 0.928324 0.534734 +vt 0.928699 0.534065 +vt 0.928111 0.534454 +vt 0.928442 0.533778 +vt 0.927869 0.534197 +vt 0.928155 0.533514 +vt 0.927604 0.533970 +vt 0.927839 0.533286 +vt 0.927303 0.533778 +vt 0.927501 0.533088 +vt 0.926987 0.533617 +vt 0.927141 0.532926 +vt 0.926657 0.533499 +vt 0.926774 0.532816 +vt 0.926319 0.533426 +vt 0.926392 0.532728 +vt 0.925966 0.533382 +vt 0.926003 0.532684 +vt 0.925613 0.532684 +vt 0.925613 0.533382 +vt 0.925231 0.532728 +vt 0.925261 0.533426 +vt 0.924842 0.532809 +vt 0.924923 0.533507 +vt 0.924475 0.532926 +vt 0.924585 0.533632 +vt 0.924122 0.533088 +vt 0.924276 0.533786 +vt 0.923777 0.533279 +vt 0.923982 0.533984 +vt 0.923461 0.533507 +vt 0.923718 0.534212 +vt 0.923174 0.533764 +vt 0.923475 0.534469 +vt 0.922910 0.534058 +vt 0.923262 0.534748 +vt 0.922682 0.534374 +vt 0.922484 0.534712 +vt 0.923086 0.535064 +vt 0.922322 0.535064 +vt 0.922954 0.535387 +vt 0.922204 0.535439 +vt 0.922851 0.535718 +vt 0.922124 0.535814 +vt 0.922792 0.536071 +vt 0.922079 0.536203 +vt 0.922770 0.536416 +vt 0.922079 0.536600 +vt 0.922792 0.536776 +vt 0.922116 0.536982 +vt 0.922858 0.537114 +vt 0.922204 0.537364 +vt 0.922961 0.537452 +vt 0.922322 0.537738 +vt 0.888286 0.193943 +vt 0.893613 0.195096 +vt 0.892782 0.192503 +vt 0.889116 0.196536 +vt 0.891783 0.197116 +vt 0.890115 0.191930 +vt 0.885104 0.536001 +vt 0.885368 0.536412 +vt 0.884509 0.530777 +vt 0.884670 0.530314 +vt 0.884869 0.535567 +vt 0.884377 0.531255 +vt 0.884670 0.535112 +vt 0.884281 0.531740 +vt 0.884501 0.534649 +vt 0.884222 0.532224 +vt 0.884377 0.534179 +vt 0.884208 0.532717 +vt 0.884281 0.533694 +vt 0.884222 0.533209 +vt 0.897021 0.532232 +vt 0.896962 0.531740 +vt 0.897035 0.532724 +vt 0.896866 0.531262 +vt 0.896741 0.530784 +vt 0.897021 0.533216 +vt 0.896962 0.533709 +vt 0.896572 0.530329 +vt 0.896866 0.534186 +vt 0.896374 0.529873 +vt 0.896734 0.534664 +vt 0.896139 0.529440 +vt 0.895874 0.529029 +vt 0.896572 0.535119 +vt 0.896367 0.535575 +vt 0.895573 0.528639 +vt 0.896139 0.536001 +vt 0.895250 0.528272 +vt 0.895867 0.536412 +vt 0.894890 0.527934 +vt 0.895243 0.537176 +vt 0.895566 0.536809 +vt 0.894515 0.527618 +vt 0.894111 0.527339 +vt 0.894890 0.537514 +vt 0.893692 0.527089 +vt 0.894508 0.537830 +vt 0.893244 0.526861 +vt 0.894104 0.538109 +vt 0.893685 0.538359 +vt 0.892796 0.526678 +vt 0.892326 0.526538 +vt 0.893237 0.538572 +vt 0.891848 0.526420 +vt 0.892781 0.538763 +vt 0.891363 0.526340 +vt 0.892319 0.538910 +vt 0.891834 0.539020 +vt 0.890871 0.526310 +vt 0.890379 0.526310 +vt 0.891356 0.539101 +vt 0.889887 0.526347 +vt 0.890864 0.539130 +vt 0.889402 0.526420 +vt 0.890372 0.539130 +vt 0.888924 0.526531 +vt 0.889879 0.539094 +vt 0.888454 0.526678 +vt 0.889394 0.539020 +vt 0.888006 0.526861 +vt 0.888917 0.538910 +vt 0.887558 0.527082 +vt 0.888447 0.538763 +vt 0.887139 0.527331 +vt 0.887991 0.538579 +vt 0.886735 0.527618 +vt 0.887550 0.538352 +vt 0.886353 0.527927 +vt 0.887132 0.538109 +vt 0.886000 0.528264 +vt 0.886728 0.537823 +vt 0.885677 0.528632 +vt 0.886353 0.537507 +vt 0.885376 0.529029 +vt 0.885993 0.537169 +vt 0.885104 0.529433 +vt 0.885670 0.536802 +vt 0.884876 0.529873 +vt 0.959314 0.983375 +vt 0.963090 0.984771 +vt 0.963127 0.981979 +vt 0.959291 0.984771 +vt 0.959336 0.981979 +vt 0.984783 0.683074 +vt 0.984761 0.685726 +vt 0.981235 0.684396 +vt 0.981228 0.685726 +vt 0.981242 0.683074 +vt 0.966214 0.943007 +vt 0.967250 0.939150 +vt 0.965171 0.939238 +vt 0.967250 0.942963 +vt 0.965171 0.943044 +vt 0.968676 0.942971 +vt 0.970086 0.939180 +vt 0.970086 0.942993 +vt 0.267260 0.994805 +vt 0.267268 0.992123 +vt 0.270757 0.993461 +vt 0.270765 0.992123 +vt 0.270757 0.994805 +vt 0.963046 0.979827 +vt 0.959291 0.980899 +vt 0.959255 0.979827 +vt 0.669074 0.957222 +vt 0.666584 0.958647 +vt 0.666584 0.961520 +vt 0.669067 0.962952 +vt 0.671558 0.961520 +vt 0.671550 0.958654 +vt 0.887388 0.958889 +vt 0.887065 0.959455 +vt 0.887469 0.959315 +vt 0.887645 0.959661 +vt 0.887858 0.959293 +vt 0.887616 0.958662 +vt 0.887572 0.960094 +vt 0.887652 0.960513 +vt 0.887895 0.960256 +vt 0.888196 0.960087 +vt 0.887895 0.959925 +vt 0.888233 0.960300 +vt 0.888446 0.960278 +vt 0.888343 0.960491 +vt 0.888497 0.960359 +vt 0.888549 0.960249 +vt 0.887572 0.957942 +vt 0.887300 0.958118 +vt 0.887410 0.958426 +vt 0.887285 0.959822 +vt 0.886947 0.960087 +vt 0.888563 0.960425 +vt 0.888505 0.960623 +vt 0.888012 0.960557 +vt 0.887866 0.960888 +vt 0.887285 0.960359 +vt 0.887057 0.960726 +vt 0.888211 0.960807 +vt 0.888196 0.961167 +vt 0.887381 0.961284 +vt 0.887469 0.960866 +vt 0.888497 0.960968 +vt 0.888703 0.960697 +vt 0.888593 0.961314 +vt 0.887814 0.961277 +vt 0.887880 0.961703 +vt 0.888923 0.960697 +vt 0.888813 0.961020 +vt 0.889026 0.961314 +vt 0.888277 0.961549 +vt 0.888483 0.961924 +vt 0.889129 0.960968 +vt 0.889430 0.961167 +vt 0.889122 0.960631 +vt 0.888813 0.961637 +vt 0.889137 0.961924 +vt 0.889416 0.960800 +vt 0.889291 0.960484 +vt 0.889768 0.960888 +vt 0.889342 0.961549 +vt 0.889746 0.961703 +vt 0.889981 0.960520 +vt 0.889614 0.960557 +vt 0.889394 0.960300 +vt 0.889438 0.960087 +vt 0.889394 0.959881 +vt 0.889225 0.960043 +vt 0.889812 0.961284 +vt 0.890239 0.961284 +vt 0.890055 0.960094 +vt 0.889732 0.960256 +vt 0.889203 0.959947 +vt 0.890158 0.960866 +vt 0.890562 0.960726 +vt 0.889159 0.959859 +vt 0.889085 0.959933 +vt 0.889291 0.959690 +vt 0.889056 0.959889 +vt 0.889981 0.959668 +vt 0.889732 0.959925 +vt 0.889122 0.959551 +vt 0.889100 0.959793 +vt 0.889012 0.959852 +vt 0.890341 0.960366 +vt 0.890679 0.960087 +vt 0.888968 0.959822 +vt 0.889621 0.959624 +vt 0.889761 0.959293 +vt 0.888923 0.959477 +vt 0.888923 0.959800 +vt 0.890341 0.959822 +vt 0.890562 0.959455 +vt 0.888872 0.959786 +vt 0.889416 0.959382 +vt 0.889438 0.959014 +vt 0.888703 0.959477 +vt 0.888821 0.959778 +vt 0.890239 0.958897 +vt 0.890158 0.959315 +vt 0.888762 0.959786 +vt 0.889129 0.959220 +vt 0.889034 0.958867 +vt 0.889812 0.958897 +vt 0.889746 0.958478 +vt 0.888813 0.959161 +vt 0.888600 0.958867 +vt 0.888600 0.959506 +vt 0.888710 0.959800 +vt 0.005024 0.716385 +vt 0.005171 0.716385 +vt 0.005318 0.716385 +vt 0.889137 0.958257 +vt 0.889342 0.958632 +vt 0.888813 0.958537 +vt 0.888490 0.958250 +vt 0.887866 0.957795 +vt 0.888071 0.958044 +vt 0.888174 0.958338 +vt 0.888615 0.959852 +vt 0.888578 0.959896 +vt 0.888703 0.959977 +vt 0.888813 0.960087 +vt 0.888696 0.959991 +vt 0.888688 0.959999 +vt 0.888549 0.959933 +vt 0.888688 0.960013 +vt 0.888527 0.959984 +vt 0.888674 0.960028 +vt 0.888674 0.960035 +vt 0.888512 0.960035 +vt 0.888666 0.960050 +vt 0.888505 0.960087 +vt 0.888284 0.959323 +vt 0.888417 0.959609 +vt 0.888343 0.959690 +vt 0.888005 0.959624 +vt 0.888710 0.960271 +vt 0.887057 0.958331 +vt 0.887028 0.958595 +vt 0.886837 0.958573 +vt 0.886661 0.958845 +vt 0.888696 0.960594 +vt 0.888777 0.960241 +vt 0.888784 0.960608 +vt 0.888857 0.960432 +vt 0.886411 0.959448 +vt 0.886352 0.959764 +vt 0.888975 0.960359 +vt 0.889026 0.960454 +vt 0.889056 0.960513 +vt 0.889056 0.960359 +vt 0.889144 0.960278 +vt 0.889276 0.960329 +vt 0.889313 0.960241 +vt 0.888857 0.959940 +vt 0.886323 0.960094 +vt 0.886352 0.960410 +vt 0.888850 0.959940 +vt 0.888828 0.959933 +vt 0.888813 0.959933 +vt 0.888806 0.959933 +vt 0.888791 0.959940 +vt 0.888777 0.959940 +vt 0.888159 0.958684 +vt 0.888813 0.957604 +vt 0.888490 0.957626 +vt 0.888402 0.957795 +vt 0.888167 0.957692 +vt 0.886411 0.960733 +vt 0.886521 0.961035 +vt 0.886661 0.961329 +vt 0.888740 0.960102 +vt 0.888512 0.960146 +vt 0.888652 0.960160 +vt 0.888519 0.960197 +vt 0.888681 0.960168 +vt 0.886991 0.959044 +vt 0.886514 0.959139 +vt 0.889004 0.960234 +vt 0.888968 0.960131 +vt 0.886837 0.961600 +vt 0.887057 0.961843 +vt 0.887300 0.962063 +vt 0.889114 0.960168 +vt 0.889026 0.960087 +vt 0.888894 0.960087 +vt 0.889159 0.960094 +vt 0.888909 0.960043 +vt 0.889452 0.957692 +vt 0.889137 0.957633 +vt 0.888813 0.957993 +vt 0.887564 0.962240 +vt 0.887858 0.962386 +vt 0.888799 0.960124 +vt 0.888828 0.960168 +vt 0.888894 0.960226 +vt 0.888894 0.960182 +vt 0.888167 0.962489 +vt 0.888483 0.962548 +vt 0.888806 0.962570 +vt 0.889137 0.962548 +vt 0.889452 0.962489 +vt 0.889761 0.962379 +vt 0.890055 0.962247 +vt 0.890327 0.962063 +vt 0.890569 0.961843 +vt 0.890782 0.961608 +vt 0.890959 0.961336 +vt 0.891105 0.961042 +vt 0.891208 0.960733 +vt 0.891274 0.960410 +vt 0.891297 0.960087 +vt 0.891274 0.959764 +vt 0.891208 0.959448 +vt 0.891105 0.959139 +vt 0.890959 0.958845 +vt 0.890782 0.958581 +vt 0.890569 0.958331 +vt 0.890319 0.958118 +vt 0.890055 0.957934 +vt 0.889761 0.957795 +vt 0.005024 0.729296 +vt 0.005266 0.729296 +vt 0.005149 0.729296 +vt 0.888233 0.959874 +vt 0.888409 0.960190 +vt 0.452225 0.938985 +vt 0.452688 0.939132 +vt 0.452196 0.939125 +vt 0.897597 0.243102 +vt 0.897369 0.243198 +vt 0.897317 0.243080 +vt 0.897545 0.242977 +vt 0.451520 0.939279 +vt 0.451703 0.939279 +vt 0.451696 0.939448 +vt 0.451226 0.939441 +vt 0.897435 0.243330 +vt 0.897222 0.243440 +vt 0.897288 0.243572 +vt 0.898118 0.254482 +vt 0.898559 0.254607 +vt 0.898530 0.254740 +vt 0.897714 0.243374 +vt 0.898082 0.254615 +vt 0.934016 0.126177 +vt 0.934016 0.126353 +vt 0.933876 0.126383 +vt 0.452078 0.938985 +vt 0.452049 0.939125 +vt 0.933876 0.126199 +vt 0.451725 0.939125 +vt 0.452034 0.939287 +vt 0.933869 0.125861 +vt 0.933715 0.126206 +vt 0.933715 0.125876 +vt 0.897648 0.254453 +vt 0.898045 0.254718 +vt 0.897604 0.254563 +vt 0.898015 0.242794 +vt 0.897979 0.242691 +vt 0.898148 0.242639 +vt 0.897744 0.242896 +vt 0.897788 0.243021 +vt 0.897472 0.254504 +vt 0.933869 0.125707 +vt 0.933715 0.125722 +vt 0.451240 0.939279 +vt 0.451542 0.939125 +vt 0.897655 0.243234 +vt 0.898170 0.254343 +vt 0.898118 0.254167 +vt 0.898559 0.254299 +vt 0.898588 0.254460 +vt 0.933715 0.125339 +vt 0.933546 0.125729 +vt 0.933546 0.125222 +vt 0.897509 0.254402 +vt 0.898184 0.242742 +vt 0.451755 0.938978 +vt 0.934008 0.125839 +vt 0.451020 0.939272 +vt 0.450778 0.939441 +vt 0.897846 0.243154 +vt 0.898148 0.243212 +vt 0.897692 0.254328 +vt 0.898052 0.242926 +vt 0.451263 0.939118 +vt 0.934008 0.125692 +vt 0.451571 0.938978 +vt 0.933869 0.125332 +vt 0.897567 0.254277 +vt 0.898221 0.242874 +vt 0.897215 0.254269 +vt 0.897171 0.254365 +vt 0.898493 0.242661 +vt 0.898464 0.242551 +vt 0.898096 0.243065 +vt 0.450785 0.939272 +vt 0.451049 0.939118 +vt 0.933707 0.124796 +vt 0.933546 0.124722 +vt 0.897751 0.254196 +vt 0.897685 0.253998 +vt 0.898633 0.242632 +vt 0.898611 0.242514 +vt 0.451299 0.938978 +vt 0.934008 0.125317 +vt 0.897060 0.254181 +vt 0.897002 0.254284 +vt 0.898963 0.242456 +vt 0.898265 0.243014 +vt 0.898596 0.243080 +vt 0.896752 0.254144 +vt 0.897626 0.254144 +vt 0.898530 0.242794 +vt 0.897281 0.254144 +vt 0.450550 0.939272 +vt 0.933869 0.124788 +vt 0.450344 0.939433 +vt 0.898662 0.242764 +vt 0.450814 0.939118 +vt 0.898985 0.242558 +vt 0.451086 0.938971 +vt 0.898559 0.242933 +vt 0.896811 0.254042 +vt 0.896568 0.254027 +vt 0.933707 0.124252 +vt 0.933546 0.124215 +vt 0.897126 0.254064 +vt 0.934008 0.124788 +vt 0.934133 0.125303 +vt 0.450351 0.939264 +vt 0.898691 0.242904 +vt 0.897340 0.254012 +vt 0.897266 0.253799 +vt 0.899051 0.242992 +vt 0.450579 0.939110 +vt 0.899000 0.242691 +vt 0.933869 0.124252 +vt 0.450858 0.938971 +vt 0.934133 0.124781 +vt 0.896627 0.253931 +vt 0.896355 0.253887 +vt 0.899029 0.242845 +vt 0.897193 0.253939 +vt 0.899514 0.242941 +vt 0.933707 0.123708 +vt 0.896877 0.253931 +vt 0.933546 0.123708 +vt 0.934008 0.124252 +vt 0.450094 0.939264 +vt 0.449925 0.939426 +vt 0.899492 0.242639 +vt 0.899477 0.242507 +vt 0.450381 0.939110 +vt 0.933869 0.123716 +vt 0.450623 0.938971 +vt 0.896421 0.253792 +vt 0.899984 0.242485 +vt 0.934133 0.124259 +vt 0.896149 0.253740 +vt 0.899500 0.242786 +vt 0.896700 0.253814 +vt 0.899977 0.242926 +vt 0.933715 0.123216 +vt 0.933546 0.123209 +vt 0.933546 0.122709 +vt 0.449940 0.939264 +vt 0.896950 0.253799 +vt 0.896862 0.253564 +vt 0.934008 0.123731 +vt 0.450131 0.939103 +vt 0.899984 0.242617 +vt 0.450432 0.938971 +vt 0.933869 0.123216 +vt 0.896215 0.253652 +vt 0.895973 0.253601 +vt 0.934133 0.123731 +vt 0.896495 0.253682 +vt 0.896781 0.253696 +vt 0.933715 0.122717 +vt 0.933553 0.122224 +vt 0.899977 0.242764 +vt 0.449977 0.939103 +vt 0.449668 0.939264 +vt 0.449536 0.939426 +vt 0.934008 0.123238 +vt 0.450182 0.938971 +vt 0.900469 0.242639 +vt 0.900477 0.242507 +vt 0.896047 0.253520 +vt 0.895760 0.253417 +vt 0.933876 0.122731 +vt 0.929740 0.203758 +vt 0.929733 0.203883 +vt 0.929902 0.203773 +vt 0.934133 0.123253 +vt 0.896304 0.253542 +vt 0.933722 0.122232 +vt 0.896583 0.253564 +vt 0.896480 0.253300 +vt 0.900455 0.242786 +vt 0.900447 0.242941 +vt 0.450028 0.938963 +vt 0.934008 0.122753 +vt 0.449705 0.939103 +vt 0.900917 0.242691 +vt 0.900940 0.242558 +vt 0.895833 0.253329 +vt 0.895620 0.253292 +vt 0.933876 0.122246 +vt 0.896135 0.253410 +vt 0.929586 0.203729 +vt 0.929578 0.203846 +vt 0.901395 0.242654 +vt 0.900954 0.242456 +vt 0.901424 0.242544 +vt 0.933722 0.121762 +vt 0.933560 0.121754 +vt 0.896384 0.253417 +vt 0.929747 0.203457 +vt 0.900895 0.242845 +vt 0.900903 0.242999 +vt 0.929916 0.203376 +vt 0.934016 0.122283 +vt 0.895701 0.253211 +vt 0.449764 0.938963 +vt 0.933722 0.121615 +vt 0.933560 0.121291 +vt 0.896230 0.253292 +vt 0.896120 0.253006 +vt 0.901358 0.242786 +vt 0.933876 0.121784 +vt 0.895922 0.253226 +vt 0.929439 0.203670 +vt 0.929431 0.203788 +vt 0.901843 0.242772 +vt 0.901880 0.242669 +vt 0.929586 0.203428 +vt 0.895789 0.253109 +vt 0.933876 0.121637 +vt 0.895473 0.252976 +vt 0.895393 0.253057 +vt 0.895290 0.252954 +vt 0.933722 0.121299 +vt 0.901336 0.242926 +vt 0.901358 0.243095 +vt 0.896017 0.253116 +vt 0.934023 0.121813 +vt 0.929762 0.203009 +vt 0.929931 0.202957 +vt 0.933722 0.121130 +vt 0.933560 0.120851 +vt 0.895371 0.252873 +vt 0.929446 0.203376 +vt 0.901799 0.242904 +vt 0.895892 0.253006 +vt 0.895789 0.252682 +vt 0.934023 0.121673 +vt 0.895569 0.252888 +vt 0.933876 0.121328 +vt 0.929600 0.202979 +vt 0.902277 0.242933 +vt 0.902321 0.242830 +vt 0.902453 0.242882 +vt 0.895473 0.252785 +vt 0.933729 0.120865 +vt 0.933883 0.121152 +vt 0.895135 0.252609 +vt 0.895055 0.252682 +vt 0.895679 0.252785 +vt 0.901755 0.243043 +vt 0.901806 0.243227 +vt 0.929777 0.202539 +vt 0.929938 0.202517 +vt 0.902409 0.242992 +vt 0.929461 0.202935 +vt 0.934023 0.121365 +vt 0.894746 0.252271 +vt 0.895584 0.252690 +vt 0.895481 0.252330 +vt 0.933729 0.120667 +vt 0.933568 0.120432 +vt 0.895246 0.252521 +vt 0.902233 0.243058 +vt 0.929615 0.202517 +vt 0.933883 0.120895 +vt 0.894842 0.252205 +vt 0.895363 0.252433 +vt 0.934030 0.121196 +vt 0.895202 0.251962 +vt 0.929777 0.202054 +vt 0.902357 0.243109 +vt 0.902703 0.243124 +vt 0.929946 0.202054 +vt 0.902754 0.243021 +vt 0.902916 0.243102 +vt 0.929468 0.202473 +vt 0.894959 0.252124 +vt 0.933737 0.120439 +vt 0.933891 0.120696 +vt 0.929623 0.202024 +vt 0.902174 0.243198 +vt 0.902240 0.243389 +vt 0.894577 0.251786 +vt 0.894474 0.251838 +vt 0.934030 0.120931 +vt 0.895077 0.252043 +vt 0.894959 0.251566 +vt 0.902864 0.243205 +vt 0.903173 0.243249 +vt 0.929784 0.201584 +vt 0.902299 0.243249 +vt 0.929953 0.201584 +vt 0.902644 0.243242 +vt 0.929483 0.201995 +vt 0.933744 0.120219 +vt 0.933575 0.120028 +vt 0.894695 0.251713 +vt 0.933891 0.120476 +vt 0.934038 0.120740 +vt 0.929630 0.201562 +vt 0.903114 0.243345 +vt 0.903357 0.243359 +vt 0.894342 0.251345 +vt 0.894239 0.251389 +vt 0.902798 0.243323 +vt 0.929792 0.201099 +vt 0.929960 0.201106 +vt 0.929960 0.200606 +vt 0.933744 0.120042 +vt 0.894820 0.251639 +vt 0.902578 0.243374 +vt 0.902659 0.243594 +vt 0.929490 0.201532 +vt 0.933898 0.120255 +vt 0.894467 0.251279 +vt 0.929637 0.201084 +vt 0.934038 0.120520 +vt 0.903298 0.243455 +vt 0.903562 0.243499 +vt 0.902732 0.243455 +vt 0.894158 0.250912 +vt 0.894055 0.250956 +vt 0.903041 0.243462 +vt 0.929799 0.200606 +vt 0.929960 0.200107 +vt 0.933751 0.119807 +vt 0.933590 0.119653 +vt 0.894599 0.251213 +vt 0.894739 0.251154 +vt 0.933898 0.120079 +vt 0.929490 0.201062 +vt 0.934038 0.120314 +vt 0.894291 0.250860 +vt 0.903504 0.243594 +vt 0.903768 0.243646 +vt 0.903224 0.243572 +vt 0.929645 0.200599 +vt 0.894011 0.250471 +vt 0.893901 0.250508 +vt 0.933751 0.119668 +vt 0.929806 0.200107 +vt 0.902967 0.243587 +vt 0.903063 0.243822 +vt 0.894430 0.250809 +vt 0.894562 0.250721 +vt 0.933906 0.119844 +vt 0.934038 0.120131 +vt 0.929490 0.200577 +vt 0.903709 0.243741 +vt 0.929806 0.199953 +vt 0.929968 0.199607 +vt 0.903944 0.243785 +vt 0.894144 0.250434 +vt 0.903430 0.243705 +vt 0.903144 0.243697 +vt 0.929645 0.200099 +vt 0.933913 0.119704 +vt 0.929373 0.200562 +vt 0.929365 0.201033 +vt 0.933774 0.054474 +vt 0.933620 0.054738 +vt 0.933598 0.054371 +vt 0.933781 0.054724 +vt 0.929645 0.199945 +vt 0.934045 0.119903 +vt 0.929806 0.199607 +vt 0.903871 0.243874 +vt 0.894283 0.250390 +vt 0.894415 0.250280 +vt 0.933766 0.054356 +vt 0.929498 0.200092 +vt 0.903621 0.243852 +vt 0.903342 0.243829 +vt 0.903445 0.244087 +vt 0.929806 0.199409 +vt 0.929968 0.199100 +vt 0.894026 0.249994 +vt 0.893894 0.250023 +vt 0.934045 0.119771 +vt 0.933928 0.054437 +vt 0.933943 0.054687 +vt 0.929498 0.199945 +vt 0.929645 0.199600 +vt 0.904091 0.244057 +vt 0.904165 0.243976 +vt 0.904304 0.244094 +vt 0.929380 0.200085 +vt 0.903790 0.243976 +vt 0.933928 0.054327 +vt 0.929806 0.199100 +vt 0.929645 0.199409 +vt 0.903533 0.243962 +vt 0.933759 0.054062 +vt 0.933590 0.053989 +vt 0.894173 0.249964 +vt 0.894305 0.249832 +vt 0.904224 0.244175 +vt 0.929380 0.199938 +vt 0.929498 0.199600 +vt 0.934075 0.054378 +vt 0.934090 0.054621 +vt 0.903695 0.244087 +vt 0.903797 0.244381 +vt 0.929806 0.198873 +vt 0.904003 0.244160 +vt 0.929960 0.198601 +vt 0.893945 0.249545 +vt 0.893813 0.249567 +vt 0.934075 0.054261 +vt 0.929645 0.199108 +vt 0.933921 0.054026 +vt 0.929498 0.199409 +vt 0.904135 0.244278 +vt 0.893931 0.249406 +vt 0.893791 0.249428 +vt 0.904451 0.244403 +vt 0.904532 0.244322 +vt 0.929380 0.199600 +vt 0.903900 0.244270 +vt 0.933744 0.053629 +vt 0.929799 0.198601 +vt 0.933575 0.053570 +vt 0.904547 0.244505 +vt 0.904635 0.244432 +vt 0.929645 0.198873 +vt 0.894100 0.249531 +vt 0.894232 0.249376 +vt 0.934060 0.053974 +vt 0.929498 0.199108 +vt 0.904025 0.244381 +vt 0.933752 0.045907 +vt 0.933568 0.046334 +vt 0.933583 0.045907 +vt 0.904135 0.244711 +vt 0.929380 0.199409 +vt 0.904356 0.244498 +vt 0.894078 0.249391 +vt 0.893901 0.249090 +vt 0.893762 0.249105 +vt 0.933906 0.053600 +vt 0.904444 0.244601 +vt 0.929799 0.198336 +vt 0.929960 0.198101 +vt 0.904782 0.244785 +vt 0.904870 0.244711 +vt 0.929645 0.198608 +vt 0.929498 0.198880 +vt 0.904246 0.244601 +vt 0.929380 0.199115 +vt 0.933730 0.053166 +vt 0.933568 0.053137 +vt 0.893894 0.248921 +vt 0.893762 0.248928 +vt 0.905171 0.245123 +vt 0.933759 0.045511 +vt 0.934053 0.053541 +vt 0.929799 0.198109 +vt 0.904341 0.244696 +vt 0.904444 0.245056 +vt 0.933598 0.045496 +vt 0.894048 0.249090 +vt 0.894195 0.248906 +vt 0.933921 0.045540 +vt 0.933906 0.045944 +vt 0.904679 0.244865 +vt 0.929645 0.198344 +vt 0.933774 0.045129 +vt 0.929498 0.198623 +vt 0.933891 0.053137 +vt 0.933605 0.045114 +vt 0.933620 0.044761 +vt 0.934060 0.045599 +vt 0.929380 0.198895 +vt 0.934053 0.045996 +vt 0.905083 0.245181 +vt 0.894041 0.248914 +vt 0.904562 0.244961 +vt 0.904723 0.245431 +vt 0.933928 0.045165 +vt 0.893894 0.248642 +vt 0.893754 0.248642 +vt 0.933730 0.052674 +vt 0.933561 0.052681 +vt 0.893762 0.248421 +vt 0.904782 0.252609 +vt 0.905061 0.252234 +vt 0.905157 0.252300 +vt 0.929792 0.197800 +vt 0.904951 0.252153 +vt 0.904870 0.252682 +vt 0.934038 0.053093 +vt 0.933789 0.044776 +vt 0.905450 0.245549 +vt 0.929960 0.197609 +vt 0.929637 0.198116 +vt 0.904966 0.245255 +vt 0.934075 0.045232 +vt 0.933884 0.052652 +vt 0.904679 0.252521 +vt 0.929490 0.198358 +vt 0.929373 0.198637 +vt 0.904833 0.252073 +vt 0.905348 0.245607 +vt 0.933950 0.044813 +vt 0.893894 0.248429 +vt 0.893776 0.248179 +vt 0.904848 0.245336 +vt 0.933722 0.052204 +vt 0.933553 0.052211 +vt 0.933546 0.051733 +vt 0.904473 0.252954 +vt 0.929792 0.197616 +vt 0.904562 0.253035 +vt 0.894033 0.248642 +vt 0.894195 0.248443 +vt 0.934024 0.052615 +vt 0.458734 0.939264 +vt 0.459102 0.939426 +vt 0.458749 0.939426 +vt 0.459087 0.939264 +vt 0.929637 0.197815 +vt 0.904562 0.252433 +vt 0.905230 0.245666 +vt 0.904701 0.251985 +vt 0.904422 0.252359 +vt 0.934090 0.044879 +vt 0.929490 0.198138 +vt 0.933877 0.052189 +vt 0.904224 0.253366 +vt 0.458617 0.939264 +vt 0.458367 0.939433 +vt 0.929373 0.198373 +vt 0.905583 0.246048 +vt 0.905686 0.246004 +vt 0.904378 0.252866 +vt 0.893909 0.248186 +vt 0.894041 0.248443 +vt 0.933708 0.051726 +vt 0.458698 0.939103 +vt 0.459043 0.939103 +vt 0.905105 0.245747 +vt 0.904966 0.245820 +vt 0.929630 0.197631 +vt 0.934024 0.052160 +vt 0.904143 0.253285 +vt 0.929784 0.197286 +vt 0.458587 0.939110 +vt 0.929953 0.197131 +vt 0.905458 0.246107 +vt 0.929490 0.197837 +vt 0.929373 0.198160 +vt 0.933869 0.051711 +vt 0.458360 0.939264 +vt 0.904268 0.252763 +vt 0.904113 0.252705 +vt 0.905759 0.246474 +vt 0.905869 0.246438 +vt 0.458631 0.938971 +vt 0.458977 0.938963 +vt 0.929784 0.197139 +vt 0.893938 0.247944 +vt 0.893798 0.247922 +vt 0.933708 0.051234 +vt 0.933539 0.051241 +vt 0.458205 0.939272 +vt 0.894055 0.248201 +vt 0.894232 0.247980 +vt 0.457970 0.939441 +vt 0.905326 0.246166 +vt 0.905186 0.246232 +vt 0.904055 0.253182 +vt 0.929490 0.197653 +vt 0.906024 0.246886 +vt 0.934016 0.051682 +vt 0.458521 0.938971 +vt 0.929630 0.197300 +vt 0.905634 0.246526 +vt 0.458323 0.939110 +vt 0.933862 0.051219 +vt 0.929365 0.197866 +vt 0.903790 0.253579 +vt 0.903864 0.253674 +vt 0.905913 0.246915 +vt 0.903746 0.253755 +vt 0.893967 0.247738 +vt 0.893828 0.247716 +vt 0.457955 0.939272 +vt 0.933700 0.050734 +vt 0.933531 0.050742 +vt 0.929623 0.197161 +vt 0.458169 0.939110 +vt 0.894078 0.247958 +vt 0.905495 0.246577 +vt 0.905362 0.246658 +vt 0.903952 0.253072 +vt 0.929777 0.196779 +vt 0.929946 0.196669 +vt 0.934009 0.051205 +vt 0.903775 0.253028 +vt 0.903680 0.253667 +vt 0.893923 0.247260 +vt 0.893769 0.247407 +vt 0.893813 0.247231 +vt 0.933700 0.050580 +vt 0.933531 0.050227 +vt 0.893879 0.247429 +vt 0.458264 0.938971 +vt 0.929490 0.197330 +vt 0.905781 0.246952 +vt 0.457764 0.939279 +vt 0.894107 0.247760 +vt 0.894305 0.247525 +vt 0.933862 0.050727 +vt 0.457544 0.939448 +vt 0.903709 0.253469 +vt 0.894019 0.247459 +vt 0.906024 0.247363 +vt 0.457926 0.939118 +vt 0.906134 0.247341 +vt 0.929483 0.197190 +vt 0.933862 0.050573 +vt 0.458117 0.938971 +vt 0.929615 0.196801 +vt 0.894048 0.247290 +vt 0.933700 0.050227 +vt 0.903592 0.253557 +vt 0.905634 0.246996 +vt 0.905509 0.247099 +vt 0.894004 0.246945 +vt 0.903415 0.253858 +vt 0.903481 0.253946 +vt 0.893894 0.246915 +vt 0.893938 0.246783 +vt 0.934009 0.050712 +vt 0.457537 0.939279 +vt 0.894158 0.247488 +vt 0.933700 0.050036 +vt 0.933531 0.049720 +vt 0.457735 0.939118 +vt 0.929769 0.196286 +vt 0.929931 0.196213 +vt 0.903614 0.253358 +vt 0.905899 0.247393 +vt 0.903415 0.253314 +vt 0.457875 0.938971 +vt 0.894048 0.246812 +vt 0.929476 0.196837 +vt 0.934009 0.050565 +vt 0.903268 0.253953 +vt 0.933862 0.050227 +vt 0.903327 0.254049 +vt 0.903070 0.254196 +vt 0.894195 0.247327 +vt 0.894423 0.247069 +vt 0.903511 0.253447 +vt 0.894129 0.246989 +vt 0.934126 0.050698 +vt 0.934134 0.051175 +vt 0.903342 0.253740 +vt 0.929615 0.196316 +vt 0.457302 0.939279 +vt 0.933700 0.049720 +vt 0.457103 0.939448 +vt 0.933862 0.050029 +vt 0.894173 0.246856 +vt 0.457507 0.939125 +vt 0.894158 0.246474 +vt 0.894055 0.246438 +vt 0.905752 0.247422 +vt 0.457684 0.938971 +vt 0.905619 0.247554 +vt 0.894276 0.247025 +vt 0.903019 0.254093 +vt 0.902886 0.254299 +vt 0.934126 0.050551 +vt 0.934002 0.050220 +vt 0.929762 0.195824 +vt 0.903195 0.253836 +vt 0.929924 0.195780 +vt 0.933700 0.049485 +vt 0.933531 0.049214 +vt 0.894254 0.245967 +vt 0.457096 0.939279 +vt 0.929468 0.196353 +vt 0.905972 0.247841 +vt 0.906104 0.247819 +vt 0.903254 0.253623 +vt 0.894313 0.246893 +vt 0.894570 0.246629 +vt 0.903033 0.253579 +vt 0.457272 0.939125 +vt 0.894291 0.246526 +vt 0.933862 0.049720 +vt 0.934002 0.050029 +vt 0.457463 0.938978 +vt 0.929600 0.195853 +vt 0.902835 0.254196 +vt 0.905994 0.247973 +vt 0.894364 0.246012 +vt 0.906126 0.247966 +vt 0.903114 0.253711 +vt 0.934126 0.050213 +vt 0.894430 0.246577 +vt 0.902953 0.253983 +vt 0.906156 0.248289 +vt 0.933700 0.049214 +vt 0.929747 0.195375 +vt 0.929909 0.195368 +vt 0.456817 0.939287 +vt 0.933862 0.049485 +vt 0.456640 0.939456 +vt 0.929461 0.195904 +vt 0.894496 0.245512 +vt 0.457074 0.939125 +vt 0.905825 0.247863 +vt 0.905693 0.248010 +vt 0.894482 0.246078 +vt 0.457235 0.938978 +vt 0.934002 0.049720 +vt 0.934126 0.050022 +vt 0.902607 0.254313 +vt 0.902651 0.254416 +vt 0.902424 0.254519 +vt 0.929586 0.195412 +vt 0.905847 0.247995 +vt 0.894592 0.245571 +vt 0.902769 0.254078 +vt 0.894614 0.246136 +vt 0.894753 0.246203 +vt 0.906024 0.248289 +vt 0.456633 0.939287 +vt 0.929733 0.194993 +vt 0.929902 0.194979 +vt 0.929887 0.194611 +vt 0.933700 0.048942 +vt 0.933531 0.048707 +vt 0.902879 0.253851 +vt 0.902629 0.253807 +vt 0.933862 0.049221 +vt 0.929446 0.195471 +vt 0.456787 0.939125 +vt 0.934002 0.049493 +vt 0.457030 0.938978 +vt 0.894709 0.245644 +vt 0.934126 0.049720 +vt 0.929578 0.195030 +vt 0.902380 0.254409 +vt 0.902218 0.254600 +vt 0.906031 0.248473 +vt 0.902548 0.254189 +vt 0.894864 0.245152 +vt 0.894768 0.245086 +vt 0.906163 0.248465 +vt 0.902703 0.253946 +vt 0.933700 0.048714 +vt 0.929718 0.194626 +vt 0.905869 0.248304 +vt 0.456618 0.939132 +vt 0.905730 0.248473 +vt 0.933751 0.129211 +vt 0.933590 0.129226 +vt 0.933582 0.128859 +vt 0.894834 0.245718 +vt 0.894974 0.245791 +vt 0.456310 0.939287 +vt 0.933862 0.048949 +vt 0.929431 0.195089 +vt 0.456170 0.939456 +vt 0.934009 0.049228 +vt 0.456751 0.938985 +vt 0.894974 0.245233 +vt 0.934126 0.049500 +vt 0.902181 0.254490 +vt 0.901946 0.254696 +vt 0.929556 0.194663 +vt 0.905884 0.248473 +vt 0.456163 0.939287 +vt 0.906031 0.248745 +vt 0.906170 0.248752 +vt 0.902321 0.254291 +vt 0.906163 0.248965 +vt 0.902490 0.254056 +vt 0.895135 0.244785 +vt 0.895055 0.244711 +vt 0.933708 0.048405 +vt 0.933539 0.048207 +vt 0.933751 0.128851 +vt 0.902211 0.254012 +vt 0.933862 0.048721 +vt 0.933913 0.129175 +vt 0.456582 0.938985 +vt 0.895091 0.245314 +vt 0.895216 0.245402 +vt 0.934009 0.048956 +vt 0.456295 0.939132 +vt 0.929424 0.194729 +vt 0.895246 0.244865 +vt 0.901909 0.254585 +vt 0.934126 0.049236 +vt 0.902137 0.254365 +vt 0.906024 0.248958 +vt 0.933906 0.128815 +vt 0.934052 0.129108 +vt 0.895451 0.244432 +vt 0.895363 0.244351 +vt 0.933708 0.048214 +vt 0.456141 0.939132 +vt 0.902269 0.254152 +vt 0.905891 0.248745 +vt 0.905730 0.248943 +vt 0.933737 0.128462 +vt 0.455788 0.939294 +vt 0.933575 0.128469 +vt 0.455685 0.939456 +vt 0.895363 0.244961 +vt 0.895503 0.245027 +vt 0.933862 0.048420 +vt 0.934009 0.048736 +vt 0.901740 0.254644 +vt 0.901777 0.254754 +vt 0.895701 0.244021 +vt 0.934126 0.048978 +vt 0.934045 0.128756 +vt 0.456266 0.938985 +vt 0.902078 0.254225 +vt 0.933737 0.128337 +vt 0.933568 0.128050 +vt 0.906016 0.249200 +vt 0.906148 0.249215 +vt 0.895547 0.244527 +vt 0.901777 0.254174 +vt 0.901873 0.254460 +vt 0.905884 0.248950 +vt 0.933898 0.128425 +vt 0.933869 0.048229 +vt 0.456119 0.938985 +vt 0.933708 0.047876 +vt 0.933546 0.047722 +vt 0.895782 0.244109 +vt 0.455781 0.939132 +vt 0.934009 0.048435 +vt 0.901696 0.254512 +vt 0.933891 0.128300 +vt 0.934126 0.048758 +vt 0.901432 0.254725 +vt 0.901461 0.254842 +vt 0.901314 0.254872 +vt 0.933729 0.128043 +vt 0.901821 0.254321 +vt 0.895657 0.244623 +vt 0.895811 0.244682 +vt 0.933715 0.047729 +vt 0.455259 0.939294 +vt 0.905987 0.249442 +vt 0.934038 0.128366 +vt 0.455186 0.939456 +vt 0.906126 0.249457 +vt 0.905869 0.249185 +vt 0.933729 0.127881 +vt 0.933560 0.127624 +vt 0.905686 0.249406 +vt 0.901292 0.254762 +vt 0.934016 0.048251 +vt 0.895870 0.244204 +vt 0.455751 0.938985 +vt 0.933869 0.047891 +vt 0.901659 0.254372 +vt 0.901329 0.254299 +vt 0.934038 0.128249 +vt 0.901395 0.254593 +vt 0.934134 0.048457 +vt 0.933891 0.128014 +vt 0.455252 0.939132 +vt 0.905957 0.249648 +vt 0.906097 0.249670 +vt 0.906046 0.249949 +vt 0.896135 0.243800 +vt 0.896061 0.243719 +vt 0.933869 0.047744 +vt 0.896179 0.243624 +vt 0.901263 0.254629 +vt 0.933722 0.127610 +vt 0.900940 0.254828 +vt 0.900954 0.254938 +vt 0.905840 0.249428 +vt 0.901358 0.254453 +vt 0.933883 0.127852 +vt 0.933722 0.047362 +vt 0.933553 0.047237 +vt 0.895966 0.244314 +vt 0.896149 0.244358 +vt 0.454723 0.939294 +vt 0.934134 0.048273 +vt 0.454686 0.939456 +vt 0.896245 0.243719 +vt 0.455237 0.938993 +vt 0.934038 0.127970 +vt 0.934016 0.047913 +vt 0.900455 0.255004 +vt 0.901226 0.254482 +vt 0.900866 0.254394 +vt 0.905818 0.249626 +vt 0.933722 0.127404 +vt 0.933560 0.127169 +vt 0.905612 0.249869 +vt 0.900917 0.254688 +vt 0.896215 0.243910 +vt 0.905906 0.249920 +vt 0.454716 0.939132 +vt 0.934016 0.047766 +vt 0.900447 0.254887 +vt 0.933883 0.127588 +vt 0.934030 0.127808 +vt 0.933877 0.047377 +vt 0.900895 0.254549 +vt 0.896333 0.243829 +vt 0.905869 0.250096 +vt 0.454179 0.939294 +vt 0.906002 0.250126 +vt 0.896509 0.243536 +vt 0.896443 0.243440 +vt 0.896598 0.243337 +vt 0.454179 0.939456 +vt 0.905921 0.250442 +vt 0.906112 0.250155 +vt 0.906024 0.250471 +vt 0.454708 0.938993 +vt 0.905987 0.250611 +vt 0.933722 0.127162 +vt 0.905766 0.249898 +vt 0.900433 0.254747 +vt 0.933876 0.127382 +vt 0.933730 0.046855 +vt 0.933561 0.046774 +vt 0.454179 0.939132 +vt 0.896304 0.244028 +vt 0.896509 0.244065 +vt 0.934030 0.127544 +vt 0.905877 0.250574 +vt 0.899940 0.254901 +vt 0.899940 0.255019 +vt 0.896656 0.243440 +vt 0.900425 0.254600 +vt 0.900411 0.254453 +vt 0.934024 0.047406 +vt 0.899948 0.254468 +vt 0.896847 0.243190 +vt 0.905730 0.250060 +vt 0.453672 0.939294 +vt 0.905502 0.250317 +vt 0.896414 0.243947 +vt 0.453672 0.939456 +vt 0.453173 0.939456 +vt 0.905788 0.250398 +vt 0.896583 0.243646 +vt 0.454179 0.938993 +vt 0.933722 0.126912 +vt 0.933891 0.046877 +vt 0.933553 0.126699 +vt 0.899940 0.254769 +vt 0.905744 0.250537 +vt 0.933876 0.127139 +vt 0.934023 0.127338 +vt 0.453680 0.939132 +vt 0.905759 0.250912 +vt 0.905869 0.250956 +vt 0.899441 0.254879 +vt 0.896899 0.243286 +vt 0.899433 0.254997 +vt 0.905649 0.250361 +vt 0.896730 0.243550 +vt 0.933737 0.046370 +vt 0.453173 0.939294 +vt 0.899940 0.254622 +vt 0.899477 0.254446 +vt 0.934031 0.046921 +vt 0.933722 0.126691 +vt 0.896671 0.243771 +vt 0.896891 0.243800 +vt 0.453680 0.938993 +vt 0.898963 0.254938 +vt 0.933876 0.126882 +vt 0.905612 0.250493 +vt 0.905348 0.250750 +vt 0.899455 0.254747 +vt 0.905634 0.250860 +vt 0.453180 0.939132 +vt 0.934023 0.127103 +vt 0.933891 0.046400 +vt 0.897090 0.243183 +vt 0.897038 0.243087 +vt 0.897266 0.242977 +vt 0.898985 0.254828 +vt 0.896811 0.243675 +vt 0.905561 0.251375 +vt 0.905664 0.251426 +vt 0.452673 0.939287 +vt 0.452666 0.939456 +vt 0.896972 0.243411 +vt 0.905495 0.250809 +vt 0.899470 0.254600 +vt 0.933715 0.126397 +vt 0.933553 0.126214 +vt 0.934038 0.046444 +vt 0.905428 0.251867 +vt 0.453187 0.938985 +vt 0.933876 0.126669 +vt 0.905443 0.251316 +vt 0.899000 0.254688 +vt 0.934016 0.126853 +vt 0.905326 0.251816 +vt 0.905304 0.251250 +vt 0.905171 0.251184 +vt 0.898500 0.254842 +vt 0.905215 0.251742 +vt 0.897156 0.243308 +vt 0.452181 0.939287 +vt 0.905090 0.251669 +vt 0.452181 0.939456 +vt 0.904951 0.251595 +vt 0.899029 0.254549 +vt 0.899022 0.254387 +vt 0.897046 0.243536 +vt 0.452702 0.938985 +vt 0.934016 0.126640 +vt 0.897501 0.242867 +vt 0.897707 0.242794 +vt 0.760043 0.678893 +vt 0.760205 0.678841 +vt 0.760043 0.678841 +vt 0.409595 0.893956 +vt 0.409595 0.894176 +vt 0.409654 0.894176 +vt 0.330047 0.661410 +vt 0.330033 0.661447 +vt 0.329879 0.661396 +vt 0.331296 0.654446 +vt 0.330944 0.654394 +vt 0.331296 0.654401 +vt 0.331414 0.654453 +vt 0.329717 0.661300 +vt 0.329886 0.661359 +vt 0.330944 0.654350 +vt 0.759838 0.678944 +vt 0.759838 0.678893 +vt 0.759698 0.678893 +vt 0.759478 0.678944 +vt 0.409544 0.893794 +vt 0.409595 0.893794 +vt 0.760198 0.678790 +vt 0.409654 0.894558 +vt 0.409698 0.894558 +vt 0.409698 0.894316 +vt 0.409654 0.894316 +vt 0.760389 0.678790 +vt 0.330238 0.661499 +vt 0.330224 0.661550 +vt 0.330025 0.661499 +vt 0.331414 0.654416 +vt 0.330363 0.661616 +vt 0.330349 0.661660 +vt 0.330224 0.661587 +vt 0.330576 0.654277 +vt 0.330944 0.654255 +vt 0.330944 0.654299 +vt 0.330591 0.654372 +vt 0.330584 0.654328 +vt 0.329996 0.661579 +vt 0.329702 0.661337 +vt 0.329541 0.661227 +vt 0.409654 0.893956 +vt 0.759830 0.678841 +vt 0.409698 0.894169 +vt 0.409544 0.893427 +vt 0.409602 0.893603 +vt 0.760029 0.678790 +vt 0.329864 0.661447 +vt 0.331304 0.654357 +vt 0.759470 0.678885 +vt 0.409654 0.893787 +vt 0.331642 0.654490 +vt 0.331649 0.654453 +vt 0.330011 0.661535 +vt 0.331781 0.654519 +vt 0.331421 0.654372 +vt 0.759691 0.678841 +vt 0.329526 0.661263 +vt 0.409602 0.893419 +vt 0.329394 0.661153 +vt 0.759367 0.678885 +vt 0.759132 0.678937 +vt 0.409698 0.893948 +vt 0.329680 0.661381 +vt 0.331987 0.654570 +vt 0.331789 0.654475 +vt 0.759823 0.678790 +vt 0.331311 0.654269 +vt 0.331304 0.654313 +vt 0.409654 0.893596 +vt 0.329849 0.661484 +vt 0.329651 0.661462 +vt 0.329379 0.661190 +vt 0.409551 0.893067 +vt 0.409602 0.893265 +vt 0.759463 0.678834 +vt 0.409698 0.893787 +vt 0.331671 0.654313 +vt 0.331429 0.654328 +vt 0.759683 0.678790 +vt 0.331656 0.654401 +vt 0.329504 0.661300 +vt 0.409654 0.893412 +vt 0.329665 0.661425 +vt 0.759132 0.678885 +vt 0.332134 0.654615 +vt 0.331994 0.654526 +vt 0.331796 0.654431 +vt 0.759360 0.678834 +vt 0.409705 0.893596 +vt 0.329210 0.661050 +vt 0.329188 0.661087 +vt 0.329092 0.660977 +vt 0.409602 0.893059 +vt 0.329357 0.661234 +vt 0.331664 0.654357 +vt 0.759456 0.678782 +vt 0.409654 0.893258 +vt 0.329489 0.661344 +vt 0.329313 0.661315 +vt 0.329070 0.661014 +vt 0.332149 0.654570 +vt 0.409551 0.892729 +vt 0.409602 0.892934 +vt 0.759118 0.678834 +vt 0.759338 0.678782 +vt 0.409705 0.893405 +vt 0.332009 0.654482 +vt 0.329166 0.661124 +vt 0.332031 0.654401 +vt 0.331811 0.654387 +vt 0.329335 0.661278 +vt 0.332310 0.654673 +vt 0.332332 0.654644 +vt 0.758809 0.678937 +vt 0.758809 0.678878 +vt 0.332487 0.654747 +vt 0.758508 0.678937 +vt 0.409654 0.893052 +vt 0.328813 0.660779 +vt 0.328901 0.660852 +vt 0.328879 0.660881 +vt 0.409705 0.893250 +vt 0.329048 0.661050 +vt 0.332163 0.654526 +vt 0.759103 0.678782 +vt 0.409610 0.892721 +vt 0.328784 0.660808 +vt 0.332016 0.654438 +vt 0.328615 0.660610 +vt 0.329144 0.661168 +vt 0.328997 0.661124 +vt 0.409654 0.892927 +vt 0.758794 0.678826 +vt 0.332501 0.654717 +vt 0.332634 0.654820 +vt 0.409558 0.892405 +vt 0.409610 0.892618 +vt 0.329026 0.661094 +vt 0.332347 0.654600 +vt 0.328850 0.660918 +vt 0.758508 0.678870 +vt 0.409705 0.893045 +vt 0.332376 0.654512 +vt 0.332178 0.654490 +vt 0.328585 0.660639 +vt 0.332648 0.654783 +vt 0.328754 0.660852 +vt 0.332810 0.654923 +vt 0.758780 0.678775 +vt 0.409661 0.892714 +vt 0.328821 0.660955 +vt 0.409705 0.892912 +vt 0.328703 0.660918 +vt 0.758493 0.678819 +vt 0.332523 0.654673 +vt 0.332362 0.654556 +vt 0.328732 0.660881 +vt 0.328556 0.660683 +vt 0.409558 0.892111 +vt 0.409610 0.892405 +vt 0.758229 0.678870 +vt 0.758236 0.678929 +vt 0.007504 0.905895 +vt 0.007489 0.906189 +vt 0.007438 0.906197 +vt 0.409661 0.892604 +vt 0.007445 0.905895 +vt 0.007394 0.905910 +vt 0.328350 0.660345 +vt 0.328321 0.660374 +vt 0.332832 0.654886 +vt 0.332935 0.654997 +vt 0.332670 0.654747 +vt 0.328123 0.660059 +vt 0.409713 0.892699 +vt 0.758471 0.678775 +vt 0.328527 0.660705 +vt 0.328424 0.660676 +vt 0.332707 0.654666 +vt 0.332538 0.654629 +vt 0.007342 0.905932 +vt 0.007387 0.906204 +vt 0.758221 0.678812 +vt 0.332957 0.654960 +vt 0.328292 0.660404 +vt 0.333126 0.655129 +vt 0.409661 0.892391 +vt 0.328093 0.660081 +vt 0.327917 0.659743 +vt 0.327719 0.659427 +vt 0.327755 0.659412 +vt 0.409713 0.892589 +vt 0.007335 0.906226 +vt 0.758199 0.678768 +vt 0.328174 0.660404 +vt 0.328255 0.660433 +vt 0.332854 0.654850 +vt 0.328049 0.660110 +vt 0.332692 0.654703 +vt 0.327888 0.659765 +vt 0.409617 0.892104 +vt 0.327674 0.659441 +vt 0.327946 0.660117 +vt 0.328020 0.660132 +vt 0.333221 0.655195 +vt 0.333155 0.655092 +vt 0.327843 0.659787 +vt 0.332979 0.654923 +vt 0.327638 0.659463 +vt 0.327807 0.659809 +vt 0.327755 0.659809 +vt 0.409713 0.892369 +vt 0.333243 0.655166 +vt 0.333412 0.655364 +vt 0.332883 0.654806 +vt 0.333030 0.654850 +vt 0.409669 0.892097 +vt 0.333008 0.654886 +vt 0.333177 0.655055 +vt 0.409558 0.891840 +vt 0.409617 0.891840 +vt 0.887867 0.785010 +vt 0.888146 0.784995 +vt 0.888146 0.784944 +vt 0.333442 0.655335 +vt 0.333273 0.655129 +vt 0.409720 0.892067 +vt 0.333677 0.655628 +vt 0.333332 0.655063 +vt 0.333207 0.655019 +vt 0.409676 0.891825 +vt 0.333302 0.655092 +vt 0.333471 0.655298 +vt 0.887874 0.784958 +vt 0.888168 0.784892 +vt 0.333699 0.655599 +vt 0.409720 0.891803 +vt 0.333603 0.655298 +vt 0.333501 0.655268 +vt 0.888190 0.784841 +vt 0.887889 0.784900 +vt 0.333743 0.655570 +vt 0.887565 0.785024 +vt 0.887573 0.784958 +vt 0.333941 0.655893 +vt 0.333905 0.655915 +vt 0.887903 0.784855 +vt 0.334103 0.656238 +vt 0.333853 0.655570 +vt 0.333772 0.655540 +vt 0.887580 0.784914 +vt 0.333978 0.655864 +vt 0.887235 0.785032 +vt 0.887257 0.784973 +vt 0.334147 0.656209 +vt 0.887602 0.784863 +vt 0.334074 0.655856 +vt 0.334015 0.655841 +vt 0.887272 0.784922 +vt 0.886890 0.785039 +vt 0.886934 0.784980 +vt 0.334184 0.656187 +vt 0.334309 0.656554 +vt 0.334272 0.656561 +vt 0.887286 0.784870 +vt 0.334272 0.656165 +vt 0.334220 0.656165 +vt 0.886941 0.784929 +vt 0.886522 0.785047 +vt 0.886596 0.784988 +vt 0.334353 0.656532 +vt 0.334434 0.656885 +vt 0.334397 0.656892 +vt 0.886956 0.784878 +vt 0.334492 0.657230 +vt 0.334397 0.656510 +vt 0.334434 0.656495 +vt 0.886603 0.784929 +vt 0.886250 0.784995 +vt 0.886155 0.785054 +vt 0.334478 0.656863 +vt 0.334529 0.657223 +vt 0.334544 0.657575 +vt 0.886610 0.784885 +vt 0.334522 0.656855 +vt 0.334566 0.656833 +vt 0.886250 0.784936 +vt 0.885773 0.785054 +vt 0.885890 0.784995 +vt 0.334573 0.657208 +vt 0.334588 0.657568 +vt 0.885773 0.784995 +vt 0.334566 0.657921 +vt 0.886265 0.784892 +vt 0.334617 0.657201 +vt 0.334661 0.657193 +vt 0.885890 0.784936 +vt 0.327594 0.659486 +vt 0.007511 0.905579 +vt 0.007460 0.905601 +vt 0.885383 0.785054 +vt 0.885530 0.784995 +vt 0.334632 0.657561 +vt 0.007401 0.905616 +vt 0.885773 0.784944 +vt 0.007519 0.905241 +vt 0.007460 0.905286 +vt 0.334610 0.657921 +vt 0.007357 0.905631 +vt 0.885383 0.784995 +vt 0.334558 0.658273 +vt 0.885898 0.784900 +vt 0.007409 0.905300 +vt 0.334676 0.657553 +vt 0.007519 0.904889 +vt 0.007467 0.904955 +vt 0.334720 0.657553 +vt 0.885530 0.784944 +vt 0.327594 0.659096 +vt 0.885780 0.784900 +vt 0.327630 0.659081 +vt 0.007364 0.905315 +vt 0.885170 0.784995 +vt 0.885001 0.785054 +vt 0.007416 0.904962 +vt 0.334661 0.657921 +vt 0.007526 0.904521 +vt 0.007467 0.904617 +vt 0.885383 0.784944 +vt 0.334595 0.658273 +vt 0.334544 0.658383 +vt 0.327542 0.659111 +vt 0.885001 0.784995 +vt 0.327498 0.658758 +vt 0.327542 0.658743 +vt 0.885530 0.784900 +vt 0.007364 0.904977 +vt 0.334588 0.658391 +vt 0.327505 0.659126 +vt 0.334514 0.658619 +vt 0.327461 0.659140 +vt 0.334698 0.657921 +vt 0.007416 0.904617 +vt 0.334742 0.657921 +vt 0.885163 0.784944 +vt 0.007526 0.904147 +vt 0.007475 0.904264 +vt 0.885383 0.784900 +vt 0.327454 0.658765 +vt 0.884619 0.785054 +vt 0.884810 0.784995 +vt 0.334647 0.658273 +vt 0.327483 0.658398 +vt 0.327447 0.658405 +vt 0.884994 0.784944 +vt 0.007475 0.904147 +vt 0.334551 0.658619 +vt 0.334485 0.658751 +vt 0.007372 0.904632 +vt 0.334639 0.658398 +vt 0.327366 0.658788 +vt 0.327410 0.658773 +vt 0.007423 0.904272 +vt 0.884619 0.784995 +vt 0.007533 0.903765 +vt 0.007475 0.903912 +vt 0.885163 0.784900 +vt 0.334522 0.658765 +vt 0.334434 0.658957 +vt 0.327395 0.658413 +vt 0.334691 0.658281 +vt 0.007423 0.904147 +vt 0.334735 0.658288 +vt 0.884803 0.784944 +vt 0.327425 0.658053 +vt 0.327461 0.658053 +vt 0.884252 0.785054 +vt 0.884450 0.784995 +vt 0.884987 0.784900 +vt 0.007475 0.903765 +vt 0.334676 0.658398 +vt 0.007372 0.904272 +vt 0.334691 0.658648 +vt 0.327351 0.658420 +vt 0.327307 0.658420 +vt 0.334603 0.658633 +vt 0.884612 0.784944 +vt 0.007423 0.903912 +vt 0.334470 0.658964 +vt 0.007372 0.904154 +vt 0.007475 0.903552 +vt 0.007526 0.903383 +vt 0.334573 0.658773 +vt 0.884796 0.784900 +vt 0.327373 0.658053 +vt 0.884252 0.784995 +vt 0.007423 0.903765 +vt 0.334647 0.658641 +vt 0.327469 0.657700 +vt 0.327425 0.657700 +vt 0.327476 0.657590 +vt 0.884443 0.784936 +vt 0.007475 0.903383 +vt 0.334389 0.659111 +vt 0.334426 0.659126 +vt 0.007372 0.903912 +vt 0.884112 0.784995 +vt 0.327513 0.657355 +vt 0.327439 0.657583 +vt 0.883892 0.785047 +vt 0.884605 0.784900 +vt 0.327278 0.658060 +vt 0.327322 0.658053 +vt 0.007423 0.903552 +vt 0.334522 0.658979 +vt 0.334617 0.658780 +vt 0.007372 0.903772 +vt 0.334603 0.659008 +vt 0.334323 0.659287 +vt 0.334360 0.659302 +vt 0.334250 0.659463 +vt 0.007526 0.903008 +vt 0.007475 0.903192 +vt 0.884237 0.784936 +vt 0.327381 0.657700 +vt 0.884443 0.784900 +vt 0.007423 0.903375 +vt 0.334470 0.659140 +vt 0.327469 0.657355 +vt 0.327542 0.657223 +vt 0.327395 0.657575 +vt 0.883892 0.784988 +vt 0.334566 0.658993 +vt 0.007467 0.903008 +vt 0.884105 0.784936 +vt 0.007372 0.903552 +vt 0.334287 0.659478 +vt 0.334176 0.659603 +vt 0.327498 0.657215 +vt 0.883775 0.784988 +vt 0.883554 0.785039 +vt 0.327336 0.657700 +vt 0.327292 0.657693 +vt 0.334404 0.659317 +vt 0.007423 0.903192 +vt 0.884230 0.784892 +vt 0.007519 0.902633 +vt 0.007467 0.902839 +vt 0.334514 0.659155 +vt 0.334492 0.659353 +vt 0.334220 0.659625 +vt 0.334081 0.659787 +vt 0.007372 0.903375 +vt 0.327344 0.657575 +vt 0.327344 0.657326 +vt 0.883877 0.784929 +vt 0.327425 0.657348 +vt 0.884090 0.784892 +vt 0.007423 0.903001 +vt 0.327550 0.657002 +vt 0.334331 0.659493 +vt 0.327594 0.657017 +vt 0.327645 0.656863 +vt 0.334448 0.659339 +vt 0.327454 0.657208 +vt 0.883547 0.784980 +vt 0.007372 0.903184 +vt 0.883775 0.784929 +vt 0.007467 0.902633 +vt 0.334118 0.659809 +vt 0.334007 0.659912 +vt 0.327381 0.657333 +vt 0.334257 0.659647 +vt 0.007416 0.902832 +vt 0.883870 0.784885 +vt 0.327704 0.656686 +vt 0.327601 0.656855 +vt 0.334367 0.659515 +vt 0.334338 0.659684 +vt 0.007519 0.902273 +vt 0.007460 0.902494 +vt 0.334044 0.659934 +vt 0.333875 0.660103 +vt 0.007372 0.902993 +vt 0.883539 0.784929 +vt 0.327505 0.656995 +vt 0.883752 0.784885 +vt 0.327410 0.657193 +vt 0.327425 0.656973 +vt 0.334154 0.659838 +vt 0.327777 0.656517 +vt 0.327667 0.656672 +vt 0.334294 0.659662 +vt 0.007416 0.902626 +vt 0.883231 0.785024 +vt 0.883231 0.784973 +vt 0.882937 0.785024 +vt 0.333802 0.660191 +vt 0.333905 0.660125 +vt 0.007364 0.902832 +vt 0.334081 0.659956 +vt 0.327557 0.656833 +vt 0.883517 0.784878 +vt 0.007460 0.902273 +vt 0.327469 0.656980 +vt 0.333838 0.660213 +vt 0.334198 0.659860 +vt 0.007409 0.902486 +vt 0.334154 0.660007 +vt 0.883216 0.784922 +vt 0.327741 0.656503 +vt 0.327843 0.656370 +vt 0.007460 0.902163 +vt 0.007511 0.901928 +vt 0.334118 0.659978 +vt 0.333949 0.660154 +vt 0.327623 0.656657 +vt 0.882930 0.784958 +vt 0.763460 0.678937 +vt 0.763739 0.678929 +vt 0.763739 0.678870 +vt 0.007364 0.902619 +vt 0.333640 0.660382 +vt 0.333669 0.660411 +vt 0.327520 0.656826 +vt 0.327542 0.656628 +vt 0.333875 0.660250 +vt 0.327814 0.656356 +vt 0.883194 0.784870 +vt 0.007409 0.902259 +vt 0.007364 0.902479 +vt 0.333978 0.660176 +vt 0.333949 0.660301 +vt 0.327697 0.656481 +vt 0.882915 0.784907 +vt 0.333905 0.660272 +vt 0.327579 0.656642 +vt 0.333699 0.660448 +vt 0.007460 0.901928 +vt 0.763460 0.678870 +vt 0.763754 0.678812 +vt 0.007409 0.902156 +vt 0.327946 0.656187 +vt 0.327917 0.656165 +vt 0.333405 0.660683 +vt 0.333376 0.660646 +vt 0.328020 0.656069 +vt 0.882893 0.784863 +vt 0.327770 0.656334 +vt 0.333082 0.660881 +vt 0.007364 0.902251 +vt 0.333736 0.660477 +vt 0.333699 0.660580 +vt 0.327652 0.656459 +vt 0.327689 0.656290 +vt 0.763783 0.678768 +vt 0.763482 0.678819 +vt 0.327990 0.656047 +vt 0.333427 0.660712 +vt 0.763166 0.678878 +vt 0.763158 0.678937 +vt 0.007401 0.901921 +vt 0.007364 0.902141 +vt 0.333104 0.660911 +vt 0.327865 0.656143 +vt 0.763496 0.678775 +vt 0.327726 0.656312 +vt 0.332766 0.661080 +vt 0.007445 0.901605 +vt 0.007504 0.901605 +vt 0.333456 0.660749 +vt 0.333434 0.660830 +vt 0.763173 0.678826 +vt 0.328152 0.655878 +vt 0.328115 0.655856 +vt 0.328225 0.655783 +vt 0.333133 0.660955 +vt 0.327946 0.656018 +vt 0.762857 0.678885 +vt 0.762835 0.678937 +vt 0.007357 0.901899 +vt 0.332788 0.661116 +vt 0.328189 0.655761 +vt 0.328387 0.655592 +vt 0.327865 0.655974 +vt 0.327836 0.656121 +vt 0.332435 0.661249 +vt 0.763195 0.678775 +vt 0.333155 0.660984 +vt 0.007394 0.901590 +vt 0.333148 0.661050 +vt 0.762865 0.678834 +vt 0.327910 0.655996 +vt 0.762534 0.678885 +vt 0.328086 0.655827 +vt 0.762483 0.678944 +vt 0.007438 0.901296 +vt 0.007489 0.901304 +vt 0.409551 0.896740 +vt 0.409551 0.897049 +vt 0.409610 0.897056 +vt 0.332810 0.661153 +vt 0.332450 0.661285 +vt 0.328365 0.655562 +vt 0.762879 0.678782 +vt 0.332112 0.661374 +vt 0.328152 0.655731 +vt 0.332832 0.661197 +vt 0.007342 0.901575 +vt 0.332832 0.661249 +vt 0.762541 0.678834 +vt 0.328086 0.655672 +vt 0.328042 0.655797 +vt 0.762123 0.678944 +vt 0.762196 0.678893 +vt 0.007387 0.901289 +vt 0.332472 0.661322 +vt 0.328115 0.655702 +vt 0.328321 0.655533 +vt 0.332119 0.661410 +vt 0.762549 0.678782 +vt 0.409602 0.896747 +vt 0.331774 0.661462 +vt 0.409661 0.897063 +vt 0.332487 0.661366 +vt 0.328659 0.655327 +vt 0.328630 0.655298 +vt 0.332509 0.661410 +vt 0.762196 0.678841 +vt 0.761748 0.678951 +vt 0.761843 0.678893 +vt 0.007335 0.901267 +vt 0.328292 0.655496 +vt 0.328321 0.655393 +vt 0.409654 0.896755 +vt 0.332134 0.661454 +vt 0.409713 0.897085 +vt 0.331781 0.661499 +vt 0.328593 0.655261 +vt 0.762211 0.678790 +vt 0.409544 0.896417 +vt 0.409602 0.896417 +vt 0.332149 0.661499 +vt 0.328923 0.655063 +vt 0.332163 0.661543 +vt 0.328945 0.655092 +vt 0.761851 0.678841 +vt 0.761366 0.678951 +vt 0.761483 0.678893 +vt 0.329261 0.654894 +vt 0.409705 0.896777 +vt 0.328563 0.655232 +vt 0.328593 0.655143 +vt 0.331789 0.661550 +vt 0.331436 0.661557 +vt 0.331429 0.661521 +vt 0.409654 0.896424 +vt 0.328894 0.655019 +vt 0.761366 0.678893 +vt 0.409544 0.896064 +vt 0.409602 0.896093 +vt 0.761858 0.678790 +vt 0.331083 0.661543 +vt 0.331803 0.661594 +vt 0.331811 0.661638 +vt 0.329239 0.654864 +vt 0.409705 0.896446 +vt 0.761491 0.678841 +vt 0.760984 0.678951 +vt 0.761123 0.678893 +vt 0.328887 0.654923 +vt 0.328865 0.654989 +vt 0.331443 0.661609 +vt 0.409654 0.896093 +vt 0.409544 0.895704 +vt 0.409595 0.895748 +vt 0.761373 0.678841 +vt 0.331083 0.661579 +vt 0.329217 0.654820 +vt 0.329592 0.654725 +vt 0.329577 0.654695 +vt 0.760984 0.678893 +vt 0.761491 0.678790 +vt 0.329915 0.654607 +vt 0.409698 0.896116 +vt 0.329195 0.654725 +vt 0.329195 0.654783 +vt 0.331443 0.661645 +vt 0.331451 0.661697 +vt 0.409654 0.895756 +vt 0.761123 0.678841 +vt 0.409536 0.895329 +vt 0.409595 0.895403 +vt 0.761373 0.678790 +vt 0.760594 0.678951 +vt 0.760763 0.678893 +vt 0.329555 0.654651 +vt 0.331083 0.661631 +vt 0.329901 0.654570 +vt 0.409698 0.895770 +vt 0.760976 0.678841 +vt 0.329519 0.654570 +vt 0.329541 0.654607 +vt 0.330731 0.661528 +vt 0.330723 0.661572 +vt 0.330621 0.661521 +vt 0.409654 0.895403 +vt 0.760594 0.678893 +vt 0.409536 0.894940 +vt 0.409595 0.895043 +vt 0.761123 0.678790 +vt 0.330613 0.661565 +vt 0.329893 0.654526 +vt 0.330385 0.661491 +vt 0.331083 0.661675 +vt 0.330246 0.654475 +vt 0.330253 0.654512 +vt 0.331083 0.661719 +vt 0.760763 0.678841 +vt 0.409698 0.895410 +vt 0.760976 0.678790 +vt 0.329864 0.654438 +vt 0.329879 0.654475 +vt 0.760212 0.678951 +vt 0.760403 0.678893 +vt 0.409654 0.895043 +vt 0.409595 0.894683 +vt 0.330723 0.661623 +vt 0.409536 0.894558 +vt 0.760594 0.678841 +vt 0.330238 0.654424 +vt 0.330378 0.661528 +vt 0.330253 0.661462 +vt 0.330599 0.654416 +vt 0.330599 0.654453 +vt 0.330606 0.661609 +vt 0.409595 0.894558 +vt 0.760212 0.678893 +vt 0.409698 0.895050 +vt 0.760763 0.678790 +vt 0.330224 0.654387 +vt 0.330216 0.654343 +vt 0.409654 0.894683 +vt 0.330723 0.661668 +vt 0.409544 0.894176 +vt 0.409595 0.894316 +vt 0.330723 0.661712 +vt 0.760396 0.678841 +vt 0.760587 0.678790 +vt 0.330944 0.654431 +vt 0.330599 0.661653 +vt 0.330371 0.661572 +vt 0.409698 0.894683 +vt 0.929380 0.045907 +vt 0.929388 0.045496 +vt 0.929402 0.045114 +vt 0.929417 0.044761 +vt 0.459094 0.943606 +vt 0.458749 0.943614 +vt 0.458367 0.943621 +vt 0.457963 0.943621 +vt 0.457544 0.943628 +vt 0.457103 0.943636 +vt 0.456640 0.943636 +vt 0.456163 0.943643 +vt 0.455678 0.943643 +vt 0.455178 0.943643 +vt 0.454679 0.943643 +vt 0.454179 0.943643 +vt 0.453665 0.943643 +vt 0.453165 0.943643 +vt 0.452666 0.943643 +vt 0.452174 0.943636 +vt 0.451696 0.943636 +vt 0.451218 0.943628 +vt 0.450770 0.943621 +vt 0.450337 0.943614 +vt 0.449925 0.943614 +vt 0.449536 0.943606 +vt 0.934067 0.203773 +vt 0.934082 0.203376 +vt 0.934097 0.202957 +vt 0.934104 0.202517 +vt 0.934111 0.202054 +vt 0.934119 0.201584 +vt 0.934126 0.201106 +vt 0.934126 0.200606 +vt 0.934126 0.200107 +vt 0.934133 0.199607 +vt 0.934133 0.199100 +vt 0.934126 0.198601 +vt 0.934126 0.198101 +vt 0.934126 0.197609 +vt 0.934119 0.197131 +vt 0.934111 0.196669 +vt 0.934097 0.196213 +vt 0.934089 0.195780 +vt 0.934075 0.195368 +vt 0.934060 0.194979 +vt 0.934053 0.194611 +vt 0.929402 0.129226 +vt 0.929395 0.128859 +vt 0.929387 0.128469 +vt 0.929380 0.128050 +vt 0.929373 0.127624 +vt 0.929373 0.127169 +vt 0.929373 0.126699 +vt 0.929365 0.126214 +vt 0.929365 0.125729 +vt 0.929358 0.125222 +vt 0.929358 0.124722 +vt 0.929358 0.124215 +vt 0.929358 0.123708 +vt 0.929358 0.123209 +vt 0.929365 0.122709 +vt 0.929365 0.122224 +vt 0.929373 0.121754 +vt 0.929373 0.121291 +vt 0.929380 0.120851 +vt 0.929387 0.120432 +vt 0.929395 0.120028 +vt 0.929402 0.119653 +vt 0.929417 0.054738 +vt 0.929395 0.054371 +vt 0.929380 0.053989 +vt 0.929373 0.053570 +vt 0.929358 0.053137 +vt 0.929351 0.052681 +vt 0.929351 0.052211 +vt 0.929344 0.051733 +vt 0.929336 0.051241 +vt 0.929329 0.050742 +vt 0.929329 0.050227 +vt 0.929329 0.049720 +vt 0.929329 0.049214 +vt 0.929329 0.048707 +vt 0.929336 0.048207 +vt 0.929344 0.047722 +vt 0.929351 0.047237 +vt 0.929351 0.046774 +vt 0.929366 0.046334 +vt 0.887624 0.808652 +vt 0.887918 0.808637 +vt 0.888190 0.808630 +vt 0.385909 0.891803 +vt 0.385909 0.892060 +vt 0.385901 0.892339 +vt 0.385894 0.892640 +vt 0.385894 0.892971 +vt 0.385887 0.893309 +vt 0.385887 0.893669 +vt 0.385887 0.894036 +vt 0.385887 0.894404 +vt 0.385887 0.894786 +vt 0.385887 0.895153 +vt 0.385887 0.895520 +vt 0.385887 0.895873 +vt 0.385887 0.896218 +vt 0.385887 0.896542 +vt 0.385894 0.896858 +vt 0.385901 0.897137 +vt 0.030889 0.901406 +vt 0.030904 0.901708 +vt 0.030904 0.902031 +vt 0.030911 0.902369 +vt 0.030919 0.902721 +vt 0.030919 0.903081 +vt 0.030926 0.903449 +vt 0.030926 0.903823 +vt 0.030926 0.904191 +vt 0.030919 0.904551 +vt 0.030919 0.904904 +vt 0.030911 0.905249 +vt 0.030904 0.905572 +vt 0.030896 0.905873 +vt 0.030889 0.906160 +vt 0.758229 0.702645 +vt 0.758493 0.702645 +vt 0.758787 0.702652 +vt 0.759096 0.702660 +vt 0.759426 0.702660 +vt 0.759772 0.702667 +vt 0.760131 0.702667 +vt 0.760499 0.702674 +vt 0.760866 0.702674 +vt 0.761248 0.702674 +vt 0.761616 0.702667 +vt 0.761983 0.702667 +vt 0.762336 0.702667 +vt 0.762681 0.702660 +vt 0.763004 0.702652 +vt 0.763313 0.702652 +vt 0.763592 0.702645 +vt 0.882849 0.808645 +vt 0.883113 0.808652 +vt 0.883415 0.808667 +vt 0.883730 0.808667 +vt 0.884061 0.808674 +vt 0.884414 0.808674 +vt 0.884774 0.808681 +vt 0.885148 0.808681 +vt 0.885523 0.808681 +vt 0.885890 0.808681 +vt 0.886265 0.808674 +vt 0.886618 0.808667 +vt 0.886970 0.808667 +vt 0.887308 0.808659 +vt 0.928244 0.627411 +vt 0.927546 0.627741 +vt 0.927825 0.627962 +vt 0.927950 0.627176 +vt 0.928516 0.627668 +vt 0.928075 0.628211 +vt 0.928765 0.627962 +vt 0.928288 0.628491 +vt 0.928979 0.628270 +vt 0.928472 0.628792 +vt 0.929162 0.628601 +vt 0.928618 0.629115 +vt 0.929302 0.628946 +vt 0.928729 0.629446 +vt 0.929412 0.629313 +vt 0.928802 0.629791 +vt 0.929485 0.629681 +vt 0.929522 0.630055 +vt 0.928824 0.630144 +vt 0.929522 0.630437 +vt 0.928817 0.630496 +vt 0.929478 0.630812 +vt 0.928765 0.630849 +vt 0.929405 0.631180 +vt 0.928670 0.631180 +vt 0.929287 0.631540 +vt 0.928545 0.631510 +vt 0.929140 0.631885 +vt 0.928376 0.631819 +vt 0.928949 0.632208 +vt 0.928729 0.632524 +vt 0.928170 0.632113 +vt 0.928486 0.632811 +vt 0.927935 0.632370 +vt 0.928207 0.633068 +vt 0.927671 0.632605 +vt 0.927906 0.633295 +vt 0.927384 0.632803 +vt 0.927590 0.633494 +vt 0.927068 0.632972 +vt 0.927245 0.633655 +vt 0.926745 0.633097 +vt 0.926892 0.633780 +vt 0.926400 0.633185 +vt 0.926525 0.633876 +vt 0.926157 0.633935 +vt 0.926054 0.633237 +vt 0.925775 0.633942 +vt 0.925702 0.633251 +vt 0.925401 0.633927 +vt 0.925357 0.633215 +vt 0.925026 0.633861 +vt 0.925011 0.633141 +vt 0.924659 0.633773 +vt 0.924673 0.633031 +vt 0.924306 0.633633 +vt 0.924350 0.632877 +vt 0.923975 0.633464 +vt 0.924056 0.632693 +vt 0.923659 0.633266 +vt 0.923358 0.633038 +vt 0.923777 0.632473 +vt 0.923086 0.632766 +vt 0.923534 0.632223 +vt 0.922844 0.632487 +vt 0.923314 0.631951 +vt 0.922623 0.632171 +vt 0.923130 0.631650 +vt 0.922447 0.631841 +vt 0.922983 0.631334 +vt 0.922300 0.631495 +vt 0.922873 0.630996 +vt 0.922183 0.631135 +vt 0.922800 0.630651 +vt 0.922117 0.630761 +vt 0.922080 0.630386 +vt 0.922770 0.630298 +vt 0.922080 0.630011 +vt 0.922785 0.629945 +vt 0.922124 0.629629 +vt 0.922837 0.629600 +vt 0.922205 0.629262 +vt 0.922925 0.629255 +vt 0.922315 0.628902 +vt 0.923057 0.628931 +vt 0.922469 0.628564 +vt 0.923233 0.628623 +vt 0.922653 0.628226 +vt 0.922866 0.627925 +vt 0.923432 0.628336 +vt 0.923116 0.627638 +vt 0.923667 0.628072 +vt 0.923395 0.627374 +vt 0.923931 0.627837 +vt 0.923689 0.627146 +vt 0.924225 0.627638 +vt 0.924012 0.626955 +vt 0.924526 0.627469 +vt 0.924357 0.626786 +vt 0.924864 0.627337 +vt 0.924703 0.626654 +vt 0.925195 0.627249 +vt 0.925070 0.626566 +vt 0.925452 0.626514 +vt 0.925547 0.627198 +vt 0.925827 0.626492 +vt 0.925900 0.627190 +vt 0.926201 0.626514 +vt 0.926253 0.627227 +vt 0.926569 0.626573 +vt 0.926598 0.627293 +vt 0.926936 0.626676 +vt 0.926929 0.627411 +vt 0.927289 0.626801 +vt 0.927245 0.627558 +vt 0.927627 0.626970 +vt 0.901123 0.251154 +vt 0.901513 0.246460 +vt 0.898802 0.246232 +vt 0.898405 0.250934 +vt 0.897251 0.248473 +vt 0.902673 0.248921 +vt 0.326822 0.653123 +vt 0.327204 0.652829 +vt 0.326477 0.653454 +vt 0.324603 0.658229 +vt 0.324640 0.658707 +vt 0.324603 0.657752 +vt 0.326154 0.653806 +vt 0.324640 0.657274 +vt 0.325852 0.654174 +vt 0.324714 0.656797 +vt 0.325581 0.654570 +vt 0.325338 0.654989 +vt 0.324817 0.656326 +vt 0.324956 0.655864 +vt 0.325132 0.655423 +vt 0.337071 0.660110 +vt 0.336895 0.660558 +vt 0.337211 0.659647 +vt 0.336689 0.660984 +vt 0.337321 0.659184 +vt 0.337394 0.658707 +vt 0.336447 0.661396 +vt 0.336182 0.661800 +vt 0.335881 0.662167 +vt 0.337424 0.658229 +vt 0.337424 0.657752 +vt 0.335550 0.662520 +vt 0.335198 0.662850 +vt 0.334823 0.663152 +vt 0.337394 0.657274 +vt 0.337321 0.656797 +vt 0.334426 0.663423 +vt 0.337211 0.656326 +vt 0.334015 0.663658 +vt 0.337071 0.655864 +vt 0.333574 0.663872 +vt 0.333133 0.664041 +vt 0.336689 0.654989 +vt 0.336895 0.655423 +vt 0.332678 0.664180 +vt 0.336447 0.654570 +vt 0.332207 0.664290 +vt 0.336182 0.654174 +vt 0.331737 0.664364 +vt 0.331252 0.664401 +vt 0.335881 0.653806 +vt 0.335550 0.653454 +vt 0.330775 0.664401 +vt 0.335198 0.653123 +vt 0.330297 0.664364 +vt 0.334823 0.652829 +vt 0.329820 0.664290 +vt 0.334426 0.652557 +vt 0.329357 0.664180 +vt 0.334015 0.652315 +vt 0.328894 0.664041 +vt 0.333574 0.652109 +vt 0.328446 0.663872 +vt 0.333133 0.651933 +vt 0.328020 0.663658 +vt 0.332678 0.651793 +vt 0.327601 0.663423 +vt 0.332207 0.651683 +vt 0.327204 0.663152 +vt 0.331737 0.651617 +vt 0.326822 0.662850 +vt 0.331252 0.651573 +vt 0.326477 0.662520 +vt 0.330775 0.651573 +vt 0.326154 0.662167 +vt 0.330297 0.651617 +vt 0.325852 0.661800 +vt 0.329820 0.651683 +vt 0.325581 0.661403 +vt 0.329357 0.651793 +vt 0.325338 0.660984 +vt 0.328894 0.651933 +vt 0.325132 0.660558 +vt 0.328446 0.652109 +vt 0.324956 0.660110 +vt 0.328020 0.652315 +vt 0.324817 0.659647 +vt 0.327601 0.652557 +vt 0.324714 0.659184 +vt 0.254504 0.991301 +vt 0.253167 0.994798 +vt 0.255841 0.994790 +vt 0.253167 0.991301 +vt 0.255841 0.991293 +vt 0.889373 0.982653 +vt 0.891680 0.982580 +vt 0.890526 0.978855 +vt 0.891680 0.978818 +vt 0.889373 0.978892 +vt 0.888036 0.978870 +vt 0.886699 0.982609 +vt 0.886699 0.978840 +vt 0.063075 0.993461 +vt 0.059585 0.994805 +vt 0.059585 0.992123 +vt 0.063075 0.994805 +vt 0.063075 0.992123 +vt 0.908677 0.978865 +vt 0.906311 0.978931 +vt 0.907494 0.982656 +vt 0.906311 0.982685 +vt 0.908677 0.982619 +vt 0.911300 0.978916 +vt 0.909992 0.982649 +vt 0.911300 0.982671 +vt 0.886323 0.958654 +vt 0.886330 0.961519 +vt 0.888813 0.962952 +vt 0.891297 0.961527 +vt 0.891297 0.958654 +vt 0.888813 0.957222 +vt 0.761763 0.554294 +vt 0.761903 0.554007 +vt 0.761653 0.553802 +vt 0.761359 0.553691 +vt 0.761440 0.553376 +vt 0.761440 0.552729 +vt 0.761220 0.552119 +vt 0.761065 0.552516 +vt 0.760683 0.552428 +vt 0.760830 0.552832 +vt 0.761161 0.553052 +vt 0.759824 0.552472 +vt 0.759611 0.552428 +vt 0.759655 0.552634 +vt 0.759743 0.552663 +vt 0.760323 0.552450 +vt 0.760404 0.552097 +vt 0.760074 0.552244 +vt 0.760008 0.552575 +vt 0.760030 0.551884 +vt 0.760801 0.552060 +vt 0.760808 0.551627 +vt 0.759772 0.552134 +vt 0.759611 0.551811 +vt 0.760390 0.551708 +vt 0.760250 0.551296 +vt 0.759442 0.552134 +vt 0.759185 0.551884 +vt 0.759398 0.552465 +vt 0.759875 0.551524 +vt 0.759611 0.551194 +vt 0.759207 0.552575 +vt 0.759141 0.552244 +vt 0.758810 0.552097 +vt 0.759339 0.551517 +vt 0.758972 0.551304 +vt 0.758898 0.552450 +vt 0.758538 0.552428 +vt 0.759074 0.552736 +vt 0.758832 0.551708 +vt 0.758413 0.551627 +vt 0.758736 0.552736 +vt 0.759001 0.552942 +vt 0.758384 0.552839 +vt 0.757994 0.552119 +vt 0.758421 0.552060 +vt 0.758678 0.553045 +vt 0.759001 0.553155 +vt 0.758384 0.553265 +vt 0.759074 0.553361 +vt 0.759207 0.553530 +vt 0.759273 0.553295 +vt 0.758156 0.552523 +vt 0.757774 0.552729 +vt 0.758531 0.553677 +vt 0.758729 0.553368 +vt 0.759339 0.553368 +vt 0.757774 0.553376 +vt 0.758053 0.553052 +vt 0.759390 0.553633 +vt 0.759420 0.553420 +vt 0.759449 0.553317 +vt 0.759501 0.553339 +vt 0.758898 0.553647 +vt 0.758810 0.554000 +vt 0.759611 0.553669 +vt 0.759552 0.553361 +vt 0.758149 0.553581 +vt 0.757994 0.553985 +vt 0.759603 0.553361 +vt 0.759141 0.553860 +vt 0.759185 0.554220 +vt 0.759817 0.553633 +vt 0.759655 0.553353 +vt 0.758421 0.554051 +vt 0.758413 0.554478 +vt 0.759714 0.553339 +vt 0.759442 0.553963 +vt 0.759611 0.554294 +vt 0.760008 0.553522 +vt 0.759765 0.553317 +vt 0.758832 0.554397 +vt 0.758979 0.554801 +vt 0.759809 0.553287 +vt 0.759772 0.553971 +vt 0.760030 0.554220 +vt 0.759339 0.554580 +vt 0.759603 0.554918 +vt 0.760074 0.553853 +vt 0.760404 0.554007 +vt 0.760081 0.553449 +vt 0.005288 0.749554 +vt 0.005156 0.749554 +vt 0.005024 0.749554 +vt 0.759846 0.553251 +vt 0.759875 0.554580 +vt 0.760243 0.554801 +vt 0.760390 0.554397 +vt 0.760808 0.554478 +vt 0.761036 0.554250 +vt 0.761580 0.554566 +vt 0.761279 0.554448 +vt 0.759897 0.553155 +vt 0.759912 0.553104 +vt 0.759758 0.553089 +vt 0.759603 0.553045 +vt 0.759758 0.553074 +vt 0.759765 0.553060 +vt 0.759919 0.553045 +vt 0.759758 0.553045 +vt 0.759912 0.552993 +vt 0.759758 0.553030 +vt 0.759758 0.553023 +vt 0.759758 0.553008 +vt 0.759897 0.552942 +vt 0.759875 0.552898 +vt 0.760448 0.553442 +vt 0.760191 0.553258 +vt 0.760221 0.553155 +vt 0.760536 0.553052 +vt 0.760830 0.553265 +vt 0.759611 0.552839 +vt 0.762013 0.553699 +vt 0.761903 0.553456 +vt 0.762072 0.553376 +vt 0.762094 0.553060 +vt 0.759457 0.552553 +vt 0.759567 0.552898 +vt 0.759376 0.552589 +vt 0.759390 0.552780 +vt 0.759185 0.552803 +vt 0.759251 0.552839 +vt 0.759265 0.552935 +vt 0.759339 0.552891 +vt 0.762013 0.552406 +vt 0.761903 0.552105 +vt 0.759229 0.553052 +vt 0.759097 0.553082 +vt 0.759104 0.553170 +vt 0.759648 0.553199 +vt 0.759662 0.553199 +vt 0.759670 0.553192 +vt 0.759684 0.553185 +vt 0.759699 0.553177 +vt 0.761763 0.551811 +vt 0.761587 0.551539 +vt 0.759706 0.553170 +vt 0.759714 0.553162 +vt 0.760368 0.553589 +vt 0.760852 0.555205 +vt 0.761117 0.555021 +vt 0.761110 0.554838 +vt 0.761367 0.554808 +vt 0.759670 0.553001 +vt 0.759846 0.552854 +vt 0.759802 0.552810 +vt 0.759758 0.552780 +vt 0.759721 0.552905 +vt 0.759684 0.552913 +vt 0.761367 0.551296 +vt 0.761124 0.551083 +vt 0.760852 0.550900 +vt 0.761705 0.553052 +vt 0.762072 0.552729 +vt 0.759405 0.553052 +vt 0.759310 0.553133 +vt 0.759457 0.553089 +vt 0.760559 0.550753 +vt 0.759310 0.553221 +vt 0.760257 0.550657 +vt 0.759941 0.550591 +vt 0.759545 0.553096 +vt 0.759420 0.553192 +vt 0.759552 0.553133 +vt 0.760250 0.555447 +vt 0.760559 0.555352 +vt 0.760661 0.554867 +vt 0.759603 0.553016 +vt 0.132162 0.912260 +vt 0.132191 0.912164 +vt 0.132162 0.912135 +vt 0.759559 0.552986 +vt 0.759611 0.550569 +vt 0.759288 0.550591 +vt 0.759464 0.552935 +vt 0.759471 0.552971 +vt 0.759493 0.553008 +vt 0.758972 0.550650 +vt 0.758663 0.550760 +vt 0.758369 0.550907 +vt 0.758097 0.551083 +vt 0.757855 0.551296 +vt 0.757642 0.551539 +vt 0.757465 0.551811 +vt 0.757319 0.552105 +vt 0.757216 0.552413 +vt 0.757150 0.552729 +vt 0.757128 0.553052 +vt 0.757150 0.553376 +vt 0.757216 0.553691 +vt 0.757319 0.554007 +vt 0.757458 0.554294 +vt 0.757642 0.554566 +vt 0.757855 0.554808 +vt 0.758097 0.555021 +vt 0.758369 0.555205 +vt 0.758656 0.555352 +vt 0.758972 0.555455 +vt 0.759288 0.555521 +vt 0.759611 0.555535 +vt 0.759934 0.555513 +vt 0.005024 0.769813 +vt 0.005288 0.769813 +vt 0.005156 0.769813 +vt 0.760221 0.552942 +vt 0.760147 0.552736 +vt 0.760485 0.552736 +vt 0.759831 0.552707 +vt 0.928838 0.590913 +vt 0.929176 0.590766 +vt 0.929169 0.590913 +vt 0.928831 0.591074 +vt 0.928618 0.591074 +vt 0.929472 0.334415 +vt 0.929472 0.334532 +vt 0.929325 0.334466 +vt 0.929318 0.334121 +vt 0.929163 0.334496 +vt 0.929156 0.334150 +vt 0.802068 0.903967 +vt 0.801745 0.904305 +vt 0.802164 0.904040 +vt 0.801650 0.904209 +vt 0.796492 0.893850 +vt 0.796669 0.893821 +vt 0.796646 0.893689 +vt 0.928324 0.591074 +vt 0.928317 0.591236 +vt 0.796470 0.893711 +vt 0.928625 0.590913 +vt 0.796140 0.893777 +vt 0.796117 0.893659 +vt 0.796683 0.893968 +vt 0.796705 0.894108 +vt 0.796970 0.893939 +vt 0.801554 0.904107 +vt 0.801532 0.903916 +vt 0.801179 0.904239 +vt 0.801209 0.904408 +vt 0.801297 0.904518 +vt 0.929141 0.333658 +vt 0.928980 0.334062 +vt 0.928965 0.333599 +vt 0.802179 0.903835 +vt 0.802274 0.903916 +vt 0.796007 0.893799 +vt 0.795978 0.893689 +vt 0.928846 0.590766 +vt 0.929465 0.334069 +vt 0.928074 0.591067 +vt 0.927817 0.591236 +vt 0.796522 0.893990 +vt 0.796235 0.894188 +vt 0.801973 0.903871 +vt 0.928339 0.590913 +vt 0.796176 0.893909 +vt 0.928640 0.590766 +vt 0.929303 0.333629 +vt 0.802068 0.903747 +vt 0.802377 0.903600 +vt 0.796044 0.893939 +vt 0.802473 0.903666 +vt 0.795647 0.893902 +vt 0.795611 0.893792 +vt 0.927824 0.591067 +vt 0.796198 0.894041 +vt 0.928082 0.590905 +vt 0.929134 0.333136 +vt 0.928965 0.333122 +vt 0.801863 0.903776 +vt 0.801855 0.903563 +vt 0.928353 0.590758 +vt 0.929450 0.333592 +vt 0.802495 0.903431 +vt 0.802590 0.903504 +vt 0.796073 0.894078 +vt 0.795765 0.894306 +vt 0.795684 0.894034 +vt 0.801966 0.903658 +vt 0.927538 0.591060 +vt 0.927325 0.591228 +vt 0.929303 0.333114 +vt 0.802267 0.903511 +vt 0.795162 0.894071 +vt 0.795118 0.893953 +vt 0.927839 0.590905 +vt 0.795728 0.894166 +vt 0.795317 0.894468 +vt 0.928111 0.590758 +vt 0.929127 0.332615 +vt 0.928958 0.332622 +vt 0.928950 0.332115 +vt 0.802649 0.903203 +vt 0.802744 0.903269 +vt 0.794633 0.894174 +vt 0.929443 0.333085 +vt 0.927332 0.591060 +vt 0.795206 0.894196 +vt 0.802377 0.903350 +vt 0.929288 0.332600 +vt 0.802149 0.903423 +vt 0.802149 0.903188 +vt 0.794692 0.894276 +vt 0.927560 0.590898 +vt 0.929119 0.332108 +vt 0.928943 0.331594 +vt 0.927861 0.590758 +vt 0.795265 0.894328 +vt 0.794883 0.894659 +vt 0.802774 0.903005 +vt 0.802877 0.903063 +vt 0.929435 0.332571 +vt 0.802531 0.903129 +vt 0.794751 0.894401 +vt 0.802267 0.903269 +vt 0.929281 0.332093 +vt 0.927354 0.590898 +vt 0.794251 0.894512 +vt 0.927024 0.591052 +vt 0.926855 0.591221 +vt 0.794193 0.894416 +vt 0.929119 0.331594 +vt 0.927589 0.590758 +vt 0.928943 0.331072 +vt 0.794817 0.894526 +vt 0.802891 0.902799 +vt 0.802994 0.902858 +vt 0.929435 0.332078 +vt 0.926862 0.591052 +vt 0.794325 0.894637 +vt 0.802656 0.902931 +vt 0.929281 0.331586 +vt 0.802414 0.903049 +vt 0.802406 0.902784 +vt 0.793855 0.894776 +vt 0.793781 0.894681 +vt 0.927384 0.590758 +vt 0.929112 0.331072 +vt 0.928943 0.330550 +vt 0.927046 0.590891 +vt 0.794398 0.894754 +vt 0.794464 0.894886 +vt 0.803016 0.902549 +vt 0.803119 0.902600 +vt 0.929428 0.331579 +vt 0.793399 0.894974 +vt 0.802766 0.902725 +vt 0.793935 0.894886 +vt 0.926884 0.590891 +vt 0.802531 0.902865 +vt 0.929274 0.331072 +vt 0.926524 0.591045 +vt 0.926392 0.591214 +vt 0.793473 0.895063 +vt 0.803097 0.902373 +vt 0.803207 0.902417 +vt 0.929112 0.330550 +vt 0.794016 0.895004 +vt 0.794060 0.895151 +vt 0.927082 0.590751 +vt 0.929428 0.331072 +vt 0.802891 0.902490 +vt 0.802642 0.902659 +vt 0.802634 0.902365 +vt 0.929112 0.330374 +vt 0.928943 0.330036 +vt 0.793568 0.895173 +vt 0.926928 0.590744 +vt 0.926553 0.590883 +vt 0.929274 0.330558 +vt 0.802972 0.902314 +vt 0.793120 0.895386 +vt 0.793039 0.895298 +vt 0.803222 0.902086 +vt 0.803325 0.902123 +vt 0.802759 0.902431 +vt 0.929274 0.330374 +vt 0.929112 0.330036 +vt 0.926046 0.591037 +vt 0.793656 0.895283 +vt 0.793686 0.895445 +vt 0.925958 0.591199 +vt 0.929428 0.330558 +vt 0.803273 0.901925 +vt 0.803391 0.901969 +vt 0.929112 0.329816 +vt 0.928943 0.329514 +vt 0.926590 0.590736 +vt 0.802847 0.902255 +vt 0.802825 0.901925 +vt 0.793216 0.895481 +vt 0.803090 0.902027 +vt 0.929428 0.330381 +vt 0.926076 0.590876 +vt 0.929274 0.330036 +vt 0.792789 0.895724 +vt 0.792701 0.895643 +vt 0.792598 0.895768 +vt 0.803148 0.901881 +vt 0.803384 0.901594 +vt 0.803501 0.901631 +vt 0.929119 0.329514 +vt 0.802957 0.901976 +vt 0.929281 0.329823 +vt 0.793318 0.895577 +vt 0.793333 0.895768 +vt 0.925598 0.591023 +vt 0.925539 0.591192 +vt 0.926135 0.590722 +vt 0.792687 0.895849 +vt 0.929428 0.330051 +vt 0.803009 0.901829 +vt 0.802979 0.901476 +vt 0.929119 0.329257 +vt 0.803251 0.901557 +vt 0.928950 0.329000 +vt 0.925628 0.590861 +vt 0.792900 0.895819 +vt 0.929281 0.329529 +vt 0.803508 0.901102 +vt 0.929428 0.329830 +vt 0.803626 0.901124 +vt 0.803119 0.901513 +vt 0.803090 0.901014 +vt 0.792797 0.895937 +vt 0.925179 0.591008 +vt 0.925150 0.591177 +vt 0.792488 0.896091 +vt 0.792400 0.896025 +vt 0.929119 0.329007 +vt 0.925694 0.590714 +vt 0.929281 0.329272 +vt 0.803376 0.901072 +vt 0.793002 0.895908 +vt 0.793017 0.896128 +vt 0.925216 0.590846 +vt 0.929428 0.329544 +vt 0.803589 0.900595 +vt 0.803707 0.900602 +vt 0.792378 0.896253 +vt 0.792275 0.896179 +vt 0.792907 0.896025 +vt 0.677101 0.934662 +vt 0.677270 0.934647 +vt 0.677270 0.935037 +vt 0.924805 0.590993 +vt 0.924790 0.591162 +vt 0.929127 0.328721 +vt 0.928958 0.328501 +vt 0.803237 0.901043 +vt 0.803171 0.900543 +vt 0.792598 0.896172 +vt 0.925282 0.590699 +vt 0.929281 0.329022 +vt 0.803457 0.900580 +vt 0.929428 0.329294 +vt 0.924842 0.590832 +vt 0.792216 0.896481 +vt 0.792121 0.896414 +vt 0.791989 0.896627 +vt 0.803633 0.900081 +vt 0.803751 0.900088 +vt 0.677108 0.935044 +vt 0.929127 0.328508 +vt 0.792481 0.896334 +vt 0.803310 0.900558 +vt 0.803207 0.900066 +vt 0.792716 0.896260 +vt 0.924915 0.590692 +vt 0.792723 0.896503 +vt 0.803494 0.900073 +vt 0.929288 0.328736 +vt 0.676947 0.935081 +vt 0.929435 0.329044 +vt 0.792091 0.896686 +vt 0.676939 0.934699 +vt 0.803633 0.899596 +vt 0.803751 0.899588 +vt 0.791871 0.896841 +vt 0.792334 0.896554 +vt 0.677116 0.935456 +vt 0.792598 0.896414 +vt 0.677277 0.935448 +vt 0.677285 0.935882 +vt 0.803354 0.900066 +vt 0.929288 0.328523 +vt 0.676800 0.935140 +vt 0.676800 0.934765 +vt 0.929134 0.328185 +vt 0.928965 0.328016 +vt 0.803494 0.899603 +vt 0.929435 0.328758 +vt 0.676954 0.935485 +vt 0.791981 0.896892 +vt 0.929134 0.328023 +vt 0.803597 0.899118 +vt 0.792216 0.896752 +vt 0.803714 0.899103 +vt 0.792459 0.896635 +vt 0.677116 0.935889 +vt 0.792459 0.896899 +vt 0.803354 0.899603 +vt 0.803207 0.899588 +vt 0.929435 0.328559 +vt 0.929296 0.328214 +vt 0.677116 0.936021 +vt 0.677292 0.936337 +vt 0.676807 0.935544 +vt 0.791856 0.897134 +vt 0.791746 0.897083 +vt 0.792099 0.896958 +vt 0.803457 0.899133 +vt 0.929296 0.328052 +vt 0.676954 0.935918 +vt 0.792341 0.896826 +vt 0.929134 0.327678 +vt 0.676954 0.936051 +vt 0.928965 0.327545 +vt 0.803523 0.898648 +vt 0.803633 0.898626 +vt 0.791768 0.897318 +vt 0.791658 0.897267 +vt 0.929435 0.328243 +vt 0.791533 0.897561 +vt 0.677123 0.936337 +vt 0.803317 0.899147 +vt 0.803163 0.899111 +vt 0.791981 0.897193 +vt 0.792224 0.897024 +vt 0.792238 0.897325 +vt 0.676815 0.935962 +vt 0.929443 0.328082 +vt 0.929303 0.327700 +vt 0.677123 0.936513 +vt 0.677299 0.936807 +vt 0.791893 0.897377 +vt 0.676815 0.936087 +vt 0.803384 0.898677 +vt 0.791643 0.897605 +vt 0.791474 0.897715 +vt 0.792106 0.897259 +vt 0.676961 0.936374 +vt 0.929149 0.327185 +vt 0.928980 0.327090 +vt 0.803413 0.898185 +vt 0.803531 0.898156 +vt 0.677130 0.936815 +vt 0.791592 0.897759 +vt 0.929450 0.327744 +vt 0.676961 0.936536 +vt 0.803251 0.898699 +vt 0.803082 0.898641 +vt 0.792018 0.897428 +vt 0.792047 0.897759 +vt 0.791776 0.897656 +vt 0.803376 0.898053 +vt 0.803486 0.898023 +vt 0.929310 0.327215 +vt 0.676822 0.936411 +vt 0.791724 0.897803 +vt 0.677130 0.937028 +vt 0.677307 0.937292 +vt 0.803273 0.898222 +vt 0.791474 0.898090 +vt 0.791371 0.898060 +vt 0.791908 0.897707 +vt 0.676969 0.936837 +vt 0.929163 0.326715 +vt 0.928994 0.326664 +vt 0.676822 0.936580 +vt 0.929457 0.327266 +vt 0.803244 0.898097 +vt 0.803266 0.897730 +vt 0.791856 0.897854 +vt 0.791893 0.898214 +vt 0.803376 0.897693 +vt 0.791614 0.898134 +vt 0.677130 0.937300 +vt 0.929325 0.326752 +vt 0.676969 0.937050 +vt 0.803141 0.898259 +vt 0.802972 0.898178 +vt 0.791357 0.898589 +vt 0.791239 0.898567 +vt 0.791746 0.898170 +vt 0.791776 0.898670 +vt 0.676829 0.936873 +vt 0.803207 0.897568 +vt 0.803317 0.897524 +vt 0.929171 0.326274 +vt 0.929002 0.326252 +vt 0.803193 0.897245 +vt 0.803112 0.898134 +vt 0.929465 0.326811 +vt 0.677138 0.937557 +vt 0.791496 0.898618 +vt 0.677307 0.937792 +vt 0.803141 0.897781 +vt 0.929332 0.326319 +vt 0.676969 0.937322 +vt 0.676829 0.937079 +vt 0.791276 0.899096 +vt 0.791151 0.899081 +vt 0.803090 0.897289 +vt 0.929193 0.325892 +vt 0.929016 0.325870 +vt 0.929031 0.325525 +vt 0.803075 0.897619 +vt 0.791629 0.898641 +vt 0.791702 0.899147 +vt 0.677138 0.937792 +vt 0.929479 0.326377 +vt 0.676976 0.937571 +vt 0.791416 0.899111 +vt 0.803009 0.897832 +vt 0.802810 0.897722 +vt 0.817861 0.933810 +vt 0.818375 0.933641 +vt 0.817861 0.933641 +vt 0.929354 0.325929 +vt 0.676829 0.937344 +vt 0.803002 0.897105 +vt 0.803104 0.897046 +vt 0.791232 0.899610 +vt 0.791114 0.899603 +vt 0.802943 0.897671 +vt 0.823481 0.933839 +vt 0.823489 0.933670 +vt 0.823121 0.933663 +vt 0.929200 0.325532 +vt 0.802965 0.897348 +vt 0.791555 0.899125 +vt 0.791665 0.899618 +vt 0.677138 0.938100 +vt 0.677307 0.938299 +vt 0.929501 0.325995 +vt 0.676976 0.937807 +vt 0.791371 0.899610 +vt 0.676829 0.937601 +vt 0.929369 0.325584 +vt 0.794494 0.904819 +vt 0.794090 0.904555 +vt 0.794413 0.904944 +vt 0.802877 0.896863 +vt 0.817354 0.933810 +vt 0.802979 0.896811 +vt 0.791232 0.900088 +vt 0.791114 0.900095 +vt 0.817347 0.933641 +vt 0.816847 0.933648 +vt 0.677138 0.938299 +vt 0.817361 0.933972 +vt 0.817868 0.933972 +vt 0.823107 0.933832 +vt 0.822717 0.933656 +vt 0.802877 0.897164 +vt 0.823437 0.934001 +vt 0.791518 0.899618 +vt 0.802833 0.897414 +vt 0.802619 0.897289 +vt 0.816847 0.933817 +vt 0.929509 0.325657 +vt 0.676976 0.938108 +vt 0.817376 0.934111 +vt 0.817876 0.934111 +vt 0.676829 0.937829 +vt 0.791371 0.900088 +vt 0.816862 0.933972 +vt 0.802752 0.896650 +vt 0.802855 0.896591 +vt 0.802737 0.896392 +vt 0.823070 0.933994 +vt 0.823371 0.934141 +vt 0.802752 0.896936 +vt 0.794692 0.905407 +vt 0.794266 0.905187 +vt 0.794215 0.905282 +vt 0.791269 0.900565 +vt 0.794633 0.905517 +vt 0.791158 0.900580 +vt 0.816355 0.933817 +vt 0.802744 0.897223 +vt 0.822710 0.933825 +vt 0.816348 0.933648 +vt 0.815870 0.933656 +vt 0.676976 0.938306 +vt 0.795082 0.905716 +vt 0.791511 0.900081 +vt 0.791658 0.900095 +vt 0.816884 0.934119 +vt 0.677138 0.938651 +vt 0.794751 0.905282 +vt 0.794340 0.905062 +vt 0.822592 0.933825 +vt 0.822298 0.933656 +vt 0.677307 0.938813 +vt 0.816377 0.933972 +vt 0.676829 0.938130 +vt 0.823004 0.934133 +vt 0.791224 0.901058 +vt 0.791416 0.900551 +vt 0.795126 0.905605 +vt 0.802634 0.896459 +vt 0.677138 0.938813 +vt 0.815877 0.933817 +vt 0.822673 0.933986 +vt 0.802634 0.896723 +vt 0.794817 0.905157 +vt 0.794913 0.905040 +vt 0.802634 0.897002 +vt 0.802384 0.896870 +vt 0.822563 0.933986 +vt 0.816406 0.934119 +vt 0.815730 0.933817 +vt 0.791342 0.901043 +vt 0.676829 0.938328 +vt 0.676976 0.938659 +vt 0.815407 0.933656 +vt 0.822291 0.933817 +vt 0.795177 0.905473 +vt 0.791548 0.900536 +vt 0.791702 0.900573 +vt 0.815907 0.933979 +vt 0.802473 0.896223 +vt 0.802568 0.896157 +vt 0.795574 0.905767 +vt 0.822622 0.934133 +vt 0.802517 0.896532 +vt 0.795537 0.905877 +vt 0.822129 0.933817 +vt 0.676984 0.938820 +vt 0.821858 0.933648 +vt 0.815752 0.933979 +vt 0.802517 0.896796 +vt 0.822497 0.934133 +vt 0.815414 0.933825 +vt 0.677145 0.939210 +vt 0.677307 0.939327 +vt 0.791482 0.901006 +vt 0.795229 0.905341 +vt 0.795353 0.905231 +vt 0.815936 0.934126 +vt 0.802362 0.896069 +vt 0.802458 0.895996 +vt 0.822254 0.933979 +vt 0.796000 0.906002 +vt 0.815238 0.933825 +vt 0.791452 0.901498 +vt 0.791342 0.901528 +vt 0.676829 0.938666 +vt 0.814959 0.933656 +vt 0.802406 0.896613 +vt 0.795618 0.905627 +vt 0.802127 0.896473 +vt 0.802362 0.896304 +vt 0.821843 0.933817 +vt 0.815796 0.934126 +vt 0.822100 0.933979 +vt 0.676829 0.938828 +vt 0.676984 0.939210 +vt 0.815444 0.933986 +vt 0.791614 0.900984 +vt 0.791783 0.901043 +vt 0.791489 0.901631 +vt 0.791379 0.901667 +vt 0.796029 0.905885 +vt 0.802252 0.896157 +vt 0.822210 0.934126 +vt 0.791489 0.901991 +vt 0.814974 0.933825 +vt 0.802157 0.895819 +vt 0.802252 0.895739 +vt 0.821645 0.933817 +vt 0.815268 0.933986 +vt 0.802149 0.895628 +vt 0.821387 0.933648 +vt 0.802245 0.896385 +vt 0.791584 0.901462 +vt 0.795655 0.905495 +vt 0.677138 0.939761 +vt 0.677307 0.939849 +vt 0.795802 0.905385 +vt 0.796176 0.905921 +vt 0.821821 0.933979 +vt 0.796154 0.906031 +vt 0.796485 0.906090 +vt 0.802054 0.895702 +vt 0.815488 0.934133 +vt 0.822056 0.934126 +vt 0.676829 0.939210 +vt 0.791629 0.901587 +vt 0.802142 0.896245 +vt 0.814768 0.933832 +vt 0.814540 0.933663 +vt 0.801826 0.896098 +vt 0.791599 0.901954 +vt 0.796066 0.905752 +vt 0.802046 0.895908 +vt 0.815003 0.933986 +vt 0.821387 0.933817 +vt 0.676984 0.939753 +vt 0.821615 0.933972 +vt 0.801951 0.895797 +vt 0.815312 0.934133 +vt 0.791724 0.901425 +vt 0.796206 0.905782 +vt 0.791900 0.901513 +vt 0.821769 0.934126 +vt 0.796500 0.905980 +vt 0.801811 0.895445 +vt 0.801892 0.895364 +vt 0.796669 0.906120 +vt 0.801944 0.896003 +vt 0.791658 0.902116 +vt 0.791548 0.902160 +vt 0.814548 0.933832 +vt 0.791761 0.901550 +vt 0.814797 0.933994 +vt 0.677138 0.940319 +vt 0.677307 0.940356 +vt 0.821138 0.933817 +vt 0.820910 0.933641 +vt 0.676829 0.939753 +vt 0.796095 0.905613 +vt 0.796264 0.905502 +vt 0.815047 0.934133 +vt 0.791731 0.901903 +vt 0.801848 0.895893 +vt 0.801510 0.895746 +vt 0.796683 0.906002 +vt 0.801708 0.895540 +vt 0.821358 0.933972 +vt 0.676976 0.940304 +vt 0.796235 0.905649 +vt 0.821579 0.934119 +vt 0.791776 0.902395 +vt 0.791665 0.902446 +vt 0.814320 0.933839 +vt 0.814136 0.933670 +vt 0.801429 0.895099 +vt 0.801503 0.895004 +vt 0.791790 0.902064 +vt 0.796522 0.905840 +vt 0.801613 0.895643 +vt 0.814584 0.933994 +vt 0.801150 0.895415 +vt 0.820910 0.933817 +vt 0.821116 0.933972 +vt 0.814856 0.934133 +vt 0.677138 0.940863 +vt 0.677307 0.940863 +vt 0.791856 0.901851 +vt 0.792062 0.901954 +vt 0.796970 0.906031 +vt 0.676829 0.940297 +vt 0.796962 0.906149 +vt 0.821321 0.934119 +vt 0.801341 0.895202 +vt 0.796698 0.905863 +vt 0.791864 0.902586 +vt 0.791761 0.902637 +vt 0.791886 0.902872 +vt 0.814151 0.933839 +vt 0.676976 0.940848 +vt 0.791922 0.902013 +vt 0.796536 0.905701 +vt 0.796735 0.905576 +vt 0.801025 0.894783 +vt 0.814357 0.934001 +vt 0.934260 0.590832 +vt 0.934297 0.590993 +vt 0.934128 0.591001 +vt 0.791908 0.902336 +vt 0.801091 0.894688 +vt 0.814636 0.934133 +vt 0.820609 0.933810 +vt 0.820418 0.933641 +vt 0.677130 0.941362 +vt 0.677307 0.941370 +vt 0.677299 0.941847 +vt 0.820888 0.933972 +vt 0.797198 0.906046 +vt 0.797190 0.906164 +vt 0.801253 0.895305 +vt 0.800775 0.895129 +vt 0.821079 0.934119 +vt 0.796713 0.905723 +vt 0.676829 0.940833 +vt 0.796984 0.905892 +vt 0.800944 0.894894 +vt 0.791989 0.902821 +vt 0.933878 0.591008 +vt 0.934135 0.591170 +vt 0.933731 0.591184 +vt 0.676969 0.941340 +vt 0.820418 0.933810 +vt 0.791996 0.902527 +vt 0.934091 0.590839 +vt 0.792033 0.902277 +vt 0.814415 0.934141 +vt 0.800592 0.894504 +vt 0.934201 0.590692 +vt 0.800651 0.894401 +vt 0.792253 0.902395 +vt 0.820594 0.933972 +vt 0.797447 0.906053 +vt 0.677130 0.941847 +vt 0.677292 0.942325 +vt 0.797447 0.906171 +vt 0.800864 0.895011 +vt 0.800379 0.894872 +vt 0.933717 0.591008 +vt 0.820851 0.934119 +vt 0.676829 0.941311 +vt 0.797205 0.905907 +vt 0.792113 0.903034 +vt 0.792011 0.903100 +vt 0.800518 0.894622 +vt 0.792106 0.902747 +vt 0.796992 0.905752 +vt 0.797212 0.905613 +vt 0.792121 0.902461 +vt 0.933841 0.590854 +vt 0.676969 0.941825 +vt 0.820403 0.933972 +vt 0.934032 0.590692 +vt 0.800173 0.894276 +vt 0.800224 0.894174 +vt 0.820072 0.933810 +vt 0.819918 0.933641 +vt 0.677123 0.942317 +vt 0.797704 0.906046 +vt 0.820565 0.934111 +vt 0.797712 0.906156 +vt 0.797447 0.905907 +vt 0.800452 0.894739 +vt 0.792231 0.903232 +vt 0.933687 0.590854 +vt 0.676829 0.941788 +vt 0.792136 0.903291 +vt 0.800114 0.894401 +vt 0.797205 0.905767 +vt 0.819911 0.933810 +vt 0.792231 0.902960 +vt 0.933415 0.591023 +vt 0.933305 0.591199 +vt 0.933783 0.590699 +vt 0.676961 0.942288 +vt 0.792238 0.902689 +vt 0.792481 0.902821 +vt 0.799739 0.894085 +vt 0.820374 0.934111 +vt 0.799784 0.893975 +vt 0.797925 0.906031 +vt 0.797925 0.906149 +vt 0.677116 0.942766 +vt 0.677285 0.942780 +vt 0.820058 0.933972 +vt 0.800055 0.894526 +vt 0.799953 0.894644 +vt 0.933290 0.591023 +vt 0.792393 0.903467 +vt 0.792297 0.903534 +vt 0.799328 0.893814 +vt 0.797697 0.905899 +vt 0.797447 0.905767 +vt 0.676822 0.942251 +vt 0.677116 0.942905 +vt 0.792349 0.903152 +vt 0.797690 0.905613 +vt 0.677277 0.943206 +vt 0.933628 0.590707 +vt 0.799688 0.894210 +vt 0.819903 0.933972 +vt 0.792349 0.902894 +vt 0.933386 0.590861 +vt 0.676954 0.942736 +vt 0.819521 0.933810 +vt 0.819404 0.933641 +vt 0.798219 0.906002 +vt 0.798233 0.906120 +vt 0.798410 0.906090 +vt 0.792503 0.903614 +vt 0.799299 0.893924 +vt 0.797910 0.905892 +vt 0.676954 0.942876 +vt 0.792415 0.903688 +vt 0.933261 0.590861 +vt 0.677116 0.943206 +vt 0.820043 0.934111 +vt 0.797697 0.905767 +vt 0.792466 0.903078 +vt 0.792745 0.903218 +vt 0.799637 0.894343 +vt 0.799519 0.894453 +vt 0.676815 0.942692 +vt 0.792503 0.903379 +vt 0.932938 0.591037 +vt 0.932850 0.591206 +vt 0.798388 0.905973 +vt 0.677116 0.943361 +vt 0.933335 0.590722 +vt 0.677270 0.943618 +vt 0.819889 0.934111 +vt 0.799247 0.894056 +vt 0.819521 0.933972 +vt 0.797895 0.905752 +vt 0.676815 0.942824 +vt 0.792613 0.903534 +vt 0.798167 0.905576 +vt 0.798197 0.905863 +vt 0.676954 0.943170 +vt 0.792709 0.903871 +vt 0.792620 0.903945 +vt 0.933210 0.590722 +vt 0.792620 0.903306 +vt 0.798836 0.893799 +vt 0.798858 0.893681 +vt 0.932908 0.590876 +vt 0.818978 0.933810 +vt 0.818889 0.933641 +vt 0.798373 0.905833 +vt 0.677108 0.943611 +vt 0.792811 0.903982 +vt 0.798726 0.905914 +vt 0.798748 0.906031 +vt 0.676954 0.943331 +vt 0.792723 0.904063 +vt 0.799211 0.894188 +vt 0.799064 0.894299 +vt 0.819507 0.934111 +vt 0.798182 0.905723 +vt 0.798689 0.893762 +vt 0.792731 0.903438 +vt 0.798711 0.893652 +vt 0.793039 0.903592 +vt 0.932438 0.591045 +vt 0.676807 0.943111 +vt 0.792811 0.903776 +vt 0.932379 0.591214 +vt 0.798858 0.905885 +vt 0.677101 0.943794 +vt 0.677270 0.944007 +vt 0.798887 0.905995 +vt 0.818970 0.933972 +vt 0.798799 0.893931 +vt 0.799255 0.905899 +vt 0.932864 0.590729 +vt 0.792907 0.903886 +vt 0.798344 0.905701 +vt 0.793061 0.904246 +vt 0.798638 0.905495 +vt 0.676947 0.943574 +vt 0.798696 0.905782 +vt 0.792980 0.904334 +vt 0.792929 0.903688 +vt 0.676807 0.943273 +vt 0.798660 0.893902 +vt 0.932409 0.590883 +vt 0.818412 0.933810 +vt 0.798828 0.905745 +vt 0.798366 0.893703 +vt 0.798388 0.893593 +vt 0.818963 0.934111 +vt 0.799225 0.905789 +vt 0.677101 0.944000 +vt 0.793017 0.903791 +vt 0.798667 0.905642 +vt 0.793355 0.903945 +vt 0.676939 0.943757 +vt 0.793157 0.904143 +vt 0.931909 0.591052 +vt 0.798770 0.894071 +vt 0.798601 0.894181 +vt 0.818419 0.933972 +vt 0.931895 0.591228 +vt 0.676800 0.943515 +vt 0.799754 0.905730 +vt 0.793436 0.904592 +vt 0.793362 0.904680 +vt 0.932379 0.590736 +vt 0.798792 0.905605 +vt 0.798182 0.893681 +vt 0.798197 0.893571 +vt 0.799100 0.905378 +vt 0.799181 0.905649 +vt 0.793252 0.904048 +vt 0.798638 0.894041 +vt 0.793715 0.904261 +vt 0.929200 0.335495 +vt 0.929031 0.335708 +vt 0.929016 0.335340 +vt 0.818419 0.934111 +vt 0.931895 0.590891 +vt 0.677094 0.944198 +vt 0.793531 0.904489 +vt 0.798344 0.893850 +vt 0.799710 0.905620 +vt 0.929369 0.335649 +vt 0.929200 0.335693 +vt 0.793840 0.904907 +vt 0.799144 0.905517 +vt 0.676939 0.943956 +vt 0.793774 0.905003 +vt 0.676800 0.943699 +vt 0.799549 0.905216 +vt 0.793612 0.904378 +vt 0.931395 0.591060 +vt 0.797895 0.893652 +vt 0.797903 0.893534 +vt 0.797675 0.893527 +vt 0.931395 0.591236 +vt 0.930888 0.591236 +vt 0.793928 0.904790 +vt 0.931865 0.590751 +vt 0.798167 0.893821 +vt 0.794009 0.904680 +vt 0.799651 0.905488 +vt 0.929193 0.335318 +vt 0.931380 0.590898 +vt 0.798329 0.893983 +vt 0.798131 0.894108 +vt 0.929362 0.335451 +vt 0.800173 0.905407 +vt 0.800232 0.905517 +vt 0.676800 0.943890 +vt 0.929509 0.335583 +vt 0.930881 0.591067 +vt 0.930374 0.591236 +vt 0.799600 0.905356 +vt 0.799989 0.905025 +vt 0.797668 0.893645 +vt 0.798153 0.893961 +vt 0.931358 0.590758 +vt 0.797888 0.893792 +vt 0.800114 0.905282 +vt 0.929178 0.335069 +vt 0.929002 0.334936 +vt 0.930881 0.590905 +vt 0.929354 0.335282 +vt 0.929501 0.335385 +vt 0.800614 0.905172 +vt 0.800673 0.905275 +vt 0.930374 0.591074 +vt 0.797425 0.893637 +vt 0.797425 0.893520 +vt 0.800055 0.905165 +vt 0.929171 0.334922 +vt 0.930859 0.590758 +vt 0.797668 0.893777 +vt 0.797873 0.893931 +vt 0.797660 0.894063 +vt 0.800540 0.905054 +vt 0.929340 0.335039 +vt 0.930374 0.590913 +vt 0.929501 0.335216 +vt 0.801010 0.904907 +vt 0.797153 0.893645 +vt 0.797153 0.893527 +vt 0.801084 0.905010 +vt 0.929859 0.591074 +vt 0.929859 0.591243 +vt 0.929345 0.591243 +vt 0.797425 0.893777 +vt 0.800474 0.904929 +vt 0.800401 0.904797 +vt 0.929332 0.334885 +vt 0.930359 0.590758 +vt 0.801466 0.904716 +vt 0.797660 0.893916 +vt 0.800937 0.904797 +vt 0.929163 0.334628 +vt 0.928994 0.334510 +vt 0.929859 0.590913 +vt 0.929487 0.334973 +vt 0.796948 0.893659 +vt 0.796933 0.893534 +vt 0.801393 0.904621 +vt 0.929345 0.591074 +vt 0.800849 0.904680 +vt 0.800805 0.904533 +vt 0.797161 0.893784 +vt 0.797425 0.893916 +vt 0.797175 0.894071 +vt 0.929859 0.590766 +vt 0.929487 0.334834 +vt 0.929161 0.591074 +vt 0.928824 0.591236 +vt 0.929332 0.334591 +vt 0.929345 0.590913 +vt 0.796632 0.893571 +vt 0.801826 0.904393 +vt 0.796955 0.893799 +vt 0.797168 0.893924 +vt 0.929353 0.590766 +vt 0.796455 0.893593 +vt 0.889262 0.659903 +vt 0.889343 0.659763 +vt 0.889306 0.659925 +vt 0.884090 0.655083 +vt 0.883891 0.655245 +vt 0.884060 0.655046 +vt 0.883862 0.655208 +vt 0.897199 0.495358 +vt 0.896919 0.495343 +vt 0.896919 0.495410 +vt 0.896626 0.495395 +vt 0.285974 0.903004 +vt 0.286018 0.903232 +vt 0.286018 0.902997 +vt 0.889563 0.659645 +vt 0.889379 0.659976 +vt 0.889423 0.659807 +vt 0.884428 0.654914 +vt 0.884406 0.654877 +vt 0.889387 0.659792 +vt 0.889526 0.659623 +vt 0.889482 0.659609 +vt 0.889027 0.660174 +vt 0.889144 0.660086 +vt 0.889056 0.660204 +vt 0.888880 0.660351 +vt 0.896633 0.495446 +vt 0.896302 0.495446 +vt 0.896655 0.495498 +vt 0.896317 0.495490 +vt 0.883833 0.655171 +vt 0.884038 0.655010 +vt 0.285922 0.902629 +vt 0.285974 0.902864 +vt 0.285974 0.902622 +vt 0.883796 0.655142 +vt 0.285930 0.902512 +vt 0.884104 0.654914 +vt 0.896941 0.495461 +vt 0.286025 0.902864 +vt 0.887845 0.290256 +vt 0.888146 0.290248 +vt 0.888146 0.290190 +vt 0.285878 0.902269 +vt 0.285930 0.902269 +vt 0.897206 0.495417 +vt 0.889181 0.660116 +vt 0.884376 0.654841 +vt 0.889343 0.659954 +vt 0.884736 0.654708 +vt 0.884758 0.654745 +vt 0.285981 0.902504 +vt 0.896956 0.495512 +vt 0.888909 0.660380 +vt 0.888784 0.660446 +vt 0.884354 0.654796 +vt 0.889093 0.660226 +vt 0.884428 0.654716 +vt 0.897213 0.495476 +vt 0.286025 0.902622 +vt 0.888814 0.660476 +vt 0.888161 0.290138 +vt 0.887852 0.290197 +vt 0.888615 0.660615 +vt 0.889166 0.660285 +vt 0.889210 0.660138 +vt 0.884722 0.654664 +vt 0.285981 0.902262 +vt 0.885096 0.654606 +vt 0.885089 0.654569 +vt 0.286025 0.902504 +vt 0.897243 0.495512 +vt 0.285878 0.901924 +vt 0.285937 0.901924 +vt 0.285885 0.901593 +vt 0.884699 0.654628 +vt 0.884766 0.654547 +vt 0.888946 0.660410 +vt 0.889130 0.660255 +vt 0.888175 0.290094 +vt 0.887859 0.290145 +vt 0.888637 0.660645 +vt 0.885074 0.654525 +vt 0.888527 0.660696 +vt 0.888850 0.660505 +vt 0.887529 0.290204 +vt 0.887529 0.290263 +vt 0.887191 0.290270 +vt 0.286032 0.902255 +vt 0.885456 0.654466 +vt 0.885456 0.654510 +vt 0.888549 0.660725 +vt 0.888321 0.660850 +vt 0.888917 0.660571 +vt 0.888975 0.660439 +vt 0.887882 0.290094 +vt 0.885831 0.654451 +vt 0.285988 0.901909 +vt 0.885067 0.654481 +vt 0.885118 0.654414 +vt 0.888880 0.660542 +vt 0.887544 0.290153 +vt 0.888674 0.660681 +vt 0.285944 0.901586 +vt 0.285900 0.901277 +vt 0.885441 0.654422 +vt 0.887191 0.290212 +vt 0.888351 0.660880 +vt 0.888586 0.660762 +vt 0.885824 0.654407 +vt 0.286032 0.901895 +vt 0.887558 0.290101 +vt 0.888637 0.660828 +vt 0.888704 0.660711 +vt 0.885434 0.654385 +vt 0.286003 0.901579 +vt 0.885486 0.654326 +vt 0.888608 0.660792 +vt 0.887198 0.290153 +vt 0.888380 0.660924 +vt 0.885824 0.654363 +vt 0.886831 0.290219 +vt 0.886831 0.290270 +vt 0.077857 0.901691 +vt 0.077857 0.901390 +vt 0.077798 0.901383 +vt 0.886464 0.290278 +vt 0.886464 0.290219 +vt 0.285952 0.901277 +vt 0.886471 0.290160 +vt 0.886198 0.654385 +vt 0.886198 0.654429 +vt 0.888035 0.661085 +vt 0.888013 0.661056 +vt 0.886573 0.654444 +vt 0.286047 0.901557 +vt 0.887213 0.290109 +vt 0.887690 0.661225 +vt 0.885860 0.654268 +vt 0.885816 0.654319 +vt 0.888344 0.661056 +vt 0.888402 0.660953 +vt 0.886838 0.290160 +vt 0.286003 0.901270 +vt 0.886198 0.654341 +vt 0.888057 0.661137 +vt 0.886580 0.654407 +vt 0.077864 0.902014 +vt 0.077806 0.901684 +vt 0.886853 0.290116 +vt 0.886471 0.290116 +vt 0.887315 0.654561 +vt 0.887300 0.654598 +vt 0.886940 0.654503 +vt 0.886198 0.654297 +vt 0.887697 0.661262 +vt 0.886235 0.654253 +vt 0.886580 0.654356 +vt 0.286054 0.901248 +vt 0.886948 0.654466 +vt 0.888013 0.661262 +vt 0.888079 0.661166 +vt 0.886580 0.654312 +vt 0.077747 0.901375 +vt 0.077754 0.901669 +vt 0.886617 0.654275 +vt 0.886962 0.654414 +vt 0.887322 0.654510 +vt 0.887344 0.654466 +vt 0.077806 0.902007 +vt 0.886984 0.654334 +vt 0.886970 0.654370 +vt 0.887726 0.661306 +vt 0.887337 0.661365 +vt 0.887352 0.661401 +vt 0.077695 0.901353 +vt 0.077703 0.901654 +vt 0.887682 0.661423 +vt 0.887741 0.661343 +vt 0.077754 0.902000 +vt 0.077864 0.902352 +vt 0.077813 0.902352 +vt 0.077872 0.902712 +vt 0.887366 0.661445 +vt 0.886984 0.661497 +vt 0.886977 0.661460 +vt 0.077703 0.901985 +vt 0.886610 0.661519 +vt 0.887322 0.661548 +vt 0.887381 0.661489 +vt 0.077762 0.902345 +vt 0.077872 0.903087 +vt 0.077813 0.902712 +vt 0.886992 0.661548 +vt 0.886617 0.661556 +vt 0.077710 0.902330 +vt 0.886955 0.661644 +vt 0.887006 0.661585 +vt 0.077762 0.902705 +vt 0.077813 0.903087 +vt 0.886624 0.661607 +vt 0.886242 0.661541 +vt 0.886242 0.661578 +vt 0.077710 0.902690 +vt 0.886580 0.661703 +vt 0.886624 0.661651 +vt 0.077762 0.903080 +vt 0.077872 0.903469 +vt 0.077820 0.903462 +vt 0.886242 0.661629 +vt 0.885868 0.661563 +vt 0.885868 0.661526 +vt 0.077710 0.903072 +vt 0.885500 0.661467 +vt 0.886206 0.661717 +vt 0.886242 0.661673 +vt 0.077762 0.903462 +vt 0.077872 0.903851 +vt 0.077820 0.903836 +vt 0.885860 0.661614 +vt 0.885486 0.661504 +vt 0.077717 0.903454 +vt 0.885831 0.661695 +vt 0.885853 0.661651 +vt 0.077762 0.903836 +vt 0.077872 0.904233 +vt 0.077820 0.904211 +vt 0.885486 0.661556 +vt 0.885126 0.661416 +vt 0.885140 0.661372 +vt 0.077717 0.903836 +vt 0.885478 0.661600 +vt 0.885449 0.661636 +vt 0.077762 0.904211 +vt 0.077872 0.904608 +vt 0.077820 0.904579 +vt 0.885111 0.661460 +vt 0.884802 0.661247 +vt 0.884788 0.661284 +vt 0.077717 0.904211 +vt 0.885096 0.661497 +vt 0.885089 0.661541 +vt 0.077762 0.904579 +vt 0.077813 0.904939 +vt 0.077872 0.904990 +vt 0.884766 0.661328 +vt 0.884457 0.661122 +vt 0.884479 0.661085 +vt 0.077717 0.904586 +vt 0.884751 0.661365 +vt 0.884736 0.661409 +vt 0.077762 0.904946 +vt 0.077813 0.905291 +vt 0.077872 0.905350 +vt 0.884435 0.661159 +vt 0.884178 0.660894 +vt 0.884148 0.660924 +vt 0.077710 0.904953 +vt 0.884413 0.661196 +vt 0.884391 0.661240 +vt 0.077762 0.905306 +vt 0.077864 0.905688 +vt 0.077813 0.905629 +vt 0.884126 0.660968 +vt 0.883869 0.660703 +vt 0.883891 0.660674 +vt 0.077710 0.905313 +vt 0.884097 0.661005 +vt 0.884075 0.661041 +vt 0.077762 0.905644 +vt 0.077806 0.905945 +vt 0.077864 0.906018 +vt 0.883833 0.660740 +vt 0.883605 0.660454 +vt 0.883627 0.660424 +vt 0.887359 0.654429 +vt 0.886082 0.290278 +vt 0.886096 0.290219 +vt 0.883399 0.660145 +vt 0.077710 0.905651 +vt 0.883803 0.660770 +vt 0.886096 0.290160 +vt 0.883774 0.660806 +vt 0.077754 0.905960 +vt 0.885699 0.290278 +vt 0.885722 0.290219 +vt 0.077806 0.906246 +vt 0.077857 0.906312 +vt 0.886104 0.290116 +vt 0.883568 0.660476 +vt 0.885722 0.290160 +vt 0.883370 0.660174 +vt 0.885310 0.290278 +vt 0.885347 0.290219 +vt 0.077703 0.905974 +vt 0.883539 0.660512 +vt 0.887653 0.654686 +vt 0.887638 0.654723 +vt 0.883502 0.660542 +vt 0.077754 0.906261 +vt 0.885722 0.290116 +vt 0.077798 0.906518 +vt 0.885347 0.290160 +vt 0.077857 0.906592 +vt 0.884928 0.290278 +vt 0.884979 0.290219 +vt 0.883326 0.660204 +vt 0.883157 0.659873 +vt 0.883193 0.659851 +vt 0.887675 0.654642 +vt 0.077703 0.906283 +vt 0.887962 0.654885 +vt 0.887984 0.654848 +vt 0.883296 0.660226 +vt 0.883259 0.660255 +vt 0.885347 0.290116 +vt 0.077747 0.906533 +vt 0.887690 0.654598 +vt 0.887712 0.654561 +vt 0.891688 0.495365 +vt 0.891608 0.495424 +vt 0.891865 0.495417 +vt 0.891960 0.495351 +vt 0.884979 0.290160 +vt 0.891600 0.495476 +vt 0.883120 0.659895 +vt 0.884553 0.290278 +vt 0.884612 0.290219 +vt 0.882980 0.659550 +vt 0.888006 0.654804 +vt 0.883017 0.659535 +vt 0.888263 0.655076 +vt 0.888285 0.655039 +vt 0.891960 0.495410 +vt 0.077695 0.906562 +vt 0.882877 0.659205 +vt 0.884972 0.290116 +vt 0.883076 0.659917 +vt 0.888028 0.654767 +vt 0.888042 0.654730 +vt 0.883039 0.659947 +vt 0.891850 0.495476 +vt 0.882907 0.659197 +vt 0.882804 0.658852 +vt 0.884612 0.290160 +vt 0.892262 0.495343 +vt 0.892144 0.495410 +vt 0.884201 0.290270 +vt 0.884267 0.290219 +vt 0.882936 0.659572 +vt 0.888314 0.655002 +vt 0.891938 0.495468 +vt 0.882841 0.659219 +vt 0.888549 0.655296 +vt 0.888579 0.655267 +vt 0.892262 0.495402 +vt 0.888814 0.655546 +vt 0.884605 0.290116 +vt 0.888366 0.654936 +vt 0.888344 0.654965 +vt 0.882775 0.658859 +vt 0.891828 0.495512 +vt 0.884259 0.290160 +vt 0.882900 0.659594 +vt 0.883855 0.290270 +vt 0.883922 0.290212 +vt 0.882863 0.659609 +vt 0.892129 0.495461 +vt 0.888601 0.655230 +vt 0.891924 0.495512 +vt 0.892585 0.495336 +vt 0.892453 0.495395 +vt 0.888843 0.655517 +vt 0.882797 0.659234 +vt 0.884245 0.290116 +vt 0.888667 0.655164 +vt 0.888637 0.655193 +vt 0.892247 0.495454 +vt 0.883914 0.290153 +vt 0.882738 0.658867 +vt 0.883525 0.290263 +vt 0.883606 0.290204 +vt 0.882745 0.658742 +vt 0.892585 0.495395 +vt 0.888873 0.655487 +vt 0.889041 0.655818 +vt 0.889078 0.655796 +vt 0.892115 0.495512 +vt 0.882701 0.658507 +vt 0.882708 0.658749 +vt 0.882753 0.659249 +vt 0.889247 0.656119 +vt 0.883900 0.290109 +vt 0.882708 0.659263 +vt 0.888939 0.655421 +vt 0.888909 0.655458 +vt 0.892438 0.495446 +vt 0.883591 0.290153 +vt 0.892225 0.495505 +vt 0.883224 0.290256 +vt 0.883297 0.290204 +vt 0.892783 0.495387 +vt 0.892923 0.495329 +vt 0.882686 0.658881 +vt 0.889108 0.655766 +vt 0.892570 0.495446 +vt 0.889277 0.656097 +vt 0.882664 0.658514 +vt 0.883569 0.290101 +vt 0.892923 0.495387 +vt 0.889152 0.655744 +vt 0.889181 0.655715 +vt 0.882664 0.658756 +vt 0.883282 0.290153 +vt 0.882937 0.290248 +vt 0.883025 0.290197 +vt 0.892423 0.495498 +vt 0.882664 0.658147 +vt 0.882679 0.658374 +vt 0.882642 0.658382 +vt 0.889321 0.656067 +vt 0.882642 0.658889 +vt 0.882606 0.658903 +vt 0.892768 0.495446 +vt 0.889423 0.656435 +vt 0.889460 0.656413 +vt 0.892555 0.495498 +vt 0.882937 0.290190 +vt 0.893121 0.495380 +vt 0.883268 0.290101 +vt 0.893290 0.495321 +vt 0.889563 0.656765 +vt 0.889394 0.656023 +vt 0.889357 0.656053 +vt 0.882620 0.658771 +vt 0.882525 0.658529 +vt 0.882613 0.658514 +vt 0.883003 0.290145 +vt 0.892915 0.495446 +vt 0.285893 0.905884 +vt 0.285900 0.906170 +vt 0.285952 0.905994 +vt 0.285959 0.906170 +vt 0.882628 0.658147 +vt 0.889497 0.656391 +vt 0.882598 0.658389 +vt 0.882922 0.290138 +vt 0.889600 0.656751 +vt 0.893283 0.495380 +vt 0.892754 0.495490 +vt 0.882620 0.658007 +vt 0.882664 0.658000 +vt 0.285944 0.905891 +vt 0.882981 0.290094 +vt 0.882569 0.658521 +vt 0.889541 0.656376 +vt 0.893114 0.495439 +vt 0.889578 0.656354 +vt 0.892901 0.495483 +vt 0.286003 0.906009 +vt 0.286010 0.906192 +vt 0.893474 0.495380 +vt 0.893665 0.495314 +vt 0.882900 0.290094 +vt 0.882576 0.658147 +vt 0.285878 0.905575 +vt 0.285937 0.905700 +vt 0.882554 0.658389 +vt 0.889644 0.656736 +vt 0.882488 0.658154 +vt 0.893275 0.495439 +vt 0.286003 0.905899 +vt 0.882672 0.657787 +vt 0.882635 0.657787 +vt 0.882686 0.657632 +vt 0.889666 0.657103 +vt 0.889703 0.657096 +vt 0.889695 0.657228 +vt 0.882576 0.658007 +vt 0.285937 0.905583 +vt 0.286054 0.906031 +vt 0.286062 0.906214 +vt 0.893665 0.495380 +vt 0.893106 0.495483 +vt 0.889739 0.657221 +vt 0.882540 0.658154 +vt 0.889725 0.656707 +vt 0.889688 0.656721 +vt 0.882708 0.657427 +vt 0.882642 0.657632 +vt 0.285996 0.905708 +vt 0.893474 0.495432 +vt 0.286047 0.905921 +vt 0.893841 0.495380 +vt 0.285878 0.905245 +vt 0.285937 0.905384 +vt 0.894039 0.495314 +vt 0.893268 0.495476 +vt 0.889754 0.657089 +vt 0.882576 0.657787 +vt 0.285996 0.905583 +vt 0.882532 0.658007 +vt 0.889739 0.657463 +vt 0.889776 0.657456 +vt 0.882495 0.657772 +vt 0.889754 0.657596 +vt 0.893657 0.495432 +vt 0.889776 0.657206 +vt 0.285930 0.905245 +vt 0.882664 0.657427 +vt 0.882598 0.657625 +vt 0.286040 0.905730 +vt 0.894039 0.495373 +vt 0.889791 0.657588 +vt 0.889769 0.657823 +vt 0.893466 0.495476 +vt 0.889842 0.657067 +vt 0.889798 0.657074 +vt 0.882540 0.657779 +vt 0.285988 0.905399 +vt 0.893841 0.495432 +vt 0.286032 0.905605 +vt 0.882694 0.657258 +vt 0.285871 0.904892 +vt 0.285930 0.905054 +vt 0.882738 0.657265 +vt 0.894216 0.495373 +vt 0.894429 0.495314 +vt 0.889820 0.657199 +vt 0.889916 0.657434 +vt 0.889820 0.657449 +vt 0.893650 0.495476 +vt 0.285981 0.905252 +vt 0.882620 0.657412 +vt 0.882547 0.657618 +vt 0.889813 0.657816 +vt 0.882532 0.657405 +vt 0.889776 0.657963 +vt 0.894039 0.495424 +vt 0.285922 0.904892 +vt 0.882782 0.657074 +vt 0.882745 0.657059 +vt 0.882833 0.656905 +vt 0.889842 0.657588 +vt 0.286032 0.905414 +vt 0.893834 0.495476 +vt 0.889813 0.657970 +vt 0.894429 0.495373 +vt 0.889872 0.657441 +vt 0.882650 0.657250 +vt 0.882584 0.657412 +vt 0.285981 0.905068 +vt 0.286032 0.905267 +vt 0.894216 0.495424 +vt 0.882789 0.656890 +vt 0.285863 0.904525 +vt 0.285922 0.904708 +vt 0.882892 0.656736 +vt 0.894818 0.495314 +vt 0.894590 0.495373 +vt 0.889857 0.657816 +vt 0.894032 0.495476 +vt 0.889945 0.657816 +vt 0.889886 0.657581 +vt 0.285974 0.904899 +vt 0.882701 0.657052 +vt 0.882606 0.657236 +vt 0.889813 0.658183 +vt 0.882606 0.657030 +vt 0.889761 0.658338 +vt 0.889769 0.658183 +vt 0.882855 0.656721 +vt 0.285922 0.904525 +vt 0.889864 0.657963 +vt 0.894429 0.495424 +vt 0.286032 0.905076 +vt 0.894216 0.495476 +vt 0.889901 0.657816 +vt 0.894818 0.495373 +vt 0.889798 0.658338 +vt 0.882745 0.656876 +vt 0.889739 0.658536 +vt 0.882650 0.657045 +vt 0.285974 0.904716 +vt 0.285863 0.904150 +vt 0.285922 0.904348 +vt 0.894590 0.495424 +vt 0.286025 0.904914 +vt 0.882929 0.656538 +vt 0.883039 0.656405 +vt 0.882966 0.656560 +vt 0.889857 0.658191 +vt 0.895200 0.495314 +vt 0.894973 0.495373 +vt 0.889908 0.657963 +vt 0.889945 0.658191 +vt 0.882804 0.656699 +vt 0.894429 0.495476 +vt 0.285974 0.904532 +vt 0.882708 0.656868 +vt 0.882723 0.656677 +vt 0.889769 0.658551 +vt 0.883002 0.656383 +vt 0.883135 0.656222 +vt 0.285915 0.904150 +vt 0.894818 0.495424 +vt 0.889850 0.658345 +vt 0.894590 0.495476 +vt 0.286025 0.904723 +vt 0.882885 0.656523 +vt 0.889901 0.658191 +vt 0.895208 0.495380 +vt 0.285974 0.904356 +vt 0.889659 0.658889 +vt 0.889703 0.658705 +vt 0.889739 0.658712 +vt 0.882767 0.656692 +vt 0.894973 0.495424 +vt 0.285863 0.903775 +vt 0.285915 0.903981 +vt 0.883090 0.656200 +vt 0.286025 0.904547 +vt 0.895340 0.495380 +vt 0.895575 0.495321 +vt 0.889820 0.658551 +vt 0.882958 0.656369 +vt 0.889886 0.658352 +vt 0.889908 0.658565 +vt 0.894818 0.495476 +vt 0.285974 0.904157 +vt 0.882841 0.656501 +vt 0.882877 0.656325 +vt 0.883215 0.656090 +vt 0.883179 0.656067 +vt 0.883333 0.655913 +vt 0.889695 0.658903 +vt 0.286018 0.904363 +vt 0.895208 0.495424 +vt 0.285915 0.903775 +vt 0.894980 0.495476 +vt 0.889791 0.658720 +vt 0.883054 0.656178 +vt 0.889864 0.658558 +vt 0.895575 0.495380 +vt 0.285974 0.903981 +vt 0.882914 0.656339 +vt 0.889607 0.659065 +vt 0.889644 0.659072 +vt 0.889548 0.659234 +vt 0.895340 0.495432 +vt 0.285863 0.903386 +vt 0.285915 0.903614 +vt 0.883296 0.655891 +vt 0.286018 0.904157 +vt 0.883421 0.655796 +vt 0.895942 0.495321 +vt 0.895700 0.495380 +vt 0.889747 0.658918 +vt 0.883135 0.656045 +vt 0.889828 0.658940 +vt 0.889835 0.658727 +vt 0.895215 0.495476 +vt 0.889585 0.659249 +vt 0.883017 0.656156 +vt 0.883061 0.655994 +vt 0.285974 0.903775 +vt 0.883384 0.655774 +vt 0.883568 0.655619 +vt 0.286018 0.903988 +vt 0.895582 0.495432 +vt 0.889688 0.659094 +vt 0.895347 0.495476 +vt 0.285915 0.903386 +vt 0.896288 0.495329 +vt 0.895942 0.495380 +vt 0.889784 0.658925 +vt 0.883259 0.655862 +vt 0.285974 0.903614 +vt 0.883098 0.656023 +vt 0.889475 0.659410 +vt 0.889512 0.659425 +vt 0.889409 0.659565 +vt 0.285863 0.903011 +vt 0.285915 0.903239 +vt 0.895700 0.495432 +vt 0.883531 0.655590 +vt 0.889629 0.659263 +vt 0.286018 0.903775 +vt 0.883348 0.655737 +vt 0.895597 0.495476 +vt 0.889717 0.659300 +vt 0.889732 0.659109 +vt 0.883656 0.655524 +vt 0.883627 0.655494 +vt 0.883825 0.655355 +vt 0.889438 0.659579 +vt 0.883223 0.655832 +vt 0.889313 0.659748 +vt 0.883274 0.655685 +vt 0.285974 0.903386 +vt 0.895950 0.495439 +vt 0.286018 0.903614 +vt 0.895715 0.495476 +vt 0.889556 0.659447 +vt 0.896295 0.495387 +vt 0.883502 0.655561 +vt 0.285922 0.903011 +vt 0.889673 0.659285 +vt 0.883318 0.655715 +vt 0.285974 0.903239 +vt 0.883796 0.655325 +vt 0.883921 0.655274 +vt 0.883590 0.655458 +vt 0.889232 0.659881 +vt 0.285922 0.902872 +vt 0.895964 0.495483 +vt 0.285871 0.902637 +vt 0.286018 0.903386 +vt 0.883465 0.655531 +vt 0.889600 0.659469 +vt 0.883524 0.655399 +vt 0.883561 0.655428 +vt 0.889108 0.660064 +vt 0.883766 0.655289 +vt 0.896618 0.495343 +vt 0.884112 0.655120 +vt 0.883737 0.655252 +vt 0.817854 0.929468 +vt 0.817339 0.929468 +vt 0.816840 0.929468 +vt 0.816348 0.929475 +vt 0.815870 0.929475 +vt 0.815400 0.929483 +vt 0.814952 0.929490 +vt 0.814533 0.929497 +vt 0.814129 0.929505 +vt 0.934150 0.595343 +vt 0.933739 0.595357 +vt 0.933305 0.595372 +vt 0.932857 0.595379 +vt 0.932387 0.595387 +vt 0.931902 0.595402 +vt 0.931402 0.595402 +vt 0.930895 0.595409 +vt 0.930381 0.595409 +vt 0.929867 0.595416 +vt 0.929353 0.595416 +vt 0.928838 0.595416 +vt 0.928324 0.595409 +vt 0.927824 0.595402 +vt 0.927339 0.595402 +vt 0.926862 0.595394 +vt 0.926399 0.595387 +vt 0.925966 0.595372 +vt 0.925554 0.595365 +vt 0.925157 0.595350 +vt 0.924797 0.595335 +vt 0.681436 0.934647 +vt 0.681450 0.935037 +vt 0.681450 0.935448 +vt 0.681458 0.935882 +vt 0.681465 0.936337 +vt 0.681465 0.936807 +vt 0.681472 0.937292 +vt 0.681480 0.937792 +vt 0.681480 0.938299 +vt 0.681480 0.938813 +vt 0.681480 0.939327 +vt 0.681480 0.939849 +vt 0.681480 0.940356 +vt 0.681480 0.940863 +vt 0.681472 0.941370 +vt 0.681465 0.941847 +vt 0.681465 0.942325 +vt 0.681458 0.942780 +vt 0.681450 0.943206 +vt 0.681450 0.943618 +vt 0.681436 0.944007 +vt 0.924821 0.335708 +vt 0.924799 0.335340 +vt 0.924792 0.334936 +vt 0.924777 0.334518 +vt 0.924763 0.334069 +vt 0.924755 0.333599 +vt 0.924748 0.333122 +vt 0.924740 0.332622 +vt 0.924733 0.332115 +vt 0.924733 0.331601 +vt 0.924733 0.331079 +vt 0.924733 0.330558 +vt 0.924733 0.330036 +vt 0.924733 0.329522 +vt 0.924733 0.329007 +vt 0.924740 0.328508 +vt 0.924748 0.328016 +vt 0.924755 0.327545 +vt 0.924763 0.327097 +vt 0.924777 0.326671 +vt 0.924792 0.326260 +vt 0.924799 0.325878 +vt 0.924821 0.325532 +vt 0.823489 0.929497 +vt 0.823114 0.929490 +vt 0.822717 0.929483 +vt 0.822298 0.929483 +vt 0.821850 0.929475 +vt 0.821387 0.929468 +vt 0.820910 0.929468 +vt 0.820418 0.929468 +vt 0.819911 0.929468 +vt 0.819404 0.929468 +vt 0.818882 0.929468 +vt 0.818375 0.929468 +vt 0.101470 0.903454 +vt 0.101470 0.903072 +vt 0.101470 0.902705 +vt 0.101463 0.902338 +vt 0.101463 0.902000 +vt 0.101463 0.901676 +vt 0.101463 0.901383 +vt 0.262478 0.901248 +vt 0.262464 0.901557 +vt 0.262456 0.901887 +vt 0.262449 0.902232 +vt 0.262442 0.902592 +vt 0.262442 0.902974 +vt 0.262434 0.903357 +vt 0.262434 0.903731 +vt 0.262434 0.904121 +vt 0.262442 0.904488 +vt 0.262449 0.904855 +vt 0.262449 0.905208 +vt 0.262456 0.905539 +vt 0.262464 0.905847 +vt 0.262478 0.906134 +vt 0.882959 0.313846 +vt 0.883231 0.313854 +vt 0.883539 0.313854 +vt 0.883863 0.313854 +vt 0.884208 0.313861 +vt 0.884575 0.313861 +vt 0.884950 0.313861 +vt 0.885332 0.313868 +vt 0.885714 0.313868 +vt 0.886096 0.313861 +vt 0.886478 0.313861 +vt 0.886853 0.313861 +vt 0.887198 0.313854 +vt 0.887544 0.313854 +vt 0.887859 0.313854 +vt 0.888153 0.313846 +vt 0.897177 0.471606 +vt 0.896897 0.471598 +vt 0.896589 0.471591 +vt 0.896258 0.471584 +vt 0.895920 0.471576 +vt 0.895553 0.471569 +vt 0.895178 0.471569 +vt 0.894796 0.471569 +vt 0.894407 0.471569 +vt 0.894017 0.471569 +vt 0.893635 0.471569 +vt 0.893268 0.471569 +vt 0.892901 0.471576 +vt 0.892555 0.471591 +vt 0.892232 0.471598 +vt 0.891931 0.471606 +vt 0.891666 0.471620 +vt 0.101455 0.906577 +vt 0.101463 0.906305 +vt 0.101463 0.906004 +vt 0.101463 0.905681 +vt 0.101470 0.905335 +vt 0.101470 0.904975 +vt 0.101470 0.904608 +vt 0.101470 0.904226 +vt 0.101470 0.903836 +vt 0.925988 0.401350 +vt 0.926274 0.402078 +vt 0.925922 0.402041 +vt 0.926377 0.401387 +vt 0.925598 0.401350 +vt 0.925569 0.402048 +vt 0.925216 0.401387 +vt 0.925224 0.402092 +vt 0.924834 0.401475 +vt 0.924878 0.402181 +vt 0.924460 0.401600 +vt 0.924548 0.402313 +vt 0.924107 0.401754 +vt 0.924232 0.402474 +vt 0.923762 0.401953 +vt 0.923945 0.402673 +vt 0.923453 0.402181 +vt 0.923681 0.402908 +vt 0.923159 0.402438 +vt 0.923446 0.403165 +vt 0.922902 0.402732 +vt 0.922674 0.403048 +vt 0.923240 0.403452 +vt 0.922476 0.403386 +vt 0.923071 0.403760 +vt 0.922322 0.403746 +vt 0.922939 0.404083 +vt 0.922204 0.404113 +vt 0.922843 0.404429 +vt 0.922116 0.404495 +vt 0.922792 0.404774 +vt 0.922079 0.404884 +vt 0.922777 0.405134 +vt 0.922079 0.405274 +vt 0.922799 0.405487 +vt 0.922123 0.405663 +vt 0.922865 0.405825 +vt 0.922204 0.406045 +vt 0.922975 0.406163 +vt 0.922322 0.406412 +vt 0.922491 0.406772 +vt 0.923122 0.406479 +vt 0.922682 0.407110 +vt 0.923299 0.406787 +vt 0.922909 0.407419 +vt 0.923526 0.407059 +vt 0.923174 0.407713 +vt 0.923762 0.407316 +vt 0.923460 0.407977 +vt 0.924041 0.407536 +vt 0.923776 0.408205 +vt 0.924335 0.407720 +vt 0.924114 0.408396 +vt 0.924658 0.407874 +vt 0.924474 0.408550 +vt 0.924989 0.407992 +vt 0.924842 0.408675 +vt 0.925334 0.408065 +vt 0.925231 0.408756 +vt 0.925613 0.408793 +vt 0.925686 0.408102 +vt 0.926002 0.408793 +vt 0.926039 0.408095 +vt 0.926392 0.408749 +vt 0.926384 0.408043 +vt 0.926774 0.408668 +vt 0.926730 0.407955 +vt 0.927148 0.408550 +vt 0.927060 0.407823 +vt 0.927501 0.408389 +vt 0.927369 0.407669 +vt 0.927839 0.408190 +vt 0.927663 0.407463 +vt 0.928155 0.407963 +vt 0.927927 0.407235 +vt 0.928442 0.407705 +vt 0.928162 0.406971 +vt 0.928699 0.407412 +vt 0.928934 0.407096 +vt 0.928368 0.406684 +vt 0.929125 0.406758 +vt 0.928537 0.406376 +vt 0.929286 0.406405 +vt 0.928669 0.406052 +vt 0.929404 0.406030 +vt 0.928757 0.405714 +vt 0.929485 0.405648 +vt 0.928816 0.405362 +vt 0.929522 0.405259 +vt 0.928831 0.405009 +vt 0.929522 0.404870 +vt 0.928802 0.404657 +vt 0.929485 0.404480 +vt 0.928735 0.404311 +vt 0.929404 0.404098 +vt 0.928633 0.403973 +vt 0.929279 0.403731 +vt 0.929125 0.403371 +vt 0.928486 0.403657 +vt 0.928926 0.403040 +vt 0.928302 0.403356 +vt 0.928691 0.402724 +vt 0.928089 0.403077 +vt 0.928434 0.402430 +vt 0.927839 0.402827 +vt 0.928140 0.402166 +vt 0.927560 0.402607 +vt 0.927824 0.401938 +vt 0.927266 0.402416 +vt 0.927486 0.401747 +vt 0.926950 0.402269 +vt 0.927126 0.401586 +vt 0.926620 0.402151 +vt 0.926759 0.401468 +vt 0.795089 0.898457 +vt 0.799776 0.901227 +vt 0.797403 0.902571 +vt 0.799806 0.898508 +vt 0.797462 0.897120 +vt 0.795060 0.901175 +vt 0.892634 0.657750 +vt 0.892634 0.658242 +vt 0.890312 0.653041 +vt 0.889923 0.652747 +vt 0.892597 0.657265 +vt 0.890680 0.653371 +vt 0.892524 0.656780 +vt 0.891018 0.653724 +vt 0.892414 0.656295 +vt 0.891334 0.654106 +vt 0.892259 0.655825 +vt 0.891613 0.654510 +vt 0.892083 0.655377 +vt 0.891863 0.654929 +vt 0.880578 0.661034 +vt 0.880365 0.660593 +vt 0.880828 0.661460 +vt 0.880174 0.660138 +vt 0.880027 0.659675 +vt 0.881107 0.661857 +vt 0.881423 0.662239 +vt 0.879917 0.659190 +vt 0.881761 0.662599 +vt 0.879843 0.658705 +vt 0.882128 0.662922 +vt 0.879806 0.658213 +vt 0.879806 0.657728 +vt 0.882517 0.663223 +vt 0.882929 0.663488 +vt 0.879843 0.657236 +vt 0.883362 0.663730 +vt 0.879924 0.656751 +vt 0.883811 0.663929 +vt 0.880034 0.656266 +vt 0.884744 0.664230 +vt 0.884273 0.664098 +vt 0.880189 0.655803 +vt 0.880372 0.655340 +vt 0.885228 0.664325 +vt 0.880593 0.654907 +vt 0.885713 0.664377 +vt 0.880842 0.654488 +vt 0.886206 0.664399 +vt 0.886698 0.664384 +vt 0.881129 0.654084 +vt 0.881437 0.653702 +vt 0.887183 0.664333 +vt 0.881775 0.653349 +vt 0.887668 0.664237 +vt 0.882150 0.653026 +vt 0.888145 0.664105 +vt 0.888608 0.663943 +vt 0.882540 0.652725 +vt 0.882951 0.652460 +vt 0.889056 0.663745 +vt 0.883384 0.652225 +vt 0.889490 0.663510 +vt 0.883833 0.652027 +vt 0.889901 0.663238 +vt 0.884295 0.651865 +vt 0.890290 0.662944 +vt 0.884773 0.651733 +vt 0.890658 0.662621 +vt 0.885251 0.651645 +vt 0.891003 0.662268 +vt 0.885743 0.651586 +vt 0.891319 0.661886 +vt 0.886235 0.651571 +vt 0.891598 0.661489 +vt 0.886727 0.651586 +vt 0.891855 0.661063 +vt 0.887212 0.651645 +vt 0.892068 0.660623 +vt 0.887697 0.651740 +vt 0.892252 0.660167 +vt 0.888175 0.651872 +vt 0.892406 0.659697 +vt 0.888630 0.652041 +vt 0.892517 0.659219 +vt 0.889086 0.652240 +vt 0.892590 0.658734 +vt 0.889512 0.652475 +vt 0.865472 0.523727 +vt 0.861695 0.522331 +vt 0.861666 0.525122 +vt 0.865486 0.522331 +vt 0.865457 0.525122 +vt 0.282824 0.649730 +vt 0.282802 0.652382 +vt 0.279276 0.651060 +vt 0.279268 0.652382 +vt 0.279283 0.649730 +vt 0.904551 0.821782 +vt 0.900701 0.822817 +vt 0.900782 0.820738 +vt 0.904514 0.822817 +vt 0.904595 0.820738 +vt 0.904529 0.824243 +vt 0.900738 0.825661 +vt 0.904551 0.825661 +vt 0.085018 0.992124 +vt 0.085011 0.994798 +vt 0.081514 0.993461 +vt 0.081514 0.994798 +vt 0.081521 0.992124 +vt 0.861739 0.527275 +vt 0.865494 0.526195 +vt 0.865530 0.527275 +vt 0.762476 0.553052 +vt 0.761043 0.550569 +vt 0.758178 0.550569 +vt 0.756746 0.553052 +vt 0.758178 0.555535 +vt 0.761043 0.555535 +vt 0.600896 0.587072 +vt 0.101073 0.158070 +vt 0.218088 0.353505 +vt 0.194568 0.005287 +vt 0.008666 0.608847 +vt 0.393206 0.532716 +vt 0.520716 0.174186 +vt 0.628539 0.005621 +vt 0.218036 0.366402 +vt 0.303930 0.547399 +vt 0.009957 0.584549 +vt 0.616533 0.415871 +vt 0.281841 0.545638 +vt 0.626855 0.403098 +vt 0.161935 0.171684 +vt 0.154121 0.516577 +vt 0.482892 0.637365 +vt 0.507021 0.062445 +vt 0.154119 0.566429 +vt 0.216618 0.101016 +vt 0.144737 0.135484 +vt 0.527189 0.007993 +vt 0.632058 0.033184 +vt 0.214906 0.082605 +vt 0.071713 0.628787 +vt 0.218034 0.172916 +vt 0.115828 0.031429 +vt 0.145847 0.135528 +vt 0.616295 0.500292 +vt 0.405468 0.082259 +vt 0.616683 0.166698 +vt 0.188525 0.621948 +vt 0.794945 0.425360 +vt 0.958070 0.655511 +vt 0.963330 0.827832 +vt 0.984717 0.325800 +vt 0.989832 0.570653 +vt 0.226349 0.482885 +vt 0.989832 0.732269 +vt 0.816995 0.617841 +vt 0.603085 0.733514 +vt 0.880306 0.823421 +vt 0.616251 0.514976 +vt 0.603085 0.723015 +vt 0.830631 0.228527 +vt 0.909399 0.187843 +vt 0.218736 0.149806 +vt 0.243213 0.482889 +vt 0.516838 0.972709 +vt 0.493648 0.375163 +vt 0.845964 0.911886 +vt 0.761033 0.067720 +vt 0.624896 0.980176 +vt 0.161874 0.584279 +vt 0.836707 0.862871 +vt 0.045784 0.915303 +vt 0.243721 0.251184 +vt 0.615239 0.643411 +vt 0.852748 0.600251 +vt 0.051632 0.915398 +vt 0.910157 0.478855 +vt 0.076216 0.933861 +vt 0.842307 0.227763 +vt 0.598404 0.926360 +vt 0.904824 0.794893 +vt 0.290608 0.366589 +vt 0.012690 0.684290 +vt 0.330648 0.743398 +vt 0.013212 0.764004 +vt 0.236079 0.659932 +vt 0.013234 0.739201 +vt 0.287200 0.285494 +vt 0.013139 0.773636 +vt 0.278890 0.320634 +vt 0.545567 0.417412 +vt 0.389402 0.382755 +vt 0.818293 0.587358 +vt 0.165383 0.922250 +vt 0.902397 0.700174 +vt 0.642161 0.731766 +vt 0.813733 0.219980 +vt 0.452217 0.637417 +vt 0.544415 0.030029 +vt 0.712145 0.604493 +vt 0.803218 0.425316 +vt 0.989737 0.994754 +vt 0.450475 0.883137 +vt 0.627761 0.175357 +vt 0.977752 0.819373 +vt 0.362249 0.982746 +vt 0.507021 0.056296 +vt 0.590173 0.451188 +vt 0.536006 0.254193 +vt 0.292324 0.603484 +vt 0.216501 0.038456 +vt 0.863582 0.251238 +vt 0.474772 0.897035 +vt 0.031437 0.363200 +vt 0.197435 0.870275 +vt 0.849082 0.302764 +vt 0.900966 0.853683 +vt 0.236245 0.143734 +vt 0.870050 0.582229 +vt 0.868206 0.298473 +vt 0.159390 0.351489 +vt 0.176604 0.363487 +vt 0.183242 0.921642 +vt 0.240810 0.918657 +vt 0.143785 0.492490 +vt 0.183542 0.699172 +vt 0.958549 0.162110 +vt 0.183850 0.667110 +vt 0.955192 0.169420 +vt 0.088165 0.649371 +vt 0.500049 0.720904 +vt 0.011985 0.653507 +vt 0.183850 0.786923 +vt 0.361780 0.136688 +vt 0.344750 0.137305 +vt 0.373529 0.822420 +vt 0.638849 0.982653 +vt 0.589379 0.812744 +vt 0.599162 0.523428 +vt 0.505950 0.972753 +vt 0.534181 0.274054 +vt 0.236668 0.849978 +vt 0.074409 0.795677 +vt 0.540720 0.271754 +vt 0.839306 0.475533 +vt 0.390126 0.165530 +vt 0.741201 0.651205 +vt 0.452268 0.635382 +vt 0.813976 0.195779 +vt 0.177188 0.637417 +vt 0.010749 0.962919 +vt 0.282578 0.792927 +vt 0.575665 0.090243 +vt 0.879922 0.146296 +vt 0.262243 0.851170 +vt 0.710820 0.963824 +vt 0.886360 0.823428 +vt 0.950152 0.146562 +vt 0.154119 0.559112 +vt 0.777252 0.972746 +vt 0.984430 0.550513 +vt 0.151651 0.007507 +vt 0.714330 0.818710 +vt 0.977701 0.587684 +vt 0.211093 0.926515 +vt 0.101247 0.398024 +vt 0.100814 0.226451 +vt 0.051156 0.479273 +vt 0.124169 0.394233 +vt 0.360881 0.271381 +vt 0.136262 0.394498 +vt 0.262962 0.481167 +vt 0.741029 0.982602 +vt 0.324259 0.991381 +vt 0.378266 0.152871 +vt 0.390010 0.982653 +vt 0.970253 0.145396 +vt 0.185623 0.907117 +vt 0.560631 0.097853 +vt 0.635184 0.107857 +vt 0.148573 0.650591 +vt 0.380229 0.912900 +vt 0.281841 0.547343 +vt 0.563058 0.992683 +vt 0.239242 0.140847 +vt 0.374627 0.361600 +vt 0.611400 0.926779 +vt 0.311107 0.897930 +vt 0.467138 0.896888 +vt 0.247853 0.137070 +vt 0.889372 0.836932 +vt 0.013814 0.790864 +vt 0.911850 0.513740 +vt 0.912358 0.768666 +vt 0.677045 0.588413 +vt 0.367457 0.898872 +vt 0.125506 0.401676 +vt 0.162035 0.480728 +vt 0.606833 0.469523 +vt 0.404155 0.994761 +vt 0.527253 0.812877 +vt 0.055682 0.485768 +vt 0.367101 0.820444 +vt 0.147606 0.196939 +vt 0.137790 0.332452 +vt 0.233063 0.213676 +vt 0.341665 0.437327 +vt 0.541452 0.731768 +vt 0.009935 0.590831 +vt 0.216567 0.094058 +vt 0.917127 0.703017 +vt 0.619386 0.594882 +vt 0.408000 0.634799 +vt 0.017626 0.962971 +vt 0.977701 0.640507 +vt 0.455833 0.375187 +vt 0.513426 0.353485 +vt 0.942649 0.182878 +vt 0.977236 0.980721 +vt 0.735198 0.510641 +vt 0.963392 0.886454 +vt 0.758774 0.639174 +vt 0.649283 0.775040 +vt 0.771947 0.761837 +vt 0.730114 0.628742 +vt 0.506867 0.721382 +vt 0.107796 0.795217 +vt 0.307416 0.841437 +vt 0.830053 0.693662 +vt 0.828970 0.014312 +vt 0.823137 0.030511 +vt 0.830619 0.248245 +vt 0.833161 0.698540 +vt 0.309098 0.851120 +vt 0.292999 0.067643 +vt 0.309411 0.991381 +vt 0.683594 0.980040 +vt 0.976944 0.863195 +vt 0.994761 0.247632 +vt 0.827843 0.425331 +vt 0.579495 0.637773 +vt 0.700535 0.990567 +vt 0.600269 0.040027 +vt 0.214127 0.867902 +vt 0.619386 0.053948 +vt 0.489250 0.126803 +vt 0.123750 0.057848 +vt 0.982418 0.343456 +vt 0.447661 0.247600 +vt 0.977752 0.700225 +vt 0.143016 0.635110 +vt 0.437090 0.634757 +vt 0.507472 0.104074 +vt 0.609284 0.902248 +vt 0.602392 0.901800 +vt 0.603511 0.758525 +vt 0.599154 0.253829 +vt 0.547927 0.990684 +vt 0.973010 0.924800 +vt 0.619386 0.599760 +vt 0.342696 0.634512 +vt 0.630968 0.635323 +vt 0.984859 0.934220 +vt 0.808898 0.280724 +vt 0.683939 0.975859 +vt 0.616251 0.520810 +vt 0.980741 0.665170 +vt 0.547219 0.652399 +vt 0.303975 0.545298 +vt 0.979523 0.504776 +vt 0.982602 0.011102 +vt 0.389119 0.635330 +vt 0.977701 0.746509 +vt 0.905290 0.512550 +vt 0.906656 0.513321 +vt 0.600682 0.627199 +vt 0.982602 0.345895 +vt 0.625660 0.321825 +vt 0.943315 0.523288 +vt 0.623735 0.440879 +vt 0.925620 0.980685 +vt 0.979616 0.843260 +vt 0.976541 0.505011 +vt 0.844071 0.994724 +vt 0.436626 0.337408 +vt 0.220053 0.636073 +vt 0.326068 0.637372 +vt 0.616122 0.420059 +vt 0.715393 0.994805 +vt 0.009711 0.924689 +vt 0.304223 0.897490 +vt 0.496347 0.126744 +vt 0.974505 0.863018 +vt 0.339068 0.991580 +vt 0.558343 0.007428 +vt 0.067929 0.264177 +vt 0.933646 0.106688 +vt 0.217645 0.060414 +vt 0.989730 0.792803 +vt 0.578889 0.415827 +vt 0.279639 0.635389 +vt 0.973090 0.719887 +vt 0.600762 0.086487 +vt 0.820763 0.530131 +vt 0.958106 0.650141 +vt 0.616295 0.128229 +vt 0.385381 0.982594 +vt 0.989781 0.611099 +vt 0.089135 0.637313 +vt 0.600682 0.629411 +vt 0.559108 0.229960 +vt 0.922520 0.611047 +vt 0.972196 0.054492 +vt 0.972959 0.964559 +vt 0.830712 0.228527 +vt 0.157246 0.534025 +vt 0.973056 0.766110 +vt 0.108310 0.637417 +vt 0.154121 0.508312 +vt 0.785728 0.992602 +vt 0.994761 0.469764 +vt 0.287656 0.851707 +vt 0.628839 0.479033 +vt 0.989796 0.187002 +vt 0.562307 0.913633 +vt 0.732867 0.982602 +vt 0.829218 0.994746 +vt 0.510394 0.603800 +vt 0.977236 0.881397 +vt 0.559219 0.210086 +vt 0.074860 0.609855 +vt 0.493166 0.992768 +vt 0.610106 0.401316 +vt 0.628973 0.457735 +vt 0.594792 0.373950 +vt 0.560286 0.102048 +vt 0.619386 0.043060 +vt 0.275327 0.355267 +vt 0.801210 0.992653 +vt 0.194412 0.534565 +vt 0.958106 0.860890 +vt 0.982478 0.407707 +vt 0.632058 0.034404 +vt 0.974455 0.144940 +vt 0.594879 0.385190 +vt 0.255854 0.546218 +vt 0.429349 0.993381 +vt 0.868227 0.204744 +vt 0.121966 0.650581 +vt 0.994805 0.510152 +vt 0.610118 0.370582 +vt 0.978329 0.524829 +vt 0.544217 0.006908 +vt 0.258792 0.635177 +vt 0.468230 0.922545 +vt 0.237317 0.142838 +vt 0.014006 0.790607 +vt 0.020647 0.784009 +vt 0.881046 0.269134 +vt 0.118128 0.037968 +vt 0.085344 0.028332 +vt 0.520716 0.201538 +vt 0.255618 0.097919 +vt 0.744748 0.923070 +vt 0.861057 0.994754 +vt 0.842305 0.450615 +vt 0.369168 0.373208 +vt 0.528352 0.025903 +vt 0.626009 0.746166 +vt 0.782049 0.668047 +vt 0.661898 0.636081 +vt 0.524799 0.824625 +vt 0.101658 0.402983 +vt 0.841125 0.701685 +vt 0.323344 0.841437 +vt 0.572770 0.254125 +vt 0.710820 0.974235 +vt 0.460104 0.122419 +vt 0.610272 0.826893 +vt 0.339068 0.994805 +vt 0.161935 0.166843 +vt 0.581946 0.090221 +vt 0.910087 0.732130 +vt 0.067121 0.628839 +vt 0.984816 0.367891 +vt 0.569084 0.637773 +vt 0.769811 0.992718 +vt 0.975883 0.524829 +vt 0.121400 0.145417 +vt 0.541176 0.125321 +vt 0.930331 0.348558 +vt 0.526183 0.994424 +vt 0.126770 0.145447 +vt 0.603989 0.751699 +vt 0.854490 0.279949 +vt 0.989803 0.086027 +vt 0.011237 0.845684 +vt 0.476686 0.047207 +vt 0.626357 0.263635 +vt 0.715349 0.992314 +vt 0.844071 0.994805 +vt 0.467054 0.915940 +vt 0.467466 0.921178 +vt 0.108354 0.634985 +vt 0.609508 0.375960 +vt 0.587183 0.451460 +vt 0.982397 0.427610 +vt 0.198080 0.635506 +vt 0.809487 0.705676 +vt 0.462454 0.651714 +vt 0.989774 0.106209 +vt 0.984860 0.390311 +vt 0.875410 0.990977 +vt 0.324259 0.994805 +vt 0.048705 0.609855 +vt 0.977752 0.645709 +vt 0.787046 0.972702 +vt 0.660801 0.609318 +vt 0.624889 0.984805 +vt 0.176546 0.829225 +vt 0.982128 0.066941 +vt 0.982653 0.303312 +vt 0.468044 0.637417 +vt 0.977453 0.481936 +vt 0.496905 0.637387 +vt 0.745130 0.936059 +vt 0.337641 0.778747 +vt 0.417929 0.851851 +vt 0.989796 0.267788 +vt 0.955148 0.813048 +vt 0.581718 0.891614 +vt 0.994754 0.207232 +vt 0.984808 0.772312 +vt 0.842009 0.203139 +vt 0.136195 0.888029 +vt 0.949827 0.182878 +vt 0.005291 0.962927 +vt 0.253617 0.533732 +vt 0.632066 0.082250 +vt 0.625354 0.375903 +vt 0.977481 0.204120 +vt 0.994761 0.227426 +vt 0.615838 0.250849 +vt 0.820716 0.425265 +vt 0.161604 0.635280 +vt 0.121524 0.635213 +vt 0.884996 0.508730 +vt 0.110914 0.051575 +vt 0.619335 0.564941 +vt 0.549995 0.634838 +vt 0.628910 0.505661 +vt 0.994761 0.530346 +vt 0.989737 0.954370 +vt 0.900620 0.994805 +vt 0.864920 0.383143 +vt 0.989737 0.812998 +vt 0.521457 0.635265 +vt 0.546754 0.439596 +vt 0.609487 0.982594 +vt 0.832903 0.585531 +vt 0.578249 0.992602 +vt 0.932438 0.994761 +vt 0.309367 0.994805 +vt 0.236923 0.636182 +vt 0.989737 0.913980 +vt 0.989774 0.146563 +vt 0.799491 0.127990 +vt 0.282729 0.603770 +vt 0.370081 0.982819 +vt 0.683435 0.106767 +vt 0.982610 0.425516 +vt 0.755193 0.664244 +vt 0.982565 0.283753 +vt 0.512457 0.994805 +vt 0.994805 0.489958 +vt 0.415972 0.166140 +vt 0.221275 0.621683 +vt 0.485059 0.141728 +vt 0.488554 0.972724 +vt 0.597809 0.208983 +vt 0.631859 0.065810 +vt 0.216560 0.013175 +vt 0.351569 0.912900 +vt 0.476735 0.994424 +vt 0.945443 0.604657 +vt 0.700542 0.773198 +vt 0.591568 0.994805 +vt 0.216327 0.125609 +vt 0.155846 0.007118 +vt 0.448082 0.375187 +vt 0.989788 0.631294 +vt 0.369097 0.637417 +vt 0.140392 0.583959 +vt 0.216414 0.424524 +vt 0.535142 0.758502 +vt 0.711917 0.643109 +vt 0.902686 0.429339 +vt 0.061852 0.934421 +vt 0.982646 0.025094 +vt 0.475833 0.336042 +vt 0.191684 0.650877 +vt 0.309330 0.637417 +vt 0.605260 0.672065 +vt 0.426214 0.180982 +vt 0.895632 0.267733 +vt 0.463307 0.810082 +vt 0.096358 0.584010 +vt 0.111986 0.622462 +vt 0.853582 0.146804 +vt 0.984501 0.449682 +vt 0.979882 0.903012 +vt 0.994754 0.166844 +vt 0.619386 0.550022 +vt 0.206747 0.534565 +vt 0.407055 0.603653 +vt 0.989737 0.833244 +vt 0.850587 0.785427 +vt 0.749519 0.751309 +vt 0.989788 0.045608 +vt 0.040902 0.007428 +vt 0.403027 0.104445 +vt 0.989774 0.126404 +vt 0.958070 0.868075 +vt 0.283893 0.321031 +vt 0.275063 0.343314 +vt 0.284011 0.330464 +vt 0.353919 0.994805 +vt 0.814558 0.992594 +vt 0.977745 0.581020 +vt 0.438952 0.982660 +vt 0.389694 0.532702 +vt 0.121694 0.583959 +vt 0.568111 0.513009 +vt 0.344902 0.603131 +vt 0.832857 0.562665 +vt 0.860276 0.712539 +vn 0.0103 0.9585 -0.2849 +vn 0.0121 0.8847 -0.4660 +vn 0.0044 0.9725 -0.2330 +vn 0.0000 0.0000 -1.0000 +vn 0.0206 0.7375 -0.6751 +vn 0.0071 0.8385 -0.5448 +vn 0.0027 0.6545 -0.7561 +vn 0.0253 0.5386 -0.8422 +vn 0.0013 0.4219 -0.9067 +vn 0.0243 0.3025 -0.9528 +vn 0.0040 0.1562 -0.9877 +vn 0.0080 -0.1108 -0.9938 +vn -0.0181 0.0478 -0.9987 +vn 0.0117 -0.2055 -0.9786 +vn 0.0000 -0.0789 -0.9969 +vn 0.0000 0.1715 -0.9852 +vn -0.0044 0.9725 -0.2330 +vn -0.0110 0.9999 0.0004 +vn 0.0000 1.0000 -0.0000 +vn 0.4551 0.8905 0.0000 +vn 0.3590 0.9333 0.0000 +vn 0.0000 -0.6497 -0.7601 +vn 0.0000 -0.4403 -0.8979 +vn 0.0000 -0.2367 -0.9716 +vn 0.0000 -0.4499 -0.8931 +vn 0.0000 -0.9793 -0.2025 +vn 0.0000 -0.9954 -0.0961 +vn 0.8777 0.4792 0.0000 +vn 0.9096 0.4154 0.0000 +vn 0.0000 -0.3729 -0.9279 +vn 0.0000 -0.4061 -0.9138 +vn 0.0000 -1.0000 0.0000 +vn -0.5993 0.8005 0.0000 +vn -0.5406 0.8413 0.0000 +vn 0.4782 -0.8782 0.0000 +vn 0.4650 -0.8853 0.0000 +vn -0.0071 0.8385 -0.5448 +vn -0.0121 0.8847 -0.4660 +vn -0.0206 0.7375 -0.6751 +vn -0.0027 0.6545 -0.7561 +vn -0.0253 0.5386 -0.8422 +vn -0.0160 0.5214 0.8531 +vn -0.0121 0.6338 0.7734 +vn 0.0277 0.7346 0.6780 +vn 0.0000 0.5906 0.8070 +vn 0.0181 0.0478 -0.9987 +vn 0.0160 0.5214 0.8531 +vn 0.0000 -0.5954 0.8034 +vn 0.0000 -0.4210 0.9071 +vn 0.0068 0.8316 0.5553 +vn 0.0185 0.8847 0.4658 +vn -0.0013 0.4219 -0.9067 +vn -0.0243 0.3025 -0.9528 +vn 0.0121 0.6338 0.7734 +vn -0.0277 0.7346 0.6780 +vn -0.9994 0.0320 -0.0106 +vn -1.0000 0.0000 0.0000 +vn -0.0117 -0.2055 -0.9786 +vn -0.0080 -0.1108 -0.9938 +vn 0.0000 -0.2825 -0.9593 +vn -0.0040 0.1562 -0.9877 +vn 0.0043 -0.4227 -0.9063 +vn -0.0068 0.8316 0.5553 +vn -0.0185 0.8847 0.4658 +vn -0.0549 0.7369 0.6738 +vn -0.2574 0.7643 0.5913 +vn -0.1859 0.7057 0.6837 +vn -0.0043 -0.4227 -0.9063 +vn 0.0116 0.9564 0.2918 +vn 0.0073 0.9730 0.2305 +vn 0.0110 0.9999 0.0004 +vn 0.8017 0.5978 0.0000 +vn 0.7257 0.6880 0.0000 +vn 0.0000 -0.9936 -0.1128 +vn 0.0000 -0.9273 -0.3742 +vn 0.0019 -0.9934 -0.1151 +vn -0.0049 -0.9957 0.0925 +vn -0.0048 -0.9862 -0.1656 +vn 0.0000 -0.1195 0.9928 +vn 0.0000 -0.0036 1.0000 +vn 0.0048 -0.9862 -0.1656 +vn -0.0013 -0.9339 -0.3576 +vn 0.0043 -0.9110 -0.4124 +vn 0.0000 0.2436 0.9699 +vn 0.0000 -0.0209 0.9998 +vn 0.9977 -0.0674 0.0000 +vn 0.9639 -0.2664 0.0000 +vn 0.3865 0.7977 -0.4629 +vn 0.5399 0.7529 -0.3763 +vn 0.6377 0.6654 -0.3881 +vn 0.0000 0.6709 0.7415 +vn 0.0000 0.8319 0.5549 +vn 0.7071 -0.7071 0.0000 +vn 0.6549 -0.7557 0.0000 +vn 0.0022 -0.9269 0.3752 +vn -0.0040 -0.8188 0.5741 +vn -0.0047 -0.9387 0.3447 +vn -0.0103 0.3201 -0.9473 +vn -0.0076 0.1653 -0.9862 +vn 0.0041 0.0512 -0.9987 +vn -0.0022 -0.9909 0.1344 +vn 0.0047 -0.9387 0.3447 +vn -0.0022 -0.9269 0.3752 +vn 0.0000 0.2221 -0.9750 +vn 0.0103 0.3201 -0.9473 +vn 0.0017 -0.8056 0.5925 +vn -0.0013 -0.6091 0.7931 +vn -0.3904 -0.9206 0.0089 +vn -0.2849 -0.9585 -0.0067 +vn -0.2860 -0.9579 -0.0235 +vn 0.0076 0.1653 -0.9862 +vn -0.0041 0.0512 -0.9987 +vn -0.0029 -0.1992 -0.9800 +vn -0.0019 -0.3629 -0.9318 +vn -0.0008 -0.1136 -0.9935 +vn 0.0013 -0.6091 0.7931 +vn 0.0000 -0.5388 0.8425 +vn 0.0011 -0.4270 0.9043 +vn 0.0006 -0.6334 0.7738 +vn -0.4737 -0.6816 0.5577 +vn -0.4752 -0.6806 0.5577 +vn -0.4731 -0.6798 0.5603 +vn 0.0008 -0.1136 -0.9935 +vn 0.0029 -0.1992 -0.9800 +vn -0.0017 -0.4368 -0.8995 +vn -0.0028 -0.5885 -0.8085 +vn 0.0000 -0.2189 0.9757 +vn 0.0000 -0.3628 0.9319 +vn 0.0000 -0.2189 0.9758 +vn -0.0011 -0.4270 0.9043 +vn -0.0006 -0.6334 0.7738 +vn 0.9838 -0.1243 -0.1292 +vn 0.9298 -0.3681 0.0000 +vn 0.9220 -0.3650 -0.1292 +vn 1.0000 0.0000 0.0000 +vn -0.0103 0.9585 -0.2849 +vn 0.0000 0.9696 -0.2447 +vn 0.0000 0.9542 -0.2990 +vn 0.0000 0.9542 -0.2991 +vn 0.1423 -0.9898 0.0000 +vn 0.0713 -0.9975 0.0000 +vn 0.0000 0.2373 0.9714 +vn 0.0000 0.4669 0.8843 +vn 0.0005 -0.8159 -0.5781 +vn -0.0043 -0.9110 -0.4124 +vn -0.0037 -0.7754 -0.6315 +vn 0.0000 -0.5255 -0.8508 +vn 0.0000 -0.4111 -0.9116 +vn 0.0037 -0.7754 -0.6315 +vn 0.0005 -0.6468 -0.7627 +vn 0.0028 -0.5885 -0.8085 +vn 0.0000 -0.8763 -0.4818 +vn 0.0000 -0.9686 -0.2487 +vn 0.0000 0.9866 0.1630 +vn 0.0000 0.9412 0.3379 +vn -0.5196 -0.5973 0.6109 +vn -0.6111 -0.7160 0.3376 +vn -0.4987 -0.7190 0.4841 +vn 0.0000 -0.9735 -0.2288 +vn 0.0000 -0.9948 -0.1019 +vn 0.0000 0.1755 -0.9845 +vn 0.0000 0.0279 -0.9996 +vn 0.7073 0.7069 0.0000 +vn 0.5711 0.8209 0.0000 +vn 0.0000 0.6682 0.7440 +vn 0.0000 0.8262 0.5634 +vn -0.9686 0.2487 0.0000 +vn -0.9916 -0.0000 -0.1292 +vn 0.0000 -0.1353 -0.9908 +vn 0.0000 -0.2858 -0.9583 +vn 0.0000 0.9988 -0.0486 +vn 0.0000 1.0000 -0.0021 +vn 0.0000 0.7756 0.6312 +vn 0.0000 0.6218 0.7832 +vn 0.0000 -0.9999 0.0105 +vn 0.0000 -0.9617 0.2739 +vn 0.1928 0.9812 0.0000 +vn -0.4219 0.9067 0.0000 +vn -0.3710 0.9286 0.0000 +vn -0.4650 -0.8853 0.0000 +vn -0.4782 -0.8782 0.0000 +vn 0.0000 -0.7209 0.6930 +vn 0.0000 -0.7928 0.6095 +vn 0.0000 -0.7929 0.6094 +vn -0.3090 -0.9511 0.0000 +vn -0.5358 -0.8443 0.0000 +vn -0.9298 -0.3681 0.0000 +vn -0.8090 -0.5878 0.0000 +vn 0.0000 -0.7761 -0.6306 +vn 0.0000 -0.8924 -0.4513 +vn 0.4258 0.9048 0.0000 +vn 0.1874 0.9823 0.0000 +vn 0.0000 -0.2639 -0.9646 +vn 0.0000 -0.5091 -0.8607 +vn 0.0000 -0.9686 0.2487 +vn 0.0000 0.9993 -0.0370 +vn 0.0000 0.9985 0.0544 +vn -0.6374 -0.7705 0.0000 +vn -0.4258 -0.9048 0.0000 +vn 0.9369 0.3495 0.0000 +vn 0.9595 0.2817 0.0000 +vn 0.0000 -0.9474 -0.3202 +vn 0.0000 -0.9874 -0.1580 +vn 0.0000 -0.2937 0.9559 +vn 0.0000 -0.5222 0.8528 +vn 0.0000 0.9983 -0.0574 +vn 0.0000 0.9477 -0.3191 +vn 0.0000 0.2595 0.9657 +vn 0.0000 0.1195 0.9928 +vn 0.0000 0.9229 0.3851 +vn 0.0000 0.8145 0.5801 +vn 0.9996 -0.0294 0.0000 +vn 0.9837 -0.1799 0.0000 +vn 0.0000 0.1396 0.9902 +vn 0.0000 -0.1301 0.9915 +vn 0.9686 0.2487 0.0000 +vn 0.0000 -0.9730 -0.2307 +vn 0.0000 -0.9434 -0.3316 +vn 0.0000 0.6322 -0.7748 +vn 0.0000 0.7782 -0.6280 +vn 0.0000 -0.8262 0.5634 +vn 0.0000 -0.9303 0.3668 +vn 0.0000 -0.6262 0.7796 +vn 0.0000 -0.4768 0.8790 +vn 0.0000 -0.5659 0.8245 +vn 0.0000 -0.6361 0.7716 +vn 0.0000 0.7963 -0.6049 +vn 0.0000 0.6084 -0.7936 +vn 0.0000 -0.0253 -0.9997 +vn 0.0000 -0.2339 -0.9723 +vn 0.0000 -0.8122 -0.5834 +vn 0.0000 -0.8041 -0.5944 +vn 0.0000 0.6250 -0.7807 +vn 0.0000 0.7227 -0.6911 +vn 0.0000 -0.3669 -0.9303 +vn 0.0000 -0.2372 -0.9715 +vn 0.0000 -0.2436 -0.9699 +vn 0.0000 0.0209 -0.9998 +vn 0.7557 0.6549 0.0000 +vn 0.8005 0.5993 0.0000 +vn 0.0000 0.7793 -0.6266 +vn 0.0000 0.8554 -0.5180 +vn 0.0000 0.8554 -0.5181 +vn 0.0000 -0.7181 0.6959 +vn 0.0000 -0.5091 0.8607 +vn 0.0000 0.0594 -0.9982 +vn 0.0000 0.1448 -0.9895 +vn 0.0000 -0.2373 0.9714 +vn 0.0000 -0.4669 0.8843 +vn 0.0000 0.2280 0.9737 +vn 0.0000 0.1093 0.9940 +vn 0.0000 -0.1352 0.9908 +vn 0.0000 -0.0074 1.0000 +vn 0.0000 -0.4617 -0.8871 +vn 0.0000 0.5945 -0.8041 +vn 0.0000 0.7877 -0.6160 +vn 0.0000 0.7878 -0.6160 +vn 0.9976 0.0688 0.0000 +vn 0.9977 0.0674 0.0000 +vn 0.0000 -0.9617 0.2740 +vn -0.4837 -0.8752 0.0000 +vn -0.4577 -0.8891 0.0000 +vn 0.1602 0.9871 0.0000 +vn 0.1414 0.9900 0.0000 +vn 0.0000 0.8684 -0.4958 +vn 0.0000 0.9645 -0.2643 +vn 0.0000 -0.0723 -0.9974 +vn 0.9623 -0.2721 0.0000 +vn 0.8519 -0.5236 0.0000 +vn 0.0000 -0.0318 -0.9995 +vn 0.0000 -0.0447 -0.9990 +vn -0.9639 0.2664 0.0000 +vn -0.8581 0.5135 0.0000 +vn 0.0000 0.5199 0.8543 +vn 0.0000 0.3991 0.9169 +vn 0.0000 -0.8763 0.4818 +vn 0.0000 -0.7290 0.6845 +vn -0.9921 0.1253 0.0000 +vn -0.9921 -0.1253 0.0000 +vn 0.9639 0.2664 0.0000 +vn 0.0000 0.1887 -0.9820 +vn 0.0000 0.1120 -0.9937 +vn 0.0000 0.9936 0.1128 +vn 0.0000 0.9273 0.3742 +vn 0.0000 -0.5399 0.8417 +vn 0.0000 -0.9747 0.2237 +vn 0.0000 -0.8972 0.4416 +vn 0.0000 0.3830 0.9237 +vn 0.0000 0.1257 0.9921 +vn 0.0000 0.3830 0.9238 +vn -0.7290 -0.6845 0.0000 +vn 0.0000 -0.2300 0.9732 +vn 0.0000 -0.0946 0.9955 +vn -0.2817 -0.9595 0.0000 +vn -0.3495 -0.9369 0.0000 +vn 0.0000 0.9992 -0.0390 +vn 0.0000 0.9982 0.0600 +vn 0.2760 0.9612 0.0000 +vn 0.1789 0.9839 0.0000 +vn 0.0000 -0.4457 -0.8952 +vn 0.0000 -0.6098 -0.7926 +vn 0.0000 0.3603 0.9328 +vn 0.0000 0.2017 0.9794 +vn 0.0000 -0.9990 -0.0445 +vn 0.0000 -1.0000 -0.0021 +vn 0.0000 0.9434 -0.3316 +vn 0.0000 0.9730 -0.2307 +vn 0.0000 0.3775 -0.9260 +vn 0.0000 0.1197 -0.9928 +vn -0.9369 -0.3495 0.0000 +vn -0.9595 -0.2817 0.0000 +vn 0.4154 -0.9096 0.0000 +vn 0.3495 -0.9369 0.0000 +vn 0.0000 -0.2029 -0.9792 +vn 0.0000 0.0096 -1.0000 +vn 0.0000 -0.9992 -0.0390 +vn 0.0000 -0.3627 0.9319 +vn 0.0000 -0.4676 0.8840 +vn 0.5616 -0.8274 0.0000 +vn 0.4216 -0.9068 0.0000 +vn 0.0000 -0.6312 0.7756 +vn 0.0000 -0.4831 0.8756 +vn -0.4650 0.8853 0.0000 +vn -0.5152 0.8571 0.0000 +vn 0.0000 -0.6285 -0.7778 +vn 0.0000 0.0000 1.0000 +vn 0.0000 -0.0365 0.9993 +vn 0.0000 0.9907 -0.1361 +vn 0.0000 0.9197 -0.3927 +vn 0.4315 -0.9021 0.0000 +vn 0.3609 -0.9326 0.0000 +vn 0.0000 0.8572 -0.5150 +vn 0.0000 -0.9849 -0.1732 +vn 0.0000 -0.9984 -0.0564 +vn 0.0000 -0.9999 -0.0105 +vn 0.0000 -0.9673 0.2537 +vn 0.9777 0.2098 0.0000 +vn 0.9631 0.2691 0.0000 +vn 0.0000 0.9788 -0.2048 +vn 0.0000 0.8942 -0.4476 +vn 0.0000 0.8943 -0.4475 +vn 0.5080 0.8614 0.0000 +vn 0.0000 -0.0628 0.9980 +vn 0.0000 0.1874 0.9823 +vn -0.8936 -0.4489 0.0000 +vn -0.9257 -0.3782 0.0000 +vn 0.0000 0.8572 0.5151 +vn 0.0000 0.7793 0.6266 +vn 0.0000 -0.9996 -0.0272 +vn 0.0000 -0.9983 0.0579 +vn 0.0000 0.7392 0.6735 +vn 0.0000 0.8671 0.4982 +vn 0.0000 0.7392 0.6734 +vn -0.9960 0.0895 0.0000 +vn -0.9881 0.1536 0.0000 +vn 0.0000 -0.8626 -0.5059 +vn 0.0000 -0.9633 -0.2685 +vn 0.8091 0.5877 0.0000 +vn 0.0713 0.9975 0.0000 +vn 0.1423 0.9898 0.0000 +vn 0.0000 -0.5358 0.8443 +vn 0.0000 -0.3090 0.9511 +vn 0.0000 -0.1321 -0.9912 +vn 0.0000 0.0253 -0.9997 +vn 0.0000 0.8554 0.5180 +vn 0.0000 0.9617 0.2740 +vn 0.0000 0.9713 -0.2378 +vn 0.0000 0.9260 -0.3775 +vn 0.0000 -0.6975 0.7166 +vn 0.0000 -0.7742 0.6329 +vn -0.9771 -0.2126 0.0000 +vn 0.7232 -0.6907 0.0000 +vn 0.5577 -0.8301 0.0000 +vn -0.5613 -0.8276 0.0000 +vn -0.7234 -0.6904 0.0000 +vn 0.0000 -0.0241 -0.9997 +vn 0.0000 0.1353 -0.9908 +vn 0.0000 0.1223 0.9925 +vn 0.0000 0.0281 0.9996 +vn 0.0000 0.4384 -0.8988 +vn 0.0000 0.2548 -0.9670 +vn 0.0000 -0.1811 0.9835 +vn 0.0000 -0.0260 0.9997 +vn 0.7832 -0.2666 0.5618 +vn 0.7768 -0.4121 0.4763 +vn 0.8533 -0.1843 0.4878 +vn 0.7728 -0.0604 0.6317 +vn 0.6842 -0.6798 0.2640 +vn 0.7667 -0.6381 0.0709 +vn 0.7883 -0.5683 0.2358 +vn 0.7667 -0.5012 0.4011 +vn 0.6111 -0.7907 -0.0376 +vn -0.4898 -0.8681 0.0804 +vn -0.6842 -0.7291 0.0165 +vn -0.5089 -0.1551 -0.8467 +vn -0.6283 -0.3879 -0.6744 +vn -0.7116 -0.0000 -0.7026 +vn 0.6283 -0.1000 0.7715 +vn 0.5111 0.0361 0.8588 +vn 0.4847 -0.2074 0.8498 +vn 0.7749 0.0549 0.6297 +vn 0.7116 0.2691 0.6490 +vn 0.6239 -0.5117 0.5907 +vn 0.4475 -0.4365 0.7805 +vn 0.3745 -0.4033 0.8349 +vn 0.4516 -0.6076 0.6534 +vn -0.5249 -0.8435 -0.1139 +vn -0.4516 -0.8115 -0.3708 +vn -0.4293 -0.8853 -0.1785 +vn 0.5249 0.8228 -0.2179 +vn 0.4898 0.7711 -0.4068 +vn 0.4293 0.8862 -0.1742 +vn 0.6842 0.6671 -0.2945 +vn 0.6239 0.7795 0.0552 +vn 0.4790 0.0944 -0.8727 +vn 0.6395 -0.0231 -0.7685 +vn 0.4692 -0.1092 -0.8763 +vn -0.7784 0.3001 0.5514 +vn -0.6202 0.4455 0.6457 +vn -0.7824 0.4610 0.4188 +vn 0.7899 -0.0575 -0.6105 +vn 0.6281 -0.1188 -0.7690 +vn 0.4996 -0.3318 -0.8002 +vn 0.7689 -0.2449 -0.5905 +vn 0.7042 -0.1383 -0.6964 +vn 0.7042 -0.3951 -0.5899 +vn 0.7899 -0.3914 -0.4720 +vn 0.6281 -0.4603 -0.6274 +vn 0.4692 -0.5430 -0.6964 +vn 0.4789 -0.6843 -0.5498 +vn 0.6395 -0.5275 -0.5593 +vn 0.6202 -0.6588 -0.4258 +vn 0.7784 0.0660 -0.6243 +vn 0.6202 0.1642 -0.7671 +vn 0.7824 0.2654 -0.5634 +vn 0.5249 -0.7355 0.4283 +vn 0.4293 -0.7494 0.5040 +vn 0.4898 -0.8327 0.2583 +vn 0.6111 0.5321 -0.5861 +vn 0.4987 0.4787 -0.7226 +vn 0.4844 0.6761 -0.5552 +vn 0.8088 -0.5881 -0.0023 +vn 0.6526 -0.7577 0.0019 +vn 0.8499 -0.5268 0.0143 +vn 0.7667 0.5011 -0.4015 +vn 0.5196 0.3177 -0.7932 +vn 0.7667 0.6380 -0.0713 +vn 0.7883 0.5684 -0.2356 +vn 0.7764 0.4122 -0.4767 +vn 0.8536 0.1853 -0.4868 +vn 0.4096 -0.3494 -0.8427 +vn 0.4475 0.8607 0.2425 +vn 0.3745 0.8758 0.3045 +vn 0.4847 0.7479 0.4537 +vn 0.4516 0.8917 0.0316 +vn 0.7832 0.5859 0.2083 +vn 0.7729 0.4897 0.4036 +vn 0.8533 0.4754 0.2142 +vn 0.7768 0.6282 0.0449 +vn 0.5196 -0.7858 -0.3355 +vn 0.4790 -0.6843 -0.5498 +vn 0.6283 0.6167 0.4743 +vn 0.5111 0.5822 0.6323 +vn 0.7749 0.4068 0.4838 +vn -0.6239 -0.6989 -0.3496 +vn -0.4475 -0.7022 -0.5537 +vn 0.7824 -0.5862 -0.2102 +vn 0.7784 -0.4884 -0.3944 +vn 0.8536 -0.4754 -0.2128 +vn 0.7764 -0.6286 -0.0451 +vn 0.8222 0.2180 0.5258 +vn 0.4987 -0.8496 -0.1718 +vn 0.4844 -0.8706 0.0861 +vn 0.5864 0.3103 0.7482 +vn 0.5089 0.1811 0.8415 +vn 0.5089 0.4676 0.7228 +vn 0.0000 -0.0209 -0.9998 +vn 0.0000 -0.1530 -0.9882 +vn -0.9215 -0.3883 0.0000 +vn -0.9351 -0.3543 0.0000 +vn 0.0000 -0.3636 -0.9315 +vn 0.0000 -0.5783 -0.8158 +vn 0.0000 -0.3874 -0.9219 +vn 0.0000 0.5911 -0.8066 +vn 0.0000 0.4034 -0.9150 +vn -0.9353 0.3537 0.0000 +vn -0.9217 0.3880 0.0000 +vn 0.8090 -0.5878 0.0000 +vn -0.4274 0.9041 0.0000 +vn -0.3587 0.9335 0.0000 +vn 0.0000 -0.6545 0.7561 +vn -0.9522 -0.3054 0.0000 +vn -0.9730 -0.2306 0.0000 +vn -0.8763 -0.4818 0.0000 +vn -0.7229 -0.6788 -0.1292 +vn 0.0000 0.9277 -0.3733 +vn 0.0000 0.9948 0.1017 +vn 0.0000 0.9986 0.0531 +vn 0.0000 0.9948 0.1018 +vn 0.0000 0.9673 -0.2537 +vn 0.0000 0.8660 -0.5000 +vn 0.0000 0.9673 -0.2538 +vn 0.0000 0.3629 0.9318 +vn 0.0000 0.5824 0.8129 +vn 0.0000 0.3628 0.9319 +vn 0.3358 0.9419 0.0000 +vn 0.4503 0.8929 0.0000 +vn 0.0000 0.4258 -0.9048 +vn 0.0000 0.1874 -0.9823 +vn -0.1479 0.9890 0.0000 +vn -0.2682 0.9634 0.0000 +vn 0.0000 0.2376 -0.9714 +vn -0.3495 0.9369 0.0000 +vn -0.2817 0.9595 0.0000 +vn 0.0535 -0.9986 0.0000 +vn 0.1151 -0.9934 0.0000 +vn 0.0000 -0.8837 0.4680 +vn 0.0000 -0.7524 0.6587 +vn 0.0000 -0.8730 -0.4877 +vn 0.0000 -0.9779 -0.2089 +vn 0.0000 -0.6030 0.7978 +vn 0.0000 -0.3952 0.9186 +vn 0.9681 -0.0089 0.2506 +vn 0.9504 0.0135 0.3107 +vn 0.9498 -0.0110 0.3127 +vn 0.7092 -0.7050 0.0000 +vn 0.5718 -0.8204 0.0000 +vn 0.0000 -0.8037 0.5951 +vn 0.0000 -0.2806 -0.9598 +vn 0.0000 -0.4549 -0.8905 +vn 0.0000 -0.6966 -0.7175 +vn 0.0000 -0.5305 -0.8477 +vn 0.0000 -0.3904 0.9207 +vn 0.0000 -0.6222 0.7828 +vn 0.0000 0.9237 -0.3830 +vn 0.0000 0.9925 -0.1222 +vn 0.0000 0.0449 -0.9990 +vn 0.0000 0.2772 -0.9608 +vn 0.0000 -0.2828 -0.9592 +vn 0.0000 0.9732 0.2302 +vn 0.0000 0.8941 0.4479 +vn 0.0000 -0.9866 0.1630 +vn 0.0000 -0.9412 0.3379 +vn 0.0000 -0.6257 -0.7800 +vn 0.0000 -0.7672 -0.6414 +vn 0.0000 -0.3487 0.9372 +vn 0.0000 -0.1430 0.9897 +vn 0.0000 0.4909 -0.8712 +vn 0.0000 0.2436 -0.9699 +vn 0.0000 0.9999 -0.0161 +vn 0.0000 -0.0628 -0.9980 +vn 0.0000 -0.3090 -0.9511 +vn 0.0000 -0.9214 -0.3887 +vn 0.0000 -0.7975 -0.6033 +vn 0.0000 0.7375 0.6753 +vn 0.0000 0.8792 0.4765 +vn 0.0000 0.4341 -0.9009 +vn 0.0000 0.2814 -0.9596 +vn 0.0000 0.7543 -0.6565 +vn 0.0000 0.6880 -0.7257 +vn 0.0000 0.7543 -0.6566 +vn 0.0000 -0.1641 0.9864 +vn 0.0000 -0.3373 0.9414 +vn 0.0000 0.1145 -0.9934 +vn 0.0000 0.5091 0.8607 +vn 0.0000 0.7181 0.6959 +vn 0.0000 0.5966 0.8026 +vn 0.0000 0.7871 0.6168 +vn 0.0000 0.7872 0.6167 +vn 0.0428 0.9991 0.0000 +vn 0.1704 0.9854 0.0000 +vn 0.0000 0.6975 0.7166 +vn 0.0000 0.7742 0.6329 +vn 0.0000 0.9617 -0.2739 +vn 0.0000 0.9999 -0.0105 +vn 0.0000 0.9723 0.2338 +vn 0.0000 0.8905 0.4550 +vn 0.9298 0.3681 0.0000 +vn 0.8090 0.5878 0.0000 +vn 0.6773 0.7357 0.0000 +vn 0.8519 0.5236 0.0000 +vn 0.5358 0.8443 0.0000 +vn 0.3090 0.9511 0.0000 +vn 0.0000 -0.8343 -0.5513 +vn 0.0000 -0.9260 -0.3775 +vn 0.0000 0.2884 -0.9575 +vn 0.0000 0.4942 -0.8694 +vn -0.8519 -0.5236 0.0000 +vn -0.9623 -0.2721 0.0000 +vn 0.0000 -0.0469 0.9989 +vn 0.0000 -0.0353 0.9994 +vn 0.0000 -0.3629 0.9318 +vn 0.0000 -0.5824 0.8129 +vn -0.9976 -0.0688 0.0000 +vn -0.9977 -0.0674 0.0000 +vn 0.1927 -0.9813 0.0000 +vn 0.0651 -0.9979 0.0000 +vn 0.0000 0.6584 -0.7527 +vn 0.0000 0.7773 -0.6291 +vn 0.0000 0.6583 -0.7527 +vn 0.0000 -0.0449 -0.9990 +vn 0.0000 -0.2772 -0.9608 +vn 0.1704 -0.9854 0.0000 +vn 0.0428 -0.9991 0.0000 +vn 0.0000 -0.2314 0.9729 +vn 0.0000 -0.9818 -0.1899 +vn 0.0000 -1.0000 -0.0095 +vn 0.0000 -0.8746 0.4848 +vn 0.0000 -0.7133 0.7009 +vn 0.0000 -0.7132 0.7009 +vn 0.0000 0.7686 0.6397 +vn 0.0000 0.0175 0.9998 +vn 0.0000 0.1530 0.9882 +vn 0.9921 -0.1253 0.0000 +vn 0.9921 0.1253 0.0000 +vn 0.0000 -0.7178 0.6962 +vn 0.9678 0.0108 0.2515 +vn 0.9918 -0.0118 0.1273 +vn 0.9918 0.0114 0.1275 +vn -0.7832 -0.4614 -0.4168 +vn -0.7768 -0.5631 -0.2821 +vn -0.8533 -0.3571 -0.3800 +vn -0.7728 -0.2978 -0.5604 +vn -0.7667 -0.6166 0.1789 +vn -0.7883 -0.6153 -0.0002 +vn -0.7667 -0.6167 -0.1785 +vn -0.6111 0.7160 0.3376 +vn -0.4898 0.8681 0.0804 +vn -0.6842 0.7291 0.0165 +vn -0.6283 0.3879 -0.6744 +vn -0.5089 0.1551 -0.8467 +vn -0.5111 -0.2956 -0.8071 +vn -0.4847 -0.5170 -0.7055 +vn -0.7749 -0.1905 -0.6027 +vn -0.7667 0.6167 -0.1785 +vn -0.6239 0.6989 -0.3496 +vn -0.7768 0.5631 -0.2821 +vn -0.3745 -0.6924 -0.6167 +vn -0.5249 0.8435 -0.1139 +vn -0.4293 0.8853 -0.1785 +vn -0.4790 0.4215 0.7700 +vn -0.6395 0.2730 0.7187 +vn -0.4692 0.2348 0.8513 +vn -0.6202 -0.4455 0.6457 +vn -0.7784 -0.3001 0.5514 +vn -0.7824 -0.4610 0.4188 +vn -0.6395 -0.2730 0.7187 +vn -0.7899 -0.1807 0.5859 +vn -0.6281 0.1849 0.7559 +vn -0.4996 0.0000 0.8663 +vn -0.7042 -0.1389 0.6963 +vn -0.7042 0.1389 0.6963 +vn -0.7689 0.0000 0.6393 +vn -0.7899 0.1807 0.5859 +vn -0.6281 -0.1849 0.7559 +vn -0.4692 -0.2348 0.8513 +vn -0.4789 0.4215 0.7700 +vn -0.3938 0.9191 0.0118 +vn -0.3493 0.9370 -0.0005 +vn -0.4154 0.9096 -0.0008 +vn -0.4516 0.8115 -0.3708 +vn -0.4987 0.7190 0.4841 +vn -0.4844 0.8372 0.2539 +vn -0.5196 0.5973 0.6109 +vn -0.7667 0.6166 0.1789 +vn -0.7883 0.6153 -0.0002 +vn -0.7764 0.5634 0.2824 +vn -0.8536 0.3577 0.3787 +vn -0.4096 0.0000 0.9123 +vn -0.4475 0.7022 -0.5537 +vn -0.3745 0.6924 -0.6167 +vn -0.4847 0.5170 -0.7055 +vn -0.7832 0.4614 -0.4168 +vn -0.7728 0.2978 -0.5604 +vn -0.8533 0.3571 -0.3800 +vn -0.4790 -0.4215 0.7700 +vn -0.5111 0.2956 -0.8071 +vn -0.7749 0.1905 -0.6027 +vn -0.8536 -0.3577 0.3787 +vn -0.7764 -0.5634 0.2824 +vn -0.8222 -0.0000 -0.5692 +vn -0.4844 -0.8372 0.2539 +vn -0.5864 -0.0000 -0.8100 +vn 0.0000 -0.3968 0.9179 +vn 0.0000 -0.6249 0.7807 +vn 0.4792 0.8777 0.0000 +vn 0.5406 0.8413 0.0000 +vn 0.0000 0.8763 0.4818 +vn 0.0000 0.2639 -0.9646 +vn 0.0000 0.5090 -0.8607 +vn 0.0000 0.5091 -0.8607 +vn 0.0000 -0.1530 0.9882 +vn -0.9623 0.2721 0.0000 +vn -0.8519 0.5236 0.0000 +vn 0.0000 0.7613 -0.6484 +vn 0.0000 0.6088 -0.7933 +vn 0.0000 -0.8748 -0.4844 +vn -0.1423 0.9898 0.0000 +vn -0.0713 0.9975 0.0000 +vn 0.0628 0.9980 0.0000 +vn -0.1874 0.9823 0.0000 +vn 0.0000 0.8122 -0.5834 +vn 0.0000 0.8041 -0.5944 +vn 0.0000 0.1405 -0.9901 +vn 0.0000 0.3968 -0.9179 +vn 0.0000 0.7834 -0.6215 +vn 0.0000 0.5917 -0.8062 +vn 0.8184 0.5746 0.0000 +vn 0.0000 0.9999 -0.0112 +vn 0.0000 0.9779 -0.2089 +vn 0.0000 -0.1807 0.9835 +vn 0.0000 -0.0090 1.0000 +vn 0.0000 -0.9903 -0.1389 +vn 0.0000 -0.9741 -0.2262 +vn 0.0000 -0.8915 -0.4530 +vn 0.0000 0.6222 -0.7828 +vn 0.0000 0.6374 0.7705 +vn 0.0000 0.8090 0.5878 +vn 0.0000 -0.4663 -0.8846 +vn 0.0000 -0.3789 -0.9254 +vn 0.0000 -0.4664 -0.8846 +vn 0.0000 0.9633 -0.2686 +vn 0.0000 0.9990 -0.0445 +vn 0.0000 0.9633 -0.2685 +vn 0.0000 0.0166 0.9999 +vn 0.0000 0.2386 0.9711 +vn 0.0000 -0.9798 -0.2000 +vn 0.0000 -0.9184 -0.3956 +vn 0.9977 -0.0486 0.0479 +vn 0.9652 -0.1694 0.1994 +vn 0.9646 -0.1899 0.1827 +vn -0.4789 -0.4215 0.7700 +vn -0.0006 -0.6609 0.7504 +vn 0.0091 -0.7288 0.6847 +vn 0.0037 -0.5328 0.8462 +vn 0.0203 -0.3567 0.9340 +vn -0.0030 -0.0703 0.9975 +vn 0.0121 -0.2159 0.9763 +vn -0.9923 -0.1240 -0.0015 +vn -0.9999 -0.0082 0.0085 +vn -0.9973 -0.0525 0.0518 +vn -1.0000 0.0010 0.0014 +vn -0.9834 -0.1813 -0.0007 +vn -0.9667 -0.2559 -0.0055 +vn -0.9298 -0.3680 0.0031 +vn -0.9921 -0.1255 0.0030 +vn -0.9855 -0.1159 0.1239 +vn 0.9667 0.2559 -0.0055 +vn 0.9834 0.1813 -0.0007 +vn 0.9221 0.3869 0.0094 +vn -0.8083 -0.5888 0.0015 +vn -0.8970 -0.4421 -0.0025 +vn 0.6640 0.7478 0.0031 +vn 0.8083 0.5888 0.0015 +vn 0.7879 0.6157 -0.0001 +vn -0.7879 -0.6157 -0.0001 +vn -0.7156 -0.6985 0.0097 +vn -0.8785 -0.4775 -0.0140 +vn -0.8347 -0.5504 0.0193 +vn -0.7321 -0.6812 -0.0008 +vn -0.5962 -0.8028 0.0016 +vn -0.5357 -0.8444 0.0061 +vn -0.6355 -0.7721 -0.0036 +vn -0.6640 -0.7478 0.0031 +vn -0.5125 -0.8586 0.0064 +vn 0.5357 0.8444 0.0061 +vn 0.5962 0.8028 0.0016 +vn 0.4849 0.8745 0.0045 +vn 0.1974 0.8975 -0.3943 +vn 0.3543 0.8796 -0.3174 +vn 0.2094 0.9335 -0.2909 +vn 0.2973 -0.9529 0.0597 +vn 0.2486 -0.9680 -0.0333 +vn 0.2675 -0.9635 -0.0110 +vn 0.3095 0.9509 0.0066 +vn 0.4028 0.9153 0.0053 +vn 0.3122 0.9500 -0.0002 +vn -0.1856 -0.9826 -0.0011 +vn -0.2223 -0.9750 0.0031 +vn -0.0575 -0.9983 0.0057 +vn 0.2019 0.9794 0.0004 +vn -0.5203 -0.8268 0.2136 +vn -0.5112 -0.8101 0.2870 +vn -0.5149 -0.8073 0.2883 +vn -0.8874 -0.4598 0.0324 +vn -0.8199 -0.5720 -0.0253 +vn -0.8160 -0.5767 0.0399 +vn -0.4661 -0.8847 -0.0026 +vn -0.3085 -0.9512 0.0035 +vn -0.5356 -0.8444 0.0047 +vn 0.4968 -0.8227 0.2764 +vn 0.4977 -0.7976 0.3407 +vn 0.4925 -0.8265 0.2727 +vn 0.2792 -0.9602 -0.0025 +vn 0.4270 -0.9042 0.0046 +vn 0.1873 -0.9823 0.0066 +vn -0.6420 -0.7667 -0.0032 +vn -0.7290 -0.6845 0.0048 +vn -0.1873 0.9823 0.0066 +vn -0.1013 0.9949 -0.0019 +vn -0.2792 0.9602 -0.0025 +vn -0.8558 0.5172 0.0030 +vn -0.7296 0.6839 0.0037 +vn -0.7766 0.6300 0.0017 +vn 0.7296 -0.6839 0.0037 +vn 0.6420 -0.7667 -0.0032 +vn 0.7766 -0.6300 0.0017 +vn 0.4515 -0.8923 0.0012 +vn 0.6362 -0.7715 0.0049 +vn -0.5362 0.8441 0.0041 +vn -0.5099 0.8595 0.0370 +vn -0.5378 0.8416 0.0486 +vn -0.4951 -0.7960 0.3482 +vn -0.4957 -0.7909 0.3587 +vn -0.4936 -0.7971 0.3478 +vn 0.8773 -0.4800 -0.0001 +vn 0.8558 -0.5172 0.0030 +vn 0.9201 -0.3916 0.0035 +vn -0.1885 0.2196 0.9572 +vn -0.2704 0.2969 0.9158 +vn -0.1331 0.1407 0.9811 +vn -0.9996 0.0298 0.0019 +vn -0.9683 0.2499 -0.0018 +vn -0.9725 0.2328 0.0059 +vn -0.9308 0.3655 0.0007 +vn -0.8508 0.5255 0.0005 +vn -0.9301 0.3671 0.0094 +vn -0.9918 0.1275 0.0009 +vn -0.9701 0.2426 0.0055 +vn -0.9909 0.1343 -0.0001 +vn -0.9994 0.0356 0.0056 +vn -0.9997 -0.0241 0.0027 +vn -0.4958 -0.7840 0.3737 +vn -0.4981 -0.7749 0.3892 +vn -0.4974 -0.7743 0.3912 +vn 0.4961 0.8021 0.3325 +vn 0.4921 0.8080 0.3239 +vn 0.4926 0.8084 0.3221 +vn -0.4994 -0.7859 0.3646 +vn -0.4992 -0.7809 0.3755 +vn -0.9493 -0.3143 0.0005 +vn -0.8766 -0.4813 0.0039 +vn -0.9688 -0.2477 0.0019 +vn 0.9688 0.2477 0.0019 +vn 0.9869 0.1611 0.0029 +vn 0.9493 0.3143 0.0005 +vn -0.2381 0.8844 0.4014 +vn -0.3529 0.8058 0.4755 +vn -0.2206 0.8419 0.4924 +vn 0.8804 0.3941 0.2636 +vn 0.8042 0.5060 0.3118 +vn 0.8037 0.4954 0.3297 +vn 0.5069 0.8139 0.2840 +vn 0.5042 0.7892 0.3507 +vn 0.5051 0.7879 0.3521 +vn -0.0996 0.9950 0.0078 +vn 0.1856 0.9826 -0.0011 +vn 0.0575 0.9983 0.0057 +vn -0.5356 0.8444 0.0047 +vn -0.6420 0.7667 -0.0032 +vn 0.3078 -0.9514 0.0048 +vn 0.2990 -0.9543 -0.0005 +vn 0.4511 -0.8925 0.0008 +vn 0.7290 0.6845 0.0048 +vn 0.7837 0.6211 -0.0022 +vn 0.6420 0.7667 -0.0032 +vn -0.5006 -0.7728 0.3901 +vn -0.5019 -0.7742 0.3855 +vn -0.5012 -0.7763 0.3823 +vn -0.2019 -0.9794 0.0004 +vn -0.0626 -0.9980 0.0067 +vn -0.3095 -0.9509 0.0066 +vn 0.7285 -0.6850 0.0056 +vn 0.6611 -0.7503 0.0048 +vn 0.7358 -0.6772 0.0000 +vn -0.2822 -0.9594 0.0012 +vn -0.0596 -0.9982 -0.0022 +vn 0.7848 -0.6198 0.0063 +vn -0.9977 -0.0308 0.0608 +vn -0.9696 -0.1309 0.2069 +vn -0.9691 -0.1103 0.2205 +vn -0.8491 0.5279 0.0163 +vn -0.9667 0.2559 -0.0055 +vn -0.8806 0.4738 -0.0087 +vn -0.1849 0.9828 -0.0021 +vn -0.0320 0.9995 0.0080 +vn -0.2309 0.9730 0.0007 +vn -0.9977 -0.0398 0.0548 +vn -0.9694 -0.1605 0.1859 +vn -0.9697 -0.1448 0.1969 +vn -0.0097 0.8715 -0.4904 +vn 0.0092 0.9297 -0.3682 +vn 0.0091 0.8089 -0.5878 +vn 0.9667 -0.2559 -0.0055 +vn 0.9224 -0.3861 0.0093 +vn 0.9835 -0.1808 -0.0007 +vn -0.3916 -0.4600 0.7969 +vn -0.3247 -0.3886 0.8623 +vn -0.2642 -0.2988 0.9170 +vn -0.9335 0.3581 -0.0204 +vn -0.8088 0.5881 -0.0023 +vn -0.8499 0.5268 0.0143 +vn -0.9904 0.1376 -0.0123 +vn -0.9841 0.1279 0.1232 +vn -0.9894 0.1454 -0.0034 +vn -0.9917 -0.1287 0.0002 +vn -0.9998 -0.0172 0.0048 +vn -0.9830 0.1832 0.0116 +vn -0.9954 -0.0958 0.0002 +vn -0.9842 -0.1769 0.0009 +vn -0.9996 0.0202 0.0210 +vn 0.9230 0.3845 0.0125 +vn 0.9917 0.1286 0.0003 +vn 0.9614 0.2752 0.0094 +vn -0.9607 -0.2776 0.0098 +vn 0.8508 -0.5255 0.0005 +vn 0.8095 -0.5871 0.0060 +vn 0.7393 -0.6734 -0.0024 +vn -0.9312 -0.3646 -0.0010 +vn -0.9222 -0.3865 0.0128 +vn -0.8478 -0.5303 0.0015 +vn -0.0031 0.0645 0.9979 +vn -0.0048 -0.1880 0.9821 +vn -0.0033 -0.0803 0.9968 +vn -0.0004 -0.2227 0.9749 +vn -0.0257 0.9997 0.0036 +vn 0.0000 0.9994 0.0333 +vn -0.0056 0.9988 -0.0488 +vn -0.0008 0.0125 0.9999 +vn -0.0213 0.9910 -0.1319 +vn -0.0274 0.9677 -0.2508 +vn -0.0028 0.3076 0.9515 +vn -0.0051 0.1533 0.9882 +vn -0.0002 0.9706 -0.2409 +vn -0.5178 -0.7280 0.4494 +vn -0.5106 -0.7399 0.4381 +vn -0.5119 -0.7450 0.4278 +vn -0.0204 0.8749 -0.4840 +vn -0.0139 0.9333 -0.3588 +vn 0.0002 0.8816 -0.4721 +vn -0.1277 0.9502 -0.2844 +vn -0.1308 0.9189 -0.3723 +vn -0.1318 0.9097 -0.3938 +vn -0.0128 0.7261 -0.6875 +vn -0.0008 0.7978 -0.6029 +vn -0.0037 0.6787 -0.7344 +vn -0.0035 0.3153 -0.9490 +vn -0.0049 0.3797 -0.9251 +vn -0.0001 0.2112 -0.9774 +vn 0.0001 -0.2112 -0.9774 +vn 0.0107 -0.0625 -0.9980 +vn 0.0035 -0.3153 -0.9490 +vn -0.0192 0.1996 0.9797 +vn 0.0031 0.2039 0.9790 +vn 0.0055 0.1750 0.9846 +vn 0.0324 0.1961 0.9801 +vn 0.0378 0.2013 0.9788 +vn -0.0046 0.0651 -0.9979 +vn 0.0004 -0.0851 -0.9964 +vn -0.0047 0.5355 0.8445 +vn 0.0030 0.3741 0.9274 +vn -0.0088 -0.1872 -0.9823 +vn 0.0046 -0.0651 -0.9979 +vn 0.0094 -0.2854 -0.9584 +vn 0.0055 0.7373 0.6755 +vn 0.0074 0.6041 0.7969 +vn -0.0094 0.2854 -0.9584 +vn 0.0089 0.4257 -0.9048 +vn 0.0088 0.1872 -0.9823 +vn -0.0095 0.5190 -0.8547 +vn 0.0090 0.6373 -0.7705 +vn -0.0041 0.7916 0.6110 +vn -0.0096 0.7187 -0.6953 +vn 0.0173 0.8672 0.4977 +vn -0.0142 0.8842 0.4669 +vn -0.0180 0.9674 0.2526 +vn 0.0001 0.9603 0.2789 +vn 0.1777 0.8549 -0.4874 +vn 0.3496 0.8316 -0.4315 +vn -0.0086 0.9891 0.1469 +vn -0.0097 0.9673 -0.2535 +vn 0.0092 0.9921 -0.1253 +vn 0.0086 -0.9891 0.1469 +vn 0.0257 -0.9997 0.0036 +vn 0.0180 -0.9674 0.2526 +vn -0.0034 0.9803 0.1974 +vn 0.0050 0.9291 0.3699 +vn 0.0090 0.9920 0.1262 +vn -0.2800 -0.9590 -0.0438 +vn -0.2064 -0.9677 -0.1450 +vn -0.1455 -0.9885 -0.0420 +vn 0.0059 0.8104 0.5859 +vn -0.0037 0.6998 0.7143 +vn 0.0091 0.6373 0.7706 +vn -0.0027 0.5457 0.8380 +vn 0.0061 0.4240 0.9056 +vn -0.0032 -0.3735 0.9276 +vn -0.0050 -0.6364 0.7714 +vn -0.0082 -0.8086 0.5883 +vn 0.0082 -0.6630 0.7486 +vn 0.0035 -0.8241 0.5665 +vn -0.9526 0.2705 -0.1388 +vn -0.9695 0.2145 -0.1187 +vn -0.9526 0.2656 -0.1480 +vn 0.0016 -0.4220 0.9066 +vn 0.0039 -0.4299 0.9029 +vn -0.7267 0.6203 -0.2953 +vn -0.8230 0.5054 -0.2595 +vn -0.7257 0.6124 -0.3134 +vn -0.0018 -0.8716 -0.4902 +vn 0.0017 -0.7292 -0.6843 +vn 0.0011 -0.8765 -0.4815 +vn 0.0005 -0.2271 0.9739 +vn 0.8992 0.4024 -0.1717 +vn 0.8265 0.5295 -0.1909 +vn 0.8251 0.5196 -0.2220 +vn 0.0029 0.0702 0.9975 +vn 0.0021 -0.1920 0.9814 +vn -0.0032 -0.0632 0.9980 +vn -0.0090 -0.1937 0.9810 +vn -0.0031 -0.5191 -0.8547 +vn 0.0030 -0.3093 -0.9509 +vn 0.0024 -0.5361 -0.8441 +vn 0.0191 -0.2021 0.9792 +vn 0.0005 0.0645 0.9979 +vn -0.0037 -0.2855 -0.9584 +vn 0.0033 -0.0630 -0.9980 +vn 0.0291 -0.2072 0.9779 +vn -0.3723 -0.8609 0.3468 +vn -0.2447 -0.9287 0.2786 +vn -0.2423 -0.9015 0.3586 +vn -0.0119 0.2147 0.9766 +vn -0.0068 -0.1852 -0.9827 +vn -0.0013 -0.1504 -0.9886 +vn 0.0012 -0.3211 -0.9470 +vn 0.0076 -0.5194 0.8545 +vn -0.0107 -0.3030 0.9529 +vn 0.0114 0.4251 -0.9051 +vn 0.0003 0.5714 -0.8207 +vn 0.0088 0.6373 -0.7706 +vn 0.5326 -0.8396 0.1068 +vn 0.5569 -0.8260 0.0869 +vn 0.5317 -0.8435 0.0759 +vn -0.0040 0.5329 0.8462 +vn -0.0073 0.5172 0.8559 +vn 0.0007 0.6583 0.7528 +vn -0.0088 -0.6373 -0.7706 +vn -0.0003 -0.5714 -0.8207 +vn 0.0106 -0.7445 -0.6676 +vn -0.4884 -0.7066 0.5119 +vn -0.4724 -0.6913 0.5467 +vn -0.4832 -0.6784 0.5535 +vn -0.0283 -0.9916 -0.1261 +vn -0.0087 -0.9829 -0.1839 +vn -0.0032 -0.9958 -0.0915 +vn -0.0090 0.9685 0.2489 +vn 0.0014 0.9449 0.3273 +vn 0.0014 0.9867 0.1628 +vn 0.4276 -0.8973 0.1093 +vn 0.4392 -0.8812 0.1750 +vn 0.4092 -0.9069 0.1004 +vn -0.0231 -0.9992 -0.0323 +vn -0.0349 -0.9993 -0.0096 +vn -0.0379 -0.9993 0.0008 +vn -0.0140 -0.9906 0.1358 +vn -0.0201 -0.9993 0.0314 +vn -0.0158 -0.9850 0.1718 +vn -0.0099 -0.9300 0.3674 +vn -0.0138 -0.9618 0.2734 +vn -0.0016 -0.9067 0.4218 +vn -0.9650 0.1259 0.2299 +vn -0.9602 0.1624 0.2273 +vn -0.9889 0.1383 0.0552 +vn 0.0455 0.0191 0.9988 +vn 0.1835 0.0679 0.9807 +vn 0.1811 0.0748 0.9806 +vn 0.3739 -0.1383 0.9171 +vn 0.1811 -0.0748 0.9806 +vn 0.3683 -0.1521 0.9172 +vn -0.3739 -0.1383 0.9171 +vn -0.1862 -0.0610 0.9806 +vn -0.3786 -0.1241 0.9172 +vn 0.8682 -0.2143 0.4475 +vn 0.7526 -0.1561 0.6397 +vn 0.7462 -0.1841 0.6398 +vn -0.7526 -0.1561 0.6397 +vn -0.8818 -0.1488 0.4475 +vn -0.8757 -0.1817 0.4474 +vn 0.8757 -0.1817 0.4474 +vn 0.9602 -0.1624 0.2273 +vn 0.8818 -0.1488 0.4475 +vn 0.5821 0.1437 0.8003 +vn 0.7388 0.2119 0.6397 +vn 0.5764 0.1654 0.8002 +vn -0.1862 0.0610 0.9806 +vn -0.0468 0.0154 0.9988 +vn -0.1835 0.0679 0.9807 +vn -0.3832 -0.1099 0.9171 +vn -0.5821 -0.1437 0.8003 +vn -0.5764 -0.1654 0.8002 +vn 0.3832 0.1099 0.9171 +vn 0.5697 0.1868 0.8003 +vn 0.3786 0.1241 0.9172 +vn 0.8871 0.1136 0.4474 +vn 0.9602 0.1624 0.2273 +vn 0.8818 0.1488 0.4475 +vn -0.1779 -0.0815 0.9807 +vn -0.3683 -0.1521 0.9172 +vn -0.3625 -0.1658 0.9171 +vn 0.9703 -0.0745 0.2300 +vn 0.9889 -0.1383 0.0552 +vn 0.9960 -0.0682 0.0582 +vn 0.8920 -0.0669 0.4470 +vn 0.9650 -0.1259 0.2299 +vn 0.5872 -0.1218 0.8002 +vn 0.7578 -0.1279 0.6398 +vn 0.5912 -0.0997 0.8003 +vn -0.1880 0.0539 0.9807 +vn 0.3832 -0.1099 0.9171 +vn 0.1862 -0.0610 0.9806 +vn 0.3786 -0.1241 0.9172 +vn -0.0479 0.0117 0.9988 +vn 0.3869 -0.0955 0.9172 +vn 0.1880 -0.0539 0.9807 +vn -0.8871 -0.1136 0.4474 +vn -0.7578 -0.1279 0.6398 +vn -0.7625 -0.0976 0.6396 +vn 0.7622 -0.0994 0.6397 +vn 0.7669 -0.0575 0.6392 +vn -0.8272 -0.5387 -0.1598 +vn -0.9000 -0.4100 -0.1476 +vn -0.9004 -0.4171 -0.1236 +vn -0.3903 -0.0810 0.9171 +vn -0.5912 -0.0997 0.8003 +vn -0.5872 -0.1218 0.8002 +vn -0.1902 0.0469 0.9806 +vn 0.5912 0.0997 0.8003 +vn 0.7625 0.0976 0.6396 +vn 0.7578 0.1279 0.6398 +vn -0.4943 0.6885 0.5307 +vn -0.5050 0.6964 0.5099 +vn -0.5021 0.6947 0.5150 +vn 0.8946 -0.0022 0.4469 +vn -0.1916 -0.0397 0.9807 +vn -0.3869 -0.0955 0.9172 +vn -0.1902 -0.0469 0.9806 +vn -0.0487 -0.0078 0.9988 +vn -0.0479 -0.0117 0.9988 +vn -0.1916 0.0397 0.9807 +vn 0.3903 -0.0810 0.9171 +vn 0.3929 -0.0663 0.9172 +vn -0.1932 -0.0326 0.9806 +vn 0.5947 -0.0776 0.8002 +vn 0.7691 -0.0019 0.6391 +vn 0.3953 -0.0516 0.9171 +vn 0.5987 -0.0449 0.7997 +vn 0.3984 -0.0299 0.9167 +vn 0.9654 0.1236 0.2298 +vn 0.9959 0.0698 0.0580 +vn 0.9889 0.1375 0.0558 +vn 0.9731 -0.0015 0.2303 +vn 0.9709 0.0681 0.2296 +vn -0.1941 0.0252 0.9807 +vn -0.0487 0.0078 0.9988 +vn -0.1932 0.0326 0.9806 +vn 0.1944 0.0249 0.9806 +vn 0.3929 0.0663 0.9172 +vn 0.1932 0.0326 0.9806 +vn 0.6005 -0.0014 0.7996 +vn 0.6200 0.7521 -0.2233 +vn 0.4965 0.8446 -0.2001 +vn 0.4928 0.8345 -0.2466 +vn -0.5125 0.5729 0.6396 +vn -0.6226 0.6419 0.4475 +vn -0.5351 0.5517 0.6398 +vn 0.3997 -0.0010 0.9167 +vn -0.7672 -0.0538 0.6392 +vn -0.8923 -0.0626 0.4470 +vn 0.0022 -0.9909 0.1344 +vn -0.9602 -0.1624 0.2273 +vn -0.9654 -0.1236 0.2298 +vn -0.9889 -0.1375 0.0558 +vn -0.3396 -0.2109 0.9166 +vn -0.1744 -0.0915 0.9804 +vn -0.3537 -0.1856 0.9167 +vn 0.8923 0.0626 0.4470 +vn 0.5989 0.0420 0.7997 +vn 0.7672 0.0538 0.6392 +vn 0.9301 -0.3268 -0.1676 +vn 0.8915 -0.4089 -0.1950 +vn 0.9304 -0.3308 -0.1578 +vn 0.1964 -0.0147 0.9804 +vn 0.0497 -0.0001 0.9988 +vn 0.0495 -0.0038 0.9988 +vn 0.9456 -0.2336 0.2265 +vn 0.9597 -0.2759 0.0543 +vn 0.9767 -0.2075 0.0545 +vn -0.9456 -0.2336 0.2265 +vn -0.9529 -0.1977 0.2299 +vn -0.9767 -0.2075 0.0545 +vn 0.3986 0.0279 0.9167 +vn -0.8682 0.2143 0.4475 +vn -0.9529 0.1977 0.2299 +vn -0.8757 0.1817 0.4474 +vn 0.7526 0.1561 0.6397 +vn 0.8757 0.1817 0.4474 +vn 0.3956 0.0506 0.9170 +vn 0.5950 0.0762 0.8001 +vn 0.4962 0.7007 0.5127 +vn 0.5005 0.6931 0.5188 +vn 0.4939 0.6877 0.5321 +vn 0.1737 -0.0928 0.9804 +vn 0.3622 -0.1670 0.9170 +vn 0.1780 -0.0821 0.9806 +vn 0.8596 0.2466 0.4475 +vn 0.9456 0.2336 0.2265 +vn 0.9355 0.2684 0.2299 +vn -0.5912 0.0997 0.8003 +vn -0.7622 0.0994 0.6397 +vn -0.5947 0.0776 0.8002 +vn 0.5872 0.1218 0.8002 +vn 0.8682 0.2143 0.4475 +vn 0.7462 0.1841 0.6398 +vn 0.8498 0.2786 0.4475 +vn 0.9256 0.3033 0.2265 +vn 0.5289 0.7211 0.4475 +vn 0.5592 0.7966 0.2296 +vn 0.5189 0.7295 0.4456 +vn -0.9651 -0.2326 -0.1202 +vn -0.9417 -0.3094 -0.1322 +vn -0.9413 -0.3003 -0.1545 +vn -0.9128 -0.3375 0.2299 +vn -0.9256 -0.3033 0.2265 +vn -0.9378 -0.3429 0.0545 +vn 0.1965 0.0136 0.9804 +vn 0.9597 0.2759 0.0543 +vn 0.9378 0.3429 0.0545 +vn 0.5638 0.8244 0.0493 +vn 0.5756 0.7856 0.2271 +vn 0.6127 0.7885 0.0539 +vn -0.5975 0.7682 0.2300 +vn -0.5756 0.7856 0.2271 +vn -0.6128 0.7884 0.0538 +vn 0.7303 -0.2394 0.6398 +vn 0.8596 -0.2466 0.4475 +vn 0.7388 -0.2119 0.6397 +vn 0.5975 -0.7682 0.2300 +vn 0.5288 -0.7212 0.4475 +vn 0.5756 -0.7856 0.2271 +vn 0.5821 -0.1437 0.8003 +vn 0.2199 0.5218 0.8242 +vn 0.4288 0.5353 0.7278 +vn 0.2167 0.5786 0.7863 +vn -0.4736 -0.6051 0.6399 +vn -0.5729 -0.6866 0.4475 +vn -0.5512 -0.7041 0.4476 +vn -0.1944 -0.0249 0.9806 +vn -0.9979 -0.0608 -0.0219 +vn -0.9809 -0.1712 -0.0921 +vn -0.9805 -0.1841 -0.0692 +vn -0.6198 0.7512 0.2270 +vn 0.1932 -0.0326 0.9806 +vn 0.8941 -0.4383 -0.0926 +vn 0.8103 -0.5137 -0.2820 +vn 0.8941 -0.4386 -0.0904 +vn 0.5688 -0.6900 0.4475 +vn 0.6198 -0.7512 0.2270 +vn 0.1887 -0.4325 0.8817 +vn 0.0440 -0.3305 0.9428 +vn 0.0475 -0.4399 0.8968 +vn 0.8266 -0.3413 0.4475 +vn 0.9128 -0.3375 0.2299 +vn 0.8388 -0.3102 0.4474 +vn -0.4639 0.6188 0.6340 +vn -0.4349 0.5742 0.6936 +vn -0.4855 0.6522 0.5822 +vn -0.6163 -0.4666 0.6344 +vn -0.4286 -0.4833 0.7634 +vn -0.6159 -0.4214 0.6656 +vn 0.7303 0.2394 0.6398 +vn -0.8929 0.4221 -0.1569 +vn -0.9448 0.3165 -0.0851 +vn -0.8918 0.4370 -0.1168 +vn 0.3903 0.0810 0.9171 +vn 0.3869 0.0955 0.9172 +vn -0.8850 -0.4048 0.2299 +vn -0.9003 -0.3713 0.2270 +vn -0.9113 -0.4081 0.0550 +vn 0.9526 -0.2656 -0.1480 +vn 0.9290 -0.3258 -0.1754 +vn -0.3829 0.2538 0.8882 +vn -0.1881 0.3376 0.9223 +vn -0.3829 0.3175 0.8675 +vn -0.3447 0.5140 0.7855 +vn 0.1916 0.0397 0.9807 +vn 0.1902 0.0469 0.9806 +vn -0.3196 0.4653 0.8254 +vn -0.7303 0.2394 0.6398 +vn -0.8388 0.3102 0.4474 +vn -0.8498 0.2786 0.4475 +vn 0.8911 -0.4039 -0.2072 +vn 0.8122 -0.3745 0.4473 +vn 0.9003 -0.3713 0.2270 +vn 0.7209 0.2666 0.6397 +vn 0.8266 0.3413 0.4475 +vn 0.7104 0.2933 0.6398 +vn 0.3807 -0.4895 0.7845 +vn 0.4639 -0.6188 0.6340 +vn 0.4717 -0.6065 0.6400 +vn -0.3807 0.4895 0.7845 +vn 0.6489 -0.7254 0.2298 +vn 0.5963 -0.6666 0.4474 +vn -0.3425 0.3822 0.8583 +vn 0.1880 0.0539 0.9807 +vn -0.7032 0.6728 0.2299 +vn -0.6779 0.6993 0.2267 +vn -0.7174 0.6945 0.0548 +vn -0.3906 0.4628 0.7958 +vn 0.5625 -0.2080 0.8002 +vn 0.5697 -0.1868 0.8003 +vn 0.4889 -0.5930 0.6398 +vn 0.5125 -0.5729 0.6396 +vn 0.8627 0.4504 0.2299 +vn 0.9113 0.4081 0.0550 +vn 0.8800 0.4714 0.0584 +vn 0.6226 -0.6419 0.4475 +vn 0.6488 0.6156 0.4473 +vn 0.6779 0.6993 0.2267 +vn 0.6226 0.6419 0.4475 +vn 0.5542 0.2288 0.8003 +vn -0.5982 -0.6648 0.4475 +vn -0.6241 -0.7479 0.2264 +vn -0.1880 -0.0539 0.9807 +vn -0.0468 -0.0154 0.9988 +vn 0.9978 0.0588 -0.0314 +vn 0.9846 0.1576 -0.0760 +vn 0.9577 0.2478 -0.1463 +vn 0.5764 -0.1654 0.8002 +vn 0.9695 -0.2213 -0.1055 +vn 0.9902 -0.1243 -0.0638 +vn 0.9693 -0.2187 -0.1120 +vn -0.2689 0.3109 0.9116 +vn -0.2515 0.3124 0.9161 +vn 0.3906 -0.4628 0.7958 +vn 0.3999 -0.4471 0.8001 +vn -0.3830 0.5979 0.7041 +vn -0.1837 0.5826 0.7917 +vn -0.1882 0.6357 0.7486 +vn -0.5141 -0.5714 0.6397 +vn -0.4174 -0.4304 0.8003 +vn -0.5351 -0.5517 0.6398 +vn 0.5554 -0.5313 0.6397 +vn 0.6462 -0.6182 0.4474 +vn 0.5625 0.2080 0.8002 +vn -0.3683 0.1521 0.9172 +vn -0.5625 0.2080 0.8002 +vn -0.3739 0.1383 0.9171 +vn 0.6990 0.3197 0.6397 +vn 0.5453 0.2494 0.8002 +vn -0.3832 0.1099 0.9171 +vn -0.3786 0.1241 0.9172 +vn 0.5831 -0.5013 0.6392 +vn 0.6783 -0.5831 0.4471 +vn 0.6042 -0.7390 -0.2980 +vn 0.7335 -0.6651 -0.1400 +vn 0.6222 -0.7659 -0.1621 +vn 0.2704 -0.2969 0.9158 +vn 0.1885 -0.2196 0.9572 +vn 0.1331 -0.1407 0.9811 +vn -0.0011 -0.9674 -0.2532 +vn 0.0004 -0.9687 -0.2484 +vn -0.1835 -0.0679 0.9807 +vn 0.7921 0.4156 0.4470 +vn 0.6810 0.3573 0.6392 +vn -0.1336 -0.1445 0.9804 +vn -0.2774 -0.2860 0.9172 +vn -0.2666 -0.2963 0.9171 +vn 0.4333 -0.4145 0.8002 +vn 0.3683 0.1521 0.9172 +vn -0.0345 0.0352 0.9988 +vn -0.0340 0.0291 0.9990 +vn -0.0980 0.1037 0.9898 +vn 0.2774 -0.2860 0.9172 +vn 0.1364 -0.1406 0.9806 +vn 0.7600 0.4719 0.4469 +vn 0.8264 0.5137 0.2306 +vn 0.2880 -0.2756 0.9171 +vn 0.4174 -0.4304 0.8003 +vn -0.4822 0.7801 -0.3986 +vn -0.6113 0.6911 -0.3858 +vn -0.4813 0.7671 -0.4241 +vn -0.9448 -0.3158 -0.0872 +vn -0.8930 -0.4211 -0.1588 +vn -0.8919 -0.4360 -0.1198 +vn -0.8946 0.0022 0.4469 +vn -0.9703 0.0745 0.2300 +vn -0.9731 0.0015 0.2303 +vn 0.1779 0.0815 0.9807 +vn 0.3625 0.1658 0.9171 +vn 0.9454 0.3048 -0.1155 +vn 0.9802 0.1911 -0.0521 +vn 0.9805 0.1841 -0.0692 +vn 0.7866 0.5731 0.2298 +vn 0.7635 0.6431 0.0582 +vn 0.7444 0.6270 0.2296 +vn 0.8456 0.5307 0.0580 +vn 0.8066 0.5882 0.0582 +vn 0.1414 -0.1352 0.9807 +vn 0.5605 -0.8270 0.0428 +vn 0.6128 -0.7884 0.0538 +vn -0.1364 0.1406 0.9806 +vn -0.0455 -0.0191 0.9988 +vn -0.1811 -0.0748 0.9806 +vn -0.3428 0.9394 -0.0050 +vn -0.3778 0.9211 0.0944 +vn -0.3198 0.9473 0.0201 +vn 0.8587 -0.4581 0.2296 +vn 0.8458 -0.5303 0.0582 +vn 0.8808 -0.4698 0.0581 +vn -0.7669 0.0575 0.6392 +vn -0.7691 0.0019 0.6391 +vn -0.1414 0.1352 0.9807 +vn 0.6180 -0.4579 0.6390 +vn 0.7188 -0.5326 0.4469 +vn 0.7231 0.5266 0.4470 +vn 0.9694 0.0855 0.2303 +vn 0.9126 0.1187 0.3912 +vn 0.9698 0.0669 0.2347 +vn 0.5102 0.3168 0.7996 +vn 0.5316 0.2790 0.7997 +vn 0.8239 -0.5179 0.2301 +vn 0.7571 -0.4765 0.4470 +vn -0.5373 0.7902 -0.2948 +vn -0.4224 0.8153 -0.3961 +vn -0.5398 0.7539 -0.3744 +vn 0.2966 0.8929 -0.3386 +vn 0.4165 0.8767 -0.2408 +vn 0.4195 0.8494 -0.3202 +vn -0.7060 -0.6699 0.2298 +vn -0.6842 -0.5763 0.4470 +vn -0.7444 -0.6270 0.2296 +vn -0.7866 -0.5731 0.2298 +vn -0.8456 -0.5307 0.0580 +vn -0.8066 -0.5882 0.0582 +vn 0.4264 0.6608 0.6177 +vn 0.2198 0.6380 0.7380 +vn 0.4283 0.5909 0.6836 +vn 0.2997 0.8550 -0.4233 +vn 0.4225 0.8142 -0.3981 +vn -0.7635 -0.6431 0.0582 +vn 0.3537 0.1856 0.9167 +vn 0.3396 0.2109 0.9166 +vn 0.8919 0.4360 -0.1198 +vn 0.8249 0.5287 -0.2000 +vn 0.8236 0.5467 -0.1508 +vn -0.9977 0.0308 0.0607 +vn -0.9666 0.0933 0.2388 +vn -0.9647 0.1159 0.2366 +vn 0.1744 0.0915 0.9804 +vn 0.4285 0.4833 0.7634 +vn 0.6151 0.3528 0.7050 +vn 0.6159 0.4214 0.6657 +vn 0.1675 0.1040 0.9804 +vn 0.0440 0.0230 0.9988 +vn -0.3525 0.1880 0.9167 +vn -0.1668 0.1050 0.9804 +vn -0.3382 0.2129 0.9167 +vn 0.7182 0.6936 0.0560 +vn 0.7060 0.6699 0.2298 +vn 0.0400 -0.0296 0.9988 +vn 0.1493 -0.1283 0.9804 +vn 0.1585 -0.1174 0.9804 +vn 0.3212 -0.2380 0.9166 +vn 0.5298 -0.2826 0.7997 +vn 0.6509 -0.4097 0.6391 +vn 0.6786 -0.3620 0.6392 +vn 0.6779 -0.6993 0.2267 +vn 0.6663 -0.7437 0.0551 +vn 0.7174 -0.6945 0.0548 +vn -0.6779 -0.6993 0.2267 +vn -0.7182 -0.6936 0.0560 +vn 0.7893 -0.4210 0.4470 +vn -0.9003 0.3713 0.2270 +vn -0.8838 0.4075 0.2298 +vn -0.9109 0.4089 0.0559 +vn 0.6842 0.5763 0.4470 +vn -0.7571 0.4765 0.4470 +vn -0.8587 0.4581 0.2296 +vn -0.7893 0.4210 0.4470 +vn 0.1682 0.8854 -0.4333 +vn -0.0826 0.9284 -0.3623 +vn -0.8133 -0.3720 0.4474 +vn 0.3382 -0.2129 0.9167 +vn 0.5082 -0.3199 0.7996 +vn -0.5989 -0.0420 0.7997 +vn -0.5950 -0.0762 0.8001 +vn -0.6462 0.6182 0.4474 +vn 0.0422 0.0263 0.9988 +vn 0.1593 0.1159 0.9804 +vn 0.0399 0.0295 0.9988 +vn 0.3230 0.2352 0.9167 +vn 0.1668 -0.1050 0.9804 +vn 0.0421 -0.0263 0.9988 +vn 0.7739 0.3387 0.5351 +vn 0.7732 0.2838 0.5671 +vn 0.5577 0.5291 0.6395 +vn 0.5882 0.4955 0.6392 +vn 0.8133 0.3720 0.4474 +vn -0.9256 0.3033 0.2265 +vn -0.9128 0.3375 0.2299 +vn -0.9378 0.3429 0.0545 +vn 0.1507 0.1267 0.9804 +vn 0.3056 0.2574 0.9167 +vn -0.9597 -0.2759 0.0543 +vn -0.6666 -0.7434 0.0545 +vn -0.6127 -0.7885 0.0539 +vn -0.6510 -0.7235 0.2299 +vn -0.3832 0.5473 0.7441 +vn -0.1881 0.5220 0.8319 +vn -0.3929 0.0663 0.9172 +vn -0.3953 0.0516 0.9171 +vn 0.6510 0.7235 0.2299 +vn 0.5982 0.6648 0.4475 +vn 0.6241 0.7479 0.2264 +vn 0.5729 0.6866 0.4475 +vn 0.9128 0.3375 0.2299 +vn 0.8388 0.3102 0.4474 +vn 0.5447 -0.2512 0.8001 +vn 0.6981 -0.3219 0.6396 +vn -0.3986 -0.0279 0.9167 +vn -0.6005 0.0014 0.7996 +vn 0.4592 0.3868 0.7997 +vn -0.8682 -0.2143 0.4475 +vn -0.7462 -0.1841 0.6398 +vn -0.5999 -0.7663 0.2300 +vn 0.3525 -0.1880 0.9167 +vn 0.5999 0.7663 0.2300 +vn 0.5512 0.7041 0.4476 +vn 0.5351 -0.5517 0.6398 +vn 0.7209 -0.2666 0.6397 +vn 0.7104 -0.2933 0.6398 +vn -0.3813 0.6634 0.6438 +vn 0.4924 0.5901 0.6398 +vn -0.5756 -0.7856 0.2271 +vn 0.9980 0.0164 0.0609 +vn 0.9995 0.0013 0.0324 +vn -0.8498 -0.2786 0.4475 +vn -0.9355 -0.2684 0.2299 +vn 0.9003 0.3713 0.2270 +vn 0.8850 0.4048 0.2299 +vn 0.4736 0.6051 0.6399 +vn 0.5542 -0.2288 0.8003 +vn -0.7303 -0.2394 0.6398 +vn -0.5625 -0.2080 0.8002 +vn -0.5697 -0.1868 0.8003 +vn 0.3916 0.4600 0.7969 +vn 0.5141 0.5714 0.6397 +vn -0.5840 0.5811 0.5668 +vn 0.2894 0.2745 0.9170 +vn 0.4174 0.4304 0.8003 +vn 0.2774 0.2860 0.9172 +vn -0.9456 0.2336 0.2265 +vn -0.9767 0.2075 0.0545 +vn 0.5274 -0.7231 0.4460 +vn -0.9697 0.2247 -0.0954 +vn -0.9903 0.1253 -0.0597 +vn -0.9695 0.2213 -0.1055 +vn 0.0441 -0.0228 0.9988 +vn 0.0374 0.0326 0.9988 +vn 0.1422 0.1349 0.9806 +vn 0.0345 0.0352 0.9988 +vn -0.9698 0.2279 -0.0870 +vn -0.9902 0.1288 -0.0545 +vn 0.3822 0.4885 0.7844 +vn -0.2880 0.2756 0.9171 +vn -0.4174 0.4304 0.8003 +vn -0.4333 0.4145 0.8002 +vn -0.1364 -0.1406 0.9806 +vn -0.0345 -0.0352 0.9988 +vn -0.1422 -0.1349 0.9806 +vn 0.1364 0.1406 0.9806 +vn -0.1811 0.0748 0.9806 +vn -0.0455 0.0191 0.9988 +vn -0.1780 0.0821 0.9806 +vn 0.2666 0.2963 0.9171 +vn 0.4855 -0.6522 0.5822 +vn -0.4638 -0.6188 0.6340 +vn -0.4801 -0.6644 0.5728 +vn -0.4348 -0.5745 0.6934 +vn -0.4012 -0.5146 0.7578 +vn 0.9529 -0.1977 0.2299 +vn 0.0000 -1.0000 -0.0003 +vn 0.0574 -0.9980 -0.0263 +vn 0.0000 -1.0000 -0.0085 +vn 0.3247 0.3886 0.8623 +vn 0.2642 0.2988 0.9170 +vn -0.3822 -0.4885 0.7844 +vn 0.9767 0.2075 0.0545 +vn 0.9529 0.1977 0.2299 +vn -0.2243 -0.2604 0.9391 +vn -0.2774 0.2860 0.9172 +vn 0.3839 -0.3174 0.8671 +vn 0.3835 -0.4067 0.8292 +vn -0.6162 -0.2188 0.7566 +vn -0.4283 -0.3140 0.8473 +vn -0.4286 -0.2486 0.8686 +vn -0.0804 -0.0519 0.9954 +vn -0.0346 -0.0209 0.9992 +vn -0.1418 -0.1621 0.9765 +vn -0.1388 -0.1678 0.9760 +vn -0.8690 -0.4777 -0.1292 +vn -0.7041 -0.6612 -0.2588 +vn -0.5176 -0.8156 -0.2588 +vn -0.5313 -0.8373 -0.1292 +vn -0.9605 0.2466 -0.1292 +vn -0.9659 -0.0000 -0.2588 +vn -0.9605 -0.2466 -0.1292 +vn -0.8464 -0.4653 -0.2588 +vn 0.1858 -0.9741 -0.1292 +vn 0.4113 -0.8740 -0.2588 +vn 0.4222 -0.8972 -0.1292 +vn -0.8690 0.4777 -0.1292 +vn -0.7041 0.6612 -0.2588 +vn -0.8464 0.4653 -0.2588 +vn 0.6157 -0.7443 -0.2588 +vn 0.6321 -0.7641 -0.1292 +vn -0.9653 0.1548 0.2104 +vn -0.8751 0.3132 0.3689 +vn -0.9652 0.1694 0.1994 +vn -0.3064 0.9431 -0.1292 +vn -0.5176 0.8156 -0.2588 +vn -0.5313 0.8373 -0.1292 +vn -0.0623 -0.9897 -0.1292 +vn 0.1810 -0.9488 -0.2588 +vn -0.0623 0.9897 -0.1292 +vn 0.1810 0.9488 -0.2588 +vn -0.0607 0.9640 -0.2588 +vn 0.1858 0.9741 -0.1292 +vn 0.4113 0.8740 -0.2588 +vn -0.2985 -0.9187 -0.2588 +vn -0.0607 -0.9640 -0.2588 +vn -0.8145 0.5680 0.1184 +vn -0.7275 0.6830 0.0656 +vn -0.8152 0.5766 0.0551 +vn -0.2985 0.9187 -0.2588 +vn 0.8022 -0.5829 -0.1292 +vn 0.8981 -0.3556 -0.2588 +vn 0.8022 0.5829 -0.1292 +vn 0.6157 0.7443 -0.2588 +vn 0.6321 0.7641 -0.1292 +vn 0.9583 -0.1211 -0.2588 +vn -0.9356 -0.2402 -0.2588 +vn -0.3064 -0.9431 -0.1292 +vn 0.8981 0.3556 -0.2588 +vn 0.7815 0.5678 -0.2588 +vn 0.7815 -0.5678 -0.2588 +vn 0.9583 0.1211 -0.2588 +vn 0.9838 0.1243 -0.1292 +vn 0.4222 0.8972 -0.1292 +vn -0.9356 0.2402 -0.2588 +vn 0.0000 0.7774 -0.6291 +vn 0.0000 0.8626 -0.5059 +vn 0.0000 0.7399 0.6727 +vn 0.0000 0.5494 0.8356 +vn 0.0000 -0.8807 0.4736 +vn 0.0000 -0.7518 0.6594 +vn -0.8561 -0.5168 0.0000 +vn 0.0000 -0.7181 -0.6959 +vn 0.0000 -0.5090 -0.8607 +vn 0.8135 -0.5816 0.0000 +vn 0.7306 -0.6828 0.0000 +vn -0.9970 -0.0775 0.0000 +vn 0.0000 -0.0166 0.9999 +vn 0.0000 -0.2385 0.9711 +vn 0.0000 0.8884 -0.4591 +vn 0.0000 0.3774 -0.9260 +vn 0.0000 -0.8955 0.4451 +vn 0.0000 -0.9725 0.2331 +vn 0.7234 -0.6904 0.0000 +vn 0.0000 -0.9997 0.0231 +vn 0.0000 0.3669 0.9303 +vn 0.0000 0.2372 0.9715 +vn 0.0000 0.0500 0.9988 +vn 0.0000 -0.9713 -0.2378 +vn -0.9522 0.3054 0.0000 +vn -0.9257 0.3782 0.0000 +vn 0.0000 -0.9899 -0.1421 +vn 0.0000 -0.9999 0.0129 +vn 0.0000 0.6802 -0.7330 +vn 0.0000 0.5004 -0.8658 +vn 0.0000 -0.9652 0.2617 +vn 0.0000 -0.9954 0.0961 +vn 0.0000 -0.1448 -0.9895 +vn 0.0000 -0.2156 -0.9765 +vn 0.0000 0.4023 0.9155 +vn 0.0000 0.1465 0.9892 +vn -0.5495 0.8355 0.0000 +vn -0.2868 0.9580 0.0000 +vn -0.3603 -0.9328 0.0000 +vn -0.2868 -0.9580 0.0000 +vn 0.0000 0.7209 0.6930 +vn 0.0000 0.7929 0.6094 +vn 0.0000 -0.8841 -0.4673 +vn 0.0000 -0.7536 -0.6574 +vn 0.8326 -0.5539 0.0000 +vn 0.9168 -0.3993 0.0000 +vn 0.9975 -0.0713 0.0000 +vn 0.9898 -0.1423 0.0000 +vn 0.8974 0.4412 0.0000 +vn 0.9216 0.3881 0.0000 +vn 0.0000 0.5398 0.8418 +vn 0.0000 0.5399 0.8417 +vn 0.0000 0.0415 -0.9991 +vn 0.0000 0.2739 -0.9618 +vn -0.5358 0.8443 0.0000 +vn -0.7229 0.6788 -0.1292 +vn -0.7290 0.6845 0.0000 +vn 0.9837 0.1800 0.0000 +vn 0.9168 0.3993 0.0000 +vn 0.0000 0.8572 0.5150 +vn 0.0000 0.9782 -0.2078 +vn 0.0000 0.9600 -0.2800 +vn 0.0000 0.9886 0.1509 +vn 0.0000 0.9599 0.2803 +vn 0.0000 0.9885 0.1509 +vn -0.0713 -0.9975 0.0000 +vn -0.1423 -0.9898 0.0000 +vn 0.0000 0.7523 0.6588 +vn 0.0000 0.5893 0.8079 +vn 0.0000 -0.9992 -0.0402 +vn 0.0000 -0.0175 -0.9998 +vn 0.0000 0.4683 0.8835 +vn 0.0000 -0.7034 0.7108 +vn 0.0000 -0.4909 0.8712 +vn 0.0000 -0.3775 0.9260 +vn 0.0000 -0.6084 0.7936 +vn 0.0000 0.9961 -0.0882 +vn 0.0000 0.8660 0.5000 +vn 0.0000 0.7034 0.7108 +vn 0.9220 0.3650 -0.1292 +vn 0.0000 -0.7777 -0.6287 +vn 0.0000 -0.6247 -0.7809 +vn 0.0000 -0.7541 0.6568 +vn 0.0000 -0.8298 0.5581 +vn 0.0000 0.6312 0.7756 +vn 0.0000 0.4831 0.8756 +vn -0.2682 -0.9634 0.0000 +vn -0.4726 -0.8813 0.0000 +vn 0.0000 -0.9982 0.0600 +vn -0.4258 0.9048 0.0000 +vn -0.8413 -0.5406 0.0000 +vn -0.8777 -0.4792 0.0000 +vn 0.9096 -0.4154 0.0000 +vn 0.8777 -0.4792 0.0000 +vn 0.0000 0.9673 0.2537 +vn 0.0000 0.9673 0.2538 +vn 0.0000 0.4676 0.8840 +vn 0.0000 0.3627 0.9319 +vn 0.0000 -0.9999 0.0161 +vn 0.0000 -0.9725 -0.2331 +vn 0.0000 0.7777 -0.6287 +vn 0.0000 -0.9732 0.2301 +vn 0.0000 -0.9984 0.0570 +vn 0.5495 0.8355 0.0000 +vn 0.7306 0.6828 0.0000 +vn 0.0000 0.0628 0.9980 +vn 0.0000 -0.1874 0.9823 +vn 0.0000 0.2625 0.9649 +vn 0.0000 0.1198 0.9928 +vn 0.8936 -0.4489 0.0000 +vn 0.8561 -0.5168 0.0000 +vn -0.3706 -0.9288 0.0000 +vn -0.2761 -0.9611 0.0000 +vn 0.0000 -0.7719 0.6357 +vn 0.0000 -0.8918 0.4524 +vn 0.9923 0.1240 -0.0015 +vn 0.9999 0.0082 0.0085 +vn 0.9973 0.0525 0.0518 +vn 0.9995 -0.0013 0.0324 +vn 0.9298 0.3680 0.0031 +vn 0.9921 0.1255 0.0030 +vn 0.9855 0.1159 0.1239 +vn 0.8347 0.5504 0.0193 +vn -0.9221 -0.3869 0.0094 +vn 0.8970 0.4421 -0.0025 +vn -0.0073 0.9999 -0.0125 +vn -0.3780 -0.9257 0.0119 +vn 0.5027 -0.8245 0.2598 +vn 0.4934 -0.8306 0.2582 +vn 0.5000 -0.8238 0.2669 +vn 0.6355 0.7721 -0.0036 +vn 0.5125 0.8586 0.0064 +vn -0.4849 -0.8745 0.0045 +vn -0.4286 -0.9035 -0.0038 +vn 0.0996 -0.9950 0.0078 +vn -0.4028 -0.9153 0.0053 +vn -0.3122 -0.9500 -0.0002 +vn 0.2223 0.9750 0.0031 +vn 0.2776 -0.9607 0.0005 +vn 0.0604 -0.9982 -0.0010 +vn 0.0626 0.9980 0.0067 +vn 0.4661 0.8847 -0.0026 +vn 0.3085 0.9512 0.0035 +vn 0.5356 0.8444 0.0047 +vn -0.4637 0.8854 0.0316 +vn -0.4304 0.9014 -0.0469 +vn 0.1013 -0.9949 -0.0019 +vn -0.4881 -0.8147 0.3132 +vn -0.4926 -0.8022 0.3373 +vn -0.4922 -0.8010 0.3408 +vn -0.1493 0.1283 0.9804 +vn -0.0400 0.0296 0.9988 +vn -0.0375 0.0324 0.9988 +vn 0.9725 -0.2328 0.0059 +vn -0.6362 0.7715 0.0049 +vn -0.7393 0.6734 -0.0024 +vn -0.8095 0.5871 0.0060 +vn -0.8773 0.4800 -0.0001 +vn -0.9201 0.3916 0.0035 +vn 0.9308 -0.3655 0.0007 +vn 0.9301 -0.3671 0.0094 +vn 0.9918 -0.1275 0.0009 +vn 0.9701 -0.2426 0.0055 +vn 0.9909 -0.1343 -0.0001 +vn 0.9994 -0.0356 0.0056 +vn 0.9997 0.0241 0.0027 +vn -0.4741 0.8425 0.2559 +vn -0.4887 0.8131 0.3161 +vn -0.4717 0.8444 0.2540 +vn 0.4996 0.7352 0.4581 +vn 0.4971 0.7555 0.4268 +vn 0.4979 0.7610 0.4159 +vn 0.9999 0.0123 0.0054 +vn 1.0000 0.0010 0.0014 +vn -0.4769 0.6979 0.5343 +vn -0.4849 0.7238 0.4909 +vn -0.4723 0.6954 0.5417 +vn 0.3874 0.9207 -0.0472 +vn 0.4576 0.8871 -0.0594 +vn 0.4584 0.8884 -0.0266 +vn -0.7837 -0.6211 -0.0022 +vn -0.9869 -0.1611 0.0029 +vn 0.7418 0.6274 -0.2371 +vn 0.6470 0.6848 -0.3353 +vn 0.6454 0.7146 -0.2698 +vn 0.8766 0.4813 0.0039 +vn 0.5366 -0.8438 0.0057 +vn -0.3078 0.9514 0.0048 +vn -0.2989 0.9543 -0.0005 +vn -0.4511 0.8925 0.0008 +vn -0.3085 0.9512 0.0035 +vn -0.4661 0.8847 -0.0026 +vn 0.5714 -0.8207 0.0041 +vn -0.7285 0.6850 0.0056 +vn -0.6611 0.7503 0.0048 +vn -0.7358 0.6772 0.0000 +vn 0.5057 -0.8551 0.1146 +vn 0.4995 -0.8414 0.2065 +vn 0.4939 -0.8613 0.1193 +vn -0.7848 0.6198 0.0063 +vn 0.8806 -0.4738 -0.0087 +vn 0.1190 0.9928 0.0106 +vn 0.0596 0.9982 -0.0022 +vn 0.1849 -0.9828 -0.0021 +vn 0.0320 -0.9995 0.0080 +vn 0.2309 -0.9730 0.0007 +vn -0.4267 0.9044 -0.0005 +vn -0.9224 0.3861 0.0093 +vn -0.9835 0.1808 -0.0007 +vn -0.4431 0.8965 0.0022 +vn -0.6377 0.7703 -0.0024 +vn -0.6526 0.7577 0.0019 +vn 0.9335 -0.3581 -0.0204 +vn 0.9904 -0.1376 -0.0123 +vn 0.9841 -0.1279 0.1232 +vn 0.9893 -0.1459 -0.0034 +vn 0.9999 0.0158 0.0047 +vn 0.9831 -0.1829 0.0114 +vn 0.9956 0.0933 0.0003 +vn 0.9847 0.1744 0.0008 +vn 0.9996 -0.0202 0.0210 +vn 0.0013 -0.9339 -0.3576 +vn -0.8095 -0.5871 0.0060 +vn 0.9311 0.3647 -0.0008 +vn 0.8488 0.5286 0.0014 +vn 0.0031 -0.0645 0.9979 +vn 0.0048 0.1880 0.9821 +vn 0.0033 0.0803 0.9968 +vn 0.0004 0.2227 0.9749 +vn 0.0000 -0.9994 0.0333 +vn 0.0056 -0.9988 -0.0488 +vn 0.0008 -0.0125 0.9999 +vn 0.0213 -0.9910 -0.1319 +vn 0.0274 -0.9677 -0.2508 +vn 0.0028 -0.3076 0.9515 +vn 0.0051 -0.1533 0.9882 +vn 0.0002 -0.9706 -0.2409 +vn 0.0204 -0.8749 -0.4840 +vn 0.0139 -0.9333 -0.3588 +vn -0.0002 -0.8816 -0.4721 +vn 0.0128 -0.7261 -0.6875 +vn 0.0008 -0.7978 -0.6029 +vn 0.0037 -0.6787 -0.7344 +vn 0.0015 0.5302 -0.8479 +vn -0.0109 0.5326 -0.8463 +vn 0.0049 -0.3797 -0.9251 +vn -0.2847 0.9585 -0.0135 +vn -0.3922 0.9199 -0.0033 +vn -0.2874 0.9572 -0.0338 +vn 0.0192 -0.1996 0.9797 +vn -0.0031 -0.2039 0.9790 +vn -0.0055 -0.1750 0.9846 +vn -0.0324 -0.1961 0.9801 +vn -0.0378 -0.2013 0.9788 +vn -0.3908 -0.9204 -0.0141 +vn -0.2890 -0.9564 -0.0430 +vn 0.0047 -0.5355 0.8445 +vn -0.0030 -0.3741 0.9274 +vn -0.0055 -0.7373 0.6755 +vn -0.0074 -0.6041 0.7969 +vn 0.1866 -0.7055 0.6837 +vn 0.0422 -0.6441 0.7638 +vn 0.0550 -0.7369 0.6738 +vn 0.0041 -0.7916 0.6110 +vn -0.0173 -0.8672 0.4977 +vn 0.0142 -0.8842 0.4669 +vn -0.0001 -0.9603 0.2789 +vn 0.0097 -0.8715 -0.4904 +vn -0.0092 -0.9297 -0.3682 +vn -0.0091 -0.8089 -0.5878 +vn -0.2041 0.9587 -0.1979 +vn -0.0874 0.9902 -0.1092 +vn 0.0073 -0.9999 -0.0125 +vn -0.0090 -0.9920 0.1262 +vn -0.0092 -0.9921 -0.1253 +vn 0.4237 -0.8950 0.1398 +vn 0.4571 -0.8774 0.1458 +vn 0.4206 -0.8982 0.1275 +vn -0.0016 -0.9217 0.3879 +vn -0.0059 -0.8104 0.5859 +vn -0.0050 -0.9291 0.3699 +vn 0.4299 -0.8864 0.1720 +vn 0.4500 -0.8646 0.2235 +vn 0.4215 -0.8917 0.1649 +vn -0.0061 -0.4240 0.9056 +vn 0.0027 -0.5457 0.8380 +vn 0.0032 0.3735 0.9276 +vn 0.0050 0.6364 0.7714 +vn 0.0082 0.8086 0.5883 +vn -0.0082 0.6630 0.7486 +vn -0.0035 0.8241 0.5665 +vn 0.0004 0.9998 -0.0219 +vn -0.0004 0.9687 -0.2484 +vn -0.0045 1.0000 -0.0033 +vn -0.0016 0.4220 0.9066 +vn -0.0039 0.4299 0.9029 +vn 0.0011 0.9674 -0.2532 +vn -0.0011 0.8765 -0.4815 +vn -0.0616 -0.9855 0.1583 +vn -0.0190 -0.9401 0.3404 +vn -0.0399 -0.9893 0.1405 +vn 0.7358 0.6691 -0.1049 +vn 0.8199 0.5720 -0.0253 +vn 0.8208 0.5643 -0.0887 +vn -0.0006 0.2272 0.9739 +vn 0.0025 0.7188 -0.6952 +vn -0.0024 0.5361 -0.8441 +vn -0.0017 0.7292 -0.6843 +vn -0.0021 0.1920 0.9814 +vn 0.0032 0.0628 0.9980 +vn 0.0090 0.1937 0.9810 +vn -0.2776 0.9607 0.0005 +vn -0.0604 0.9982 -0.0010 +vn -0.0191 0.2021 0.9792 +vn -0.0005 -0.0654 0.9979 +vn -0.0291 0.2072 0.9779 +vn -0.0033 0.0630 -0.9980 +vn -0.0000 0.0474 -0.9989 +vn -0.0200 0.3550 0.9346 +vn -0.0114 -0.4251 -0.9051 +vn 0.0068 0.1852 -0.9827 +vn 0.0013 0.1504 -0.9886 +vn -0.0012 0.3211 -0.9470 +vn 0.2814 -0.9596 0.0002 +vn 0.3261 -0.9449 -0.0286 +vn 0.3266 -0.9449 -0.0204 +vn 0.8990 0.3904 -0.1986 +vn 0.8333 0.4765 -0.2804 +vn -0.0109 -0.8082 -0.5888 +vn -0.0106 0.7445 -0.6676 +vn 0.0049 -0.8839 -0.4677 +vn -0.0209 -0.9284 -0.3710 +vn 0.4951 0.7514 0.4361 +vn 0.4970 0.7626 0.4140 +vn 0.4969 0.7644 0.4108 +vn -0.0107 -0.9577 -0.2877 +vn 0.4343 -0.8837 0.1745 +vn 0.4016 -0.9102 0.1012 +vn 0.0283 0.9916 -0.1261 +vn 0.0087 0.9829 -0.1839 +vn 0.0032 0.9958 -0.0915 +vn 0.0090 -0.9684 0.2490 +vn -0.0011 -0.9465 0.3226 +vn -0.0013 -0.9871 0.1599 +vn -0.4746 -0.8423 0.2555 +vn -0.4891 -0.8127 0.3166 +vn 0.0231 0.9992 -0.0323 +vn 0.0349 0.9993 -0.0096 +vn 0.0379 0.9993 0.0008 +vn 0.0140 0.9906 0.1358 +vn 0.0201 0.9993 0.0314 +vn 0.0158 0.9850 0.1718 +vn 0.0099 0.9300 0.3674 +vn 0.0138 0.9618 0.2734 +vn 0.0016 0.9067 0.4218 +vn 0.3739 0.1383 0.9171 +vn -0.7336 0.6657 -0.1368 +vn -0.8279 0.5487 -0.1159 +vn -0.7335 0.6651 -0.1400 +vn 0.9792 -0.1983 0.0424 +vn 0.9423 -0.3333 0.0316 +vn 0.9793 -0.2015 0.0196 +vn 0.0468 -0.0154 0.9988 +vn 0.1835 -0.0679 0.9807 +vn 0.1862 0.0610 0.9806 +vn -0.5697 0.1868 0.8003 +vn -0.5764 0.1654 0.8002 +vn -0.8868 0.1157 0.4474 +vn -0.8818 0.1488 0.4475 +vn -0.5102 -0.8587 -0.0486 +vn -0.4584 -0.8884 -0.0266 +vn -0.4576 -0.8871 -0.0594 +vn -0.9533 0.2821 -0.1079 +vn -0.9532 0.2782 -0.1182 +vn -0.3601 0.9126 -0.1934 +vn -0.4965 0.8431 -0.2066 +vn -0.3629 0.9044 -0.2244 +vn 0.8498 -0.2786 0.4475 +vn 0.9256 -0.3033 0.2265 +vn -0.7526 0.1850 0.6319 +vn -0.5841 0.2790 0.7623 +vn -0.7518 0.2267 0.6192 +vn 0.0479 -0.0117 0.9988 +vn -0.5821 0.1437 0.8003 +vn -0.3903 0.0810 0.9171 +vn -0.3869 0.0955 0.9172 +vn -0.8596 -0.2466 0.4475 +vn 0.1902 -0.0469 0.9806 +vn -0.9960 0.0682 0.0582 +vn -0.9983 0.0000 0.0580 +vn 0.1916 -0.0397 0.9807 +vn 0.0487 0.0078 0.9988 +vn 0.0479 0.0117 0.9988 +vn -0.5987 0.0449 0.7997 +vn -0.8627 -0.4504 0.2299 +vn -0.7600 -0.4719 0.4469 +vn -0.7921 -0.4156 0.4470 +vn 0.4854 0.3534 0.7997 +vn 0.6534 0.4057 0.6391 +vn 0.6217 0.4527 0.6391 +vn -0.6431 0.7397 -0.1981 +vn -0.5349 0.8159 -0.2195 +vn -0.8458 0.5303 0.0582 +vn -0.8808 0.4698 0.0581 +vn -0.0495 0.0038 0.9988 +vn -0.1964 0.0147 0.9804 +vn 0.1941 -0.0252 0.9807 +vn 0.0487 -0.0078 0.9988 +vn -0.3984 0.0299 0.9167 +vn -0.5102 -0.3168 0.7996 +vn -0.6810 -0.3573 0.6392 +vn -0.6534 -0.4057 0.6391 +vn 0.4552 -0.3914 0.7998 +vn 0.4826 -0.3576 0.7995 +vn -0.5447 0.2512 0.8001 +vn -0.6786 0.3620 0.6392 +vn -0.6981 0.3219 0.6396 +vn -0.3997 0.0010 0.9167 +vn -0.1971 0.0005 0.9804 +vn -0.9709 -0.0681 0.2296 +vn -0.2024 -0.9386 -0.2795 +vn -0.1974 -0.8975 -0.3943 +vn -0.2094 -0.9335 -0.2909 +vn -0.6509 0.4097 0.6391 +vn 0.8868 -0.1157 0.4474 +vn -0.3956 -0.0506 0.9170 +vn -0.1965 -0.0136 0.9804 +vn -0.0497 0.0001 0.9988 +vn -0.0004 -0.9997 -0.0226 +vn 0.0046 -1.0000 -0.0034 +vn -0.8596 0.2466 0.4475 +vn -0.7462 0.1841 0.6398 +vn -0.7526 0.1561 0.6397 +vn -0.5298 0.2826 0.7997 +vn 0.9355 -0.2684 0.2299 +vn -0.9898 -0.1423 -0.0002 +vn -0.9772 -0.2125 -0.0002 +vn -0.5872 0.1218 0.8002 +vn -0.7578 0.1279 0.6398 +vn 0.1971 -0.0005 0.9804 +vn -0.0495 -0.0040 0.9988 +vn -0.3929 -0.0663 0.9172 +vn -0.5605 0.8270 0.0428 +vn -0.7388 0.2119 0.6397 +vn -0.5274 0.7231 0.4460 +vn -0.5288 0.7212 0.4475 +vn -0.7388 -0.2119 0.6397 +vn -0.6663 0.7437 0.0551 +vn -0.6489 0.7254 0.2298 +vn -0.9975 0.0713 -0.0001 +vn -0.9898 0.1423 -0.0002 +vn -0.4717 0.6065 0.6400 +vn -0.5490 0.7058 0.4477 +vn 0.9378 -0.3429 0.0545 +vn 0.4349 -0.5742 0.6936 +vn -0.5688 0.6900 0.4475 +vn -0.5963 0.6666 0.4474 +vn -0.4889 0.5930 0.6398 +vn 0.3447 -0.5140 0.7855 +vn -0.3452 -0.9041 -0.2520 +vn -0.4965 -0.8446 -0.2001 +vn -0.4967 -0.8500 -0.1756 +vn 0.3196 -0.4653 0.8254 +vn -0.7188 0.5326 0.4469 +vn -0.8239 0.5179 0.2301 +vn -0.8266 -0.3413 0.4475 +vn 0.3425 -0.3822 0.8583 +vn -0.9798 -0.1999 -0.0081 +vn -0.9440 -0.3259 -0.0515 +vn -0.9437 -0.3305 -0.0148 +vn 0.8777 0.4792 -0.0004 +vn 0.7032 -0.6728 0.2299 +vn -0.8122 0.3745 0.4473 +vn -0.8266 0.3413 0.4475 +vn 0.2204 0.4383 0.8714 +vn -0.6488 -0.6156 0.4473 +vn -0.7209 0.2666 0.6397 +vn -0.7104 -0.2933 0.6398 +vn -0.6990 -0.3197 0.6397 +vn -0.7364 0.6364 0.2297 +vn 0.0468 0.0154 0.9988 +vn 0.2689 -0.3109 0.9116 +vn 0.2515 -0.3124 0.9161 +vn 0.3548 0.8960 -0.2670 +vn 0.4911 0.8198 -0.2946 +vn -0.6169 0.7350 -0.2815 +vn -0.7289 0.6302 -0.2674 +vn -0.6160 0.7247 -0.3087 +vn 0.5351 0.5517 0.6398 +vn 0.9844 0.1686 -0.0501 +vn 0.9965 0.0790 -0.0284 +vn 0.9964 0.0814 -0.0239 +vn -0.5542 0.2288 0.8003 +vn -0.7104 0.2933 0.6398 +vn -0.7518 0.3504 0.5585 +vn -0.5846 0.4807 0.6536 +vn -0.7523 0.3904 0.5307 +vn -0.6783 0.5831 0.4471 +vn 0.4011 0.4458 0.8002 +vn 0.4352 0.4129 0.8001 +vn -0.8264 -0.5137 0.2306 +vn -0.8800 -0.4714 0.0584 +vn 0.7364 -0.6364 0.2297 +vn 0.0455 -0.0191 0.9988 +vn -0.5453 -0.2494 0.8002 +vn -0.5316 -0.2790 0.7997 +vn -0.7647 0.6418 0.0586 +vn -0.7818 0.5792 0.2310 +vn 0.9792 0.1993 0.0371 +vn 0.9426 0.3332 0.0228 +vn 0.9422 0.3296 0.0596 +vn -0.5542 -0.2288 0.8003 +vn -0.4352 -0.4129 0.8001 +vn -0.5577 -0.5291 0.6395 +vn 0.0345 -0.0352 0.9988 +vn 0.0340 -0.0291 0.9990 +vn 0.0980 -0.1037 0.9898 +vn -0.3999 0.4471 0.8001 +vn -0.2894 -0.2745 0.9170 +vn 0.7296 -0.6390 -0.2437 +vn 0.8252 -0.5197 -0.2211 +vn 0.7289 -0.6302 -0.2674 +vn -0.7285 -0.6302 -0.2687 +vn -0.8244 -0.5027 -0.2603 +vn -0.8251 -0.5196 -0.2220 +vn -0.9959 -0.0698 0.0580 +vn 0.5183 0.8546 0.0314 +vn 0.5407 0.8412 -0.0008 +vn 0.4792 0.8777 -0.0008 +vn 0.1336 0.1445 0.9804 +vn -0.0440 -0.0230 0.9988 +vn -0.8074 0.5871 0.0582 +vn -0.5845 0.2251 0.7795 +vn -0.6180 0.4579 0.6390 +vn -0.4552 0.3914 0.7998 +vn -0.5831 0.5013 0.6392 +vn 0.5853 -0.4804 0.6532 +vn 0.3839 -0.4908 0.7822 +vn 0.3842 -0.5470 0.7437 +vn -0.3029 0.2604 0.9168 +vn -0.7231 -0.5266 0.4470 +vn -0.3212 0.2380 0.9166 +vn -0.4826 0.3576 0.7995 +vn -0.1675 -0.1040 0.9804 +vn -0.6217 -0.4527 0.6391 +vn -0.4854 -0.3534 0.7997 +vn -0.5082 0.3199 0.7996 +vn -0.5882 -0.4955 0.6392 +vn 0.8272 0.5387 -0.1598 +vn 0.7337 0.6611 -0.1568 +vn 0.7318 0.6535 -0.1933 +vn 0.9322 -0.3515 -0.0863 +vn 0.8943 -0.4345 -0.1068 +vn -0.4592 -0.3868 0.7997 +vn -0.3230 -0.2352 0.9167 +vn 0.8838 -0.4075 0.2298 +vn 0.9109 -0.4089 0.0559 +vn -0.1585 0.1174 0.9804 +vn -0.8941 0.4386 -0.0904 +vn -0.9320 0.3545 -0.0753 +vn -0.8941 0.4383 -0.0926 +vn -0.3056 -0.2574 0.9167 +vn -0.0761 -0.8275 0.5563 +vn -0.0110 -0.8510 0.5250 +vn -0.0105 -0.8322 0.5544 +vn -0.0970 0.9953 -0.0025 +vn -0.0632 0.9980 0.0037 +vn -0.4972 0.7606 0.4174 +vn -0.4971 0.7687 0.4026 +vn -0.4961 0.7596 0.4207 +vn -0.6226 -0.6419 0.4475 +vn -0.1507 -0.1267 0.9804 +vn -0.9597 0.2759 0.0543 +vn -0.9355 0.2684 0.2299 +vn 0.6666 0.7434 0.0545 +vn -0.3622 0.1670 0.9170 +vn -0.5554 0.5313 0.6397 +vn 0.6155 0.7247 -0.3099 +vn 0.6187 0.7390 -0.2668 +vn -0.0421 0.0263 0.9988 +vn -0.1737 0.0928 0.9804 +vn -0.0441 0.0228 0.9988 +vn -0.0399 -0.0295 0.9988 +vn -0.1593 -0.1159 0.9804 +vn 0.5490 -0.7058 0.4477 +vn -0.9422 -0.3152 -0.1136 +vn -0.9424 -0.3207 -0.0951 +vn -0.5638 -0.8244 0.0493 +vn -0.5289 -0.7211 0.4475 +vn 0.9772 0.2125 -0.0002 +vn -0.7209 -0.2666 0.6397 +vn 0.4966 -0.8494 -0.1785 +vn 0.6227 -0.7598 -0.1871 +vn 0.4965 -0.8431 -0.2066 +vn -0.5592 -0.7966 0.2296 +vn -0.5189 -0.7295 0.4456 +vn -0.6222 0.7659 -0.1621 +vn -0.4967 0.8502 -0.1744 +vn -0.6042 0.7390 -0.2980 +vn -0.3829 0.4910 0.7825 +vn -0.8238 0.5116 -0.2441 +vn -0.8911 0.4039 -0.2072 +vn -0.7296 0.6390 -0.2437 +vn -0.6192 0.7475 -0.2406 +vn -0.7312 0.6495 -0.2084 +vn 0.4638 0.6188 0.6340 +vn 0.4801 0.6644 0.5728 +vn 0.4348 0.5745 0.6934 +vn 0.4012 0.5146 0.7578 +vn 0.2243 0.2604 0.9391 +vn 0.5850 -0.5250 0.6182 +vn 0.3824 -0.6631 0.6435 +vn 0.5847 -0.5808 0.5664 +vn 0.0804 0.0519 0.9954 +vn 0.0346 0.0209 0.9992 +vn 0.1418 0.1621 0.9765 +vn 0.1388 0.1678 0.9760 +vn 0.6773 -0.7357 0.0000 +vn 0.5152 -0.8571 0.0000 +vn 0.0000 0.8972 0.4416 +vn 0.0000 0.3243 0.9460 +vn 0.0000 -0.2325 -0.9726 +vn 0.4650 0.8853 0.0000 +vn 0.4782 0.8782 0.0000 +vn 0.0000 0.6247 -0.7809 +vn 0.0000 -0.6617 -0.7498 +vn -0.4503 0.8929 0.0000 +vn -0.3358 0.9419 0.0000 +vn 0.0000 -0.8299 0.5579 +vn 0.7290 0.6845 0.0000 +vn -0.7071 -0.7071 0.0000 +vn -0.7557 -0.6549 0.0000 +vn 0.0000 -1.0000 -0.0088 +vn 0.0000 -0.9882 -0.1535 +vn 0.0000 -0.7290 -0.6845 +vn 0.0000 0.3952 0.9186 +vn 0.0000 0.6030 0.7978 +vn 0.0628 -0.9980 0.0000 +vn 0.3090 -0.9511 0.0000 +vn 0.0000 -0.5398 0.8418 +vn 0.0000 -0.7904 -0.6125 +vn 0.0000 -0.6392 -0.7690 +vn 0.0000 -0.9720 -0.2350 +vn 0.0000 -0.9999 -0.0157 +vn 0.0000 0.7518 0.6594 +vn 0.0000 0.5954 0.8034 +vn 0.0000 -0.9839 0.1787 +vn 0.0000 0.9298 0.3680 +vn 0.0000 0.9836 0.1802 +vn 0.0000 0.0723 -0.9974 +vn 0.0000 0.2471 -0.9690 +vn 0.4846 -0.2074 0.8498 +vn 0.4294 0.8862 -0.1742 +vn 0.6344 0.7729 -0.0153 +vn 0.5871 0.8095 0.0091 +vn 0.5877 0.8086 -0.0283 +vn 0.0095 -0.5190 -0.8547 +vn -0.0090 -0.6373 -0.7705 +vn -0.0089 -0.4257 -0.9048 +vn 0.3746 0.8758 0.3045 +vn 0.8533 0.4754 0.2143 +vn 0.0000 0.9995 0.0308 +vn 0.0000 0.9748 0.2231 +vn 0.0000 -0.9999 0.0122 +vn -0.0727 -0.9974 0.0000 +vn -0.0428 -0.9991 0.0000 +vn 0.0000 -0.8319 0.5549 +vn 0.0000 -0.6709 0.7415 +vn 1.0000 0.0022 0.0000 +vn 1.0000 0.0045 0.0000 +vn 1.0000 0.0024 0.0000 +vn 1.0000 0.0049 0.0000 +vn 1.0000 -0.0011 0.0000 +vn 1.0000 -0.0012 0.0000 +vn 1.0000 -0.0022 0.0000 +vn 1.0000 -0.0024 0.0000 +vn 1.0000 -0.0045 0.0000 +vn 1.0000 -0.0023 0.0000 +vn 1.0000 -0.0049 0.0000 +vn 0.0000 -0.4684 0.8835 +vn 0.0000 0.4799 -0.8773 +vn -0.8005 -0.5993 0.0000 +vn 0.0000 -0.7756 0.6312 +vn 0.0000 -0.6218 0.7832 +vn 0.0000 0.6381 0.7700 +vn 0.0000 0.4899 0.8718 +vn 0.9522 -0.3054 0.0000 +vn 0.9257 -0.3782 0.0000 +vn 0.0000 0.0082 1.0000 +vn 0.0000 -0.7936 -0.6084 +vn 0.0000 -0.6021 -0.7984 +vn 0.0000 0.1301 -0.9915 +vn 0.0000 0.3904 -0.9206 +vn 0.0000 0.7936 0.6084 +vn 0.0000 0.6021 0.7984 +vn 0.0000 -0.2504 -0.9681 +vn 0.0000 -0.5000 -0.8660 +vn 0.0000 -0.9730 0.2306 +vn 0.0000 -0.8936 0.4488 +vn -0.7280 0.6856 0.0000 +vn -0.6657 0.7463 0.0000 +vn 0.0000 -0.9988 -0.0486 +vn 0.9845 0.1754 0.0000 +vn 0.9989 0.0476 0.0000 +vn 0.0000 -0.9197 0.3927 +vn 0.0000 -0.9907 0.1361 +vn -0.6374 0.7705 0.0000 +vn -0.8090 0.5878 0.0000 +vn 0.0000 -0.7994 0.6007 +vn 0.0000 -0.9237 0.3830 +vn 0.0000 0.8299 0.5579 +vn 0.0000 -0.9705 -0.2409 +vn 0.0000 -0.8828 -0.4697 +vn 0.0000 0.2032 0.9791 +vn 0.0000 -0.0467 0.9989 +vn -0.7933 0.6088 0.0000 +vn -0.7235 0.6903 0.0000 +vn 0.0000 -0.5358 -0.8443 +vn -0.7764 0.6303 0.0000 +vn -0.8093 0.5875 0.0000 +vn 0.0000 0.8763 -0.4817 +vn 0.0000 0.7181 -0.6959 +vn 0.0000 0.8763 -0.4818 +vn 0.0000 -0.9915 -0.1301 +vn 0.0000 -0.9220 -0.3872 +vn -0.0628 -0.9980 0.0000 +vn 0.0000 -0.8090 0.5878 +vn 0.0000 -0.6374 0.7705 +vn 0.0000 0.3375 0.9413 +vn 0.0000 0.1321 -0.9912 +vn 0.0000 -0.9646 0.2638 +vn 0.0000 -0.9977 0.0673 +vn 0.0000 0.5189 0.8548 +vn 0.0000 0.6955 0.7185 +vn 0.0000 -0.3830 -0.9237 +vn 0.0000 -0.1257 -0.9921 +vn 0.0000 -0.5965 -0.8026 +vn 0.0000 -0.5966 -0.8026 +vn 0.0000 -0.9796 -0.2010 +vn 0.0000 -0.9961 -0.0882 +vn 0.0000 0.9999 0.0110 +vn 0.0000 0.5000 -0.8660 +vn 0.0000 0.2504 -0.9682 +vn 0.0000 0.2504 -0.9681 +vn 0.0000 -0.7655 -0.6435 +vn 0.0000 0.4445 0.8958 +vn 0.0000 0.6288 0.7775 +vn 0.0000 0.9298 -0.3681 +vn 0.0000 0.8090 -0.5878 +vn -0.8944 -0.4472 0.0000 +vn -0.9538 -0.3004 0.0000 +vn 0.0000 -0.0082 1.0000 +vn 0.0000 0.8062 -0.5917 +vn 0.0000 -0.4976 -0.8674 +vn 0.0000 -0.6779 -0.7352 +vn 0.2868 0.9580 0.0000 +vn 0.8005 -0.5993 0.0000 +vn 0.7557 -0.6549 0.0000 +vn 0.0000 0.0260 0.9997 +vn 0.0000 -0.1093 0.9940 +vn 0.0000 -0.4024 0.9155 +vn 0.0000 -0.2025 0.9793 +vn 0.0000 0.4515 -0.8923 +vn 0.0000 0.4976 -0.8674 +vn 0.0000 0.4457 -0.8952 +vn 0.0000 0.2901 -0.9570 +vn 0.0000 -0.3243 -0.9460 +vn 0.0000 0.9982 -0.0602 +vn 0.0000 0.9714 -0.2373 +vn 0.0000 0.9617 -0.2740 +vn 0.0000 -0.8184 -0.5747 +vn 0.0000 0.0469 0.9989 +vn 0.0000 0.0353 0.9994 +vn 1.0000 -0.0001 0.0000 +vn 1.0000 0.0001 0.0000 +vn -0.9995 -0.0013 0.0324 +vn 0.7156 0.6985 0.0097 +vn 0.8785 0.4775 -0.0140 +vn 0.9994 -0.0320 -0.0106 +vn 0.9996 -0.0273 -0.0075 +vn 0.9977 -0.0308 0.0607 +vn 0.9977 -0.0398 0.0548 +vn 0.9979 -0.0624 -0.0177 +vn 0.9980 -0.0576 -0.0275 +vn 0.9978 -0.0578 -0.0313 +vn 0.5108 0.8596 -0.0136 +vn 0.4605 0.8876 0.0102 +vn 0.9978 -0.0662 -0.0042 +vn 0.9977 -0.0663 0.0111 +vn 0.9977 -0.0625 0.0264 +vn -0.3895 0.9208 0.0225 +vn -0.2928 0.9561 0.0156 +vn -0.3934 0.9182 0.0468 +vn 0.5063 -0.8572 0.0941 +vn 0.4649 -0.8804 0.0935 +vn 0.5028 -0.8560 0.1207 +vn 0.9978 -0.0560 0.0364 +vn -0.5798 -0.8108 0.0800 +vn -0.5445 -0.8337 0.0917 +vn -0.5473 -0.8342 0.0666 +vn 0.9977 -0.0212 0.0646 +vn -0.0422 -0.0263 0.9988 +vn 0.0107 0.9577 -0.2877 +vn 0.0209 0.9284 -0.3710 +vn 1.0000 0.0005 0.0000 +vn 1.0000 -0.0004 0.0000 +vn 1.0000 0.0004 0.0000 +vn 0.9980 -0.0163 0.0614 +vn -0.3870 0.7952 -0.4667 +vn 0.5261 0.7560 0.3895 +vn 0.5087 0.7774 0.3701 +vn 0.5131 0.7777 0.3633 +vn 0.4580 -0.8570 0.2360 +vn 0.4831 -0.8264 0.2891 +vn 0.4558 -0.8594 0.2316 +vn -0.2951 -0.9544 0.0459 +vn -0.3928 -0.9176 0.0604 +vn -0.4088 -0.9074 0.0978 +vn 0.8941 0.3977 -0.2059 +vn 0.9454 0.2926 -0.1437 +vn 0.5066 0.7859 0.3545 +vn 0.5012 0.7762 0.3826 +vn 0.5019 0.7743 0.3855 +vn 0.9998 0.0196 -0.0068 +vn 0.9999 0.0166 -0.0044 +vn -0.9998 -0.0196 -0.0068 +vn -0.9998 -0.0184 -0.0094 +vn -0.4583 0.8886 -0.0176 +vn -0.4615 0.8869 0.0222 +vn -0.7697 -0.2274 0.5965 +vn -0.8360 -0.1824 0.5175 +vn -0.8951 -0.1613 0.4156 +vn 0.9998 0.0184 -0.0094 +vn -0.9978 -0.0588 -0.0314 +vn 0.0019 -0.3629 -0.9318 +vn 0.4431 -0.8965 0.0022 +vn 0.6377 -0.7703 -0.0024 +vn 0.4267 -0.9044 -0.0005 +vn -0.9453 0.3055 -0.1141 +vn -0.8941 0.3983 -0.2050 +vn -0.9453 0.2931 -0.1430 +vn -0.2167 -0.5786 0.7863 +vn -0.0529 -0.6453 0.7621 +vn -0.0515 -0.5442 0.8374 +vn 0.9978 0.0652 -0.0075 +vn 0.9979 0.0608 -0.0219 +vn -0.7087 -0.5639 0.4240 +vn -0.8649 -0.4019 0.3007 +vn -0.8719 -0.3881 0.2987 +vn 0.9978 0.0662 0.0078 +vn 0.9978 0.0635 0.0214 +vn 0.9978 0.0591 0.0313 +vn 1.0000 -0.0010 0.0014 +vn 0.9978 0.0547 0.0371 +vn -1.0000 -0.0010 0.0014 +vn 0.2128 -0.9771 0.0003 +vn 0.2923 -0.9562 0.0174 +vn 0.0017 -0.4368 -0.8995 +vn 0.9977 0.0212 0.0645 +vn 0.9977 0.0308 0.0608 +vn 1.0000 0.0003 0.0000 +vn 1.0000 -0.0003 0.0000 +vn 0.9978 0.0526 0.0411 +vn 0.9977 0.0398 0.0548 +vn 0.9977 0.0482 0.0479 +vn 0.9977 -0.0527 0.0415 +vn 0.8649 0.4019 0.3007 +vn 0.7737 0.4620 0.4334 +vn 0.8943 0.3275 0.3050 +vn -0.9193 0.1184 0.3753 +vn -0.9697 0.0664 0.2350 +vn 0.9994 -0.0307 -0.0151 +vn 0.2925 0.9560 0.0241 +vn 0.1987 0.9786 -0.0536 +vn 0.2849 0.9585 -0.0067 +vn 0.9996 -0.0298 0.0019 +vn 0.9683 -0.2499 -0.0018 +vn 0.4968 -0.0002 0.8679 +vn 0.3856 0.0004 0.9227 +vn 0.3787 -0.0000 0.9255 +vn -0.0421 0.6441 0.7638 +vn 1.0000 0.0006 0.0000 +vn 0.3780 0.9257 0.0119 +vn 0.0000 -0.9434 0.3317 +vn 0.0000 -0.9985 0.0545 +vn 0.0000 1.0000 -0.0066 +vn 0.0000 0.9779 0.2090 +vn -0.0741 0.9972 0.0000 +vn 0.0000 -0.5945 0.8041 +vn 0.0000 -0.7877 0.6160 +vn 0.0000 -0.7878 0.6160 +vn 0.0000 -0.2855 -0.9584 +vn 0.0000 -0.4857 0.8741 +vn 0.0000 -0.4512 0.8924 +vn 0.0000 0.8841 -0.4673 +vn 0.0000 0.7536 -0.6574 +vn 0.0000 -0.5005 -0.8658 +vn 0.0000 -0.6802 -0.7330 +vn 0.0000 -0.1704 0.9854 +vn 0.0000 -0.3534 0.9355 +vn 0.0000 -0.6431 0.7658 +vn 0.0000 -0.5550 0.8319 +vn 0.0000 -0.4519 0.8921 +vn 0.0000 -0.2855 0.9584 +vn 0.0000 0.9921 0.1253 +vn 0.0000 0.9921 -0.1253 +vn 0.9960 0.0896 0.0000 +vn 0.9935 0.1136 0.0000 +vn 0.6549 0.7557 0.0000 +vn 0.7071 0.7071 0.0000 +vn 0.0000 0.2385 0.9711 +vn 0.0000 0.9839 0.1787 +vn 0.0000 0.9999 -0.0157 +vn 0.0000 -0.9991 0.0421 +vn 0.0000 -0.9982 -0.0602 +vn 0.0000 -0.6583 -0.7527 +vn 0.0000 -0.8113 -0.5846 +vn -0.8936 0.4489 0.0000 +vn 0.0000 0.6736 0.7391 +vn 0.0000 0.5208 0.8537 +vn 0.2682 0.9634 0.0000 +vn 0.4726 0.8813 0.0000 +vn -0.9898 0.1423 0.0000 +vn -0.9771 0.2126 0.0000 +vn -0.9975 -0.0713 0.0000 +vn -0.9898 -0.1423 0.0000 +vn -0.6903 -0.7235 0.0000 +vn 0.0000 -0.9229 0.3851 +vn 0.0000 -0.8145 0.5801 +vn 0.0000 0.0152 -0.9999 +vn 0.0000 -0.0373 -0.9993 +vn 0.0000 0.5358 -0.8443 +vn 0.0000 0.7290 -0.6845 +vn 0.0534 0.9986 0.0000 +vn 0.0000 0.4908 -0.8712 +vn 0.0000 -0.4112 0.9116 +vn 0.0000 -0.8554 -0.5180 +vn 0.0000 -0.9617 -0.2740 +vn 0.0000 -0.8553 -0.5181 +vn 0.0000 -0.7715 -0.6362 +vn 0.0000 -0.6421 -0.7666 +vn 0.0000 0.3038 -0.9527 +vn 0.0000 0.4446 -0.8957 +vn 0.0000 0.9991 0.0422 +vn 0.0000 -0.5533 0.8330 +vn 0.0000 -0.7375 0.6753 +vn 0.0000 -0.9323 0.3616 +vn 0.0000 -0.8763 0.4817 +vn 0.0000 0.8844 -0.4668 +vn 0.0000 0.7525 -0.6586 +vn 0.0000 0.9686 -0.2487 +vn -0.8674 -0.4976 0.0000 +vn -0.8322 -0.5544 0.0000 +vn 0.0000 -0.3503 -0.9366 +vn -0.9671 0.2544 0.0000 +vn -0.9846 0.1750 0.0000 +vn 0.0000 -0.8058 -0.5922 +vn 0.0000 0.6145 -0.7889 +vn 0.0000 0.0175 -0.9998 +vn 0.0000 -0.2504 -0.9682 +vn 0.0000 0.7804 -0.6253 +vn 0.0000 0.9017 -0.4324 +vn 0.8581 -0.5135 0.0000 +vn 0.0000 -0.9050 0.4255 +vn 0.0000 -0.9745 0.2244 +vn 0.0000 0.9007 0.4344 +vn 0.0000 0.7832 0.6218 +vn 0.0000 -0.9999 0.0110 +vn -0.9431 0.3326 0.0000 +vn -0.9629 0.2698 0.0000 +vn -0.1704 0.9854 0.0000 +vn -0.0428 0.9991 0.0000 +vn 0.0000 -0.8554 0.5180 +vn 0.0000 0.2639 0.9646 +vn 0.1161 0.9932 0.0000 +vn 0.0650 0.9979 0.0000 +vn 0.9169 -0.0005 0.3991 +vn -0.9169 0.0005 0.3991 +vn -0.8665 -0.0009 0.4992 +vn -0.8304 0.0001 0.5571 +vn 0.6123 -0.0002 0.7906 +vn 0.7285 0.0001 0.6850 +vn 0.7192 0.0006 0.6948 +vn -0.7192 -0.0006 0.6948 +vn -0.7285 -0.0001 0.6850 +vn -0.3856 -0.0004 0.9227 +vn -0.2536 0.0001 0.9673 +vn -0.3787 0.0000 0.9255 +vn -0.4968 0.0002 0.8679 +vn -0.2339 -0.0002 0.9723 +vn -0.1227 0.0002 0.9924 +vn 0.4944 0.8686 0.0329 +vn 0.5026 0.8559 0.1217 +vn 0.5066 0.8535 0.1222 +vn 0.4037 -0.9025 0.1498 +vn 0.4333 -0.8814 0.1884 +vn 0.3926 -0.9092 0.1385 +vn -0.5066 -0.8535 0.1222 +vn -0.5042 -0.8629 0.0335 +vn -0.4944 -0.8686 0.0329 +vn -0.4443 -0.8706 0.2114 +vn -0.4781 -0.8403 0.2556 +vn -0.4787 -0.8386 0.2602 +vn 0.5307 0.8194 0.2166 +vn 0.5284 0.7956 0.2962 +vn 0.9310 0.2383 0.2764 +vn 0.8801 0.3893 0.2717 +vn -0.4383 -0.8764 0.1995 +vn -0.4072 -0.9004 0.1532 +vn -0.4009 -0.9042 0.1472 +vn -0.4827 -0.8353 0.2633 +vn -0.4920 -0.8078 0.3245 +vn -0.4928 -0.8066 0.3265 +vn -0.4964 -0.7784 0.3842 +vn -0.4961 -0.7843 0.3724 +vn 0.5152 0.8481 0.1234 +vn 0.5228 0.8438 0.1215 +vn 0.5412 0.8323 0.1196 +vn -0.4112 0.8980 0.1568 +vn -0.4422 0.8725 0.2080 +vn -0.4075 0.9002 0.1535 +vn 0.4891 -0.8293 0.2705 +vn 0.4925 -0.8062 0.3280 +vn 0.4819 -0.8363 0.2617 +vn 0.4330 -0.8824 0.1839 +vn 0.4766 -0.8504 0.2227 +vn 0.4316 -0.8838 0.1807 +vn 0.4799 0.8373 0.2618 +vn 0.4891 0.8127 0.3166 +vn 0.4919 0.8078 0.3247 +vn -0.4819 0.8363 0.2617 +vn -0.4909 0.8089 0.3236 +vn -0.4773 0.8397 0.2590 +vn -0.4549 -0.8705 0.1877 +vn -0.4404 -0.8913 0.1082 +vn -0.4313 -0.8956 0.1089 +vn 0.5209 0.7776 0.3522 +vn 0.5178 0.7280 0.4494 +vn 0.5009 0.7915 0.3503 +vn 0.5023 0.7917 0.3478 +vn -0.4786 -0.6749 0.5616 +vn -0.4776 -0.6793 0.5572 +vn -0.4803 -0.6798 0.5543 +vn -0.4126 -0.8974 0.1564 +vn -0.4442 -0.8702 0.2131 +vn 0.4961 0.7844 0.3724 +vn 0.4952 0.7899 0.3618 +vn 0.4958 0.7840 0.3736 +vn 0.8150 0.5701 0.1034 +vn 0.8839 0.4476 0.1356 +vn 0.8867 0.4548 0.0832 +vn 0.5216 0.7499 0.4069 +vn 0.4930 0.8035 0.3337 +vn 0.4952 0.8018 0.3346 +vn 0.4960 0.7972 0.3442 +vn -0.4938 -0.7955 0.3514 +vn 0.5192 0.7488 0.4121 +vn -0.4239 -0.8930 0.1513 +vn -0.4748 -0.8617 0.1788 +vn -0.4738 -0.8610 0.1851 +vn 0.5042 0.8629 0.0335 +vn 0.4831 0.6960 0.5312 +vn 0.4814 0.6841 0.5480 +vn 0.4788 0.6836 0.5509 +vn 0.4958 0.7848 0.3719 +vn -0.4271 -0.8905 0.1566 +vn -0.4758 -0.8583 0.1923 +vn -0.3083 -0.9510 0.0247 +vn -0.3522 -0.9320 0.0851 +vn -0.3612 -0.9283 0.0886 +vn -0.4682 -0.8620 0.1944 +vn -0.4607 -0.8672 0.1891 +vn -0.4733 -0.8591 0.1948 +vn -0.4799 -0.8373 0.2618 +vn -0.6363 -0.7698 -0.0497 +vn -0.5877 -0.8086 -0.0283 +vn -0.5896 -0.8054 -0.0610 +vn -0.4490 -0.8865 0.1121 +vn -0.4970 -0.7828 0.3745 +vn -0.4968 -0.7770 0.3865 +vn 0.5051 0.7922 0.3426 +vn 0.5037 0.8035 0.3173 +vn 0.5130 0.7889 0.3383 +vn -0.5261 -0.7560 0.3895 +vn -0.5087 -0.7774 0.3701 +vn -0.5131 -0.7777 0.3633 +vn -0.4969 -0.7864 0.3670 +vn 0.4565 -0.8697 0.1879 +vn 0.4706 -0.8457 0.2517 +vn 0.4526 -0.8718 0.1876 +vn 0.5012 -0.7926 0.3474 +vn 0.5076 -0.7843 0.3566 +vn 0.5023 -0.7943 0.3417 +vn 0.4126 0.8974 0.1564 +vn 0.3921 0.9144 0.1003 +vn 0.3705 0.9246 0.0892 +vn -0.4981 0.7716 0.3955 +vn -0.4970 0.7656 0.4085 +vn -0.4975 0.7736 0.3924 +vn 0.4945 0.8091 0.3175 +vn 0.4957 0.8139 0.3032 +vn 0.4985 0.8028 0.3273 +vn -0.3905 -0.9104 0.1368 +vn -0.4332 -0.8825 0.1829 +vn -0.4324 -0.8823 0.1861 +vn -0.5068 -0.7773 0.3728 +vn -0.5216 -0.7499 0.4069 +vn -0.5192 -0.7488 0.4120 +vn 0.4752 0.6806 0.5577 +vn 0.4769 0.6765 0.5611 +vn 0.4731 0.6798 0.5603 +vn -0.3665 -0.9261 0.0900 +vn -0.4108 -0.8983 0.1559 +vn -0.4961 0.7996 0.3384 +vn -0.4950 0.7907 0.3602 +vn -0.4925 0.8062 0.3280 +vn -0.9799 -0.1972 -0.0306 +vn -0.9802 -0.1911 -0.0521 +vn 0.4919 0.8131 0.3114 +vn 0.4880 0.8243 0.2872 +vn 0.4910 0.8204 0.2930 +vn -0.5111 0.7900 0.3386 +vn -0.5248 0.7775 0.3466 +vn -0.5122 0.7943 0.3267 +vn 0.3215 0.9466 0.0232 +vn 0.3665 0.9261 0.0900 +vn -0.3705 -0.9246 0.0892 +vn -0.3471 -0.9375 0.0267 +vn -0.3215 -0.9466 0.0232 +vn -0.5009 -0.7915 0.3503 +vn 0.4809 0.6941 0.5357 +vn 0.4957 0.7910 0.3587 +vn 0.4994 0.7859 0.3646 +vn 0.4992 0.7809 0.3755 +vn 0.5083 -0.7888 0.3456 +vn 0.5249 -0.7695 0.3639 +vn 0.5112 -0.7900 0.3384 +vn -0.5051 -0.7921 0.3426 +vn -0.4961 -0.8021 0.3325 +vn -0.4988 -0.8026 0.3271 +vn 0.4896 -0.8113 0.3193 +vn 0.4773 -0.8397 0.2590 +vn 0.4909 -0.8089 0.3236 +vn 0.5063 -0.8257 0.2486 +vn 0.4956 -0.8330 0.2461 +vn 0.5027 -0.8261 0.2546 +vn -0.5010 -0.7869 0.3604 +vn 0.3881 0.9123 0.1308 +vn 0.4249 0.8906 0.1625 +vn 0.4329 0.8841 0.1762 +vn -0.4193 -0.9018 0.1042 +vn -0.3998 -0.9161 0.0289 +vn -0.3804 -0.9244 0.0274 +vn -0.4946 -0.8092 0.3172 +vn -0.4900 -0.8125 0.3158 +vn -0.4921 -0.8129 0.3115 +vn -0.4970 -0.7676 0.4047 +vn -0.4973 -0.7737 0.3925 +vn -0.5065 -0.7727 0.3825 +vn 0.3695 0.9292 -0.0045 +vn 0.1871 0.9823 0.0046 +vn 0.4257 0.9048 0.0052 +vn 0.5166 0.7447 0.4226 +vn 0.4949 0.8546 0.1572 +vn 0.4951 0.8569 0.1437 +vn 0.4988 0.8523 0.1573 +vn 0.4571 0.8774 0.1458 +vn 0.6371 0.7708 0.0062 +vn 0.7378 0.6750 -0.0032 +vn 0.5777 0.8162 -0.0045 +vn 0.4957 0.7879 0.3653 +vn 0.4763 0.8676 0.1428 +vn -0.4575 -0.8821 0.1128 +vn 0.7818 -0.5792 0.2310 +vn 0.7647 -0.6418 0.0586 +vn 0.8074 -0.5871 0.0582 +vn 0.2817 -0.9496 -0.1371 +vn 0.2172 -0.9431 -0.2517 +vn 0.2934 -0.9230 -0.2488 +vn 0.4184 0.9007 0.1170 +vn 0.4088 0.9074 0.0978 +vn 0.3463 0.9317 0.1097 +vn 0.2951 0.9544 0.0459 +vn -0.4920 -0.8081 0.3239 +vn -0.4951 -0.8018 0.3346 +vn 0.4978 0.7794 0.3804 +vn 0.4968 0.7770 0.3865 +vn 0.4973 0.7737 0.3925 +vn -0.4970 -0.7626 0.4140 +vn -0.4951 -0.7514 0.4361 +vn -0.4943 -0.7498 0.4398 +vn -0.4898 -0.8118 0.3178 +vn -0.4926 -0.8084 0.3221 +vn -0.4938 -0.7945 0.3534 +vn -0.4183 0.8936 0.1629 +vn -0.4440 0.8705 0.2123 +vn -0.4571 -0.8774 0.1458 +vn -0.4237 -0.8949 0.1398 +vn -0.4206 -0.8982 0.1275 +vn 0.4755 0.8628 0.1715 +vn 0.4931 0.8498 0.1863 +vn 0.2874 0.9566 0.0473 +vn 0.2028 0.9792 0.0012 +vn 0.4979 0.7829 0.3731 +vn 0.4969 0.7864 0.3670 +vn 0.4970 0.7828 0.3745 +vn -0.2175 -0.7144 0.6651 +vn -0.0631 -0.7912 0.6083 +vn -0.0557 -0.7314 0.6797 +vn 0.5119 0.7450 0.4278 +vn 0.4853 0.8542 0.1867 +vn 0.5001 0.8378 0.2189 +vn 0.4884 0.7066 0.5119 +vn 0.4724 0.6913 0.5467 +vn 0.4832 0.6784 0.5535 +vn 0.5176 0.7875 0.3345 +vn 0.5076 0.8027 0.3131 +vn 0.4880 0.8147 0.3131 +vn 0.4910 0.8060 0.3305 +vn 0.4921 0.8011 0.3407 +vn -0.8102 -0.5612 0.1691 +vn -0.7272 -0.6754 0.1226 +vn -0.7201 -0.6643 0.2006 +vn -0.3651 -0.9262 0.0940 +vn -0.4184 -0.9007 0.1170 +vn -0.4842 -0.7194 0.4980 +vn -0.4924 -0.7419 0.4550 +vn -0.4922 -0.7435 0.4527 +vn 0.4895 0.8494 0.1971 +vn -0.5027 0.8245 0.2598 +vn -0.5124 0.8166 0.2656 +vn -0.5027 0.8261 0.2546 +vn 0.4575 0.8821 0.1128 +vn 0.4318 0.9015 0.0307 +vn 0.4490 0.8865 0.1121 +vn -0.4940 -0.7293 0.4734 +vn -0.4924 -0.7262 0.4798 +vn -0.3359 0.9386 0.0782 +vn -0.3879 0.9121 0.1327 +vn -0.3323 0.9401 0.0768 +vn -0.4970 -0.7614 0.4163 +vn -0.4938 -0.7487 0.4423 +vn -0.3704 -0.9231 0.1029 +vn -0.5166 -0.7447 0.4226 +vn -0.5039 -0.7720 0.3876 +vn 0.2933 0.9545 0.0545 +vn 0.4997 0.8388 0.2163 +vn -0.4814 -0.6841 0.5479 +vn -0.4831 -0.6960 0.5312 +vn -0.4856 -0.6967 0.5280 +vn 0.4771 0.6922 0.5415 +vn 0.4788 0.6940 0.5377 +vn 0.4737 0.6816 0.5577 +vn 0.5050 0.8155 0.2828 +vn 0.5026 0.7916 0.3474 +vn 0.4745 0.6884 0.5485 +vn 0.4670 0.6808 0.5643 +vn 0.3282 -0.9437 0.0421 +vn 0.3620 -0.9280 0.0888 +vn 0.3148 -0.9482 0.0422 +vn 0.4965 0.8394 0.2213 +vn 0.4737 0.6850 0.5535 +vn -0.4918 -0.8353 0.2456 +vn -0.4743 -0.8503 0.2283 +vn -0.4760 -0.8504 0.2239 +vn 0.4947 0.8429 0.2116 +vn -0.4907 -0.8437 0.2178 +vn -0.4997 -0.8388 0.2163 +vn -0.4965 -0.8394 0.2214 +vn -0.4977 -0.7718 0.3956 +vn -0.4969 -0.7644 0.4108 +vn 0.3919 -0.9197 0.0240 +vn 0.3158 0.9463 0.0687 +vn 0.2654 0.9639 0.0210 +vn 0.2480 0.9686 0.0184 +vn 0.3296 -0.9412 0.0746 +vn 0.2781 -0.9594 0.0480 +vn 0.3322 -0.9401 0.0768 +vn -0.4745 -0.6884 0.5486 +vn -0.4670 -0.6808 0.5643 +vn -0.4960 -0.7972 0.3442 +vn 0.4934 0.7466 0.4463 +vn 0.4972 0.7584 0.4215 +vn 0.4971 0.7591 0.4202 +vn 0.4949 -0.7911 0.3595 +vn 0.5000 -0.7816 0.3729 +vn 0.4963 -0.7909 0.3580 +vn -0.4580 -0.8569 0.2363 +vn -0.4827 -0.8266 0.2895 +vn -0.4823 -0.8257 0.2925 +vn -0.4580 0.8570 0.2360 +vn -0.4392 0.8812 0.1750 +vn -0.4607 0.8552 0.2375 +vn -0.4632 -0.8524 0.2425 +vn -0.4850 -0.8214 0.3001 +vn -0.3919 0.9197 0.0240 +vn -0.4037 0.9140 0.0409 +vn -0.9980 -0.0164 0.0609 +vn -0.4956 0.8314 0.2513 +vn -0.4956 0.8330 0.2461 +vn 0.5130 0.7140 0.4765 +vn 0.5041 0.6908 0.5183 +vn 0.3734 -0.9211 0.1100 +vn 0.4242 -0.8936 0.1468 +vn 0.3722 -0.9219 0.1075 +vn 0.4285 0.2486 0.8687 +vn 0.6073 0.2001 0.7689 +vn 0.6161 0.2188 0.7566 +vn -0.5047 0.7479 0.4312 +vn -0.4990 0.7687 0.4000 +vn -0.5029 0.7459 0.4366 +vn -0.4819 -0.8529 0.2009 +vn -0.4890 -0.8293 0.2704 +vn -0.4421 -0.8787 0.1800 +vn 0.1375 0.9905 -0.0036 +vn 0.4827 0.8266 0.2895 +vn 0.4580 0.8569 0.2363 +vn 0.4572 0.8578 0.2348 +vn -0.3774 -0.9188 0.1152 +vn 0.4965 -0.7783 0.3844 +vn 0.4959 -0.7846 0.3721 +vn 0.4961 -0.7844 0.3722 +vn -0.4338 0.8944 0.1092 +vn -0.4526 0.8718 0.1876 +vn -0.4276 0.8973 0.1093 +vn -0.5029 -0.7670 0.3985 +vn -0.5002 0.7444 0.4424 +vn -0.4977 0.7380 0.4557 +vn 0.3874 -0.9128 0.1293 +vn -0.4016 0.9102 0.1012 +vn -0.4299 0.8864 0.1720 +vn -0.3950 0.9133 0.0998 +vn -0.4852 -0.8197 0.3043 +vn -0.4911 -0.8074 0.3268 +vn -0.4910 -0.8060 0.3305 +vn 0.5105 0.8224 0.2512 +vn 0.5187 0.8067 0.2833 +vn -0.5105 -0.8224 0.2512 +vn -0.5056 -0.8254 0.2513 +vn -0.4328 -0.8846 0.1734 +vn -0.4557 -0.8598 0.2306 +vn -0.4572 -0.8578 0.2348 +vn -0.3721 -0.9220 0.1074 +vn -0.3088 -0.9490 0.0643 +vn -0.3067 -0.9498 0.0618 +vn -0.2790 -0.9557 -0.0933 +vn -0.2132 -0.9687 -0.1269 +vn -0.2108 -0.9651 -0.1553 +vn -0.4348 -0.8834 0.1745 +vn 0.7464 -0.1623 0.6455 +vn 0.5852 -0.2250 0.7790 +vn 0.7528 -0.1850 0.6317 +vn 0.3083 0.9510 0.0247 +vn 0.3522 0.9320 0.0851 +vn 0.3612 0.9283 0.0886 +vn 0.5051 0.7394 0.4453 +vn 0.5106 0.7399 0.4381 +vn -0.4862 0.7035 0.5184 +vn -0.4852 0.6861 0.5420 +vn -0.4897 0.7044 0.5139 +vn -0.4988 -0.8321 0.2427 +vn -0.4964 -0.8312 0.2506 +vn -0.4986 -0.7683 0.4015 +vn -0.4982 -0.7705 0.3977 +vn 0.4988 0.8321 0.2427 +vn 0.5056 0.8254 0.2513 +vn -0.3921 -0.9144 0.1003 +vn -0.4284 -0.8871 0.1721 +vn 0.5153 0.8128 0.2719 +vn 0.0085 -0.8764 0.4814 +vn -0.3309 -0.9406 0.0756 +vn -0.3766 -0.9187 0.1192 +vn -0.3881 -0.9123 0.1308 +vn -0.4938 -0.8254 0.2737 +vn -0.5018 -0.8206 0.2735 +vn -0.4998 -0.8188 0.2825 +vn 0.4976 -0.7761 0.3875 +vn 0.4991 -0.7687 0.4000 +vn 0.4977 -0.7782 0.3829 +vn -0.4976 0.7782 0.3830 +vn -0.4960 0.7846 0.3721 +vn -0.4975 0.7761 0.3875 +vn 0.5040 0.6897 0.5199 +vn -0.4972 -0.7584 0.4215 +vn -0.4934 -0.7466 0.4463 +vn -0.4929 -0.7460 0.4479 +vn 0.5044 0.6924 0.5158 +vn -0.4656 -0.8503 0.2454 +vn 0.5125 0.8131 0.2762 +vn 0.3069 -0.9497 0.0619 +vn 0.3704 -0.9232 0.1030 +vn 0.3045 -0.9507 0.0593 +vn -0.4974 -0.7558 0.4260 +vn -0.4927 -0.7441 0.4512 +vn -0.4967 -0.8228 0.2764 +vn -0.4976 -0.7989 0.3379 +vn -0.4997 -0.7952 0.3433 +vn 0.5499 0.8344 -0.0379 +vn 0.5896 0.8054 -0.0610 +vn -0.4906 -0.8257 0.2786 +vn -0.4902 -0.8238 0.2846 +vn 0.5059 0.7055 0.4964 +vn 0.4954 -0.8233 0.2771 +vn 0.5015 -0.8165 0.2860 +vn 0.5007 0.6912 0.5210 +vn -0.5009 -0.8247 0.2625 +vn -0.5153 -0.8128 0.2719 +vn -0.5125 -0.8131 0.2762 +vn -0.4998 -0.7738 0.3891 +vn -0.5011 -0.7063 0.5000 +vn -0.5044 -0.6924 0.5158 +vn -0.5004 -0.6932 0.5187 +vn 0.4557 0.8810 -0.1272 +vn 0.3857 0.9168 -0.1038 +vn 0.3710 0.9215 -0.1147 +vn -0.5032 -0.8245 0.2588 +vn -0.4943 -0.8314 0.2538 +vn -0.4707 0.6845 0.5567 +vn 0.5056 -0.7827 0.3631 +vn 0.4994 -0.7919 0.3515 +vn 0.5033 -0.7821 0.3674 +vn -0.4898 -0.8356 0.2487 +vn 0.7351 -0.6711 -0.0961 +vn 0.6431 -0.7397 -0.1981 +vn 0.7397 -0.6499 -0.1744 +vn -0.5321 0.7965 0.2873 +vn -0.4984 0.7667 0.4048 +vn 0.4607 0.8672 0.1891 +vn 0.4682 0.8620 0.1944 +vn -0.4029 -0.9096 0.1011 +vn -0.3995 -0.9112 0.1006 +vn -0.3654 -0.9304 0.0280 +vn 0.5101 -0.8554 -0.0899 +vn 0.4576 -0.8869 -0.0633 +vn 0.5076 -0.8600 -0.0532 +vn -0.4862 -0.7216 0.4929 +vn -0.4857 -0.7197 0.4961 +vn -0.9423 0.3333 0.0316 +vn -0.8894 0.4571 -0.0106 +vn -0.9435 0.3311 -0.0083 +vn -0.4693 -0.8753 0.1167 +vn -0.4507 -0.8921 0.0315 +vn -0.9408 -0.3246 0.0974 +vn -0.8867 -0.4548 0.0832 +vn -0.8839 -0.4476 0.1356 +vn -0.2654 -0.9639 0.0210 +vn -0.3158 -0.9463 0.0687 +vn -0.4995 0.8414 0.2065 +vn -0.4968 0.8227 0.2764 +vn -0.4938 0.8451 0.2051 +vn -0.3148 -0.9469 0.0661 +vn 0.5047 0.7569 0.4151 +vn 0.4979 0.7540 0.4285 +vn 0.4989 0.7495 0.4351 +vn 0.2289 0.9733 0.0168 +vn 0.3045 0.9507 0.0592 +vn 0.3067 0.9498 0.0618 +vn -0.7173 0.6339 0.2892 +vn -0.8037 0.5131 0.3013 +vn -0.7104 0.6067 0.3567 +vn 0.3774 0.9188 0.1152 +vn 0.3148 0.9469 0.0661 +vn 0.5203 0.8009 0.2964 +vn 0.4961 -0.7595 0.4207 +vn 0.4970 -0.7656 0.4085 +vn 0.4957 -0.7565 0.4266 +vn -0.4985 -0.7775 0.3834 +vn -0.4978 -0.7794 0.3804 +vn -0.4771 -0.6922 0.5415 +vn -0.4753 -0.6921 0.5432 +vn 0.5011 0.7063 0.5000 +vn -0.2480 -0.9686 0.0184 +vn -0.4960 -0.8008 0.3357 +vn -0.8836 0.4446 0.1471 +vn -0.8864 0.4530 0.0952 +vn 0.4587 0.8842 -0.0884 +vn 0.5128 0.8531 -0.0967 +vn 0.5116 0.8556 -0.0787 +vn -0.4721 -0.8586 0.2001 +vn -0.4329 -0.8841 0.1762 +vn -0.4249 -0.8906 0.1625 +vn -0.5051 -0.7394 0.4453 +vn -0.4998 -0.7612 0.4132 +vn -0.5007 -0.7659 0.4035 +vn -0.5059 -0.7055 0.4964 +vn -0.4996 -0.7352 0.4581 +vn -0.5037 -0.7348 0.4541 +vn -0.4996 -0.8202 0.2788 +vn -0.5013 -0.7933 0.3455 +vn 0.5030 0.7680 0.3965 +vn 0.4998 0.7646 0.4070 +vn 0.5008 0.7627 0.4092 +vn -0.5118 -0.8099 0.2865 +vn -0.4939 0.7409 0.4550 +vn -0.4831 0.7207 0.4971 +vn 0.4663 0.6666 0.5815 +vn 0.4646 0.6643 0.5855 +vn 0.5039 0.7720 0.3876 +vn 0.5065 0.7727 0.3825 +vn -0.4937 -0.8451 0.2051 +vn -0.4923 -0.8267 0.2725 +vn 0.4812 -0.8328 0.2737 +vn 0.4926 -0.8201 0.2912 +vn 0.4787 -0.8371 0.2646 +vn -0.4468 -0.8760 0.1815 +vn 0.5205 0.7947 0.3123 +vn -0.5093 -0.8082 0.2958 +vn -0.5203 -0.8009 0.2964 +vn -0.5205 -0.7947 0.3123 +vn 0.4713 0.6693 0.5744 +vn -0.3590 -0.9329 0.0276 +vn -0.4994 -0.7654 0.4059 +vn -0.4973 -0.7565 0.4248 +vn -0.4712 -0.6693 0.5745 +vn -0.4896 0.8113 0.3193 +vn -0.4933 0.7974 0.3476 +vn -0.4979 -0.7610 0.4159 +vn -0.4989 -0.8132 0.2996 +vn -0.4909 -0.8204 0.2930 +vn -0.4937 -0.8198 0.2902 +vn -0.4848 -0.6850 0.5438 +vn 0.5073 -0.7832 0.3596 +vn 0.5003 -0.7738 0.3885 +vn 0.5040 -0.7880 0.3536 +vn 0.4956 0.6834 0.5361 +vn 0.4812 0.6703 0.5649 +vn -0.8203 0.5661 -0.0813 +vn -0.7397 0.6499 -0.1744 +vn -0.8235 0.5479 -0.1470 +vn -0.4982 -0.7795 0.3798 +vn -0.4958 -0.7848 0.3719 +vn -0.4954 -0.7894 0.3626 +vn -0.1555 0.8967 0.4145 +vn 0.4930 0.6833 0.5386 +vn 0.4996 0.8202 0.2788 +vn 0.4997 0.7952 0.3433 +vn 0.5013 0.7933 0.3454 +vn 0.4938 0.8253 0.2737 +vn 0.5018 0.8206 0.2735 +vn 0.4998 0.8188 0.2825 +vn -0.9657 -0.2490 -0.0741 +vn -0.9837 -0.1737 -0.0468 +vn -0.9520 -0.2973 -0.0722 +vn -0.5052 -0.7880 0.3518 +vn -0.5004 -0.7772 0.3815 +vn -0.5018 -0.7699 0.3943 +vn -0.4998 -0.7646 0.4070 +vn 0.4632 0.8524 0.2425 +vn 0.4823 0.8258 0.2924 +vn 0.4849 0.8214 0.3002 +vn -0.3903 -0.9108 0.1343 +vn -0.3651 0.9262 0.0939 +vn -0.3045 0.9507 0.0593 +vn -0.3704 0.9232 0.1030 +vn -0.4714 -0.8450 0.2526 +vn 0.4986 0.7683 0.4015 +vn 0.5006 0.7728 0.3900 +vn 0.4999 0.7738 0.3890 +vn -0.7337 0.6792 -0.0166 +vn -0.3739 -0.8875 0.2693 +vn -0.2627 -0.9497 0.1706 +vn -0.5019 -0.8396 0.2077 +vn -0.5020 -0.8182 0.2804 +vn -0.4970 0.7072 0.5029 +vn -0.5024 0.7135 0.4885 +vn 0.4761 0.8443 0.2461 +vn 0.4769 0.8460 0.2386 +vn 0.4914 0.8312 0.2601 +vn -0.5060 0.8150 0.2823 +vn -0.5016 0.7918 0.3486 +vn -0.5005 0.8197 0.2787 +vn -0.4886 -0.6836 0.5422 +vn -0.4956 -0.6834 0.5361 +vn -0.4880 -0.6770 0.5509 +vn 0.4880 0.6770 0.5509 +vn -0.5041 -0.7713 0.3886 +vn -0.5030 -0.7679 0.3966 +vn 0.5198 0.7891 0.3273 +vn -0.3150 0.9467 0.0675 +vn -0.3741 0.9205 0.1127 +vn -0.3106 0.9483 0.0652 +vn 0.4324 0.8823 0.1861 +vn 0.3971 0.9066 0.1428 +vn 0.3905 0.9104 0.1368 +vn -0.4961 0.7844 0.3722 +vn -0.4130 -0.9048 0.1036 +vn -0.5086 -0.8044 0.3071 +vn 0.5200 -0.7591 0.3916 +vn -0.4925 -0.7372 0.4625 +vn -0.4829 -0.7183 0.5008 +vn -0.4424 -0.8726 0.2069 +vn -0.4761 -0.8443 0.2460 +vn 0.4933 -0.7974 0.3476 +vn 0.4940 -0.7973 0.3467 +vn -0.5026 -0.7916 0.3474 +vn -0.5050 -0.8155 0.2828 +vn -0.4996 -0.8151 0.2932 +vn 0.4692 -0.8753 0.1169 +vn 0.4717 -0.8602 0.1938 +vn 0.4551 -0.8834 0.1120 +vn -0.3834 0.9187 0.0954 +vn -0.4838 0.8244 0.2936 +vn 0.5071 -0.8360 0.2095 +vn 0.5005 -0.8197 0.2787 +vn -0.4737 -0.6850 0.5535 +vn -0.8801 -0.3893 0.2717 +vn -0.8037 -0.4954 0.3297 +vn -0.7956 -0.4219 0.4348 +vn -0.4951 -0.7899 0.3619 +vn -0.4946 -0.7908 0.3605 +vn 0.4941 0.8216 0.2842 +vn 0.4996 0.8151 0.2932 +vn -0.5014 0.7599 0.4137 +vn -0.5054 0.7617 0.4054 +vn -0.5025 0.7564 0.4189 +vn -0.4633 -0.8856 0.0316 +vn -0.4778 -0.8707 0.1164 +vn 0.3922 0.9176 0.0650 +vn 0.2800 0.9590 -0.0438 +vn 0.2657 0.9618 0.0654 +vn -0.7738 -0.4620 0.4334 +vn -0.8924 -0.2951 0.3413 +vn -0.8943 -0.3274 0.3050 +vn -0.8284 0.5439 -0.1337 +vn -0.8933 0.4278 -0.1375 +vn -0.8269 0.5354 -0.1721 +vn -0.4945 -0.7936 0.3545 +vn 0.8951 0.1613 0.4156 +vn 0.7697 0.2275 0.5965 +vn 0.4925 0.7372 0.4625 +vn -0.3603 -0.9075 -0.2158 +vn -0.2062 -0.9588 -0.1954 +vn 0.4781 0.8403 0.2554 +vn 0.4898 0.8297 0.2678 +vn -0.1897 0.9818 0.0005 +vn -0.2255 0.9742 0.0076 +vn -0.1949 0.9806 0.0186 +vn -0.4142 -0.9097 0.0295 +vn -0.4318 -0.9015 0.0307 +vn -0.3578 -0.7367 0.5738 +vn -0.2172 -0.8140 0.5387 +vn -0.2152 -0.8036 0.5549 +vn -0.5091 -0.8346 0.2104 +vn -0.5069 -0.8139 0.2840 +vn -0.5176 -0.7875 0.3345 +vn -0.5035 -0.8036 0.3174 +vn -0.5077 -0.8026 0.3131 +vn -0.0073 0.9730 0.2305 +vn -0.0116 0.9564 0.2918 +vn -0.9977 0.0663 0.0111 +vn -0.9787 0.1947 0.0646 +vn -0.9792 0.1983 0.0424 +vn -0.4975 -0.7296 0.4693 +vn 0.5518 0.8311 -0.0692 +vn 0.5811 0.8136 -0.0197 +vn -0.4963 -0.7007 0.5126 +vn -0.4918 -0.7008 0.5167 +vn -0.3971 -0.9066 0.1428 +vn -0.4368 -0.8786 0.1930 +vn -0.5075 -0.7847 0.3559 +vn -0.5092 -0.7828 0.3578 +vn -0.4769 -0.8460 0.2385 +vn 0.4818 0.6735 0.5606 +vn -0.0025 -0.7188 -0.6952 +vn -0.4988 -0.7812 0.3756 +vn -0.4998 -0.7796 0.3775 +vn -0.5095 -0.8116 0.2859 +vn -0.5066 -0.7859 0.3545 +vn 0.4937 0.8198 0.2902 +vn 0.4989 0.8132 0.2996 +vn 0.5089 0.7610 0.4024 +vn 0.4838 0.6806 0.5501 +vn -0.4962 0.8084 0.3168 +vn -0.4831 0.8264 0.2891 +vn -0.4930 0.8097 0.3184 +vn 0.4926 -0.7073 0.5070 +vn 0.4943 -0.6885 0.5307 +vn 0.4970 -0.7072 0.5029 +vn -0.4883 -0.6978 0.5241 +vn 0.5118 0.7633 0.3942 +vn -0.5126 -0.8320 0.2119 +vn 0.4883 0.6978 0.5241 +vn 0.4918 0.7008 0.5167 +vn 0.4894 0.6880 0.5359 +vn 0.3804 0.9244 0.0274 +vn 0.4130 0.9048 0.1036 +vn 0.4194 0.9018 0.1042 +vn 0.5238 0.7717 0.3607 +vn 0.5092 0.7827 0.3579 +vn 0.5041 0.7713 0.3886 +vn -0.4971 -0.7554 0.4268 +vn -0.4879 -0.8243 0.2872 +vn -0.4997 0.7712 0.3945 +vn -0.4979 0.7807 0.3775 +vn 0.4946 0.7908 0.3605 +vn 0.4954 0.7894 0.3626 +vn 0.6151 0.7317 0.2937 +vn 0.5005 0.8290 0.2495 +vn 0.4990 0.8049 0.3211 +vn 0.4693 0.8753 0.1167 +vn 0.4633 0.8856 0.0316 +vn 0.4507 0.8921 0.0315 +vn 0.4786 0.6749 0.5616 +vn 0.4787 0.8386 0.2601 +vn 0.4907 0.8256 0.2786 +vn -0.5026 -0.8559 0.1217 +vn -0.4967 -0.8595 0.1203 +vn -0.5307 -0.8194 0.2166 +vn 0.4972 0.7688 0.4021 +vn -0.4762 -0.8387 0.2643 +vn 0.4790 0.8772 0.0322 +vn 0.4920 0.8623 0.1198 +vn 0.4967 0.8595 0.1203 +vn -0.5167 0.7575 0.3991 +vn -0.5033 0.7821 0.3674 +vn -0.5119 0.7583 0.4036 +vn 0.4850 0.8665 0.1182 +vn 0.4982 0.7795 0.3798 +vn 0.4981 0.7749 0.3892 +vn -0.8283 -0.5451 -0.1296 +vn -0.4838 -0.6806 0.5501 +vn 0.5010 0.7869 0.3604 +vn 0.5069 0.7773 0.3728 +vn -0.4515 0.8923 0.0012 +vn -0.4270 0.9042 0.0046 +vn -0.5238 -0.7716 0.3609 +vn -0.5284 -0.7956 0.2962 +vn -0.4781 0.8706 0.1165 +vn -0.4818 0.8529 0.2011 +vn -0.4692 0.8753 0.1169 +vn 0.2756 0.9610 0.0218 +vn 0.3353 0.9389 0.0773 +vn 0.3367 0.9383 0.0793 +vn -0.5076 0.6957 0.5083 +vn 0.4797 -0.8407 0.2512 +vn 0.4789 -0.8390 0.2582 +vn 0.4933 -0.8157 0.3020 +vn 0.4979 -0.8134 0.3009 +vn 0.4954 -0.7894 0.3627 +vn 0.4941 -0.7933 0.3558 +vn 0.4956 -0.7870 0.3675 +vn 0.4954 0.8272 0.2652 +vn 0.5168 -0.7088 0.4802 +vn 0.5080 -0.6924 0.5123 +vn 0.5190 -0.7410 0.4262 +vn 0.4924 0.7419 0.4550 +vn 0.4842 0.7194 0.4980 +vn 0.4829 0.7183 0.5008 +vn -0.3417 0.9398 -0.0026 +vn 0.5076 -0.6957 0.5083 +vn -0.3607 0.9327 -0.0000 +vn -0.3264 0.9448 -0.0298 +vn 0.4248 -0.8927 0.1503 +vn 0.3741 -0.9205 0.1127 +vn 0.4247 -0.8922 0.1537 +vn -0.4977 0.7976 0.3407 +vn -0.4925 0.8265 0.2727 +vn -0.4891 0.8293 0.2705 +vn 0.5089 -0.8148 0.2779 +vn 0.5167 -0.8110 0.2744 +vn 0.5121 -0.8155 0.2697 +vn -0.4797 0.8407 0.2511 +vn -0.4789 0.8390 0.2582 +vn -0.5057 0.8551 0.1146 +vn -0.4939 0.8613 0.1193 +vn 0.4907 -0.8709 0.0274 +vn 0.3904 0.9108 0.1343 +vn 0.4984 -0.7667 0.4047 +vn 0.4972 -0.7700 0.3999 +vn 0.4971 -0.7607 0.4174 +vn 0.4753 -0.8596 0.1876 +vn 0.4250 -0.8909 0.1600 +vn 0.4745 -0.8573 0.1997 +vn 0.2884 -0.9565 0.0433 +vn 0.3150 -0.9467 0.0675 +vn 0.2719 -0.9616 0.0383 +vn 0.0034 -0.9803 0.1974 +vn 0.5167 -0.8070 0.2860 +vn 0.5177 -0.7966 0.3121 +vn 0.5239 -0.7886 0.3221 +vn -0.5168 0.7088 0.4802 +vn -0.5074 0.7146 0.4816 +vn -0.5101 0.7164 0.4760 +vn -0.4939 -0.6877 0.5321 +vn -0.4894 -0.6880 0.5359 +vn -0.3678 0.9255 0.0906 +vn 0.5023 -0.7135 0.4885 +vn 0.5074 -0.7146 0.4816 +vn 0.3908 0.9204 -0.0141 +vn -0.4879 0.8492 0.2020 +vn -0.3276 0.9444 -0.0269 +vn 0.2297 0.8676 0.4410 +vn 0.3533 0.7951 0.4930 +vn 0.3603 0.8301 0.4256 +vn -0.5137 0.7964 0.3191 +vn -0.5239 0.7886 0.3221 +vn -0.5177 0.7966 0.3121 +vn 0.5128 -0.7172 0.4719 +vn 0.5101 -0.7164 0.4760 +vn -0.9454 -0.2926 -0.1437 +vn -0.9454 -0.3048 -0.1155 +vn -0.4851 0.8664 0.1182 +vn -0.5087 0.8148 0.2779 +vn -0.5167 0.8110 0.2744 +vn -0.5121 0.8155 0.2697 +vn -0.4907 0.8709 0.0274 +vn 0.4422 -0.8725 0.2080 +vn 0.4410 -0.8746 0.2015 +vn 0.4851 -0.8664 0.1182 +vn 0.5188 -0.7192 0.4621 +vn 0.4961 -0.7996 0.3383 +vn 0.4949 -0.7908 0.3601 +vn -0.4832 -0.8276 0.2856 +vn -0.3282 0.9437 0.0421 +vn -0.3040 0.9527 -0.0071 +vn -0.9793 0.2015 0.0196 +vn -0.9797 0.2004 -0.0040 +vn -0.3620 0.9280 0.0888 +vn -0.4037 0.9025 0.1498 +vn -0.3555 0.9306 0.0868 +vn -0.2756 -0.9610 0.0218 +vn -0.3353 -0.9389 0.0773 +vn -0.4932 0.8307 0.2583 +vn -0.5128 0.7172 0.4719 +vn 0.5166 -0.8118 0.2722 +vn 0.5471 -0.7764 0.3129 +vn -0.5166 0.8118 0.2722 +vn -0.4965 0.7783 0.3844 +vn -0.4972 0.7700 0.3998 +vn -0.4754 0.8478 0.2349 +vn -0.4772 0.8489 0.2274 +vn 0.5321 -0.7965 0.2873 +vn 0.4984 -0.8373 0.2248 +vn -0.4956 0.7870 0.3675 +vn -0.4941 0.7932 0.3558 +vn 0.4998 0.7612 0.4132 +vn 0.5037 0.7348 0.4541 +vn -0.5188 0.7193 0.4621 +vn -0.5055 0.7494 0.4277 +vn 0.5029 0.7670 0.3985 +vn -0.6371 -0.7708 0.0063 +vn -0.7366 -0.6763 -0.0032 +vn -0.5766 -0.8170 -0.0045 +vn -0.5063 0.8257 0.2486 +vn 0.4990 -0.8327 0.2399 +vn -0.4410 0.8746 0.2015 +vn -0.4333 0.8814 0.1884 +vn 0.4239 0.8930 0.1513 +vn 0.4271 0.8905 0.1566 +vn 0.4443 0.8706 0.2114 +vn 0.4442 0.8702 0.2131 +vn 0.4538 -0.6514 0.6081 +vn 0.4454 -0.6486 0.6173 +vn 0.4478 -0.6616 0.6015 +vn -0.3926 0.9092 0.1385 +vn 0.4696 -0.6539 0.5932 +vn -0.2923 0.9562 0.0174 +vn -0.3148 0.9482 0.0422 +vn -0.9794 -0.2016 0.0145 +vn -0.9426 -0.3332 0.0228 +vn 0.4887 -0.6538 0.5776 +vn -0.4330 0.8824 0.1839 +vn 0.5202 -0.6538 0.5495 +vn 0.4518 -0.6669 0.5926 +vn 0.4594 -0.6731 0.5795 +vn -0.4895 -0.8494 0.1971 +vn -0.4947 -0.8429 0.2117 +vn -0.4954 0.7894 0.3627 +vn -0.4937 0.7956 0.3511 +vn -0.4577 0.6756 0.5779 +vn -0.4594 0.6731 0.5795 +vn -0.4629 0.6784 0.5706 +vn -0.3199 0.9462 0.0488 +vn 0.4852 0.8197 0.3043 +vn 0.4910 0.8075 0.3269 +vn -0.4766 0.8504 0.2227 +vn -0.4983 0.7824 0.3735 +vn 0.5044 -0.6982 0.5080 +vn 0.4629 -0.6784 0.5706 +vn 0.4707 -0.6845 0.5567 +vn -0.4685 0.6927 0.5483 +vn -0.3905 0.9106 0.1353 +vn -0.5027 0.7717 0.3895 +vn -0.5000 0.7728 0.3909 +vn -0.4802 0.8317 0.2787 +vn -0.4934 0.8157 0.3020 +vn -0.4812 0.8328 0.2737 +vn -0.0017 -0.7821 0.6232 +vn -0.4109 0.8903 -0.1961 +vn 0.4939 -0.7390 0.4581 +vn 0.4819 0.8529 0.2009 +vn 0.4827 0.8353 0.2633 +vn 0.4890 0.8293 0.2704 +vn 0.3199 -0.9462 0.0488 +vn 0.4999 -0.7471 0.4381 +vn -0.3402 0.9370 0.0797 +vn 0.5090 -0.7515 0.4197 +vn 0.5168 -0.7533 0.4067 +vn 0.3555 -0.9306 0.0868 +vn 0.4009 0.9042 0.1472 +vn -0.4949 0.7911 0.3595 +vn -0.5000 0.7816 0.3730 +vn -0.4963 0.7909 0.3580 +vn -0.4215 0.8917 0.1649 +vn -0.4790 0.8507 0.2164 +vn -0.4984 0.8373 0.2248 +vn -0.4959 0.8397 0.2213 +vn -0.4999 0.7471 0.4381 +vn -0.4989 0.7492 0.4357 +vn -0.4327 0.8845 0.1744 +vn -0.4745 0.8573 0.1997 +vn -0.4250 0.8909 0.1600 +vn 0.4790 -0.8507 0.2164 +vn 0.4959 -0.8397 0.2213 +vn 0.4927 0.7994 0.3439 +vn 0.4937 0.7945 0.3535 +vn 0.5550 -0.7491 0.3616 +vn -0.5090 0.7515 0.4197 +vn -0.6370 0.6637 -0.3920 +vn -0.5168 0.7533 0.4067 +vn -0.3874 0.9128 0.1293 +vn -0.3296 0.9412 0.0746 +vn -0.4717 0.8602 0.1938 +vn 0.4549 0.8705 0.1877 +vn 0.4656 0.8503 0.2454 +vn 0.4714 0.8450 0.2526 +vn 0.4731 -0.8622 0.1809 +vn 0.4692 -0.8659 0.1734 +vn 0.4932 -0.8496 0.1867 +vn -0.9531 0.2903 -0.0854 +vn -0.9700 0.2314 -0.0743 +vn -0.9536 0.2868 -0.0922 +vn -0.4648 0.8644 0.1920 +vn 0.3402 -0.9370 0.0797 +vn -0.3603 0.9289 0.0859 +vn -0.4194 0.9007 0.1132 +vn -0.3607 0.9290 0.0826 +vn 0.4378 -0.8989 -0.0154 +vn 0.4304 -0.9014 -0.0469 +vn 0.4637 -0.8854 0.0316 +vn -0.4378 0.8989 -0.0154 +vn -0.2472 0.9685 -0.0293 +vn -0.2953 0.9539 0.0547 +vn -0.2739 0.9614 0.0276 +vn 0.4756 -0.8627 0.1717 +vn -0.4938 0.7438 0.4505 +vn -0.4979 0.7523 0.4314 +vn 0.5019 0.8396 0.2077 +vn 0.5020 0.8182 0.2804 +vn -0.3765 0.9189 0.1176 +vn 0.5560 -0.7718 0.3085 +vn 0.5686 -0.7898 0.2300 +vn -0.4760 0.6837 0.5532 +vn -0.4746 0.6792 0.5598 +vn -0.4753 0.8596 0.1876 +vn -0.4247 0.8922 0.1537 +vn -0.4600 0.8675 0.1895 +vn -0.4565 0.8697 0.1879 +vn 0.2423 0.9015 0.3586 +vn 0.0129 0.9628 0.2700 +vn 0.1032 0.9222 0.3726 +vn -0.2781 0.9594 0.0480 +vn -0.8900 0.4514 -0.0643 +vn 0.3877 -0.9210 -0.0387 +vn 0.4583 -0.8886 -0.0176 +vn -0.8869 0.4599 0.0446 +vn -0.8195 0.5730 -0.0141 +vn -0.4551 0.8834 0.1120 +vn -0.4454 0.8884 0.1114 +vn -0.2884 0.9565 0.0433 +vn 0.2518 -0.9675 0.0247 +vn -0.4248 0.8927 0.1503 +vn -0.4692 0.8659 0.1734 +vn -0.4242 0.8936 0.1468 +vn 0.4760 -0.6837 0.5532 +vn 0.4746 -0.6792 0.5598 +vn 0.5167 -0.7575 0.3991 +vn 0.5119 -0.7583 0.4036 +vn -0.5560 0.7718 0.3085 +vn -0.5136 0.7746 0.3691 +vn -0.5242 0.7989 0.2949 +vn 0.5061 0.8366 0.2097 +vn -0.0017 -0.8056 0.5925 +vn -0.4706 0.8457 0.2517 +vn -0.3734 0.9211 0.1100 +vn 0.5391 -0.8130 0.2199 +vn -0.2719 0.9616 0.0383 +vn 0.4600 -0.8675 0.1895 +vn 0.4717 -0.8444 0.2540 +vn -0.5103 0.7486 0.4233 +vn 0.3765 -0.9189 0.1176 +vn -0.4990 -0.7674 0.4027 +vn -0.4971 -0.7592 0.4202 +vn -0.3722 0.9219 0.1075 +vn -0.4978 0.7562 0.4246 +vn 0.4819 -0.7010 0.5257 +vn 0.4872 -0.7268 0.4841 +vn 0.4769 -0.6979 0.5343 +vn 0.5055 -0.7494 0.4277 +vn 0.5103 -0.7486 0.4233 +vn 0.5001 -0.7639 0.4079 +vn 0.5038 -0.7654 0.4004 +vn 0.5014 -0.7599 0.4137 +vn -0.4237 0.8950 0.1398 +vn 0.4784 -0.6780 0.5581 +vn 0.4807 -0.6684 0.5676 +vn -0.3089 0.9490 0.0635 +vn -0.4994 0.7918 0.3516 +vn 0.0000 -0.0474 -0.9989 +vn -0.5056 0.7827 0.3629 +vn -0.5200 0.7591 0.3916 +vn -0.5076 0.7843 0.3566 +vn 0.5027 -0.8508 0.1532 +vn 0.4985 -0.8525 0.1570 +vn 0.5055 -0.8489 0.1548 +vn -0.4784 0.6780 0.5581 +vn -0.5008 -0.7627 0.4093 +vn -0.4571 0.8774 0.1458 +vn -0.4206 0.8982 0.1275 +vn 0.5106 -0.7787 0.3646 +vn 0.5020 -0.7695 0.3949 +vn -0.5012 0.7926 0.3472 +vn 0.4755 -0.8679 0.1441 +vn -0.5046 0.8001 0.3243 +vn -0.5025 0.7989 0.3305 +vn 0.5017 -0.8513 0.1538 +vn 0.5065 -0.8484 0.1539 +vn 0.4834 -0.8636 0.1434 +vn -0.1991 0.9013 -0.3848 +vn -0.3448 0.8469 -0.4048 +vn -0.2250 0.8716 -0.4355 +vn -0.4872 0.7268 0.4841 +vn -0.4819 0.7010 0.5257 +vn -0.4896 0.7303 0.4763 +vn -0.3547 0.9269 -0.1222 +vn -0.3411 0.9339 -0.1074 +vn -0.3592 0.9246 -0.1270 +vn 0.4801 -0.6681 0.5685 +vn 0.4746 0.8423 0.2555 +vn 0.4802 -0.8317 0.2787 +vn -0.3069 0.9497 0.0619 +vn 0.5362 -0.8441 0.0041 +vn 0.5378 -0.8416 0.0486 +vn 0.5621 -0.8269 0.0123 +vn 0.4468 -0.8752 0.1856 +vn 0.4105 -0.9061 0.1019 +vn -0.4927 -0.7994 0.3439 +vn 0.3704 0.9231 0.1029 +vn 0.4206 0.8982 0.1275 +vn 0.4237 0.8949 0.1398 +vn 0.5826 -0.8032 0.1242 +vn -0.4853 -0.8542 0.1867 +vn 0.4826 -0.6768 0.5559 +vn 0.4771 0.8516 0.2171 +vn 0.4907 0.8437 0.2178 +vn 0.4940 0.8364 0.2373 +vn 0.2298 -0.9732 0.0042 +vn 0.2073 -0.9781 -0.0163 +vn -0.4316 0.8838 0.1807 +vn -0.4961 0.8013 0.3344 +vn -0.4920 0.8069 0.3269 +vn -0.4950 0.8005 0.3379 +vn -0.2332 0.9722 0.0197 +vn -0.6019 -0.5949 0.5328 +vn -0.4819 -0.7300 0.4847 +vn -0.4806 -0.7208 0.4995 +vn 0.4404 0.8913 0.1082 +vn 0.4313 0.8956 0.1089 +vn 0.4328 0.8846 0.1734 +vn 0.4557 0.8598 0.2306 +vn -0.4950 0.7516 0.4360 +vn -0.4914 0.7333 0.4699 +vn -0.4953 0.7548 0.4301 +vn -0.3463 -0.9317 0.1097 +vn -0.2933 -0.9545 0.0545 +vn -0.2874 -0.9566 0.0473 +vn -0.4974 0.7604 0.4175 +vn -0.6260 -0.7672 0.1398 +vn -0.6160 -0.7540 0.2280 +vn 0.1943 -0.9806 0.0244 +vn -0.4755 0.8679 0.1441 +vn -0.4182 0.9007 0.1173 +vn -0.5023 0.7943 0.3417 +vn -0.4768 0.8681 0.1382 +vn -0.4468 0.8752 0.1856 +vn -0.6207 -0.7830 -0.0396 +vn -0.5811 -0.8136 -0.0197 +vn 0.4194 -0.9009 0.1121 +vn 0.2933 -0.9545 0.0545 +vn 0.2028 -0.9792 0.0008 +vn 0.1892 -0.9819 0.0057 +vn 0.5386 -0.8336 0.1225 +vn -0.3045 -0.9507 0.0592 +vn -0.5826 0.8032 0.1242 +vn -0.5334 0.8171 0.2187 +vn -0.5386 0.8336 0.1225 +vn -0.2772 -0.9557 -0.0986 +vn -0.3857 -0.9168 -0.1038 +vn -0.3855 -0.9195 -0.0773 +vn 0.3651 0.9262 0.0940 +vn -0.8744 0.3495 0.3364 +vn -0.9646 0.1899 0.1827 +vn 0.2877 -0.9566 0.0470 +vn 0.3147 -0.9335 0.1722 +vn 0.2876 -0.9566 0.0469 +vn 0.4970 -0.8031 0.3287 +vn 0.4925 -0.8079 0.3237 +vn 0.4961 -0.8013 0.3344 +vn -0.5001 0.7639 0.4079 +vn -0.4991 0.7680 0.4013 +vn 0.2873 -0.9567 0.0472 +vn 0.3607 -0.9290 0.0825 +vn 0.4902 0.8238 0.2846 +vn 0.2937 -0.9546 0.0488 +vn -0.4946 0.7475 0.4434 +vn -0.4804 0.7714 -0.4174 +vn -0.4299 0.9027 0.0189 +vn -0.4285 0.9015 0.0614 +vn 0.4285 -0.9015 0.0614 +vn 0.4197 -0.9076 -0.0117 +vn 0.4299 -0.9027 0.0189 +vn -0.4934 0.7345 0.4658 +vn 0.4838 -0.8244 0.2936 +vn 0.4930 -0.8097 0.3184 +vn 0.4990 -0.7774 0.3828 +vn 0.4975 -0.7736 0.3924 +vn 0.4979 -0.7796 0.3799 +vn -0.5017 0.8513 0.1538 +vn 0.5221 -0.7655 0.3761 +vn 0.2536 -0.0001 0.9673 +vn 0.4978 -0.7563 0.4246 +vn 0.4980 -0.7523 0.4314 +vn 0.4876 -0.6785 0.5494 +vn -0.4925 0.8079 0.3237 +vn -0.4834 0.8233 0.2976 +vn 0.4879 -0.8492 0.2020 +vn 0.4818 -0.8529 0.2011 +vn -0.3873 0.9215 -0.0290 +vn -0.3955 0.9184 0.0008 +vn 0.3955 -0.9184 0.0008 +vn 0.3873 -0.9215 -0.0290 +vn 0.2601 -0.9456 0.1955 +vn 0.3722 -0.8811 0.2919 +vn 0.2431 -0.9218 0.3021 +vn 0.5025 -0.7989 0.3305 +vn -0.4558 0.8594 0.2316 +vn -0.5249 0.7695 0.3639 +vn -0.5083 0.7888 0.3456 +vn -0.5221 0.7655 0.3761 +vn 0.4948 -0.6825 0.5379 +vn -0.4948 0.6825 0.5379 +vn -0.4895 0.6890 0.5345 +vn -0.4877 0.6785 0.5494 +vn 0.4964 0.7784 0.3842 +vn -0.4957 0.7565 0.4266 +vn -0.4972 0.7637 0.4117 +vn 0.3089 -0.9490 0.0635 +vn 0.3106 -0.9483 0.0652 +vn -0.4387 0.8919 0.1100 +vn -0.4926 0.7073 0.5070 +vn 0.5273 -0.8426 0.1095 +vn -0.4970 0.8031 0.3287 +vn -0.5256 0.8229 0.2159 +vn -0.5124 0.8094 0.2870 +vn -0.5164 0.8294 0.2130 +vn 0.3088 0.9490 0.0643 +vn -0.5116 -0.8556 -0.0787 +vn -0.4587 -0.8842 -0.0884 +vn 0.4835 0.7782 -0.4008 +vn -0.4343 0.8837 0.1745 +vn 0.4918 -0.8150 0.3064 +vn 0.4977 0.7718 0.3956 +vn -0.4500 0.8646 0.2235 +vn -0.4898 -0.8297 0.2678 +vn -0.4954 -0.8272 0.2652 +vn -0.4979 -0.7540 0.4285 +vn 0.5248 -0.7775 0.3466 +vn -0.4990 0.7774 0.3828 +vn -0.4979 0.7796 0.3799 +vn -0.5040 0.7880 0.3536 +vn -0.4092 0.9069 0.1004 +vn -0.4888 -0.7240 0.4867 +vn -0.4879 -0.7219 0.4907 +vn 0.5256 -0.7824 0.3341 +vn 0.5098 -0.8071 0.2978 +vn 0.4282 0.3140 0.8474 +vn 0.6155 0.2739 0.7390 +vn 0.5183 -0.8489 0.1038 +vn -0.3685 -0.9296 -0.0046 +vn -0.1871 -0.9823 0.0047 +vn -0.4257 -0.9048 0.0053 +vn -0.5256 0.7824 0.3341 +vn -0.5051 0.8045 0.3127 +vn -0.4946 0.7376 0.4597 +vn -0.4969 0.7769 0.3868 +vn -0.5071 0.8360 0.2095 +vn -0.4982 0.8090 0.3119 +vn -0.4979 0.8134 0.3009 +vn 0.5050 -0.6964 0.5099 +vn -0.2208 -0.3378 0.9150 +vn -0.0555 -0.4381 0.8972 +vn -0.0525 -0.3300 0.9425 +vn 0.3040 -0.9527 -0.0071 +vn 0.3198 -0.9473 0.0201 +vn -0.4972 -0.7688 0.4021 +vn -0.4930 -0.6833 0.5386 +vn 0.5118 0.8099 0.2865 +vn 0.9805 -0.1844 -0.0684 +vn 0.9453 -0.2931 -0.1430 +vn 0.9808 -0.1718 -0.0918 +vn -0.4955 0.8233 0.2770 +vn -0.5015 0.8165 0.2860 +vn -0.4971 0.7828 0.3743 +vn -0.4998 0.7942 0.3456 +vn 0.4990 -0.8151 0.2942 +vn -0.4956 -0.8139 0.3032 +vn -0.4787 0.8371 0.2646 +vn -0.4934 0.8219 0.2848 +vn 0.5021 -0.6947 0.5150 +vn -0.4926 0.8201 0.2912 +vn -0.4990 0.8151 0.2942 +vn -0.5098 0.8071 0.2977 +vn 0.3855 -0.9211 0.0546 +vn 0.3787 -0.9255 -0.0064 +vn -0.4715 0.8115 -0.3453 +vn -0.3855 0.9211 0.0546 +vn -0.8248 0.5299 -0.1975 +vn -0.7433 0.5974 -0.3011 +vn -0.8254 0.5075 -0.2472 +vn 0.4934 -0.8219 0.2847 +vn -0.5080 0.6924 0.5123 +vn 0.3723 -0.9277 0.0283 +vn 0.3607 -0.9327 -0.0000 +vn 0.2174 0.7144 0.6651 +vn 0.0631 0.7912 0.6083 +vn 0.0557 0.7314 0.6797 +vn 0.4896 -0.7303 0.4763 +vn 0.4862 -0.7035 0.5184 +vn 0.4914 -0.7333 0.4699 +vn -0.3874 -0.9207 -0.0472 +vn -0.2829 -0.9568 -0.0674 +vn 0.4578 0.8753 -0.1560 +vn 0.7170 0.6873 -0.1162 +vn 0.5502 0.8331 -0.0572 +vn -0.5518 -0.8311 -0.0691 +vn -0.5366 0.8438 0.0057 +vn 0.3493 0.9370 -0.0003 +vn 0.4142 0.9097 0.0295 +vn 0.4153 0.9097 -0.0007 +vn 0.5445 0.8337 0.0917 +vn 0.5685 0.8172 0.0948 +vn 0.5329 0.8379 0.1185 +vn -0.5060 -0.8558 0.1076 +vn -0.5329 -0.8379 0.1185 +vn 0.6207 0.7830 -0.0396 +vn -0.4918 0.8150 0.3064 +vn 0.2790 0.9557 -0.0933 +vn 0.2062 0.9588 -0.1954 +vn 0.2108 0.9651 -0.1553 +vn 0.7200 0.6940 0.0035 +vn 0.7583 0.6514 -0.0264 +vn 0.6780 0.7348 0.0196 +vn -0.4993 -0.7760 0.3854 +vn 0.6813 0.7320 -0.0045 +vn -0.7203 -0.6931 -0.0276 +vn -0.6813 -0.7320 -0.0045 +vn -0.6836 -0.7287 -0.0396 +vn 0.7203 0.6931 -0.0276 +vn -0.5120 -0.8586 0.0252 +vn -0.4590 -0.8877 0.0356 +vn -0.4605 -0.8876 0.0102 +vn 0.6784 0.7301 -0.0812 +vn -0.6784 -0.7301 -0.0812 +vn 0.4590 0.8877 0.0356 +vn 0.3905 0.9201 0.0306 +vn 0.3904 0.9206 0.0089 +vn 0.7191 0.6907 -0.0771 +vn -0.5108 -0.8596 -0.0136 +vn 0.7714 0.6361 -0.0187 +vn 0.7932 0.6030 0.0848 +vn -0.7714 -0.6361 -0.0187 +vn -0.7191 -0.6907 -0.0771 +vn -0.3458 -0.9347 0.0825 +vn -0.3367 -0.9383 0.0793 +vn 0.7918 0.5994 0.1174 +vn 0.5798 0.8108 0.0800 +vn 0.6196 0.7828 0.0575 +vn -0.5097 -0.8588 0.0513 +vn -0.4575 -0.8872 0.0587 +vn 0.3933 -0.9166 0.0724 +vn 0.2994 -0.9535 0.0334 +vn -0.0107 0.0625 -0.9980 +vn -0.0004 0.0851 -0.9964 +vn -0.2925 -0.9560 0.0241 +vn -0.1987 -0.9786 -0.0536 +vn 0.2860 0.9579 -0.0235 +vn 0.2890 0.9564 -0.0430 +vn 0.5869 0.8080 0.0511 +vn 0.1830 0.9775 -0.1050 +vn 0.1490 0.9817 -0.1183 +vn -0.3710 -0.9215 -0.1147 +vn -0.2777 -0.9531 -0.1205 +vn 0.2132 0.9687 -0.1269 +vn -0.4557 -0.8810 -0.1272 +vn -0.5209 -0.7776 0.3522 +vn 0.4599 0.8835 0.0883 +vn 0.3928 0.9176 0.0604 +vn -0.9650 0.1393 0.2220 +vn -0.9977 0.0398 0.0548 +vn -0.4818 -0.6735 0.5606 +vn -0.5499 -0.8344 -0.0379 +vn -0.5631 0.8255 -0.0386 +vn -0.5621 0.8269 0.0123 +vn 0.1684 -0.9659 0.1967 +vn 0.1672 -0.9661 0.1965 +vn 0.1661 -0.9664 0.1964 +vn 0.4975 0.7296 0.4693 +vn 0.6330 0.7738 0.0234 +vn -0.4599 -0.8835 0.0883 +vn -0.5079 0.8614 -0.0048 +vn -0.5366 0.8426 -0.0456 +vn -0.5076 0.8600 -0.0532 +vn 0.5060 0.8558 0.1076 +vn -0.6344 -0.7729 -0.0153 +vn -0.5871 -0.8095 0.0091 +vn -0.1830 -0.9775 -0.1050 +vn 0.2772 0.9557 -0.0986 +vn 0.2829 0.9568 -0.0674 +vn -0.5128 -0.8531 -0.0967 +vn -0.3905 -0.9201 0.0306 +vn 0.2874 -0.9572 -0.0338 +vn 0.2826 -0.9572 -0.0619 +vn -0.3877 0.9210 -0.0387 +vn -0.4941 -0.8216 0.2842 +vn 0.5093 0.8082 0.2958 +vn -0.5077 -0.8582 0.0759 +vn -0.5497 -0.8353 -0.0018 +vn -0.9910 0.1292 -0.0358 +vn -0.9906 0.1305 -0.0419 +vn -0.5966 0.7992 0.0731 +vn -0.5569 0.8260 0.0869 +vn -0.5821 0.8082 0.0892 +vn 0.6666 -0.7428 -0.0625 +vn 0.7174 -0.6872 -0.1142 +vn 0.6008 -0.7985 -0.0366 +vn 0.8020 -0.5947 0.0564 +vn 0.7841 -0.6203 0.0176 +vn 0.2818 -0.9534 -0.1076 +vn 0.4593 -0.8746 -0.1553 +vn 0.2041 -0.9587 -0.1979 +vn -0.2994 0.9535 0.0334 +vn 0.1846 -0.9757 -0.1183 +vn -0.3933 0.9166 0.0724 +vn -0.2937 0.9546 0.0488 +vn -0.4105 0.9061 0.1019 +vn 0.2764 -0.9556 -0.1022 +vn 0.5099 -0.8595 0.0369 +vn 0.5079 -0.8614 -0.0048 +vn -0.6107 0.7914 -0.0257 +vn 0.3770 -0.9194 -0.1117 +vn 0.1982 -0.9787 -0.0532 +vn 0.7269 -0.6848 -0.0521 +vn 0.3414 -0.9399 -0.0015 +vn 0.4943 0.8314 0.2538 +vn 0.5032 0.8245 0.2588 +vn 0.5010 0.8247 0.2624 +vn -0.5046 0.8609 0.0646 +vn -0.5317 0.8435 0.0759 +vn 0.4580 -0.8821 -0.1098 +vn -0.6693 0.7429 -0.0125 +vn -0.6088 0.7928 0.0274 +vn -0.6646 0.7468 0.0228 +vn -0.6666 0.7428 -0.0625 +vn 0.2847 -0.9585 -0.0135 +vn -0.5630 0.8245 0.0576 +vn 0.5630 -0.8245 0.0576 +vn 0.5481 -0.8293 0.1088 +vn 0.5821 -0.8082 0.0892 +vn 0.7287 -0.6849 -0.0055 +vn 0.6646 -0.7468 0.0228 +vn -0.3855 0.9192 -0.0807 +vn -0.2826 0.9572 -0.0619 +vn 0.6693 -0.7429 -0.0125 +vn -0.5190 0.7410 0.4262 +vn -0.4649 0.8804 0.0935 +vn -0.5063 0.8572 0.0942 +vn -0.4593 0.8849 0.0767 +vn 0.5373 -0.8403 -0.0724 +vn 0.5966 -0.7992 0.0731 +vn 0.6088 -0.7928 0.0274 +vn -0.4571 0.8880 0.0497 +vn 0.5229 -0.8422 0.1313 +vn 0.5643 -0.8242 -0.0476 +vn -0.1982 0.9787 -0.0532 +vn -0.2028 0.9792 0.0008 +vn -0.5326 0.8396 0.1068 +vn -0.5101 0.8554 -0.0899 +vn -0.4576 0.8869 -0.0633 +vn 0.4802 0.6798 0.5544 +vn 0.4775 0.6792 0.5573 +vn 0.2928 -0.9561 0.0156 +vn -0.5187 -0.8067 0.2833 +vn 0.4982 -0.8090 0.3119 +vn 0.5050 -0.8044 0.3127 +vn 0.0000 0.9725 0.2331 +vn 0.0000 0.9999 0.0129 +vn 0.1244 -0.9917 -0.0313 +vn 0.1318 -0.9097 -0.3938 +vn 0.2250 -0.8716 -0.4355 +vn 0.2336 -0.8533 -0.4661 +vn 0.1844 -0.8520 -0.4899 +vn 0.1063 -0.8624 -0.4949 +vn 0.1017 -0.8624 -0.4960 +vn 0.1137 -0.8637 -0.4910 +vn 0.0874 -0.9902 -0.1092 +vn 0.1462 -0.9823 -0.1172 +vn -0.1462 0.9823 -0.1172 +vn -0.1314 0.9858 -0.1049 +vn 0.1314 -0.9858 -0.1049 +vn 0.1763 0.9744 -0.1394 +vn 0.1244 0.9917 -0.0313 +vn 0.0574 0.9980 -0.0263 +vn 0.1764 -0.9744 -0.1395 +vn 0.2143 -0.9207 -0.3261 +vn 0.0684 -0.9564 -0.2841 +vn 0.1991 -0.9013 -0.3848 +vn 0.1308 -0.9189 -0.3723 +vn 0.1902 -0.8845 -0.4261 +vn 0.1077 -0.9365 -0.3336 +vn 0.1478 -0.9585 -0.2436 +vn 0.0897 -0.9905 -0.1044 +vn 0.0805 -0.9938 -0.0763 +vn 0.1315 -0.9892 0.0648 +vn -0.0059 -0.9842 0.1771 +vn 0.1434 -0.9500 0.2773 +vn -0.1527 -0.9032 0.4011 +vn -0.3352 -0.8535 0.3989 +vn 0.0677 -0.8241 0.5623 +vn 0.1348 -0.8027 0.5809 +vn 0.2494 -0.7794 0.5748 +vn 0.0651 -0.7898 0.6099 +vn 0.0016 -0.8104 0.5858 +vn 0.2574 -0.7643 0.5913 +vn -0.4984 0.6859 0.5302 +vn -0.2494 0.7794 0.5748 +vn -0.4942 0.6976 0.5188 +vn -0.7053 0.5616 0.4326 +vn -0.7087 0.5639 0.4241 +vn -0.8663 0.3953 0.3054 +vn -0.8719 0.3881 0.2987 +vn -0.9977 0.0527 0.0415 +vn -0.9707 0.1853 0.1529 +vn -0.9978 0.0560 0.0364 +vn 0.0744 -0.8164 0.5727 +vn 0.0094 -0.8210 0.5709 +vn -0.4931 -0.8034 0.3337 +vn -0.0744 -0.8165 0.5725 +vn -0.2494 -0.7794 0.5747 +vn 0.4974 0.7558 0.4260 +vn 0.3578 -0.7365 0.5740 +vn 0.4942 -0.6976 0.5188 +vn 0.2153 -0.8034 0.5552 +vn -0.6211 -0.7194 0.3110 +vn 0.1555 -0.8967 0.4145 +vn 0.0748 -0.8585 0.5074 +vn 0.0060 -0.8624 0.5062 +vn -0.2172 0.8138 0.5390 +vn -0.0748 0.8585 0.5074 +vn -0.3578 0.7365 0.5740 +vn -0.3515 0.7774 0.5216 +vn 0.1022 -0.9441 0.3135 +vn 0.0337 -0.9495 0.3119 +vn 0.4806 -0.7207 0.4997 +vn 0.4454 -0.8884 0.1114 +vn 0.4838 0.7454 0.4586 +vn 0.4898 0.7768 0.3958 +vn -0.5026 -0.7732 0.3867 +vn 0.6019 -0.5947 0.5330 +vn 0.7087 -0.5639 0.4241 +vn -0.2431 0.9218 0.3021 +vn 0.0844 0.9735 0.2124 +vn -0.2601 0.9456 0.1955 +vn -0.6019 0.5947 0.5330 +vn -0.4819 0.7297 0.4851 +vn -0.6021 0.6638 0.4438 +vn -0.0844 -0.9735 0.2124 +vn 0.0442 -0.9938 0.1019 +vn -0.4990 -0.8049 0.3211 +vn -0.6075 -0.7071 0.3617 +vn -0.6151 -0.7317 0.2937 +vn 0.9694 0.1605 0.1859 +vn 0.9691 0.1807 0.1677 +vn 0.1327 -0.9864 0.0970 +vn 0.7094 -0.5785 0.4025 +vn -0.7094 0.5785 0.4025 +vn -0.7102 0.5857 0.3907 +vn -0.5153 -0.8302 0.2126 +vn -0.4835 0.7551 0.4428 +vn -0.3680 0.8452 0.3876 +vn -0.4958 0.7905 0.3596 +vn 0.2339 0.0002 0.9723 +vn 0.1227 -0.0002 0.9924 +vn 0.7956 -0.4218 0.4349 +vn 0.8719 -0.3881 0.2987 +vn 0.7110 0.5984 0.3693 +vn 0.7102 0.5859 0.3904 +vn -0.9694 -0.0855 0.2303 +vn -0.9977 -0.0212 0.0645 +vn -0.8037 0.4952 0.3299 +vn -0.3722 0.8811 0.2919 +vn -0.3874 0.9022 0.1898 +vn -0.2631 0.9605 0.0908 +vn -0.3899 0.9165 0.0892 +vn -0.7094 -0.5787 0.4023 +vn -0.6021 -0.6640 0.4435 +vn 0.8801 -0.3893 0.2718 +vn -0.5557 -0.8313 -0.0120 +vn 0.2000 -0.9795 -0.0221 +vn -0.8801 0.3893 0.2718 +vn -0.8804 0.3940 0.2638 +vn 0.1482 -0.9792 -0.1386 +vn 0.0861 -0.9861 -0.1425 +vn -0.8800 0.4091 0.2412 +vn -0.9011 -0.4219 -0.1002 +vn -0.6124 0.7189 0.3288 +vn -0.4993 0.8231 0.2706 +vn -0.5114 0.8414 0.1746 +vn 0.9310 -0.2382 0.2765 +vn 0.9707 -0.1853 0.1529 +vn -0.9310 0.2382 0.2765 +vn 0.9784 -0.1693 0.1188 +vn -0.9392 0.2861 0.1900 +vn -0.9390 0.2969 0.1738 +vn -0.6150 0.7487 0.2473 +vn -0.6247 0.7643 0.1600 +vn -0.5135 0.8542 0.0815 +vn -0.6262 0.7761 0.0749 +vn -0.2000 0.9795 -0.0221 +vn -0.1327 0.9864 0.0970 +vn -0.8084 0.5355 0.2442 +vn -0.7194 0.6597 0.2176 +vn -0.8097 0.5574 0.1835 +vn 0.9785 -0.1713 0.1153 +vn -0.9784 0.1693 0.1188 +vn -0.9785 0.1713 0.1153 +vn -0.9977 0.0625 0.0264 +vn -0.9782 0.1787 0.1056 +vn -0.9786 0.1867 0.0864 +vn 0.9782 -0.1787 0.1056 +vn -0.2789 0.9600 -0.0249 +vn -0.4772 -0.8516 0.2170 +vn -0.4942 -0.8363 0.2373 +vn -0.6226 -0.7577 -0.1956 +vn -0.2817 0.9496 -0.1371 +vn -0.2172 0.9431 -0.2517 +vn -0.2934 0.9230 -0.2488 +vn -0.4036 0.9147 -0.0212 +vn 0.6151 0.5755 0.5390 +vn 0.1632 -0.9250 -0.3432 +vn 0.1002 -0.9322 -0.3478 +vn 0.5004 0.7772 0.3815 +vn -0.7263 0.6729 0.1404 +vn -0.4979 -0.7828 0.3731 +vn -0.5245 0.8511 -0.0216 +vn -0.8443 -0.4692 -0.2589 +vn 0.2288 -0.8760 -0.4246 +vn 0.4970 0.7614 0.4163 +vn -0.4062 0.9047 -0.1286 +vn -0.5267 0.8414 -0.1210 +vn -0.9403 0.3097 0.1409 +vn -0.4163 0.8784 -0.2348 +vn 0.8037 -0.4952 0.3299 +vn 0.8804 -0.3940 0.2638 +vn 0.9787 -0.1947 0.0646 +vn 0.9786 -0.1867 0.0864 +vn -0.6349 0.7723 -0.0184 +vn -0.6366 0.7634 -0.1090 +vn -0.4190 0.8511 -0.3162 +vn -0.2997 0.8561 -0.4211 +vn 0.7285 0.6302 -0.2687 +vn 0.7309 0.6422 -0.2310 +vn -0.8915 0.4089 -0.1950 +vn -0.8252 0.5197 -0.2211 +vn -0.8924 0.4153 -0.1765 +vn -0.5643 0.8242 -0.0476 +vn -0.5373 0.8403 -0.0724 +vn 0.9392 0.2862 0.1898 +vn 0.8806 0.4029 0.2495 +vn 0.9413 0.3003 -0.1545 +vn -0.4905 -0.7249 0.4838 +vn -0.9421 0.3283 0.0682 +vn 0.4224 -0.8153 -0.3961 +vn 0.2997 -0.8561 -0.4211 +vn 0.3870 -0.7952 -0.4667 +vn 0.5334 -0.8171 0.2187 +vn 0.6129 -0.7129 -0.3406 +vn 0.4877 -0.8038 -0.3406 +vn 0.6160 -0.7247 -0.3087 +vn -0.7351 0.6711 -0.0961 +vn 0.9421 -0.3283 0.0682 +vn -0.9994 0.0307 -0.0151 +vn 0.7558 -0.6549 -0.0005 +vn 0.7071 -0.7071 -0.0006 +vn 0.9842 0.1626 -0.0694 +vn 0.9963 0.0783 -0.0364 +vn 0.9963 0.0790 -0.0336 +vn 0.6470 -0.6857 -0.3336 +vn 0.5398 -0.7539 -0.3744 +vn 0.6370 -0.6637 -0.3920 +vn -0.6451 0.7161 -0.2664 +vn -0.6470 0.6857 -0.3336 +vn 0.7287 0.6832 0.0476 +vn 0.6357 0.7712 -0.0336 +vn 0.6278 0.7765 0.0543 +vn -0.7743 -0.3750 0.5098 +vn -0.7740 -0.3387 0.5350 +vn 0.4946 0.7936 0.3545 +vn 0.9798 -0.1978 -0.0281 +vn 0.9797 -0.2004 -0.0040 +vn -0.9438 0.3270 -0.0472 +vn -0.7415 0.6287 -0.2342 +vn 0.4062 -0.9047 -0.1286 +vn 0.4163 -0.8784 -0.2348 +vn 0.7263 -0.6729 0.1404 +vn 0.6262 -0.7761 0.0749 +vn 0.7275 -0.6830 0.0656 +vn 0.7433 -0.5974 -0.3011 +vn -0.9789 -0.1895 0.0769 +vn -0.9409 -0.3147 0.1255 +vn -0.9978 0.0662 -0.0042 +vn 0.4685 -0.6927 0.5483 +vn 0.4723 -0.6954 0.5417 +vn 0.8941 -0.3983 -0.2050 +vn 0.8254 -0.5075 -0.2472 +vn 0.8328 -0.4759 -0.2827 +vn 0.9698 -0.2279 -0.0870 +vn 0.9536 -0.2868 -0.0922 +vn 0.9700 -0.2314 -0.0743 +vn -0.5277 -0.8391 -0.1321 +vn -0.4165 -0.8767 -0.2408 +vn -0.4074 -0.9024 -0.1406 +vn -0.9805 0.1844 -0.0684 +vn -0.9808 0.1718 -0.0918 +vn -0.9978 0.0578 -0.0313 +vn 0.9575 -0.2484 -0.1464 +vn -0.5750 0.2054 0.7919 +vn -0.9798 0.1978 -0.0281 +vn -0.9979 0.0624 -0.0177 +vn 0.9801 -0.1918 -0.0507 +vn 0.0000 0.9999 0.0105 +vn 0.0000 0.8838 0.4679 +vn 0.0000 0.6392 -0.7690 +vn 0.0000 0.7904 -0.6125 +vn 0.0000 0.2697 0.9630 +vn 0.0488 0.2645 0.9632 +vn 0.0525 0.3300 0.9425 +vn 0.0000 0.6222 -0.7829 +vn -0.0438 0.3305 0.9428 +vn -0.0405 0.2640 0.9637 +vn -0.9776 -0.2106 0.0000 +vn -0.9630 -0.2696 0.0000 +vn 0.0554 0.4381 0.8972 +vn -0.0473 0.4399 0.8968 +vn 0.0000 0.7916 0.6110 +vn -0.0651 0.7898 0.6099 +vn 0.0000 -0.7916 0.6110 +vn 0.0000 -0.0315 -0.9995 +vn 0.0000 -0.9925 0.1222 +vn 0.0000 -0.2697 0.9630 +vn 0.0406 -0.2640 0.9637 +vn -0.0488 -0.2645 0.9632 +vn -0.4242 -0.8936 0.1466 +vn -0.4755 -0.8628 0.1715 +vn -0.8703 0.1785 0.4590 +vn -0.8745 0.2136 0.4355 +vn 0.9096 0.4154 -0.0004 +vn -0.2961 0.8947 -0.3344 +vn -0.9716 0.0358 0.2338 +vn -0.9498 0.0110 0.3127 +vn -0.9436 0.0539 0.3266 +vn 0.9716 -0.0358 0.2338 +vn -0.9980 0.0163 0.0614 +vn -0.9918 0.0118 0.1273 +vn -0.9977 0.0486 0.0479 +vn -0.6129 0.7129 -0.3406 +vn -0.6114 0.7038 -0.3618 +vn 0.9653 -0.1548 0.2104 +vn 0.9650 -0.1393 0.2220 +vn -0.8754 0.2865 0.3894 +vn 0.8533 0.0115 0.5214 +vn 0.9193 -0.1185 0.3753 +vn 0.0744 0.8165 0.5725 +vn 0.0105 0.8322 0.5544 +vn 0.0094 0.8211 0.5707 +vn 0.1845 -0.5825 0.7916 +vn 0.1888 -0.5220 0.8318 +vn 0.0439 -0.5432 0.8385 +vn 0.9528 -0.2740 -0.1308 +vn 0.9310 -0.3360 -0.1427 +vn 0.9532 -0.2783 -0.1182 +vn 0.2204 0.8315 0.5099 +vn 0.1483 0.8773 0.4565 +vn 0.0775 0.8468 0.5262 +vn 0.7522 -0.4265 0.5022 +vn 0.7539 -0.4722 0.4569 +vn -0.5114 -0.8505 0.1232 +vn 0.4993 0.7760 0.3854 +vn 0.4982 0.7705 0.3977 +vn 0.9708 -0.0544 0.2337 +vn 0.9436 -0.0539 0.3266 +vn -0.9977 0.0212 0.0646 +vn -0.9708 0.0544 0.2337 +vn 0.8704 -0.1785 0.4589 +vn -0.9652 -0.2404 -0.1026 +vn -0.9846 -0.1576 -0.0760 +vn -0.9842 -0.1626 -0.0694 +vn 0.9697 -0.0664 0.2350 +vn -0.4850 -0.8665 0.1182 +vn -0.4790 -0.8772 0.0322 +vn 0.7515 -0.2905 0.5923 +vn 0.5847 -0.2788 0.7618 +vn 0.5842 -0.3574 0.7287 +vn -0.8926 0.4211 -0.1609 +vn -0.9310 0.3360 -0.1427 +vn -0.9304 0.3308 -0.1578 +vn 0.9666 -0.0933 0.2388 +vn 0.8750 -0.2573 0.4101 +vn 0.7521 -0.3503 0.5583 +vn -0.5003 0.7738 0.3885 +vn -0.4798 0.8774 0.0002 +vn -0.9978 -0.0526 0.0411 +vn -0.9977 -0.0482 0.0479 +vn 0.1888 -0.3375 0.9222 +vn 0.1840 -0.2685 0.9455 +vn 0.8933 -0.4278 -0.1375 +vn 0.9311 -0.3407 -0.1302 +vn 0.8926 -0.4211 -0.1609 +vn -0.8750 0.2573 0.4102 +vn 0.9533 -0.2821 -0.1079 +vn 0.9316 -0.3461 -0.1113 +vn 0.7140 0.6235 0.3186 +vn 0.6075 0.7071 0.3617 +vn 0.4984 -0.6859 0.5302 +vn -0.6433 -0.7382 -0.2032 +vn -0.5376 -0.7885 -0.2986 +vn -0.5351 -0.8143 -0.2251 +vn -0.2162 -0.2679 0.9389 +vn -0.4216 -0.2236 0.8788 +vn -0.2195 -0.2263 0.9490 +vn -0.6152 -0.3528 0.7050 +vn -0.4280 -0.4045 0.8082 +vn -0.4283 -0.5909 0.6836 +vn -0.2198 -0.6380 0.7380 +vn -0.5843 0.5253 0.6186 +vn -0.7520 0.4267 0.5025 +vn -0.4288 -0.5353 0.7277 +vn 0.9696 0.1309 0.2069 +vn 0.9697 0.1448 0.1969 +vn 0.0514 0.5442 0.8374 +vn -0.8927 -0.2410 0.3808 +vn -0.7493 -0.1717 0.6396 +vn -0.7571 -0.1847 0.6266 +vn -0.6074 -0.2001 0.7688 +vn -0.6200 -0.7521 -0.2233 +vn -0.7309 -0.6422 -0.2310 +vn -0.7318 -0.6535 -0.1933 +vn 0.7059 0.5663 0.4255 +vn -0.6156 -0.2738 0.7390 +vn -0.7732 -0.2838 0.5671 +vn -0.4264 -0.6608 0.6177 +vn -0.6156 -0.5154 0.5962 +vn -0.6152 -0.5754 0.5389 +vn 0.7570 0.1847 0.6267 +vn 0.7492 0.1718 0.6397 +vn 0.8359 0.1825 0.5176 +vn -0.7737 -0.4144 0.4793 +vn 0.5124 -0.8094 0.2870 +vn 0.5060 -0.8150 0.2823 +vn -0.2199 -0.5218 0.8242 +vn -0.9126 -0.1187 0.3912 +vn -0.9698 -0.0669 0.2347 +vn 0.9706 0.0560 0.2340 +vn 0.9447 0.0507 0.3239 +vn -0.9706 -0.0560 0.2340 +vn 0.9717 0.0379 0.2332 +vn -0.8099 -0.5446 0.2178 +vn -0.8814 -0.4203 0.2155 +vn -0.8838 -0.4340 0.1746 +vn -0.9918 -0.0114 0.1275 +vn 0.5091 0.8346 0.2104 +vn -0.9691 -0.1807 0.1677 +vn 0.9903 -0.1299 -0.0499 +vn 0.9906 -0.1305 -0.0419 +vn 0.7054 -0.5616 0.4326 +vn 0.2162 0.2679 0.9389 +vn 0.2208 0.3378 0.9150 +vn -0.8929 -0.2668 0.3627 +vn 0.0102 0.3030 0.9529 +vn -0.2205 -0.4383 0.8714 +vn 0.2195 0.2263 0.9490 +vn 0.2172 0.2101 0.9533 +vn 0.4216 0.2237 0.8788 +vn 0.4891 -0.8151 -0.3104 +vn -0.1244 0.9917 -0.0313 +vn -0.1764 0.9744 -0.1395 +vn -0.0574 0.9980 -0.0263 +vn 0.6451 -0.7161 -0.2664 +vn 0.5373 -0.7902 -0.2948 +vn 0.0190 0.9401 0.3404 +vn 0.0452 0.9268 0.3728 +vn 0.0762 0.8921 0.4454 +vn 0.0476 0.8977 -0.4380 +vn 0.0712 0.9402 -0.3330 +vn 0.0521 0.9647 -0.2580 +vn 0.0837 0.8685 -0.4885 +vn 0.1017 0.8640 -0.4931 +vn 0.1063 0.8632 -0.4936 +vn 0.6033 0.6784 0.4194 +vn 0.6162 0.4667 0.6345 +vn 0.9785 0.1713 0.1152 +vn 0.9784 0.1755 0.1092 +vn -0.9784 -0.1693 0.1188 +vn -0.9392 -0.2862 0.1898 +vn -0.9310 -0.2383 0.2764 +vn 0.9784 0.1693 0.1188 +vn 0.9707 0.1853 0.1529 +vn 0.5154 0.8549 0.0588 +vn 0.4046 0.9136 -0.0392 +vn -0.9978 -0.0591 0.0313 +vn -0.9784 -0.1755 0.1092 +vn -0.9978 -0.0547 0.0371 +vn 0.0837 0.9605 -0.2654 +vn 0.1603 0.9519 -0.2613 +vn -0.1777 -0.8549 -0.4874 +vn -0.2997 -0.8550 -0.4233 +vn -0.3865 -0.7977 -0.4629 +vn -0.2966 -0.8929 -0.3386 +vn -0.1682 -0.8854 -0.4333 +vn 0.0826 -0.9284 -0.3623 +vn -0.2936 -0.9213 -0.2551 +vn -0.1603 -0.9519 -0.2613 +vn -0.4195 -0.8494 -0.3202 +vn -0.4225 -0.8142 -0.3981 +vn -0.5592 0.8085 -0.1837 +vn 0.2064 0.9677 -0.1450 +vn -0.5399 -0.7529 -0.3763 +vn -0.6377 -0.6654 -0.3881 +vn 0.1455 0.9885 -0.0420 +vn 0.0730 0.9960 -0.0511 +vn -0.2831 -0.9473 -0.1497 +vn -0.6454 -0.7146 -0.2698 +vn -0.6470 -0.6848 -0.3353 +vn -0.8328 0.4759 -0.2827 +vn -0.7418 -0.6274 -0.2371 +vn 0.7433 0.5966 -0.3025 +vn 0.5245 -0.8511 -0.0216 +vn 0.5267 -0.8414 -0.1210 +vn -0.5117 -0.7633 0.3945 +vn -0.0948 0.9946 0.0430 +vn 0.0399 0.9893 0.1405 +vn -0.4046 -0.9136 -0.0392 +vn 0.1268 0.9756 0.1794 +vn -0.8532 -0.0118 0.5215 +vn -0.7338 0.6598 -0.1619 +vn -0.5254 -0.8500 -0.0383 +vn 0.8255 0.5068 -0.2485 +vn -0.9577 -0.2478 -0.1463 +vn -0.8941 -0.3977 -0.2059 +vn -0.7433 -0.5966 -0.3025 +vn -0.8249 -0.5287 -0.2000 +vn -0.8255 -0.5068 -0.2485 +vn -0.2657 -0.9618 0.0654 +vn 0.0948 -0.9946 0.0430 +vn -0.3922 -0.9176 0.0650 +vn -0.9447 -0.0507 0.3239 +vn -0.9678 -0.0108 0.2515 +vn -0.9717 -0.0379 0.2332 +vn -0.7358 -0.6691 -0.1049 +vn -0.6375 -0.7612 -0.1191 +vn -0.4915 0.8294 -0.2658 +vn -0.1268 -0.9756 0.1794 +vn -0.5154 -0.8549 0.0588 +vn -0.6357 -0.7712 -0.0336 +vn -0.3895 -0.9059 0.1660 +vn -0.8236 -0.5467 -0.1508 +vn -0.7343 -0.6781 -0.0300 +vn -0.0015 -0.5302 -0.8479 +vn 0.9809 0.1712 -0.0921 +vn 0.6124 -0.7189 0.3288 +vn 0.7104 -0.6067 0.3567 +vn 0.6027 -0.6877 0.4048 +vn 0.4781 -0.8706 0.1165 +vn -0.7913 0.5697 0.2221 +vn -0.4989 -0.7495 0.4351 +vn 0.5256 -0.8229 0.2159 +vn 0.5188 -0.8038 0.2911 +vn 0.3029 -0.2604 0.9168 +vn -0.0129 -0.9628 0.2700 +vn -0.1032 -0.9222 0.3726 +vn -0.7287 -0.6832 0.0476 +vn -0.6278 -0.7765 0.0543 +vn 0.8037 -0.5131 0.3013 +vn -0.5550 0.7491 0.3616 +vn -0.8903 -0.4499 -0.0702 +vn -0.8208 -0.5643 -0.0887 +vn -0.5391 0.8130 0.2199 +vn 0.0110 0.8510 0.5250 +vn -0.0094 -0.8211 0.5707 +vn -0.8896 -0.4562 -0.0196 +vn 0.1348 0.8028 0.5808 +vn -0.0758 0.8274 0.5565 +vn -0.0060 0.8624 0.5062 +vn -0.2297 -0.8676 0.4410 +vn -0.5129 -0.7889 0.3385 +vn -0.3603 -0.8301 0.4256 +vn -0.5073 0.7832 0.3596 +vn -0.5188 0.8038 0.2911 +vn -0.5106 0.7787 0.3646 +vn -0.5166 0.8070 0.2861 +vn -0.9978 -0.0652 -0.0075 +vn -0.8150 -0.5701 0.1034 +vn -0.2204 -0.8315 0.5099 +vn -0.1483 -0.8773 0.4565 +vn -0.0775 -0.8468 0.5262 +vn -0.5005 -0.8290 0.2495 +vn 0.9798 0.1999 -0.0081 +vn 0.9799 0.1972 -0.0306 +vn -0.3533 -0.7951 0.4930 +vn -0.3515 -0.7776 0.5213 +vn 0.4971 -0.7686 0.4026 +vn 0.4969 -0.7768 0.3868 +vn 0.4886 0.6836 0.5422 +vn 0.4848 0.6850 0.5438 +vn 0.3578 0.7367 0.5738 +vn 0.2494 0.7794 0.5747 +vn 0.4942 0.6976 0.5187 +vn 0.2152 0.8036 0.5549 +vn -0.4838 -0.7454 0.4586 +vn 0.5025 -0.7564 0.4189 +vn 0.5054 -0.7617 0.4054 +vn -0.4898 -0.7768 0.3958 +vn 0.2206 -0.8419 0.4924 +vn 0.3515 -0.7774 0.5216 +vn 0.2172 -0.8138 0.5390 +vn 0.4806 0.7208 0.4995 +vn -0.9792 -0.1993 0.0371 +vn -0.9422 -0.3296 0.0596 +vn -0.6033 -0.6784 0.4194 +vn 0.4819 -0.7297 0.4851 +vn 0.6021 -0.6638 0.4438 +vn -0.7140 -0.6235 0.3186 +vn -0.7194 -0.6448 0.2581 +vn -0.8062 -0.5271 0.2689 +vn -0.7461 0.1623 0.6458 +vn 0.6019 0.5949 0.5328 +vn 0.7087 0.5639 0.4240 +vn -0.7102 -0.5859 0.3904 +vn 0.7094 0.5787 0.4023 +vn 0.4990 0.7674 0.4026 +vn 0.9794 0.2016 0.0145 +vn -0.9978 -0.0635 0.0214 +vn -0.9978 -0.0662 0.0078 +vn 0.7742 0.3750 0.5098 +vn 0.6156 0.5154 0.5962 +vn 0.9703 -0.2350 -0.0581 +vn 0.9910 -0.1292 -0.0358 +vn -0.8042 -0.5060 0.3118 +vn -0.7110 -0.5984 0.3693 +vn -0.9787 -0.1962 0.0598 +vn 0.7956 0.4219 0.4348 +vn 0.8719 0.3881 0.2987 +vn 0.9397 0.3048 0.1552 +vn 0.9393 0.2924 0.1797 +vn -0.8804 -0.3941 0.2636 +vn -0.3415 0.8203 -0.4587 +vn -0.2336 0.8533 -0.4661 +vn -0.8921 -0.2022 0.4041 +vn -0.9783 -0.1839 0.0949 +vn -0.9397 -0.3048 0.1552 +vn 0.9787 0.1962 0.0598 +vn 0.9789 0.1895 0.0769 +vn -0.8806 -0.4029 0.2495 +vn -0.9393 -0.2924 0.1797 +vn 0.0569 0.8816 -0.4686 +vn 0.0000 1.0000 -0.0085 +vn 0.0918 0.9895 -0.1120 +vn -0.1763 -0.9744 -0.1394 +vn -0.1244 -0.9917 -0.0313 +vn -0.0574 -0.9980 -0.0263 +vn 0.1314 0.9858 -0.1049 +vn 0.1460 0.9823 -0.1172 +vn -0.9963 -0.0789 -0.0336 +vn -0.9844 -0.1658 -0.0597 +vn 0.0894 0.9349 -0.3434 +vn 0.2024 0.9386 -0.2795 +vn 0.1443 0.9103 -0.3880 +vn 0.3493 -0.9370 -0.0005 +vn -0.2814 0.9596 0.0002 +vn 0.4866 0.8038 -0.3423 +vn 0.6135 0.7011 -0.3634 +vn 0.3117 -0.9501 0.0149 +vn -0.2128 0.9771 0.0003 +vn 0.2757 -0.9607 0.0318 +vn 0.2036 -0.9790 -0.0085 +vn 0.1425 -0.9898 -0.0003 +vn 0.1425 0.9898 -0.0003 +vn -0.0713 0.9975 -0.0004 +vn -0.1425 0.9898 -0.0003 +vn -0.0713 -0.9975 -0.0004 +vn 0.0000 1.0000 -0.0003 +vn 0.2123 0.9772 -0.0004 +vn 0.2396 0.9707 0.0191 +vn -0.3787 0.9255 -0.0064 +vn 0.3938 -0.9191 0.0118 +vn 0.4154 -0.9096 -0.0008 +vn 0.0713 0.9975 -0.0004 +vn -0.3117 0.9501 0.0149 +vn 0.2819 0.9594 -0.0004 +vn 0.2871 0.9576 0.0230 +vn 0.2973 0.9545 0.0237 +vn 0.3471 0.9375 0.0267 +vn -0.2518 0.9675 0.0247 +vn -0.2110 0.9775 -0.0000 +vn -0.2009 0.9795 -0.0124 +vn -0.1425 -0.9898 -0.0003 +vn -0.2028 -0.9792 0.0012 +vn -0.2289 -0.9733 0.0168 +vn 0.3590 0.9329 0.0276 +vn 0.3654 0.9304 0.0280 +vn 0.3998 0.9161 0.0289 +vn -0.2123 -0.9772 -0.0004 +vn -0.2396 -0.9707 0.0191 +vn -0.3493 -0.9370 -0.0003 +vn -0.4153 -0.9097 -0.0007 +vn -0.2819 -0.9594 -0.0004 +vn -0.2871 -0.9576 0.0230 +vn -0.2973 -0.9545 0.0237 +vn -0.5407 -0.8412 -0.0008 +vn -0.5183 -0.8546 0.0314 +vn 0.5993 -0.8005 -0.0006 +vn 0.5401 -0.8416 0.0003 +vn -0.7071 0.7071 -0.0006 +vn -0.6549 0.7557 -0.0006 +vn -0.7558 0.6549 -0.0005 +vn -0.8005 -0.5993 -0.0005 +vn 0.0040 -0.8188 0.5741 +vn 0.4280 0.4045 0.8082 +vn -0.4792 -0.8777 -0.0008 +vn 0.8777 -0.4792 -0.0004 +vn 0.8413 -0.5406 -0.0005 +vn -0.5130 -0.7140 0.4765 +vn 0.9096 -0.4154 -0.0004 +vn -0.5993 0.8005 -0.0006 +vn -0.5401 0.8416 0.0003 +vn 0.9370 -0.3494 -0.0003 +vn 0.7558 0.6549 -0.0005 +vn -0.9772 0.2125 -0.0002 +vn 0.8005 -0.5993 -0.0005 +vn 1.0000 0.0000 -0.0001 +vn 0.9975 -0.0713 -0.0001 +vn -1.0000 0.0000 -0.0001 +vn -0.9975 -0.0713 -0.0001 +vn -0.8777 0.4792 -0.0004 +vn -0.8413 0.5406 -0.0005 +vn 0.9898 0.1423 -0.0002 +vn -0.9096 0.4154 -0.0004 +vn 0.9370 0.3494 -0.0003 +vn -0.9595 -0.2817 -0.0003 +vn 0.9595 0.2817 -0.0003 +vn -0.9370 0.3494 -0.0003 +vn -0.9595 0.2817 -0.0003 +vn -0.9096 -0.4154 -0.0004 +vn -0.8777 -0.4792 -0.0004 +vn 0.9898 -0.1423 -0.0002 +vn 0.9772 -0.2125 -0.0002 +vn -0.8005 0.5993 -0.0005 +vn 0.9975 0.0713 -0.0001 +vn -0.9663 -0.2063 0.1538 +vn -0.9707 -0.1853 0.1529 +vn -0.7558 -0.6549 -0.0005 +vn 0.7071 0.7071 -0.0006 +vn 0.6549 0.7557 -0.0006 +vn 0.0529 0.6453 0.7621 +vn 0.5993 0.8005 -0.0006 +vn 0.9595 -0.2817 -0.0003 +vn 0.8413 0.5406 -0.0005 +vn -0.3389 -0.6206 -0.7071 +vn -0.3823 -0.5949 -0.7071 +vn -0.7513 0.2906 0.5925 +vn -0.5835 0.3577 0.7291 +vn -0.7071 -0.7071 -0.0006 +vn 0.6549 -0.7557 -0.0006 +vn 0.4798 -0.8774 0.0002 +vn -0.5040 -0.6897 0.5199 +vn -0.4197 0.9076 -0.0117 +vn 0.9989 -0.0475 0.0000 +vn 0.1874 -0.9823 0.0000 +vn 0.4258 -0.9048 0.0000 +vn 0.0000 0.9891 0.1474 +vn -0.9776 0.2105 0.0000 +vn 0.0000 -0.2744 0.9616 +vn 0.0000 -0.9921 0.1253 +vn 0.0000 -0.9921 -0.1253 +vn 0.9845 -0.1753 0.0000 +vn 0.4154 0.9096 0.0000 +vn -0.4557 0.8901 0.0000 +vn 0.0000 -0.2739 -0.9618 +vn 0.0000 -0.9983 0.0590 +vn 0.0000 -0.9982 -0.0600 +vn 0.0000 -0.0134 0.9999 +vn 0.0000 0.1530 -0.9882 +vn -0.9298 0.3681 0.0000 +vn 0.3358 -0.9419 0.0000 +vn 0.0000 -0.7963 0.6049 +vn 0.0000 -0.9277 0.3733 +vn 0.0000 -0.8792 0.4764 +vn 0.0000 -0.9692 0.2461 +vn -0.5590 0.8292 0.0000 +vn 0.0000 0.8918 0.4524 +vn 0.0000 0.7719 0.6357 +vn 0.0000 -0.4023 -0.9155 +vn 0.0000 -0.1465 -0.9892 +vn 0.0000 -0.1197 0.9928 +vn 0.0000 0.8287 -0.5596 +vn 0.0000 0.9287 -0.3708 +vn 0.0000 -0.4712 0.8821 +vn 0.0000 -0.6706 0.7418 +vn 0.0000 -0.7034 -0.7108 +vn 0.0000 -0.4908 -0.8712 +vn 0.0000 -0.4909 -0.8712 +vn 0.0000 0.9720 -0.2350 +vn 0.0000 -0.8902 -0.4555 +vn 0.0000 -0.9424 -0.3344 +vn 0.0000 0.3533 0.9355 +vn 0.0000 0.5533 0.8330 +vn 0.0000 0.9117 -0.4109 +vn 0.0000 0.9882 -0.1535 +vn -0.7071 0.7071 0.0000 +vn -0.6549 0.7557 0.0000 +vn -0.8974 0.4411 0.0000 +vn 0.0005 0.9152 0.4029 +vn 0.0000 0.9786 0.2056 +vn -0.9976 0.0688 0.0000 +vn -0.9977 0.0674 0.0000 +vn -0.5993 -0.8005 0.0000 +vn -0.6549 -0.7557 0.0000 +vn 0.0000 0.4258 0.9048 +vn 0.0000 0.9476 -0.3193 +vn 0.0000 0.9875 -0.1577 +vn 0.0000 0.0241 -0.9997 +vn 0.0000 0.2029 -0.9792 +vn 0.0000 0.8184 0.5747 +vn 0.0000 0.6497 0.7601 +vn 0.0000 0.5199 0.8542 +vn 0.0000 -0.8684 0.4958 +vn -0.4316 -0.9021 0.0000 +vn 0.0000 0.9933 -0.1153 +vn 0.0000 -0.7804 -0.6253 +vn 0.0000 -0.9017 -0.4324 +vn 0.0000 -0.2436 0.9699 +vn 0.0000 0.0209 0.9998 +vn 0.0000 -0.7562 0.6543 +vn 0.0000 -0.8774 0.4798 +vn 0.5993 -0.8005 0.0000 +vn 0.5406 -0.8413 0.0000 +vn 0.0000 0.0411 -0.9992 +vn 0.0000 0.0313 -0.9995 +vn 0.0000 -0.5917 0.8062 +vn 0.0000 -0.4799 0.8773 +vn 0.0000 0.4292 0.9032 +vn 0.0000 0.4712 0.8821 +vn 0.0000 0.6706 0.7418 +vn -0.7254 -0.6883 0.0000 +vn -0.8020 -0.5973 0.0000 +vn 0.0000 0.9684 0.2493 +vn 0.0000 0.9991 0.0418 +vn 0.0000 0.9323 0.3616 +vn 0.0000 0.8763 0.4817 +vn 0.0000 -0.9323 -0.3616 +vn 0.0000 -0.8763 -0.4817 +vn 0.0000 -0.2901 -0.9570 +vn 0.0000 -0.1887 -0.9820 +vn 0.0000 -0.9940 -0.1093 +vn 0.0000 -0.9299 -0.3677 +vn 0.0000 -0.9940 -0.1094 +vn 0.2882 -0.9576 0.0000 +vn 0.0000 -0.9477 -0.3192 +vn 0.0000 -0.9886 -0.1508 +vn 0.8413 0.5406 0.0000 +vn 0.0000 0.6494 -0.7604 +vn 0.0000 0.7748 -0.6322 +vn 0.0000 -0.8660 -0.5000 +vn -0.4792 0.8777 0.0000 +vn 0.0000 -0.7543 -0.6566 +vn 0.0000 -0.1212 0.9926 +vn 0.0000 -0.1836 0.9830 +vn 0.0000 0.9855 0.1695 +vn 0.0000 -0.5000 0.8660 +vn 0.1602 -0.9871 0.0000 +vn 0.2763 -0.9611 0.0000 +vn 0.0000 0.8756 -0.4831 +vn 0.0000 0.6545 0.7561 +vn 0.0000 0.8075 -0.5898 +vn 0.0000 0.8916 -0.4529 +vn 0.0000 0.3636 0.9315 +vn 0.0000 -0.8000 -0.6001 +vn 0.0000 -0.6132 -0.7899 +vn 0.0000 -0.8000 -0.6000 +vn 0.0000 0.4111 -0.9116 +vn 0.0000 0.5255 -0.8508 +vn 0.9881 0.1536 0.0000 +vn 0.0375 -0.0324 0.9988 +vn 0.0233 0.0000 0.9997 +vn 0.0265 -0.0001 0.9996 +vn 0.0495 0.0040 0.9988 +vn 0.3629 -0.9044 -0.2244 +vn 0.3601 -0.9126 -0.1934 +vn 0.7312 -0.6495 -0.2084 +vn 0.8256 -0.5270 -0.2016 +vn -0.8920 0.0669 0.4470 +vn -0.7536 0.4724 0.4571 +vn 0.7336 -0.6657 -0.1368 +vn -0.7336 -0.6655 -0.1377 +vn -0.8149 -0.5228 -0.2502 +vn 0.3503 -0.8743 -0.3359 +vn 0.3595 -0.8890 -0.2835 +vn -0.6227 0.7598 -0.1871 +vn 0.9902 -0.1288 -0.0545 +vn -0.9785 -0.1713 0.1152 +vn -0.8256 0.5270 -0.2016 +vn 0.9691 0.1103 0.2205 +vn 0.8926 0.2411 0.3809 +vn 0.8921 0.2022 0.4041 +vn -0.4891 0.8151 -0.3104 +vn -0.4877 0.8039 -0.3406 +vn -0.7254 0.6030 -0.3318 +vn -0.9902 0.1243 -0.0638 +vn -0.9693 0.2187 -0.1120 +vn -0.3503 0.8743 -0.3359 +vn -0.3492 0.8619 -0.3676 +vn -0.9528 0.2740 -0.1308 +vn 0.8903 0.4499 -0.0702 +vn 0.9437 0.3305 -0.0148 +vn 0.9440 0.3259 -0.0515 +vn 0.6113 -0.6911 -0.3858 +vn 0.7254 -0.6030 -0.3318 +vn -0.9903 0.1299 -0.0499 +vn -0.9901 0.1243 -0.0653 +vn -0.9575 0.2484 -0.1464 +vn -0.4836 0.7905 -0.3758 +vn -0.3595 0.8890 -0.2835 +vn -0.2143 0.9207 -0.3261 +vn 0.9695 -0.2145 -0.1187 +vn -0.9316 0.3461 -0.1113 +vn -0.8943 0.4345 -0.1068 +vn -0.9322 0.3515 -0.0863 +vn 0.8005 0.5993 -0.0005 +vn 0.8924 -0.3978 -0.2132 +vn 0.8230 -0.5054 -0.2595 +vn 0.9392 -0.2861 0.1900 +vn 0.8800 -0.4091 0.2412 +vn 0.9390 -0.2969 0.1738 +vn 0.3905 -0.9106 0.1353 +vn 0.3359 -0.9386 0.0782 +vn 0.9671 -0.2461 -0.0643 +vn -0.1844 0.8520 -0.4899 +vn 0.9531 -0.2903 -0.0854 +vn 0.9297 -0.3601 -0.0771 +vn -0.5412 -0.8323 0.1196 +vn 0.3415 -0.8203 -0.4587 +vn 0.4813 -0.7671 -0.4241 +vn 0.8160 0.5767 0.0399 +vn 0.9320 -0.3545 -0.0753 +vn 0.3448 -0.8469 -0.4048 +vn 0.3418 -0.8354 -0.4306 +vn -0.9311 0.3407 -0.1302 +vn -0.9301 0.3268 -0.1676 +vn -0.9290 0.3258 -0.1754 +vn 0.8869 -0.4442 -0.1273 +vn -0.8231 0.4960 -0.2765 +vn 0.0000 -1.0000 0.0022 +vn 0.0000 -0.9986 0.0531 +vn 0.9903 -0.1253 -0.0597 +vn 0.4967 -0.8502 -0.1744 +vn 0.4967 0.8500 -0.1756 +vn 0.6226 0.7613 -0.1813 +vn 0.6073 0.7468 -0.2711 +vn -0.8103 0.5137 -0.2820 +vn -0.4966 0.8494 -0.1785 +vn -0.5273 0.8426 0.1095 +vn 0.8269 -0.5354 -0.1721 +vn -0.1880 0.4325 0.8818 +vn 0.3428 -0.9004 -0.2679 +vn 0.8231 -0.4960 -0.2765 +vn -0.8924 0.3978 -0.2132 +vn 0.7736 0.4144 0.4794 +vn 0.8929 0.2668 0.3627 +vn 0.8924 0.2951 0.3413 +vn -0.9703 0.2350 -0.0581 +vn 0.9901 -0.1243 -0.0653 +vn 0.0677 0.8241 0.5623 +vn 0.0015 0.8104 0.5858 +vn 0.2573 0.7686 0.5857 +vn -0.4942 -0.6976 0.5187 +vn -0.7059 -0.5663 0.4255 +vn 0.8663 -0.3953 0.3054 +vn -0.9651 0.2059 0.1621 +vn -0.6155 -0.7247 -0.3099 +vn -0.4911 -0.8198 -0.2946 +vn -0.4866 -0.8038 -0.3423 +vn -0.4928 -0.8345 -0.2466 +vn -0.6187 -0.7390 -0.2668 +vn -0.3543 -0.8796 -0.3174 +vn -0.8992 -0.4024 -0.1717 +vn -0.8990 -0.3904 -0.1986 +vn -0.3548 -0.8960 -0.2670 +vn -0.9844 -0.1686 -0.0501 +vn -0.9965 -0.0790 -0.0284 +vn -0.9964 -0.0814 -0.0239 +vn -0.7337 -0.6611 -0.1568 +vn 0.7336 0.6655 -0.1377 +vn 0.8149 0.5228 -0.2502 +vn -0.4959 -0.7879 0.3653 +vn -0.6226 -0.7613 -0.1813 +vn -0.9655 -0.2449 -0.0881 +vn -0.6073 -0.7468 -0.2711 +vn 0.8235 -0.5479 -0.1470 +vn 0.7415 -0.6287 -0.2342 +vn 0.8248 -0.5299 -0.1975 +vn 0.4648 -0.8644 0.1920 +vn 0.3452 0.9041 -0.2520 +vn 0.7269 0.6110 -0.3137 +vn 0.3603 0.9075 -0.2158 +vn -0.4915 -0.8311 0.2602 +vn 0.9424 0.3207 -0.0951 +vn 0.9655 0.2449 -0.0881 +vn 0.9657 0.2490 -0.0741 +vn -0.7269 -0.6110 -0.3137 +vn 0.9965 0.0814 -0.0205 +vn 0.9967 0.0792 -0.0190 +vn 0.9837 0.1737 -0.0468 +vn -0.5131 -0.8447 0.1524 +vn -0.8265 -0.5295 -0.1909 +vn -0.4835 -0.7782 -0.4008 +vn -0.6135 -0.7011 -0.3634 +vn -0.9963 -0.0783 -0.0364 +vn -0.3496 -0.8316 -0.4315 +vn 0.9651 0.2326 -0.1202 +vn 0.9520 0.2973 -0.0722 +vn 0.9495 0.3068 -0.0658 +vn -0.4924 -0.5901 0.6398 +vn -0.8413 -0.5406 -0.0005 +vn -0.3474 -0.8617 -0.3699 +vn -0.7399 -0.6485 -0.1788 +vn 0.3474 0.8617 -0.3699 +vn -0.8333 -0.4765 -0.2804 +vn 0.9438 -0.3270 -0.0472 +vn 0.2831 0.9473 -0.1497 +vn 0.2936 0.9213 -0.2551 +vn -0.9495 -0.3068 -0.0658 +vn -0.9008 -0.4251 -0.0881 +vn 0.9008 0.4251 -0.0881 +vn 0.8926 0.4334 -0.1246 +vn 0.8244 0.5027 -0.2603 +vn 0.0504 -0.7053 -0.7071 +vn 0.0000 -0.7071 -0.7071 +vn 0.7053 0.0504 -0.7071 +vn 0.7071 -0.0000 -0.7071 +vn -0.6999 -0.1006 -0.7071 +vn -0.6909 -0.1503 -0.7071 +vn -0.6909 0.1503 -0.7071 +vn -0.6785 0.1992 -0.7071 +vn -0.6785 -0.1992 -0.7071 +vn -0.6625 -0.2471 -0.7071 +vn 0.4631 -0.5344 -0.7071 +vn 0.5000 -0.5000 -0.7071 +vn 0.3389 0.6206 -0.7071 +vn 0.2937 0.6432 -0.7071 +vn 0.3389 -0.6206 -0.7071 +vn 0.3823 -0.5949 -0.7071 +vn 0.5949 -0.3823 -0.7071 +vn 0.5661 -0.4238 -0.7071 +vn -0.5661 -0.4238 -0.7071 +vn -0.5344 -0.4631 -0.7071 +vn 0.4631 0.5344 -0.7071 +vn 0.5000 0.5000 -0.7071 +vn -0.5000 -0.5000 -0.7071 +vn -0.4238 -0.5661 -0.7071 +vn -0.4631 -0.5344 -0.7071 +vn 0.5661 0.4238 -0.7071 +vn 0.5949 0.3823 -0.7071 +vn 0.3823 0.5949 -0.7071 +vn 0.2937 -0.6432 -0.7071 +vn 0.2471 0.6625 -0.7071 +vn 0.6625 -0.2471 -0.7071 +vn 0.6785 -0.1992 -0.7071 +vn 0.1503 0.6909 -0.7071 +vn 0.1992 0.6785 -0.7071 +vn -0.1503 -0.6909 -0.7071 +vn -0.1006 -0.6999 -0.7071 +vn -0.0504 0.7053 -0.7071 +vn -0.1006 0.6999 -0.7071 +vn 0.0000 0.7071 -0.7071 +vn -0.7053 0.0504 -0.7071 +vn -0.6999 0.1006 -0.7071 +vn 0.4238 0.5661 -0.7071 +vn 0.6909 0.1503 -0.7071 +vn 0.6785 0.1992 -0.7071 +vn -0.6432 0.2937 -0.7071 +vn -0.6625 0.2471 -0.7071 +vn -0.2937 0.6432 -0.7071 +vn -0.2471 0.6625 -0.7071 +vn -0.3389 0.6206 -0.7071 +vn -0.3823 0.5949 -0.7071 +vn 0.4238 -0.5661 -0.7071 +vn 0.6999 0.1006 -0.7071 +vn -0.4238 0.5661 -0.7071 +vn -0.4631 0.5344 -0.7071 +vn 0.5344 0.4631 -0.7071 +vn 0.1006 0.6999 -0.7071 +vn -0.6206 0.3389 -0.7071 +vn -0.5949 0.3823 -0.7071 +vn -0.6432 -0.2937 -0.7071 +vn 0.6625 0.2471 -0.7071 +vn -0.1503 0.6910 -0.7071 +vn -0.1992 0.6785 -0.7071 +vn 0.6909 -0.1503 -0.7071 +vn 0.6999 -0.1006 -0.7071 +vn -0.7053 -0.0504 -0.7071 +vn -0.7071 0.0000 -0.7071 +vn 0.0504 0.7053 -0.7071 +vn 0.5344 -0.4631 -0.7071 +vn 0.6432 0.2937 -0.7071 +vn 0.6206 0.3389 -0.7071 +vn 0.6206 -0.3389 -0.7071 +vn -0.6206 -0.3389 -0.7071 +vn -0.5000 0.5000 -0.7071 +vn -0.5949 -0.3823 -0.7071 +vn 0.2471 -0.6625 -0.7071 +vn -0.1992 -0.6785 -0.7071 +vn 0.1006 -0.6999 -0.7071 +vn -0.0504 -0.7053 -0.7071 +vn 0.7053 -0.0504 -0.7071 +vn 0.1503 -0.6910 -0.7071 +vn 0.1992 -0.6785 -0.7071 +vn -0.2937 -0.6432 -0.7071 +vn -0.2471 -0.6625 -0.7071 +vn 0.6432 -0.2937 -0.7071 +vn -0.5344 0.4631 -0.7071 +vn -0.5661 0.4238 -0.7071 +vn 0.4898 0.8356 0.2487 +vn 0.4743 0.8503 0.2283 +vn 0.0000 0.8021 0.5972 +vn 0.0000 0.8936 0.4488 +vn 0.0000 -0.1715 0.9852 +vn 0.0000 0.9983 0.0581 +vn 0.0000 0.9730 0.2306 +vn -0.4763 -0.8676 0.1428 +vn 0.7321 0.6812 -0.0008 +vn 0.0109 -0.5326 -0.8463 +vn 0.5149 0.8073 0.2883 +vn 0.5075 0.7847 0.3559 +vn 0.6107 -0.7914 -0.0257 +vn 0.5631 -0.8255 -0.0386 +vn 0.0000 -0.9983 0.0581 +vn 0.8413 -0.5406 0.0000 +vn 0.0000 -0.8021 0.5972 +vn 0.0000 -0.8399 0.5428 +vn -0.0015 -0.8104 0.5858 +vn -0.0677 -0.8241 0.5623 +vn 0.0005 -0.9152 0.4029 +vn -0.0005 -0.9152 0.4029 +vn 0.0000 -0.9542 -0.2991 +vn 0.0000 -0.8884 -0.4591 +vn 0.0000 -0.9987 0.0518 +vn 0.0000 -0.9786 0.2056 +vn 0.0000 0.8399 0.5428 +vn -0.0005 0.9152 0.4029 +vn -0.0677 0.8241 0.5623 +vn -0.0016 0.8104 0.5858 +vn -0.1602 -0.9871 0.0000 +vn 0.0000 0.9987 0.0518 +vn 0.0000 0.4311 0.9023 +vn 0.0000 -0.4311 0.9023 +vn 0.0000 -0.9688 -0.2478 +vn 0.0000 -0.9939 -0.1104 +vn 0.4956 0.8685 0.0000 +vn 0.0000 -0.8075 -0.5898 +vn 0.0000 -0.8916 -0.4529 +vn 0.0000 -0.3267 -0.9451 +vn 0.0000 -0.4895 -0.8720 +vn 0.0000 -0.9790 0.2040 +vn -0.8763 0.4818 0.0000 +vn 0.0000 -0.2805 -0.9598 +vn 0.0000 1.0000 0.0022 +vn 0.0000 0.7471 -0.6647 +vn 0.0000 0.5784 -0.8158 +vn 0.0000 0.0365 0.9993 +vn 0.0000 0.9849 -0.1732 +vn 0.9960 -0.0895 0.0000 +vn 0.9995 -0.0327 0.0000 +vn 0.2817 0.9595 0.0000 +vn 0.3495 0.9369 0.0000 +vn 0.0000 -0.9891 -0.1474 +vn 0.0000 -0.9599 -0.2803 +vn 0.0000 0.9982 -0.0600 +vn 0.0000 0.9716 -0.2365 +vn 0.0000 -0.9727 0.2319 +vn 0.0000 -1.0000 0.0039 +vn 0.0000 -0.1120 -0.9937 +vn 0.0000 -0.0313 -0.9995 +vn 0.0000 -0.0411 -0.9992 +vn 0.0000 0.2504 0.9681 +vn 0.0000 0.5000 0.8660 +vn 0.0000 -0.7613 -0.6484 +vn 0.0000 0.4499 -0.8931 +vn 0.0000 0.6257 -0.7800 +vn 0.0000 -0.9724 -0.2334 +vn 0.0000 -0.9356 0.3530 +vn 0.0000 1.0000 -0.0088 +vn 0.0000 -0.1396 -0.9902 +vn 0.6374 -0.7705 0.0000 +vn 0.0000 -0.1361 -0.9907 +vn -0.1479 -0.9890 0.0000 +vn -0.0741 -0.9972 0.0000 +vn 0.8976 -0.4408 0.0000 +vn 0.8690 -0.4948 0.0000 +vn 0.0000 -0.8943 -0.4476 +vn 0.0000 -0.2170 -0.9762 +vn 0.0000 0.9714 -0.2372 +vn 0.0000 0.9983 0.0590 +vn 0.0000 0.9745 0.2244 +vn 0.0000 0.4549 -0.8905 +vn 0.0000 0.2805 -0.9598 +vn 0.0000 0.9688 -0.2478 +vn 0.0000 0.9886 -0.1508 +vn 0.0000 -0.7834 0.6215 +vn 0.0000 -0.5332 -0.8460 +vn 0.0000 -0.3288 -0.9444 +vn 0.0000 -0.9900 0.1413 +vn -0.3222 0.9467 0.0000 +vn 0.5495 -0.8355 0.0000 +vn 0.2868 -0.9580 0.0000 +vn 0.0000 -0.8840 -0.4676 +vn -0.4756 0.8627 0.1717 +vn 1.0000 -0.0002 0.0000 +vn 0.4888 0.7240 0.4867 +vn 0.4938 0.7488 0.4422 +vn 0.4943 0.7499 0.4398 +vn 0.0000 -0.9673 -0.2538 +vn 0.0000 -0.9673 -0.2537 +vn 0.8561 0.5168 0.0000 +vn 0.8936 0.4489 0.0000 +vn 0.9730 -0.2306 0.0000 +vn 0.0000 0.9303 0.3668 +vn 0.2126 0.9771 0.0000 +vn 0.0000 -0.8156 -0.5786 +vn 0.0000 -0.9571 -0.2898 +vn 0.0000 0.9299 0.3678 +vn 0.0000 0.8000 0.6000 +vn 0.0000 0.9299 0.3677 +vn 0.0000 0.9686 0.2487 +vn 0.0000 0.9940 0.1093 +vn 0.0000 0.9940 0.1094 +vn 0.0000 -0.6145 -0.7889 +vn 0.0000 -0.4446 -0.8957 +vn 0.9880 -0.1545 0.0000 +vn 0.2817 -0.9595 0.0000 +vn 0.2126 -0.9771 0.0000 +vn -0.5602 -0.8284 0.0000 +vn 0.0000 0.9724 -0.2334 +vn 0.0000 0.9899 -0.1421 +vn 0.0000 -0.6682 0.7440 +vn -0.8690 0.4948 0.0000 +vn -0.8341 0.5516 0.0000 +vn 0.0000 0.4112 -0.9116 +vn 0.0000 -0.9298 -0.3681 +vn 0.6374 0.7705 0.0000 +vn 0.0000 0.8915 -0.4530 +vn 0.0000 1.0000 0.0019 +vn -0.0628 0.9980 0.0000 +vn -0.3090 0.9511 0.0000 +vn 0.0000 -0.9948 0.1018 +vn 0.0000 -0.7700 0.6381 +vn 0.0000 -0.6090 0.7932 +vn 0.9970 -0.0775 0.0000 +vn 0.0000 0.4909 0.8712 +vn 0.0000 0.4519 0.8921 +vn 0.0000 0.2855 0.9584 +vn 0.0000 -0.5897 0.8076 +vn 0.9623 0.2721 0.0000 +vn 0.0000 0.3090 0.9511 +vn 0.0000 -0.4600 -0.8879 +vn 0.0000 0.9356 0.3531 +vn 0.0000 -0.2548 -0.9670 +vn 0.0000 -0.1145 -0.9934 +vn -0.9686 -0.2487 0.0000 +vn 0.0000 0.3729 -0.9279 +vn 0.0000 0.4061 -0.9138 +vn -0.9430 -0.3327 0.0000 +vn 0.0000 0.2367 -0.9716 +vn -0.9165 -0.3999 0.0000 +vn -0.9547 -0.2974 0.0000 +vn 0.5046 -0.8609 0.0646 +vn -0.5028 0.8560 0.1207 +vn 0.4895 -0.6890 0.5345 +vn 0.0000 -0.4384 -0.8988 +vn 0.0000 0.9474 -0.3202 +vn 0.0000 0.9874 -0.1580 +vn 0.9595 -0.2817 0.0000 +vn 0.9369 -0.3495 0.0000 +vn 0.0000 0.9833 -0.1821 +vn 0.0727 0.9974 0.0000 +vn 0.0000 -0.2471 -0.9690 +vn 0.0000 0.8748 -0.4844 +vn 0.0000 -0.9855 0.1695 +vn 0.1151 0.9934 0.0000 +vn 0.0000 0.6372 -0.7707 +vn 0.0000 0.7975 -0.6033 +vn 0.8345 -0.5510 0.0000 +vn 0.9996 0.0295 0.0000 +vn -0.1790 0.9839 0.0000 +vn -0.2761 0.9611 0.0000 +vn 0.0000 0.2339 -0.9723 +vn 0.0000 0.2025 0.9793 +vn 0.0000 0.8113 -0.5846 +vn 0.0000 0.4589 -0.8885 +vn 0.0000 0.7999 0.6001 +vn 0.0000 0.6133 0.7899 +vn 0.0000 0.1613 0.9869 +vn 0.0000 0.3405 0.9402 +vn 0.0000 -0.7173 -0.6968 +vn 0.0000 -0.8597 -0.5109 +vn 0.0000 0.5815 -0.8135 +vn 0.0000 0.6693 -0.7430 +vn 0.0000 0.6694 -0.7429 +vn 0.0000 0.7798 0.6260 +vn 0.0000 0.8962 0.4437 +vn 0.5349 -0.8159 -0.2195 +vn 0.0000 -0.9714 -0.2373 +vn 0.8325 0.5540 0.0000 +vn -0.1162 0.9932 0.0000 +vn 0.0000 0.8933 -0.4496 +vn -0.8976 -0.4408 0.0000 +vn -0.9369 0.3495 0.0000 +vn -0.9096 0.4154 0.0000 +vn 0.0000 0.0789 0.9969 +vn 0.0000 0.0007 1.0000 +vn 0.0000 -0.2639 0.9646 +vn 0.0000 0.7178 -0.6962 +vn 0.0000 0.5332 -0.8460 +vn 0.0000 0.3288 -0.9444 +vn 0.0000 -0.8062 -0.5917 +vn 0.0000 -0.9477 -0.3191 +vn 0.0000 0.2300 0.9732 +vn -0.5406 -0.8413 0.0000 +vn 0.0000 -0.1755 -0.9845 +vn 0.0000 -0.3440 -0.9390 +vn -0.1921 0.9814 0.0000 +vn -0.0651 0.9979 0.0000 +vn 0.0000 0.0315 -0.9995 +vn 0.0000 0.9915 0.1301 +vn -0.9975 0.0713 0.0000 +vn 0.0000 -0.0500 0.9988 +vn 0.0000 0.0074 1.0000 +vn 0.0000 0.7685 -0.6398 +vn 0.0000 -0.4445 0.8958 +vn 0.0000 -0.2625 0.9649 +vn -0.1158 -0.9933 0.0000 +vn -0.3263 -0.9453 0.0000 +vn 0.0000 -0.3375 0.9413 +vn 0.0000 0.4512 0.8924 +vn 0.0000 0.4857 0.8741 +vn 0.0000 0.8144 -0.5803 +vn 0.0000 0.6617 -0.7498 +vn -0.9538 0.3005 0.0000 +vn -0.8945 0.4471 0.0000 +vn 0.0000 0.7525 0.6586 +vn 0.0000 0.5897 0.8076 +vn 0.0000 0.6824 -0.7310 +vn 0.0000 0.5127 -0.8586 +vn 0.0000 -0.6381 0.7700 +vn 0.0000 -0.4899 0.8718 +vn 0.0000 -0.9948 0.1017 +vn 0.0000 -0.0281 0.9996 +vn 0.0000 0.7672 -0.6414 +vn 0.0000 0.6098 -0.7926 +vn 0.0000 0.6098 -0.7925 +vn 1.0000 0.0002 0.0000 +vn 0.5497 0.8353 -0.0018 +vn 0.9652 0.2404 -0.1026 +vn 0.5135 -0.8542 0.0815 +vn 0.4036 -0.9147 -0.0212 +vn -0.1482 0.9792 -0.1386 +vn 0.0000 -0.8838 0.4679 +vn 0.0000 -0.7523 0.6588 +vn -0.9730 0.2306 0.0000 +vn 0.0000 0.9298 0.3681 +vn 0.0000 0.1361 -0.9907 +vn 0.0000 0.0225 -0.9997 +vn 0.0000 0.0134 0.9999 +vn 0.0000 0.2189 0.9758 +vn 0.0000 0.2156 -0.9765 +vn 0.0000 0.5222 -0.8528 +vn -0.9881 -0.1536 0.0000 +vn 0.0000 1.0000 0.0039 +vn 0.0000 0.9741 -0.2262 +vn 0.0000 -0.8660 0.5000 +vn 0.0000 0.9992 0.0408 +vn 0.0000 0.9982 -0.0598 +vn 0.0000 -0.6824 -0.7310 +vn 0.0000 -0.8287 -0.5596 +vn 0.0000 0.7034 -0.7108 +vn -0.9996 -0.0291 0.0000 +vn -0.9989 -0.0476 0.0000 +vn 0.0000 1.0000 -0.0095 +vn 0.0000 -0.6125 -0.7905 +vn 0.0000 -0.4424 -0.8968 +vn 0.0000 -0.4425 -0.8968 +vn 0.8763 0.4818 0.0000 +vn 0.8020 -0.5973 0.0000 +vn 0.0000 0.9705 0.2410 +vn 0.0000 0.8988 0.4384 +vn 0.0000 -0.9933 0.1153 +vn 0.0000 0.1352 0.9908 +vn 0.0000 -0.6494 -0.7604 +vn 0.0000 -0.7748 -0.6322 +vn 0.0000 -0.4469 -0.8946 +vn 0.0000 0.9617 0.2739 +vn 0.0000 -0.8935 -0.4490 +vn 0.0000 -0.9565 -0.2918 +vn 0.0000 -0.8977 -0.4406 +vn 0.0000 0.3801 0.9249 +vn 0.0000 0.6132 0.7899 +vn 0.0000 -0.9716 -0.2365 +vn 0.0000 -0.8933 -0.4496 +vn -0.9970 0.0775 0.0000 +vn 1.0000 -0.0005 0.0000 +vn -0.5061 -0.8366 0.2097 +vn 0.0000 0.9705 0.2409 +vn -0.0727 0.9974 0.0000 +vn 0.0000 -0.1758 -0.9844 +vn 0.0000 -0.2884 -0.9575 +vn 0.0000 0.1430 0.9897 +vn 0.0000 0.3487 0.9372 +vn 0.0000 -0.9673 0.2538 +vn 0.0000 -0.7399 -0.6727 +vn 0.0000 -0.5494 -0.8356 +vn 0.0000 0.9790 0.2040 +vn 0.0000 0.9220 0.3872 +vn 0.0000 0.1704 0.9854 +vn 0.0000 -0.3603 0.9328 +vn 0.0000 -0.8572 -0.5150 +vn 0.0000 -0.9636 -0.2672 +vn 0.0000 -0.9636 -0.2673 +vn 0.0000 -0.8572 0.5150 +vn 0.0000 -0.7793 0.6266 +vn 0.0000 -0.7332 -0.6800 +vn -0.9639 -0.2664 0.0000 +vn -0.8581 -0.5135 0.0000 +vn 0.0000 0.9571 -0.2898 +vn 0.0000 0.6262 0.7796 +vn 0.0000 0.8943 -0.4476 +vn 0.0000 0.9996 -0.0272 +vn 0.0000 0.9983 0.0579 +vn -0.5502 -0.8341 0.0392 +vn -0.5869 -0.8080 0.0511 +vn 0.6349 -0.7723 -0.0184 +vn 0.3721 0.9220 0.1074 +vn 0.3729 0.9212 0.1110 +vn 0.5029 -0.7459 0.4366 +vn 0.5047 -0.7479 0.4312 +vn 0.0000 0.7776 0.6287 +vn 0.0000 0.2410 0.9705 +vn 0.0000 0.0097 1.0000 +vn 0.9730 0.2306 0.0000 +vn 0.9880 0.1545 0.0000 +vn 0.0000 0.9220 0.3871 +vn 0.0000 0.4469 -0.8946 +vn 0.0000 0.9710 -0.2392 +vn 0.0000 -0.0225 -0.9997 +vn 0.0000 0.0318 -0.9995 +vn 0.0000 0.9999 -0.0156 +vn 0.4216 0.9068 0.0000 +vn 0.3707 0.9288 0.0000 +vn 0.0000 0.6431 0.7658 +vn 0.0000 0.5550 0.8319 +vn 0.0000 0.7655 -0.6435 +vn 0.0000 0.2019 0.9794 +vn 0.0000 -0.0097 1.0000 +vn 0.0000 0.2026 0.9793 +vn 0.4503 -0.8929 0.0000 +vn 0.8581 0.5135 0.0000 +vn -0.7844 0.6203 0.0000 +vn 0.0000 0.8924 -0.4513 +vn 0.0000 -0.7133 -0.7009 +vn 0.0000 -0.8746 -0.4848 +vn 0.5152 0.8571 0.0000 +vn 0.0000 0.9357 0.3529 +vn -0.9995 0.0013 0.0324 +vn 0.0000 0.4210 0.9071 +vn 0.0000 0.2314 0.9729 +vn 0.0000 -0.7999 -0.6001 +vn 0.7290 -0.6845 0.0000 +vn 0.8763 -0.4818 0.0000 +vn 0.0000 0.9424 -0.3344 +vn 0.5358 -0.8443 0.0000 +vn 0.0000 0.8828 -0.4697 +vn 0.0000 -0.8265 0.5629 +vn 0.3264 -0.9452 0.0000 +vn 0.0000 0.9998 0.0175 +vn 0.0000 0.9709 0.2395 +vn 0.0000 0.6275 -0.7786 +vn 0.0000 -0.9287 -0.3708 +vn -0.4939 -0.8695 0.0000 +vn -0.5041 -0.8636 0.0000 +vn 0.0000 0.3789 -0.9255 +vn 0.0000 0.4663 -0.8846 +vn 0.0000 -0.9782 -0.2078 +vn 0.0000 -0.9894 -0.1454 +vn 0.0000 -1.0000 -0.0082 +vn 0.0000 -0.9895 -0.1447 +vn 0.0000 0.9652 0.2617 +vn 0.0000 0.9954 0.0961 +vn 0.0000 0.6115 0.7912 +vn 0.0000 0.4006 0.9162 +vn 0.0000 0.6285 -0.7778 +vn 0.0000 -0.9636 0.2672 +vn 0.0000 0.7761 -0.6306 +vn 0.0000 0.6374 -0.7705 +vn 0.0000 -0.0594 -0.9982 +vn 0.0000 -0.9117 -0.4109 +vn 0.9778 -0.2097 0.0000 +vn 0.9632 -0.2687 0.0000 +vn 0.9686 -0.2487 0.0000 +vn 0.0000 0.4684 0.8835 +vn -0.2126 -0.9771 0.0000 +vn 0.0000 -0.9299 -0.3678 +vn -0.9880 -0.1545 0.0000 +vn 0.8091 -0.5876 0.0000 +vn -0.9595 0.2817 0.0000 +vn 0.0000 0.2828 -0.9592 +vn 0.0000 -0.7525 0.6586 +vn -0.8690 -0.4949 0.0000 +vn -0.8341 -0.5516 0.0000 +vn 0.0000 -0.8941 0.4479 +vn 0.0000 0.6090 0.7932 +vn -0.9955 0.0945 0.0000 +vn 0.7234 0.6904 0.0000 +vn 0.0000 -0.8792 0.4765 +vn 0.0000 -0.9779 0.2090 +vn 0.0000 -0.9120 0.4102 +vn 0.0000 -0.9476 -0.3193 +vn 0.0000 -0.9875 -0.1577 +vn 0.0000 0.4768 0.8790 +vn 0.0000 0.2744 0.9616 +vn 0.0000 -0.4292 0.9032 +vn 0.0000 -0.2595 0.9657 +vn 0.0000 0.7620 0.6475 +vn 0.0000 0.8918 0.4523 +vn 0.0000 0.9636 0.2673 +vn 0.0000 0.8748 -0.4845 +vn 0.0000 -0.6322 -0.7748 +vn 0.0000 0.1758 -0.9844 +vn 0.0000 0.8265 0.5629 +vn 0.0000 -0.4258 0.9048 +vn 0.0000 -0.8988 0.4384 +vn 0.0000 -0.7759 0.6308 +vn 0.0000 0.5062 0.8624 +vn 0.0000 0.3373 0.9414 +vn 0.0000 0.6250 -0.7806 +vn 0.0000 -0.2017 0.9794 +vn -0.1874 -0.9823 0.0000 +vn 0.0000 0.0554 0.9985 +vn 0.0000 -0.0445 0.9990 +vn 0.0000 -0.0159 -0.9999 +vn 0.0000 0.0090 1.0000 +vn -0.9980 0.0576 -0.0275 +vn 0.8745 -0.3495 0.3364 +vn 0.4733 0.8591 0.1948 +vn 0.0000 0.5305 -0.8477 +vn 0.0000 0.6966 -0.7175 +vn 0.0000 0.7541 0.6568 +vn 0.0000 0.8298 0.5581 +vn 0.9995 0.0328 0.0000 +vn 0.0000 -0.0347 -0.9994 +vn 0.0000 -0.6293 0.7772 +vn 0.0000 -0.7620 0.6475 +vn 0.0000 -0.9992 0.0408 +vn 0.0000 -0.9982 -0.0598 +vn 0.0000 -0.2504 0.9681 +vn 0.0000 -0.9748 0.2231 +vn 0.0000 -0.9007 0.4344 +vn 0.0000 0.0840 0.9965 +vn 0.0000 -0.7660 0.6428 +vn 0.0000 -0.8090 -0.5878 +vn 0.0000 -0.9298 0.3680 +vn 0.0000 0.2189 0.9757 +vn 0.0000 0.7963 -0.6050 +vn 0.0000 0.9705 -0.2409 +vn 0.0000 -0.2410 0.9705 +vn 0.0000 -0.6862 0.7274 +vn 0.0000 0.7994 -0.6007 +vn 0.0000 0.9237 -0.3831 +vn 0.0000 0.3267 -0.9451 +vn 0.0000 0.2170 -0.9762 +vn 0.0000 0.9990 -0.0444 +vn -0.4986 -0.6912 0.5231 +vn -0.9838 -0.1794 0.0000 +vn 0.1158 -0.9933 0.0000 +vn 0.0000 -0.9617 -0.2739 +vn 0.0000 0.9323 -0.3616 +vn 0.0000 -0.2952 0.9554 +vn 0.0000 -0.0840 0.9965 +vn 0.0000 0.6239 -0.7815 +vn 0.0000 0.6439 -0.7652 +vn 0.0000 0.5714 -0.8207 +vn 0.0000 0.6439 -0.7651 +vn 0.9978 0.0656 0.0000 +vn 0.0000 -0.1198 0.9928 +vn 0.0000 0.1650 -0.9863 +vn 0.0000 0.0191 -0.9998 +vn 0.0000 0.4024 0.9155 +vn 0.6903 0.7235 0.0000 +vn 0.0000 -0.3533 0.9355 +vn 0.8690 0.4948 0.0000 +vn 0.8344 0.5511 0.0000 +vn 0.0000 0.8458 0.5334 +vn 0.0727 -0.9974 0.0000 +vn 0.0000 -0.9705 0.2410 +vn 0.0000 -0.9163 -0.4004 +vn 0.4726 -0.8813 0.0000 +vn 0.2682 -0.9634 0.0000 +vn 0.0000 0.8977 -0.4406 +vn 0.0000 0.9565 -0.2918 +vn 0.9771 -0.2126 0.0000 +vn 0.0000 0.8837 0.4680 +vn 0.0000 0.7133 0.7009 +vn 0.0000 0.8746 0.4848 +vn 0.0000 0.7759 0.6308 +vn 0.0000 0.7660 0.6428 +vn 0.0000 0.9735 -0.2288 +vn 0.0000 0.9948 -0.1019 +vn 0.0000 -0.9723 0.2338 +vn 0.0000 -0.7392 0.6735 +vn 0.0000 -0.8671 0.4982 +vn 0.0000 -0.7392 0.6734 +vn 0.0000 0.8746 -0.4848 +vn 0.0000 -0.9645 0.2643 +vn 0.0000 -0.2637 0.9646 +vn -0.6773 0.7357 0.0000 +vn 0.0000 -0.6045 -0.7966 +vn 0.0000 -0.7525 -0.6586 +vn 0.0000 -0.7524 -0.6587 +vn 0.0000 -0.3405 0.9402 +vn 0.0000 -0.5189 0.8548 +vn 0.0000 0.8343 -0.5513 +vn 0.0000 -0.9886 -0.1509 +vn 0.0000 -0.9885 -0.1509 +vn 0.0000 0.9861 0.1663 +vn 0.0000 0.1807 0.9835 +vn -0.9995 0.0328 0.0000 +vn 0.0000 0.6421 -0.7666 +vn 0.0000 0.4895 -0.8720 +vn 0.0000 0.8597 -0.5109 +vn 0.0000 0.9477 -0.3192 +vn 0.0000 0.9903 -0.1389 +vn 0.0000 0.2855 -0.9584 +vn 0.0000 0.3873 -0.9219 +vn 0.0000 0.9985 0.0545 +vn 0.0000 1.0000 0.0023 +vn 0.0000 0.8886 -0.4586 +vn 0.0000 0.9954 -0.0961 +vn 0.0000 0.9793 -0.2025 +vn 0.0000 -0.8458 0.5334 +vn 0.0000 -0.6956 0.7185 +vn 0.0000 -0.2032 -0.9791 +vn 0.0000 0.0467 -0.9989 +vn 0.0000 -0.9356 -0.3531 +vn 0.0000 -0.4016 0.9158 +vn 0.0000 -0.2019 0.9794 +vn 0.0000 -0.4942 -0.8694 +vn 0.0000 0.4403 0.8979 +vn 0.0000 0.9939 -0.1104 +vn 0.0000 -0.6250 0.7806 +vn 0.0000 0.6361 0.7716 +vn 0.0000 0.5659 0.8245 +vn 0.0000 0.4425 -0.8968 +vn 0.0000 0.2125 -0.9772 +vn -0.2573 -0.7686 0.5857 +vn 0.0109 0.8082 -0.5888 +vn 0.0000 -0.7872 -0.6167 +vn 0.0000 -0.6372 -0.7707 +vn 0.0000 -0.2638 -0.9646 +vn 0.0000 0.9977 0.0673 +vn 0.0000 -0.2280 0.9737 +vn 0.0000 -0.4006 0.9162 +vn 0.0000 0.9999 0.0122 +vn 0.0000 0.9692 0.2461 +vn 0.0000 0.0263 0.9997 +vn -0.1919 -0.9814 0.0000 +vn -0.0951 -0.9955 0.0000 +vn 0.0000 0.2637 0.9646 +vn -0.9504 -0.0135 0.3107 +vn -0.9681 0.0089 0.2506 +vn 0.8944 -0.4472 0.0000 +vn -0.8777 0.4792 0.0000 +vn -0.8413 0.5406 0.0000 +vn 0.0000 0.9747 0.2237 +vn 0.0000 -0.5090 0.8607 +vn -0.7068 0.7075 0.0000 +vn -0.5700 0.8217 0.0000 +vn 0.0000 -0.9995 0.0308 +vn 0.0000 0.2944 -0.9557 +vn 0.0000 0.1299 -0.9915 +vn -0.7306 0.6828 0.0000 +vn -0.6903 0.7235 0.0000 +vn 0.0000 0.6293 0.7772 +vn -0.6773 -0.7357 0.0000 +vn 0.0000 -0.9993 -0.0370 +vn 0.0000 -0.6736 0.7391 +vn -0.6123 0.0002 0.7906 +vn 0.5527 0.0006 0.8334 +vn 0.4830 0.8276 0.2858 +vn 0.8062 0.5271 0.2689 +vn 0.7194 0.6448 0.2581 +vn 0.1070 0.0000 0.9943 +vn 0.5114 0.8505 0.1232 +vn 0.5126 0.8320 0.2119 +vn 0.4108 0.8983 0.1559 +vn 0.4424 0.8726 0.2069 +vn -0.4580 0.8821 -0.1098 +vn -0.3770 0.9194 -0.1117 +vn 0.4072 0.9004 0.1532 +vn 0.5153 0.8302 0.2126 +vn -0.2933 0.9545 0.0545 +vn -0.2873 0.9567 0.0472 +vn 0.4762 0.8387 0.2643 +vn 0.4970 0.7676 0.4047 +vn 0.4957 0.7546 0.4300 +vn 0.4940 0.7293 0.4734 +vn 0.5203 0.8268 0.2136 +vn 0.4856 0.6967 0.5280 +vn -0.5152 -0.8481 0.1234 +vn -0.5228 -0.8438 0.1215 +vn 0.4974 0.7744 0.3912 +vn 0.3458 0.9347 0.0825 +vn 0.4967 0.8228 0.2764 +vn 0.4976 0.7989 0.3379 +vn 0.4383 0.8764 0.1995 +vn 0.4368 0.8786 0.1930 +vn 0.4112 -0.8980 0.1568 +vn 0.3778 -0.9211 0.0944 +vn 0.4183 -0.8936 0.1629 +vn -0.4788 -0.6940 0.5377 +vn 0.4924 0.7262 0.4798 +vn 0.4577 -0.6756 0.5779 +vn 0.3739 0.8875 0.2693 +vn 0.3723 0.8609 0.3468 +vn 0.4754 -0.8478 0.2349 +vn 0.4981 -0.7716 0.3955 +vn 0.4991 -0.7680 0.4013 +vn 0.3995 0.9112 0.1006 +vn -0.0744 0.8164 0.5727 +vn -0.1348 0.8027 0.5809 +vn -0.9407 0.3223 0.1058 +vn 0.4905 0.7248 0.4838 +vn -0.4769 -0.6765 0.5611 +vn 0.4757 0.6817 0.5559 +vn 0.4934 -0.7345 0.4658 +vn 0.4897 -0.7044 0.5139 +vn 0.4899 0.8118 0.3177 +vn -0.4809 -0.6941 0.5357 +vn -0.4788 -0.6836 0.5508 +vn 0.4900 0.8125 0.3158 +vn -0.4949 -0.8546 0.1572 +vn -0.4951 -0.8569 0.1437 +vn -0.4988 -0.8523 0.1573 +vn 0.4927 0.7441 0.4512 +vn 0.4862 0.7216 0.4929 +vn 0.4856 0.7197 0.4961 +vn 0.5122 -0.7943 0.3268 +vn 0.5138 -0.7964 0.3191 +vn -0.4931 -0.8498 0.1863 +vn 0.0761 0.8275 0.5563 +vn -0.5001 -0.8378 0.2189 +vn 0.4748 0.8617 0.1788 +vn -0.5044 0.6982 0.5080 +vn -0.5202 0.6538 0.5495 +vn -0.5714 0.8207 0.0041 +vn 0.4738 0.8610 0.1851 +vn -0.4940 0.7973 0.3467 +vn -0.4888 0.8138 0.3144 +vn 0.4242 0.8936 0.1466 +vn 0.4928 0.8066 0.3265 +vn 0.4959 0.8008 0.3358 +vn 0.4923 0.8267 0.2725 +vn 0.6433 0.7382 -0.2032 +vn 0.6375 0.7612 -0.1191 +vn 0.4952 0.7960 0.3481 +vn 0.4879 0.7219 0.4907 +vn 0.4758 0.8583 0.1923 +vn 0.4753 0.6921 0.5432 +vn 0.4721 0.8586 0.2001 +vn 0.4927 0.8022 0.3373 +vn 0.4936 0.7971 0.3478 +vn 0.9403 -0.3097 0.1409 +vn 0.4284 0.8871 0.1721 +vn -0.5041 -0.6908 0.5183 +vn 0.4985 0.7775 0.3834 +vn 0.4988 0.7812 0.3755 +vn -0.5011 -0.7709 0.3932 +vn 0.4876 0.8494 0.2019 +vn 0.4994 0.7654 0.4059 +vn 0.4973 0.7565 0.4248 +vn 0.3766 0.9187 0.1192 +vn 0.4928 0.7460 0.4479 +vn -0.5062 0.8066 0.3052 +vn 0.3834 -0.9187 0.0954 +vn 0.3417 -0.9398 0.0027 +vn -0.4887 0.6538 0.5776 +vn 0.4998 0.7796 0.3775 +vn 0.5016 -0.7918 0.3486 +vn 0.4421 0.8787 0.1800 +vn -0.5006 -0.6913 0.5211 +vn 0.4964 0.8312 0.2506 +vn 0.4953 -0.7548 0.4301 +vn 0.4974 -0.7604 0.4176 +vn 0.4950 -0.7516 0.4361 +vn 0.5007 0.7659 0.4035 +vn 0.4489 -0.8661 0.2198 +vn 0.4918 0.8353 0.2456 +vn 0.4760 0.8504 0.2239 +vn -0.4757 -0.6817 0.5559 +vn 0.3855 0.9195 -0.0773 +vn 0.4922 0.7435 0.4527 +vn -0.1368 -0.9906 -0.0036 +vn 0.0632 -0.9980 0.0037 +vn 0.4993 -0.8231 0.2706 +vn 0.3874 -0.9022 0.1898 +vn 0.5114 -0.8414 0.1746 +vn 0.4778 0.8707 0.1164 +vn 0.4938 0.7954 0.3514 +vn 0.4332 0.8825 0.1829 +vn -0.5198 -0.7891 0.3273 +vn 0.5254 0.8500 -0.0383 +vn 0.4074 0.9024 -0.1406 +vn 0.4182 -0.9007 0.1173 +vn -0.4663 -0.6666 0.5816 +vn -0.4647 -0.6644 0.5854 +vn -0.5000 0.8238 0.2671 +vn 0.6021 0.6640 0.4435 +vn 0.5011 0.7709 0.3932 +vn -0.4812 -0.6703 0.5649 +vn 0.5086 0.8044 0.3071 +vn 0.4348 0.8834 0.1745 +vn 0.3309 0.9406 0.0756 +vn 0.5026 0.7732 0.3868 +vn 0.4982 0.8421 0.2066 +vn 0.4937 0.8451 0.2051 +vn 0.4468 0.8760 0.1815 +vn 0.6363 0.7698 -0.0497 +vn 0.6836 0.7287 -0.0396 +vn 0.0037 -0.6998 0.7143 +vn -0.0091 -0.6373 0.7706 +vn -0.2153 0.8034 0.5552 +vn -0.8828 0.4271 0.1957 +vn -0.5038 0.7654 0.4004 +vn 0.5018 0.7699 0.3942 +vn 0.4029 0.9096 0.1011 +vn 0.6366 -0.7634 -0.1090 +vn -0.5020 0.7695 0.3948 +vn -0.0476 -0.8977 -0.4380 +vn 0.4037 -0.9140 0.0409 +vn 0.5095 0.8116 0.2859 +vn 0.4950 -0.8005 0.3379 +vn 0.4831 -0.7207 0.4971 +vn 0.4849 -0.7238 0.4909 +vn 0.9783 0.1839 0.0949 +vn 0.5112 0.8101 0.2870 +vn 0.4772 -0.8489 0.2274 +vn -0.5047 -0.7569 0.4151 +vn 0.4956 -0.8314 0.2514 +vn -0.5089 -0.7610 0.4024 +vn 0.4835 -0.7551 0.4428 +vn 0.3680 -0.8452 0.3876 +vn 0.4958 -0.7905 0.3596 +vn -0.3723 0.9277 0.0283 +vn 0.0031 0.5191 -0.8547 +vn -0.0030 0.3093 -0.9509 +vn -0.4920 -0.8623 0.1198 +vn 0.4977 -0.7380 0.4557 +vn 0.5002 -0.7444 0.4424 +vn 0.3950 -0.9133 0.0998 +vn 0.4938 -0.8451 0.2051 +vn 0.4440 -0.8705 0.2123 +vn -0.4957 -0.7546 0.4300 +vn -0.6027 0.6877 0.4048 +vn 0.4593 -0.8849 0.0767 +vn 0.4571 -0.8880 0.0497 +vn 0.5164 -0.8294 0.2130 +vn -0.3729 -0.9212 0.1110 +vn 0.4075 -0.9002 0.1535 +vn -0.4489 0.8661 0.2198 +vn 0.3085 -0.9512 0.0035 +vn 0.4661 -0.8847 -0.0026 +vn 0.5356 -0.8444 0.0047 +vn -0.5023 -0.7917 0.3478 +vn -0.2764 0.9556 -0.1022 +vn -0.6008 0.7985 -0.0366 +vn 0.3678 -0.9255 0.0906 +vn -0.4876 -0.8494 0.2019 +vn -0.5472 0.7763 0.3129 +vn 0.5124 -0.8166 0.2657 +vn 0.8896 0.4562 -0.0196 +vn -0.4812 0.6855 0.5465 +vn -0.4990 0.8327 0.2399 +vn 0.4997 -0.7711 0.3946 +vn -0.4538 0.6514 0.6081 +vn -0.4454 0.6486 0.6173 +vn -0.4478 0.6616 0.6015 +vn -0.4696 0.6539 0.5932 +vn 0.4980 -0.7806 0.3777 +vn -0.4518 0.6669 0.5926 +vn -0.2662 0.9639 -0.0073 +vn 0.4999 -0.7728 0.3909 +vn 0.4983 -0.7824 0.3735 +vn 0.5027 -0.7718 0.3895 +vn -0.4939 0.7390 0.4581 +vn 0.4109 -0.8903 -0.1961 +vn 0.4937 -0.7956 0.3511 +vn 0.3879 -0.9121 0.1327 +vn 0.4939 -0.7409 0.4550 +vn 0.4327 -0.8845 0.1744 +vn 0.4989 -0.7492 0.4357 +vn 0.4962 -0.8084 0.3168 +vn 0.4887 -0.8131 0.3161 +vn 0.4888 -0.8138 0.3144 +vn -0.4806 0.7207 0.4997 +vn -0.4731 0.8622 0.1809 +vn -0.4932 0.8496 0.1867 +vn 0.4938 -0.7438 0.4505 +vn 0.4741 -0.8425 0.2559 +vn 0.5757 -0.2053 0.7914 +vn 0.3839 -0.2537 0.8878 +vn 0.3895 0.9059 0.1660 +vn 0.2627 0.9497 0.1706 +vn -0.5686 0.7898 0.2300 +vn -0.1022 0.9441 0.3135 +vn 0.5136 -0.7746 0.3691 +vn 0.4387 -0.8919 0.1100 +vn 0.8918 -0.4370 -0.1168 +vn 0.9448 -0.3165 -0.0851 +vn 0.4946 -0.7476 0.4434 +vn 0.5242 -0.7989 0.2949 +vn -0.4807 0.6684 0.5676 +vn -0.5027 0.8508 0.1532 +vn -0.4985 0.8525 0.1570 +vn -0.5055 0.8489 0.1548 +vn 0.2777 0.9531 -0.1205 +vn 0.4812 -0.6855 0.5465 +vn 0.4194 -0.9007 0.1132 +vn -0.5065 0.8484 0.1539 +vn -0.4834 0.8636 0.1434 +vn 0.3547 -0.9269 -0.1222 +vn 0.3411 -0.9339 -0.1074 +vn 0.3592 -0.9246 -0.1270 +vn 0.4338 -0.8944 0.1092 +vn 0.4946 -0.7376 0.4597 +vn -0.4801 0.6681 0.5685 +vn 0.4768 -0.8681 0.1382 +vn 0.4920 -0.8069 0.3269 +vn 0.4852 -0.6861 0.5420 +vn -0.4826 0.6768 0.5559 +vn 0.2281 -0.9736 0.0105 +vn 0.3651 -0.9262 0.0939 +vn 0.3603 -0.9289 0.0859 +vn -0.4194 0.9009 0.1122 +vn -0.3147 0.9335 0.1722 +vn 0.4834 -0.8233 0.2976 +vn -0.2877 0.9566 0.0470 +vn -0.2876 0.9566 0.0469 +vn 0.8929 -0.4221 -0.1569 +vn 0.4804 -0.7714 -0.4174 +vn 0.4607 -0.8552 0.2375 +vn 0.4972 -0.7637 0.4117 +vn 0.5047 -0.8002 0.3241 +vn 0.0016 0.9217 0.3879 +vn 0.0037 0.2855 -0.9584 +vn 0.4998 -0.7942 0.3456 +vn -0.5183 0.8489 0.1038 +vn 0.7343 0.6781 -0.0300 +vn -0.5502 -0.8331 -0.0572 +vn 0.4971 -0.7828 0.3743 +vn 0.9448 0.3158 -0.0872 +vn 0.5063 -0.8065 0.3053 +vn 0.4715 -0.8115 -0.3453 +vn -0.4578 -0.8753 -0.1560 +vn -0.7170 -0.6873 -0.1162 +vn 0.5097 0.8588 0.0513 +vn 0.4575 0.8872 0.0587 +vn 0.5077 0.8582 0.0759 +vn -0.7200 -0.6940 0.0035 +vn -0.7583 -0.6514 -0.0264 +vn -0.6780 -0.7348 0.0196 +vn -0.5685 -0.8172 0.0948 +vn 0.5473 0.8342 0.0666 +vn 0.5502 0.8341 0.0392 +vn 0.5120 0.8586 0.0252 +vn -0.7932 -0.6030 0.0848 +vn -0.6196 -0.7828 0.0575 +vn -0.7918 -0.5994 0.1174 +vn 0.5102 0.8587 -0.0486 +vn -0.1490 -0.9817 -0.1183 +vn -0.6330 -0.7738 0.0234 +vn -0.1684 0.9659 0.1967 +vn -0.1672 0.9661 0.1965 +vn -0.1661 0.9664 0.1964 +vn 0.5366 -0.8426 -0.0456 +vn 0.3922 -0.9199 -0.0033 +vn 0.4615 -0.8869 0.0222 +vn 0.3895 -0.9208 0.0225 +vn 0.3934 -0.9182 0.0468 +vn -0.8020 0.5947 0.0564 +vn -0.7174 0.6872 -0.1142 +vn -0.7841 0.6203 0.0176 +vn -0.2818 0.9534 -0.1076 +vn -0.4593 0.8746 -0.1553 +vn 0.9983 -0.0000 0.0580 +vn -0.1846 0.9757 -0.1183 +vn 0.3855 -0.9192 -0.0807 +vn -0.7269 0.6848 -0.0521 +vn -0.5481 0.8293 0.1088 +vn -0.7287 0.6849 -0.0055 +vn -0.0374 -0.0326 0.9988 +vn -0.5229 0.8422 0.1313 +vn -0.1190 -0.9928 0.0106 +vn 0.1889 -0.6356 0.7485 +vn -0.0005 -0.6468 -0.7627 +vn -0.1063 0.8624 -0.4949 +vn -0.1017 0.8624 -0.4960 +vn -0.1137 0.8637 -0.4910 +vn -0.0684 0.9564 -0.2841 +vn 0.1277 -0.9502 -0.2844 +vn -0.1902 0.8845 -0.4261 +vn -0.1077 0.9365 -0.3336 +vn -0.1478 0.9585 -0.2436 +vn -0.0897 0.9905 -0.1044 +vn -0.0805 0.9938 -0.0763 +vn -0.1315 0.9892 0.0648 +vn 0.0059 0.9842 0.1771 +vn -0.1434 0.9500 0.2773 +vn 0.1527 0.9032 0.4011 +vn 0.3352 0.8535 0.3989 +vn 0.9651 -0.2059 0.1621 +vn -0.0094 0.8210 0.5709 +vn 0.0103 -0.8322 0.5544 +vn 0.0758 -0.8274 0.5565 +vn 0.2172 0.8140 0.5387 +vn 0.6211 0.7194 0.3110 +vn 0.2381 -0.8844 0.4014 +vn 0.3515 0.7776 0.5213 +vn -0.0337 0.9495 0.3119 +vn 0.3529 -0.8058 0.4755 +vn -0.0442 0.9938 0.1019 +vn 0.3899 -0.9165 0.0892 +vn 0.7102 -0.5857 0.3907 +vn 0.6150 -0.7487 0.2473 +vn -0.7956 0.4218 0.4349 +vn 0.2631 -0.9605 0.0908 +vn 0.8930 0.4211 -0.1588 +vn -0.4982 -0.8421 0.2066 +vn 0.0973 -0.9953 -0.0025 +vn 0.5557 0.8313 -0.0120 +vn -0.0861 0.9861 -0.1425 +vn 0.7173 -0.6339 0.2892 +vn 0.7194 -0.6597 0.2176 +vn 0.8084 -0.5355 0.2442 +vn -0.3418 0.8354 -0.4306 +vn 0.2789 -0.9600 -0.0249 +vn 0.8828 -0.4271 0.1957 +vn 0.8097 -0.5574 0.1835 +vn 0.8836 -0.4446 0.1471 +vn 0.6226 0.7577 -0.1956 +vn -0.1632 0.9250 -0.3432 +vn -0.1002 0.9322 -0.3478 +vn 0.6247 -0.7643 0.1600 +vn 0.8443 0.4692 -0.2589 +vn -0.2288 0.8760 -0.4246 +vn 0.8145 -0.5680 0.1184 +vn 0.8152 -0.5766 0.0551 +vn 0.9407 -0.3223 0.1058 +vn 0.8864 -0.4530 0.0952 +vn 0.8869 -0.4599 0.0446 +vn 0.2961 -0.8947 -0.3344 +vn 0.7337 -0.6792 -0.0166 +vn 0.4190 -0.8511 -0.3162 +vn 0.8195 -0.5730 -0.0141 +vn 0.9409 0.3147 0.1255 +vn 0.8894 -0.4571 -0.0106 +vn 0.8203 -0.5661 -0.0813 +vn -0.6549 -0.7557 -0.0006 +vn 0.9435 -0.3311 -0.0083 +vn 0.8900 -0.4514 -0.0643 +vn -0.9370 -0.3494 -0.0003 +vn -0.0086 0.8763 0.4817 +vn 0.9453 -0.3055 -0.1141 +vn -0.9801 0.1918 -0.0507 +vn 0.0000 -0.9983 -0.0574 +vn 0.0713 -0.9975 -0.0004 +vn 0.8754 -0.2864 0.3894 +vn 0.8752 -0.3132 0.3688 +vn -0.3825 0.4069 0.8295 +vn 0.5848 -0.4311 0.6871 +vn -0.0438 0.5432 0.8385 +vn -0.5841 0.4314 0.6876 +vn 0.7520 -0.2266 0.6189 +vn 0.3840 -0.5976 0.7038 +vn 0.9647 -0.1159 0.2366 +vn 0.8745 -0.2136 0.4354 +vn 0.7525 -0.3902 0.5305 +vn 0.3772 -0.2278 0.8977 +vn -0.1833 0.2685 0.9457 +vn -0.8388 -0.3102 0.4474 +vn 0.9663 0.2063 0.1538 +vn -0.1845 0.2399 0.9531 +vn 0.4836 -0.7905 -0.3758 +vn 0.6114 -0.7038 -0.3618 +vn 0.4822 -0.7801 -0.3986 +vn 0.5351 0.8143 -0.2251 +vn 0.4986 0.6912 0.5231 +vn -0.2173 -0.2099 0.9533 +vn -0.0452 -0.9268 0.3728 +vn -0.0762 -0.8921 0.4454 +vn 0.0616 0.9855 0.1583 +vn 0.0759 0.9909 -0.1109 +vn -0.0712 -0.9402 -0.3330 +vn -0.0521 -0.9647 -0.2580 +vn -0.0837 -0.8685 -0.4885 +vn -0.1017 -0.8640 -0.4931 +vn -0.1063 -0.8632 -0.4936 +vn -0.0837 -0.9605 -0.2654 +vn 0.5592 -0.8085 -0.1837 +vn -0.0730 -0.9960 -0.0511 +vn 0.8238 -0.5116 -0.2441 +vn 0.5376 0.7885 -0.2986 +vn 0.7399 0.6485 -0.1788 +vn 0.5277 0.8391 -0.1321 +vn -1.0000 0.0001 0.0000 +vn -1.0000 0.0002 0.0000 +vn 0.2822 0.9594 0.0012 +vn 0.2447 0.9287 0.2786 +vn 0.5131 0.8447 0.1524 +vn 0.6192 -0.7475 -0.2406 +vn 0.7913 -0.5697 0.2221 +vn -0.5042 -0.7891 0.3507 +vn 0.6260 0.7672 0.1398 +vn -0.0103 0.8322 0.5544 +vn -0.1348 -0.8028 0.5808 +vn 0.7272 0.6754 0.1226 +vn 0.8874 0.4598 0.0324 +vn 0.6160 0.7540 0.2280 +vn 0.7201 0.6643 0.2006 +vn -0.9965 -0.0814 -0.0205 +vn 0.4819 0.7300 0.4847 +vn 0.8102 0.5612 0.1691 +vn 0.8099 0.5446 0.2178 +vn 0.9408 0.3246 0.0974 +vn 0.8814 0.4203 0.2155 +vn 0.8838 0.4340 0.1746 +vn -0.3762 0.2279 0.8981 +vn 0.0000 -0.6222 0.7829 +vn 0.0000 -0.7227 0.6911 +vn -0.0569 -0.8816 -0.4686 +vn -0.0918 -0.9895 -0.1120 +vn -0.1314 -0.9858 -0.1049 +vn -0.1460 -0.9823 -0.1172 +vn -0.0019 -0.9934 -0.1151 +vn 0.0049 -0.9957 0.0925 +vn -0.0894 -0.9349 -0.3434 +vn -0.1443 -0.9103 -0.3880 +vn -0.5993 -0.8005 -0.0006 +vn -0.0233 0.0000 0.9997 +vn -0.0265 0.0001 0.9996 +vn 0.4915 -0.8294 -0.2658 +vn 0.6169 -0.7350 -0.2815 +vn 0.3492 -0.8619 -0.3676 +vn 0.8924 -0.4153 -0.1765 +vn 0.8279 -0.5488 -0.1159 +vn 0.9697 -0.2247 -0.0954 +vn 0.7267 -0.6203 -0.2953 +vn 0.7257 -0.6124 -0.3134 +vn 0.8284 -0.5439 -0.1337 +vn 0.7338 -0.6598 -0.1619 +vn 0.9011 0.4219 -0.1002 +vn 0.9526 -0.2705 -0.1388 +vn -0.9671 0.2461 -0.0643 +vn -0.9297 0.3601 -0.0772 +vn -0.8869 0.4442 -0.1273 +vn 0.9844 0.1658 -0.0597 +vn -0.3428 0.9004 -0.2679 +vn -0.9999 -0.0166 -0.0044 +vn 0.8283 0.5451 -0.1296 +vn 0.9422 0.3152 -0.1136 +vn 0.9417 0.3094 -0.1322 +vn 0.9000 0.4100 -0.1476 +vn 0.9004 0.4171 -0.1236 +vn -0.9967 -0.0792 -0.0190 +vn -0.8926 -0.4334 -0.1246 +vn 0.0000 0.7133 -0.7009 +vn -0.1070 -0.0000 0.9943 +vn 0.8665 0.0009 0.4992 +vn 0.8304 -0.0001 0.5571 +vn 0.0000 0.9184 -0.3956 +vn 0.0000 -0.9861 0.1663 +vn 0.9898 0.1423 0.0000 +vn 0.9975 0.0713 0.0000 +vn 0.0000 -0.0263 0.9997 +vn 0.0000 -0.7850 -0.6195 +vn 0.0000 -0.9117 -0.4108 +vn -0.9989 0.0474 0.0000 +vn -0.9996 0.0292 0.0000 +vn 0.0000 -0.6088 -0.7933 +vn 0.0000 -0.4560 -0.8900 +vn 0.0000 -0.9705 0.2409 +vn 0.0000 0.3503 -0.9366 +vn 0.0000 0.9727 0.2319 +vn 0.0000 0.8037 0.5951 +vn 0.0000 0.9120 0.4102 +vn 0.0000 0.9636 0.2672 +vn 0.0000 -0.8572 0.5151 +vn -0.0889 0.9960 0.0000 +vn -0.1151 0.9933 0.0000 +vn 0.5993 0.8005 0.0000 +vn 0.9537 0.3007 0.0000 +vn 0.8944 0.4472 0.0000 +vn 0.0000 0.7928 0.6095 +vn 0.9537 -0.3007 0.0000 +vn 0.0000 -0.1405 0.9901 +vn -0.0652 -0.9979 0.0000 +vn 0.0000 -0.2814 -0.9596 +vn 0.0000 -0.1613 0.9869 +vn 0.0000 0.5965 0.8026 +vn -0.4782 0.8782 0.0000 +vn -1.0000 -0.0005 0.0000 +vn -1.0000 -0.0003 0.0000 +vn 0.0000 0.4617 -0.8871 +vn 0.0000 0.7850 -0.6195 +vn 0.0000 0.9117 -0.4108 +vn 0.3221 0.9467 0.0000 +vn 0.5568 0.8306 0.0000 +vn 0.0000 0.8840 0.4676 +vn 0.0000 -0.2125 -0.9772 +vn 0.0000 -0.0279 -0.9996 +vn 0.0000 -0.5127 -0.8586 +vn 0.0000 0.0159 -0.9999 +vn 0.0741 -0.9972 0.0000 +vn 0.0000 -0.6239 -0.7815 +vn 0.0000 -0.4341 -0.9009 +vn 0.0000 0.9214 -0.3887 +vn 0.9428 -0.3334 0.0000 +vn 0.9215 -0.3883 0.0000 +vn 0.0000 0.0445 0.9990 +vn 0.0000 0.9434 0.3317 +vn 0.0000 -0.3830 -0.9238 +vn 0.0000 0.1240 -0.9923 +vn 0.0000 0.9163 -0.4004 +vn 0.0000 -0.9705 -0.2412 +vn 0.0000 -0.7872 -0.6168 +vn 0.0000 -0.9220 -0.3871 +vn 0.4937 -0.8696 0.0000 +vn 0.4572 -0.8894 0.0000 +vn 0.0000 -0.7832 0.6218 +vn 0.0000 0.9997 -0.0231 +vn -0.9960 -0.0896 0.0000 +vn -0.9995 -0.0329 0.0000 +vn 0.5615 0.8275 0.0000 +vn 0.0000 1.0000 -0.0082 +vn 0.0000 0.0236 0.9997 +vn -0.8135 -0.5816 0.0000 +vn -0.0091 0.7289 0.6845 +vn -0.5699 -0.8217 0.0000 +vn 0.9771 0.2126 0.0000 +vn 0.0000 -0.7776 0.6287 +vn 0.0000 -0.8942 -0.4476 +vn 0.0000 -0.4515 -0.8923 +vn 0.0000 -0.6275 -0.7786 +vn 0.0000 1.0000 -0.0034 +vn 0.0000 0.7290 0.6845 +vn 0.0000 0.7755 -0.6313 +vn 0.0000 0.7756 -0.6313 +vn 0.0000 -0.9999 -0.0112 +vn 0.0000 -0.5208 0.8537 +vn 0.0000 -0.3801 0.9249 +vn 0.0000 -0.7685 -0.6398 +vn 0.0000 -0.0554 0.9985 +vn 0.0000 -0.2026 0.9793 +vn 0.0000 0.7524 0.6587 +vn 0.0000 0.0946 0.9955 +vn 0.0000 0.2858 -0.9583 +vn 0.0000 0.6045 -0.7966 +vn 0.0000 0.7524 -0.6587 +vn 0.9970 0.0775 0.0000 +vn -0.4960 0.8683 0.0000 +vn -0.5076 0.8616 0.0000 +vn 0.0000 0.9991 0.0421 +vn -0.1414 0.9900 0.0000 +vn 0.0000 -0.8554 -0.5181 +vn 0.0000 -0.6584 -0.7527 +vn 0.0000 -0.7773 -0.6291 +vn 0.0000 0.8955 0.4451 +vn 0.1479 -0.9890 0.0000 +vn 0.0000 -0.9709 0.2395 +vn 0.0000 -0.8962 0.4437 +vn 0.0000 0.9705 -0.2412 +vn -1.0000 -0.0001 0.0000 +vn -1.0000 -0.0002 0.0000 +vn 0.0000 -0.1299 -0.9915 +vn 0.0000 -0.7686 0.6397 +vn -0.4154 -0.9096 0.0000 +vn -0.4792 -0.8777 0.0000 +vn 0.0000 0.9277 -0.3734 +vn 0.0000 -0.7798 0.6260 +vn 0.0000 0.8058 -0.5922 +vn 0.0000 0.8902 -0.4555 +vn 0.0000 0.1212 0.9926 +vn 0.0000 -0.0007 1.0000 +vn 0.0000 -0.6288 0.7775 +vn 0.0000 -0.8748 -0.4845 +vn 0.0000 -0.8886 -0.4586 +vn 0.0000 -0.5199 -0.8542 +vn 0.0000 -0.1650 -0.9863 +vn 0.0000 -0.3038 -0.9527 +vn 0.0000 -0.3991 -0.9169 +vn 0.0000 -0.6533 0.7571 +vn 0.0000 0.9798 -0.2000 +vn 0.0000 -0.1460 -0.9893 +vn 0.0000 -0.2944 -0.9557 +vn 0.0000 -0.6115 0.7912 +vn 0.0000 0.7700 0.6381 +vn -1.0000 0.0005 0.0000 +vn 0.0000 -0.9990 -0.0444 +vn 0.0000 0.8792 0.4764 +vn 0.0000 -0.5893 0.8079 +vn 0.0000 -0.8144 -0.5803 +vn 0.0000 -0.9710 -0.2392 +vn 0.0000 -0.0236 0.9997 +vn 0.0000 0.9984 0.0570 +vn -0.8018 0.5976 0.0000 +vn 0.0018 0.8716 -0.4902 +vn -0.9166 0.3998 0.0000 +vn -0.8325 0.5541 0.0000 +vn -0.1602 0.9871 0.0000 +vn 0.0000 -0.5288 -0.8487 +vn 0.0000 -0.6880 -0.7257 +vn 0.0000 0.5090 0.8607 +vn 0.0000 -0.9542 -0.2990 +vn 0.0000 -0.9696 -0.2447 +vn 0.9976 -0.0688 0.0000 +vn -0.8005 0.5993 0.0000 +vn 0.0000 -0.7756 -0.6313 +vn 0.0000 -0.9985 0.0544 +vn 0.0000 0.2806 -0.9598 +vn 0.0000 0.9356 0.3530 +vn 0.0000 0.1811 0.9835 +vn 0.0000 0.6779 -0.7352 +vn 0.0000 -0.9836 0.1802 +vn 0.0000 -0.9999 -0.0156 +vn 0.0000 0.4560 -0.8900 +vn 0.6903 -0.7235 0.0000 +vn -0.9983 -0.0586 0.0000 +vn 0.0000 -1.0000 0.0023 +vn 0.0000 0.9984 -0.0564 +vn 0.0000 0.7392 -0.6735 +vn 0.0000 0.8156 -0.5786 +vn -0.7557 0.6549 0.0000 +vn 0.4792 -0.8777 0.0000 +vn 0.0000 -0.9357 0.3529 +vn 0.0000 0.1880 0.9822 +vn 0.0000 -0.9833 -0.1821 +vn -0.4154 0.9096 0.0000 +vn 0.0000 -0.9636 0.2673 +vn 0.0000 -0.8756 -0.4831 +vn 0.0000 0.9646 0.2638 +vn 0.0000 0.8774 0.4798 +vn -0.9999 -0.0123 0.0054 +vn 0.0000 0.1641 0.9864 +vn 0.0000 -0.7209 0.6931 +vn 0.0000 -0.7793 -0.6266 +vn -0.4726 0.8813 0.0000 +vn 0.0000 -1.0000 0.0019 +vn -0.0534 -0.9986 0.0000 +vn 0.0000 0.7173 -0.6968 +vn 0.0000 -0.9633 -0.2686 +vn 0.0000 -0.6392 -0.7691 +vn 0.0000 -0.7471 -0.6647 +vn 0.0000 0.6125 -0.7905 +vn 0.0000 0.4424 -0.8968 +vn 0.0000 0.3440 -0.9390 +vn -0.0888 -0.9960 0.0000 +vn 0.0000 -0.4589 -0.8885 +vn 0.0741 0.9972 -0.0000 +vn 0.0000 -0.5199 -0.8543 +vn 0.0000 -0.8943 -0.4475 +vn 0.0000 -0.7755 -0.6313 +vn 0.0000 -0.8905 0.4550 +vn 0.0000 0.4600 -0.8879 +vn 0.0000 0.0347 -0.9994 +vn 0.0096 -0.7187 -0.6953 +vn -0.5616 0.8274 0.0000 +vn -0.9096 -0.4154 0.0000 +vn 0.0000 -0.9788 -0.2048 +vn 0.0000 0.9996 -0.0281 +vn 0.0000 -0.5062 0.8624 +vn 0.0000 -0.9684 0.2493 +vn 0.1479 0.9890 0.0000 +vn 0.0000 0.7132 0.7009 +vn 0.0000 0.6249 -0.7807 +vn 0.0000 0.2952 0.9554 +vn 0.0000 0.5358 0.8443 +vn 0.0000 -0.0152 -0.9999 +vn 0.0000 0.0373 -0.9993 +vn 0.0000 0.0036 1.0000 +vn -0.8135 0.5816 0.0000 +vn -0.8098 -0.5868 0.0000 +vn 0.0000 -0.1880 0.9822 +vn 0.0000 -0.1223 0.9925 +vn 0.0000 0.7872 0.6168 +vn 0.0000 0.8730 -0.4877 +vn -0.9845 -0.1752 0.0000 +vn 0.0000 -0.9298 0.3681 +vn 0.0000 -0.7782 -0.6280 +vn 0.0000 0.9818 -0.1899 +vn 0.0000 0.7849 -0.6196 +vn -0.4711 0.8821 0.0000 +vn 0.0000 0.7562 0.6543 +vn 0.0000 0.6862 0.7274 +vn -0.1704 -0.9854 0.0000 +vn -0.3358 -0.9419 0.0000 +vn 0.0000 -0.4034 -0.9150 +vn 0.8135 0.5816 0.0000 +vn -0.5495 -0.8355 0.0000 +vn 0.9881 -0.1536 0.0000 +vn 0.0000 0.9636 -0.2673 +vn 0.0000 0.9636 -0.2672 +vn 0.0000 -0.9600 -0.2800 +vn 0.0000 0.9992 -0.0402 +vn 0.0000 0.9894 -0.1454 +vn 0.0000 0.4016 0.9158 +vn 0.0000 -0.9732 0.2302 +vn 0.0000 0.1460 -0.9893 +vn -1.0000 0.0011 0.0000 +vn -1.0000 0.0012 0.0000 +vn -1.0000 -0.0004 0.0000 +vn -1.0000 -0.0006 0.0000 +vn -1.0000 0.0022 0.0000 +vn -1.0000 0.0024 0.0000 +vn -1.0000 0.0006 0.0000 +vn -1.0000 0.0003 0.0000 +vn 0.0000 0.7209 0.6931 +vn -0.0534 0.9986 0.0000 +vn 0.0000 0.9793 -0.2026 +vn 0.0000 -1.0000 -0.0066 +vn 0.0000 0.8935 -0.4490 +vn -0.8561 0.5168 0.0000 +vn -0.7306 -0.6828 0.0000 +vn 0.0000 -0.9991 0.0418 +vn 0.0000 -0.2376 -0.9714 +vn 0.0000 0.9895 -0.1447 +vn -0.4218 -0.9067 0.0000 +vn 0.0000 -0.6374 -0.7705 +vn 0.0000 -1.0000 -0.0034 +vn 0.0000 -0.4549 -0.8906 +vn 0.0000 -0.6439 -0.7652 +vn 0.0000 -0.5714 -0.8207 +vn 0.0000 -0.6439 -0.7651 +vn 0.0000 0.1836 0.9830 +vn -0.9838 0.1794 0.0000 +vn -0.1150 -0.9934 0.0000 +vn 0.0000 -0.1240 -0.9923 +vn 0.0000 -0.0175 0.9998 +vn 0.0000 0.3904 -0.9207 +vn -0.4503 -0.8929 0.0000 +vn 0.0000 0.9796 -0.2010 +vn 0.0000 -0.7392 -0.6735 +vn 0.0000 0.2325 -0.9726 +vn 0.0000 -0.0096 -1.0000 +vn 0.0000 0.9900 -0.1413 +vn 0.0000 -0.5911 -0.8066 +vn 0.0000 0.8000 0.6001 +vn -0.9880 0.1545 0.0000 +vn 0.0000 0.9732 0.2301 +vn 0.0000 -0.9996 -0.0281 +vn 0.0000 -0.6693 -0.7430 +vn 0.0000 -0.6694 -0.7429 +vn 0.9428 0.3334 0.0000 +vn 0.0000 -0.7774 -0.6291 +vn 0.0000 -0.7871 -0.6168 +vn 0.0000 -0.0415 -0.9991 +vn 0.9257 0.3782 0.0000 +vn 0.0000 0.9050 0.4255 +vn 0.0000 0.0447 -0.9990 +vn 0.9522 0.3054 0.0000 +vn 0.0000 0.2937 -0.9559 +vn -0.2126 0.9771 0.0000 +vn 0.0000 0.7293 0.6842 +vn 0.0000 -0.5124 0.8588 +vn 0.0000 -0.4475 0.8943 +vn 0.0000 0.5124 0.8588 +vn -0.7087 -0.7055 0.0000 +vn 0.0000 -0.5123 0.8588 +vn 0.0000 0.7715 -0.6362 +vn 0.0000 -0.5815 -0.8135 +vn -0.5152 -0.8571 0.0000 +vn 0.0000 0.8807 0.4736 +vn 0.0000 0.8553 -0.5181 +vn 0.0000 -0.8844 -0.4668 +vn 0.0000 0.6533 0.7571 +vn 0.0000 -0.9277 0.3734 +vn -0.0049 0.8839 -0.4677 +vn -0.0759 -0.9909 -0.1109 +vn -0.5527 -0.0006 0.8334 +vn -0.9996 0.0273 -0.0075 +vn 0.8094 0.5872 0.0060 +vn -1.0000 0.0004 0.0000 +vn 0.4286 0.9035 -0.0038 +vn 0.8491 -0.5279 0.0163 +vn -0.0005 -0.8159 -0.5781 +vn 0.0014 0.7794 0.6266 +vn 0.0097 -0.9673 -0.2535 +vn 0.1852 -0.2399 0.9530 +vn 1.0000 0.0023 0.0000 +vn 1.0000 -0.0044 0.0000 +vn 1.0000 -0.0048 0.0000 +vn 0.0000 0.5288 -0.8487 +vn 0.0000 0.4475 0.8943 +vn 0.0000 -0.9998 0.0175 +vn 0.0000 -0.0191 -0.9998 +vn 0.0000 0.7332 -0.6800 +vn 0.0000 -0.7849 -0.6196 +vn 0.0000 -0.7293 0.6842 +vn -0.1081 0.9941 0.0000 +vn -0.2150 0.9766 0.0000 +vn -0.3193 0.9477 0.0000 +vn -0.4199 0.9076 0.0000 +vn -0.5156 0.8569 0.0000 +vn -0.6052 0.7961 0.0000 +vn -0.6877 0.7260 0.0000 +vn -0.7622 0.6474 0.0000 +vn -0.8277 0.5612 0.0000 +vn -0.8835 0.4684 0.0000 +vn -0.9290 0.3701 0.0000 +vn -0.9636 0.2675 0.0000 +vn -0.9868 0.1618 0.0000 +vn -0.9985 0.0541 0.0000 +vn -0.9985 -0.0541 0.0000 +vn -0.9868 -0.1618 0.0000 +vn -0.9636 -0.2675 0.0000 +vn -0.9290 -0.3701 0.0000 +vn -0.8835 -0.4684 0.0000 +vn -0.8277 -0.5612 0.0000 +vn -0.7622 -0.6474 0.0000 +vn -0.6877 -0.7260 0.0000 +vn -0.6052 -0.7961 0.0000 +vn -0.5156 -0.8569 0.0000 +vn -0.4199 -0.9076 0.0000 +vn -0.3193 -0.9477 0.0000 +vn -0.2150 -0.9766 0.0000 +vn -0.1081 -0.9941 0.0000 +vn 0.1081 -0.9941 0.0000 +vn 0.2150 -0.9766 0.0000 +vn 0.3193 -0.9477 0.0000 +vn 0.4199 -0.9076 0.0000 +vn 0.5156 -0.8569 0.0000 +vn 0.6052 -0.7961 0.0000 +vn 0.6877 -0.7260 0.0000 +vn 0.7622 -0.6474 0.0000 +vn 0.8277 -0.5612 0.0000 +vn 0.8835 -0.4684 0.0000 +vn 0.9290 -0.3701 0.0000 +vn 0.9636 -0.2675 0.0000 +vn 0.9868 -0.1618 0.0000 +vn 0.9985 -0.0541 0.0000 +vn 0.9985 0.0541 0.0000 +vn 0.9868 0.1618 0.0000 +vn 0.9636 0.2675 0.0000 +vn 0.9290 0.3701 0.0000 +vn 0.8835 0.4684 0.0000 +vn 0.8277 0.5612 0.0000 +vn 0.7622 0.6474 0.0000 +vn 0.6877 0.7260 0.0000 +vn 0.6052 0.7961 0.0000 +vn 0.5156 0.8569 0.0000 +vn 0.4199 0.9076 0.0000 +vn 0.3193 0.9477 0.0000 +vn 0.2150 0.9766 0.0000 +vn 0.1081 0.9941 0.0000 +vn 0.8443 0.5358 0.0000 +vn 0.9511 0.3090 0.0000 +vn 0.4818 0.8763 0.0000 +vn 0.6845 0.7290 0.0000 +vn -0.2487 0.9686 0.0000 +vn 0.2487 0.9686 0.0000 +vn -0.4818 0.8763 0.0000 +vn -0.6845 0.7290 0.0000 +vn -0.8443 0.5358 0.0000 +vn -0.9511 0.3090 0.0000 +vn -0.9980 0.0628 0.0000 +vn -0.9823 -0.1874 0.0000 +vn -0.9048 -0.4258 0.0000 +vn -0.7705 -0.6374 0.0000 +vn -0.5878 -0.8090 0.0000 +vn -0.3681 -0.9298 0.0000 +vn -0.1253 -0.9921 0.0000 +vn 0.1253 -0.9921 0.0000 +vn 0.3681 -0.9298 0.0000 +vn 0.5878 -0.8090 0.0000 +vn 0.7705 -0.6374 0.0000 +vn 0.9048 -0.4258 0.0000 +vn 0.9823 -0.1874 0.0000 +vn 0.9980 0.0628 0.0000 +vn 0.4817 0.8763 0.0000 +vn -0.4817 0.8763 0.0000 +vn 0.9635 -0.2675 0.0000 +vn 0.0000 -0.2164 0.9763 +vn 0.0000 -0.0872 0.9962 +vn 0.0000 0.0872 0.9962 +vn 0.0000 0.2164 0.9763 +vn 0.0000 -0.1305 0.9914 +vn -0.0000 0.1305 0.9914 +vn -0.0001 0.0000 1.0000 +vn -0.0001 0.0000 -1.0000 +vn 0.0012 -0.5001 0.8660 +vn -0.0154 -0.5030 0.8642 +vn 0.0887 -0.4912 0.8665 +vn 0.0867 -0.4916 0.8665 +vn -0.4776 -0.0000 0.8786 +vn -0.2420 -0.0332 0.9697 +vn -0.4908 -0.0965 0.8659 +vn -0.4881 -0.0924 0.8679 +vn -0.4643 -0.1736 0.8685 +vn -0.2505 -0.4338 0.8655 +vn -0.3837 -0.3220 0.8655 +vn -0.3230 -0.3849 0.8646 +vn -0.4366 -0.2518 0.8637 +vn -0.3780 -0.3205 0.8685 +vn -0.2470 -0.4278 0.8695 +vn 0.2488 -0.4301 0.8678 +vn 0.2130 -0.4514 0.8665 +vn -0.0870 -0.4933 0.8655 +vn 0.0870 -0.4933 0.8655 +vn 0.0000 -0.4994 0.8664 +vn -0.1708 -0.4693 0.8664 +vn -0.0872 -0.4912 0.8667 +vn -0.1718 -0.4722 0.8646 +vn -0.0860 -0.4864 0.8695 +vn 0.1708 -0.4693 0.8664 +vn 0.2505 -0.4338 0.8655 +vn 0.0000 -0.5025 0.8646 +vn 0.0860 -0.4864 0.8695 +vn 0.3210 -0.3825 0.8664 +vn 0.3837 -0.3220 0.8655 +vn 0.3840 -0.3237 0.8648 +vn 0.1719 -0.4722 0.8646 +vn 0.2470 -0.4278 0.8695 +vn 0.4325 -0.2497 0.8664 +vn 0.4705 -0.1692 0.8660 +vn 0.4707 -0.1713 0.8655 +vn 0.3230 -0.3849 0.8646 +vn 0.3782 -0.3177 0.8695 +vn 0.5009 0.0000 0.8655 +vn 0.4918 -0.0867 0.8664 +vn 0.4971 0.0011 0.8677 +vn 0.4351 -0.2512 0.8646 +vn 0.4643 -0.1687 0.8695 +vn 0.4707 0.1713 0.8655 +vn 0.4918 0.0867 0.8664 +vn 0.4694 0.1675 0.8670 +vn 0.4948 -0.0873 0.8646 +vn 0.4940 0.0000 0.8695 +vn 0.4325 0.2497 0.8664 +vn 0.3839 0.3237 0.8648 +vn 0.3837 0.3220 0.8655 +vn 0.2495 0.4328 0.8663 +vn 0.0866 0.4916 0.8665 +vn 0.1901 0.4639 0.8653 +vn 0.4949 0.0873 0.8646 +vn 0.4643 0.1687 0.8695 +vn 0.2505 0.4338 0.8655 +vn 0.3210 0.3825 0.8664 +vn 0.0875 0.4935 0.8654 +vn 0.3782 0.3177 0.8695 +vn 0.4352 0.2512 0.8646 +vn -0.0872 0.4912 0.8667 +vn -0.0151 0.5030 0.8642 +vn 0.0029 0.4992 0.8665 +vn -0.0883 0.4897 0.8674 +vn 0.0870 0.4933 0.8655 +vn 0.1708 0.4693 0.8664 +vn -0.2490 0.4313 0.8672 +vn -0.1716 0.4641 0.8690 +vn 0.3230 0.3849 0.8646 +vn 0.2470 0.4278 0.8695 +vn -0.2446 0.4288 0.8697 +vn 0.0000 0.4994 0.8664 +vn -0.0870 0.4933 0.8655 +vn -0.3815 0.3201 0.8672 +vn -0.3209 0.3839 0.8658 +vn 0.0860 0.4864 0.8695 +vn 0.1718 0.4722 0.8646 +vn -0.3835 0.3218 0.8657 +vn -0.2505 0.4338 0.8655 +vn -0.1708 0.4693 0.8664 +vn -0.4756 0.1842 0.8602 +vn -0.4345 0.2509 0.8650 +vn 0.0000 0.5025 0.8646 +vn -0.0860 0.4864 0.8695 +vn -0.4705 0.1713 0.8656 +vn -0.3837 0.3220 0.8655 +vn -0.3210 0.3825 0.8664 +vn -0.1718 0.4722 0.8646 +vn -0.2470 0.4278 0.8695 +vn -0.4288 0.2542 0.8669 +vn -0.4782 0.1776 0.8601 +vn -0.4934 0.1037 0.8636 +vn 0.1366 -0.7173 -0.6832 +vn -0.4852 0.1295 0.8648 +vn -0.3230 0.3849 0.8646 +vn -0.3780 0.3205 0.8685 +vn -0.4376 0.2453 0.8651 +vn -0.4686 0.1793 0.8650 +vn -0.2420 0.0332 0.9697 +vn -0.4908 0.0965 0.8659 +vn -0.4867 0.0932 0.8686 +vn -0.4851 -0.1295 0.8648 +vn -0.4704 -0.1713 0.8657 +vn -0.4833 -0.1287 0.8659 +vn -0.1718 -0.4395 0.8816 +vn -0.4699 -0.1711 0.8660 +vn -0.4535 -0.2114 0.8658 +vn -0.4346 -0.2509 0.8650 +vn -0.4334 -0.2499 0.8659 +vn -0.4096 -0.2870 0.8659 +vn -0.3836 -0.3218 0.8656 +vn -0.3744 -0.3217 0.8696 +vn -0.3280 -0.3615 0.8727 +vn -0.3210 -0.3839 0.8658 +vn -0.2503 -0.4319 0.8665 +vn -0.4986 0.0000 0.8668 +vn -0.4923 -0.0783 0.8669 +vn -0.4939 -0.1008 0.8637 +vn -0.4689 -0.1865 0.8633 +vn -0.4354 -0.2423 0.8670 +vn -0.4640 -0.1774 0.8679 +vn 0.2283 -0.4410 0.8680 +vn -0.2239 -0.0522 0.9732 +vn -0.4528 -0.1614 0.8769 +vn -0.2228 -0.0976 0.9700 +vn -0.2150 -0.1219 0.9690 +vn 0.3472 -0.3584 0.8666 +vn 0.3577 -0.3467 0.8671 +vn 0.4341 -0.2417 0.8678 +vn 0.4265 -0.2726 0.8624 +vn 0.4860 -0.1135 0.8665 +vn 0.5010 0.0226 0.8652 +vn 0.4999 0.0233 0.8657 +vn 0.4990 0.0200 0.8664 +vn 0.4654 0.1737 0.8679 +vn -0.1728 -0.1701 0.9701 +vn -0.1503 -0.1929 0.9696 +vn 0.4281 0.2710 0.8621 +vn 0.3554 0.3573 0.8637 +vn -0.2974 0.3919 0.8706 +vn -0.3834 0.3215 0.8659 +vn -0.2231 0.4136 0.8827 +vn -0.4097 0.2870 0.8659 +vn -0.4331 0.2499 0.8660 +vn -0.4532 0.2115 0.8660 +vn -0.2500 -0.4330 0.8660 +vn -0.0924 -0.2266 0.9696 +vn -0.4697 0.1711 0.8661 +vn -0.4833 0.1287 0.8660 +vn -0.4922 0.0737 0.8674 +vn -0.4528 0.1615 0.8769 +vn -0.2150 0.1219 0.9690 +vn -0.2228 0.0976 0.9700 +vn -0.2241 0.0522 0.9732 +vn -0.1620 -0.4546 0.8758 +vn -0.1707 -0.4706 0.8657 +vn -0.0775 -0.4923 0.8670 +vn -0.0881 -0.4909 0.8668 +vn 0.0390 -0.4895 0.8711 +vn -0.0657 -0.2370 0.9693 +vn -0.0313 -0.2460 0.9688 +vn 0.0000 -0.2446 0.9696 +vn -0.4251 -0.2405 0.8726 +vn -0.1849 -0.1482 0.9715 +vn 0.4877 -0.1132 0.8656 +vn 0.3617 0.3195 0.8759 +vn 0.2605 0.3682 0.8925 +vn 0.2825 0.4131 0.8658 +vn 0.0995 0.4899 0.8661 +vn 0.0313 -0.2460 0.9688 +vn 0.0657 -0.2370 0.9693 +vn 0.0924 -0.2266 0.9696 +vn -0.0526 0.4875 0.8716 +vn -0.1729 0.1701 0.9701 +vn -0.1849 0.1482 0.9715 +vn -0.4251 0.2405 0.8726 +vn 0.3117 -0.2769 0.9089 +vn 0.7707 0.0759 0.6327 +vn 0.4131 -0.0827 0.9069 +vn 0.4938 -0.0100 0.8695 +vn 0.4255 0.1240 0.8964 +vn 0.2500 -0.4330 0.8660 +vn 0.1503 -0.1929 0.9696 +vn 0.1724 -0.1754 0.9693 +vn 0.1974 -0.1501 0.9688 +vn 0.2118 -0.1223 0.9696 +vn 0.2287 -0.0959 0.9688 +vn 0.2381 -0.0616 0.9693 +vn 0.2422 -0.0337 0.9696 +vn 0.5000 0.0000 0.8660 +vn 0.2422 0.0337 0.9696 +vn 0.2381 0.0616 0.9693 +vn 0.2287 0.0959 0.9688 +vn 0.2118 0.1223 0.9696 +vn 0.1974 0.1501 0.9688 +vn 0.1724 0.1754 0.9693 +vn 0.1503 0.1929 0.9696 +vn 0.2500 0.4330 0.8660 +vn 0.0924 0.2266 0.9696 +vn 0.0657 0.2370 0.9693 +vn 0.0313 0.2461 0.9688 +vn 0.0000 0.2446 0.9696 +vn -0.0313 0.2461 0.9688 +vn -0.0657 0.2370 0.9693 +vn -0.0924 0.2266 0.9696 +vn -0.2500 0.4330 0.8660 +vn -0.1503 0.1929 0.9696 +vn 0.3140 0.8243 -0.4710 +vn -0.3815 -0.3201 0.8672 +vn -0.2490 -0.4313 0.8672 +vn -0.3210 -0.3825 0.8664 +vn 0.6590 0.7174 0.2259 +vn 0.7184 0.6936 0.0531 +vn 0.6618 0.7473 0.0597 +vn -0.1223 -0.7611 0.6370 +vn -0.1563 -0.7550 0.6368 +vn -0.1421 -0.8845 0.4443 +vn 0.6950 0.6818 0.2281 +vn 0.4643 0.3881 0.7961 +vn 0.4794 0.3692 0.7962 +vn 0.6107 0.4703 0.6371 +vn -0.1068 -0.8895 0.4443 +vn -0.1538 -0.9632 0.2204 +vn -0.1160 -0.9667 0.2281 +vn -0.0771 -0.9726 0.2195 +vn 0.5915 0.4943 0.6370 +vn -0.1227 -0.5928 0.7959 +vn -0.1095 -0.3984 0.9106 +vn -0.1606 -0.5843 0.7955 +vn 0.5714 0.5174 0.6370 +vn 0.6874 0.5746 0.4442 +vn 0.6640 0.6014 0.4443 +vn 0.1696 0.1203 0.9782 +vn 0.3455 0.2247 0.9111 +vn 0.3363 0.2383 0.9111 +vn -0.0388 -0.9729 0.2282 +vn -0.0386 -0.9979 0.0525 +vn 0.0444 0.0290 0.9986 +vn 0.1751 0.1139 0.9779 +vn 0.0419 0.0325 0.9986 +vn 0.3265 0.2515 0.9111 +vn 0.4937 0.3499 0.7961 +vn -0.0713 -0.8930 0.4443 +vn -0.0559 -0.2022 0.9777 +vn -0.0130 -0.0522 0.9985 +vn -0.0172 -0.0509 0.9986 +vn -0.0713 -0.1975 0.9777 +vn 0.5503 0.5398 0.6370 +vn -0.1397 -0.3889 0.9106 +vn 0.6395 0.6274 0.4443 +vn 0.6033 0.6626 0.4438 +vn -0.0960 -0.5974 0.7962 +vn -0.0919 -0.7654 0.6370 +vn 0.3163 0.2643 0.9111 +vn -0.0000 -0.9757 0.2192 +vn 0.0386 -0.9979 0.0525 +vn 0.4485 0.4062 0.7962 +vn 0.1654 0.1274 0.9780 +vn -0.0836 -0.4039 0.9110 +vn -0.0356 -0.8952 0.4443 +vn 0.5993 0.7672 0.2284 +vn 0.6030 0.7956 0.0585 +vn 0.4320 0.4238 0.7961 +vn -0.0613 -0.7684 0.6371 +vn -0.0654 -0.4069 0.9111 +vn 0.5193 0.5703 0.6364 +vn -0.0721 -0.6008 0.7961 +vn 0.1596 0.1335 0.9781 +vn 0.0391 0.0359 0.9986 +vn 0.0388 -0.9729 0.2281 +vn 0.3055 0.2767 0.9111 +vn -0.0000 -0.8959 0.4443 +vn 0.5504 0.7073 0.4436 +vn -0.0422 -0.2042 0.9780 +vn -0.0087 -0.0524 0.9986 +vn -0.0307 -0.7703 0.6370 +vn 0.2942 0.2887 0.9111 +vn -0.0481 -0.6031 0.7962 +vn 0.4079 0.4480 0.7956 +vn -0.0332 -0.2062 0.9779 +vn 0.1548 0.1402 0.9779 +vn 0.0771 -0.9726 0.2195 +vn 0.1154 -0.9919 0.0526 +vn 0.5333 0.8145 0.2286 +vn 0.5414 0.8388 0.0576 +vn -0.0491 -0.4093 0.9111 +vn 0.4738 0.6088 0.6363 +vn 0.0357 -0.8952 0.4443 +vn 0.1485 0.1459 0.9781 +vn 0.0361 0.0395 0.9986 +vn -0.0000 -0.7708 0.6371 +vn 0.2781 0.3054 0.9107 +vn -0.0241 -0.6046 0.7961 +vn 0.4905 0.7500 0.4436 +vn 0.1160 -0.9667 0.2281 +vn 0.3722 0.4783 0.7954 +vn -0.0328 -0.4108 0.9111 +vn 0.1413 0.1552 0.9777 +vn -0.0249 -0.2065 0.9781 +vn -0.0043 -0.0529 0.9986 +vn 0.4656 0.8551 0.2282 +vn 0.4769 0.8771 0.0575 +vn 0.0713 -0.8930 0.4443 +vn 0.0307 -0.7703 0.6370 +vn 0.4223 0.6456 0.6363 +vn 0.2539 0.3262 0.9106 +vn 0.0000 -0.6050 0.7962 +vn 0.4289 0.7869 0.4437 +vn -0.0164 -0.4119 0.9111 +vn 0.3317 0.5072 0.7954 +vn -0.0166 -0.2082 0.9779 +vn 0.1068 -0.8895 0.4443 +vn 0.3983 0.8885 0.2278 +vn 0.4084 0.9110 0.0575 +vn 0.3375 0.9396 0.0575 +vn 0.1291 0.1659 0.9776 +vn 0.0330 0.0424 0.9986 +vn 0.1538 -0.9632 0.2204 +vn 0.1915 -0.9801 0.0529 +vn 0.3692 0.6773 0.6363 +vn 0.0613 -0.7684 0.6370 +vn 0.0241 -0.6046 0.7961 +vn 0.2263 0.3459 0.9106 +vn 0.3666 0.8178 0.4438 +vn 0.1926 -0.9544 0.2281 +vn 0.2900 0.5321 0.7955 +vn 0.0000 -0.4121 0.9111 +vn -0.0083 -0.2077 0.9781 +vn 0.0000 -0.0530 0.9986 +vn 0.0919 -0.7654 0.6370 +vn 0.3291 0.9164 0.2279 +vn 0.1150 0.1759 0.9777 +vn 0.0293 0.0449 0.9986 +vn 0.3156 0.7039 0.6363 +vn 0.1421 -0.8845 0.4443 +vn 0.0482 -0.6031 0.7962 +vn 0.1978 0.3629 0.9106 +vn 0.3029 0.8434 0.4438 +vn 0.0164 -0.4119 0.9111 +vn 0.1772 -0.8782 0.4443 +vn 0.2479 0.5529 0.7955 +vn 0.0000 -0.2089 0.9779 +vn 0.2580 0.9389 0.2278 +vn 0.2645 0.9627 0.0575 +vn 0.2409 -0.9441 0.2250 +vn 0.2675 -0.9616 0.0606 +vn 0.1007 0.1845 0.9777 +vn 0.0255 0.0472 0.9986 +vn 0.0721 -0.6008 0.7961 +vn 0.2607 0.7260 0.6364 +vn 0.1690 0.3770 0.9106 +vn 0.1223 -0.7611 0.6370 +vn 0.0328 -0.4108 0.9111 +vn 0.0083 -0.2077 0.9781 +vn 0.0043 -0.0529 0.9986 +vn 0.2375 0.8641 0.4437 +vn 0.2048 0.5703 0.7955 +vn 0.1525 -0.7556 0.6370 +vn 0.1974 0.9534 0.2280 +vn 0.1933 0.9796 0.0544 +vn 0.2257 -0.8672 0.4438 +vn 0.0861 0.1915 0.9777 +vn 0.0214 0.0492 0.9986 +vn 0.0491 -0.4093 0.9111 +vn 0.2044 0.7438 0.6364 +vn 0.0960 -0.5974 0.7962 +vn 0.1538 0.9632 0.2204 +vn 0.1154 0.9919 0.0527 +vn 0.0166 -0.2082 0.9779 +vn 0.1397 0.3889 0.9106 +vn 0.3142 -0.9216 0.2278 +vn 0.3404 -0.9384 0.0592 +vn 0.1816 0.8774 0.4441 +vn 0.1197 -0.5932 0.7961 +vn 0.1606 0.5843 0.7955 +vn 0.1942 -0.7464 0.6365 +vn 0.0249 -0.2065 0.9781 +vn 0.0086 -0.0524 0.9986 +vn 0.1421 0.8845 0.4443 +vn 0.0653 -0.4069 0.9111 +vn 0.1160 0.9667 0.2282 +vn 0.0712 0.1975 0.9777 +vn 0.0172 0.0509 0.9986 +vn 0.2910 -0.8476 0.4437 +vn 0.1563 0.7550 0.6368 +vn 0.0816 -0.4041 0.9111 +vn 0.0771 0.9726 0.2195 +vn 0.0385 0.9979 0.0526 +vn 0.1526 -0.5863 0.7956 +vn 0.1095 0.3984 0.9106 +vn 0.0331 -0.2062 0.9779 +vn 0.1223 0.7611 0.6371 +vn 0.3898 -0.8921 0.2286 +vn 0.4107 -0.9099 0.0581 +vn 0.1068 0.8895 0.4442 +vn 0.2505 -0.7297 0.6363 +vn 0.1228 0.5928 0.7959 +vn 0.0413 -0.2039 0.9781 +vn 0.0134 -0.0518 0.9986 +vn 0.0387 0.9729 0.2282 +vn 0.1040 -0.3997 0.9107 +vn 0.0713 0.8930 0.4443 +vn 0.3600 -0.8207 0.4437 +vn 0.0559 0.2022 0.9778 +vn 0.0130 0.0522 0.9985 +vn 0.1968 -0.5732 0.7954 +vn 0.0960 0.5974 0.7962 +vn 0.0919 0.7654 0.6370 +vn 0.0528 -0.2031 0.9777 +vn 0.0000 0.9757 0.2192 +vn -0.0385 0.9979 0.0526 +vn 0.4625 -0.8566 0.2285 +vn 0.4776 -0.8767 0.0575 +vn 0.0837 0.4039 0.9110 +vn 0.3099 -0.7065 0.6363 +vn 0.0357 0.8952 0.4442 +vn 0.1342 -0.3910 0.9106 +vn 0.0613 0.7684 0.6370 +vn 0.4258 -0.7886 0.4437 +vn 0.0653 0.4069 0.9111 +vn 0.0722 0.6008 0.7961 +vn 0.2434 -0.5550 0.7954 +vn -0.0387 0.9729 0.2281 +vn 0.5290 -0.8174 0.2280 +vn 0.5427 -0.8380 0.0575 +vn 0.0000 0.8959 0.4443 +vn 0.0682 -0.1989 0.9776 +vn 0.0174 -0.0508 0.9986 +vn 0.0422 0.2042 0.9780 +vn 0.3665 -0.6788 0.6363 +vn 0.0086 0.0524 0.9986 +vn 0.0307 0.7703 0.6370 +vn 0.0481 0.6031 0.7962 +vn 0.1660 -0.3786 0.9106 +vn 0.4868 -0.7524 0.4437 +vn 0.0331 0.2062 0.9779 +vn -0.0771 0.9726 0.2195 +vn -0.1154 0.9919 0.0527 +vn 0.2879 -0.5333 0.7954 +vn 0.0492 0.4093 0.9111 +vn 0.5902 -0.7744 0.2279 +vn -0.0357 0.8952 0.4442 +vn 0.6052 -0.7940 0.0575 +vn 0.0844 -0.1926 0.9776 +vn 0.0216 -0.0492 0.9986 +vn -0.0000 0.7708 0.6371 +vn 0.0241 0.6046 0.7961 +vn 0.4190 -0.6477 0.6363 +vn 0.1964 -0.3637 0.9106 +vn -0.1160 0.9667 0.2282 +vn 0.5433 -0.7127 0.4438 +vn 0.0328 0.4108 0.9111 +vn 0.3291 -0.5088 0.7955 +vn 0.0249 0.2065 0.9781 +vn 0.0043 0.0529 0.9986 +vn 0.6478 -0.7269 0.2278 +vn -0.0713 0.8930 0.4443 +vn 0.6642 -0.7453 0.0575 +vn 0.0999 -0.1850 0.9777 +vn 0.0255 -0.0472 0.9986 +vn -0.0307 0.7703 0.6370 +vn 0.4676 -0.6135 0.6364 +vn -0.0000 0.6050 0.7962 +vn 0.0164 0.4119 0.9111 +vn 0.2245 -0.3470 0.9106 +vn 0.0166 0.2082 0.9779 +vn 0.5963 -0.6690 0.4437 +vn -0.1068 0.8895 0.4442 +vn -0.1538 0.9632 0.2204 +vn -0.1915 0.9801 0.0529 +vn 0.3674 -0.4819 0.7955 +vn -0.0613 0.7684 0.6370 +vn 0.6923 -0.6846 0.2281 +vn 0.7173 -0.6946 0.0543 +vn 0.1140 -0.1765 0.9777 +vn 0.0294 -0.0448 0.9986 +vn -0.0241 0.6046 0.7961 +vn 0.7236 -0.6539 0.2212 +vn 0.7696 -0.6363 0.0528 +vn -0.1926 0.9544 0.2281 +vn 0.5132 -0.5759 0.6364 +vn 0.0000 0.4121 0.9111 +vn 0.0083 0.2077 0.9781 +vn 0.0000 0.0530 0.9986 +vn 0.2505 -0.3286 0.9106 +vn 0.6370 -0.6300 0.4441 +vn -0.0919 0.7654 0.6370 +vn -0.1421 0.8845 0.4443 +vn 0.6640 -0.6014 0.4443 +vn -0.0482 0.6032 0.7962 +vn 0.4031 -0.4524 0.7955 +vn -0.0164 0.4119 0.9111 +vn -0.1772 0.8782 0.4443 +vn 0.7471 -0.6243 0.2281 +vn 0.1271 -0.1672 0.9777 +vn 0.0331 -0.0422 0.9986 +vn -0.0000 0.2089 0.9779 +vn -0.2409 0.9441 0.2250 +vn 0.5482 -0.5422 0.6368 +vn -0.2675 0.9616 0.0606 +vn -0.0722 0.6008 0.7961 +vn 0.7733 -0.5947 0.2200 +vn 0.8164 -0.5751 0.0526 +vn -0.1223 0.7611 0.6371 +vn 0.5713 -0.5175 0.6371 +vn -0.0328 0.4108 0.9111 +vn 0.2749 -0.3085 0.9106 +vn -0.0083 0.2077 0.9782 +vn -0.0043 0.0529 0.9986 +vn -0.1524 0.7556 0.6370 +vn 0.6874 -0.5745 0.4442 +vn -0.2257 0.8672 0.4438 +vn 0.4304 -0.4257 0.7960 +vn -0.0492 0.4093 0.9111 +vn 0.7944 -0.5630 0.2281 +vn -0.0960 0.5974 0.7962 +vn 0.7097 -0.5467 0.4443 +vn -0.0166 0.2082 0.9779 +vn 0.1394 -0.1569 0.9777 +vn 0.0366 -0.0394 0.9986 +vn -0.3142 0.9216 0.2279 +vn -0.3404 0.9384 0.0593 +vn 0.4485 -0.4062 0.7962 +vn -0.1197 0.5932 0.7961 +vn 0.5915 -0.4943 0.6370 +vn -0.1943 0.7464 0.6365 +vn 0.8181 -0.5317 0.2193 +vn 0.8583 -0.5104 0.0525 +vn -0.0249 0.2065 0.9781 +vn -0.0086 0.0524 0.9986 +vn 0.2932 -0.2900 0.9110 +vn -0.0653 0.4069 0.9111 +vn -0.2910 0.8476 0.4437 +vn 0.7309 -0.5180 0.4443 +vn 0.6107 -0.4704 0.6371 +vn -0.0815 0.4041 0.9111 +vn 0.3055 -0.2767 0.9111 +vn -0.1526 0.5862 0.7956 +vn 0.4643 -0.3881 0.7961 +vn -0.0331 0.2062 0.9779 +vn 0.8367 -0.4980 0.2281 +vn -0.3898 0.8921 0.2285 +vn -0.4107 0.9099 0.0581 +vn 0.7510 -0.4885 0.4443 +vn -0.2505 0.7297 0.6363 +vn 0.1483 -0.1467 0.9780 +vn 0.0391 -0.0359 0.9986 +vn -0.0413 0.2039 0.9781 +vn -0.0134 0.0518 0.9986 +vn 0.6289 -0.4457 0.6370 +vn 0.4793 -0.3692 0.7962 +vn -0.1040 0.3997 0.9107 +vn -0.3600 0.8207 0.4437 +vn 0.1548 -0.1402 0.9779 +vn 0.8575 -0.4654 0.2192 +vn 0.8951 -0.4427 0.0526 +vn -0.1968 0.5732 0.7954 +vn -0.0529 0.2031 0.9777 +vn 0.3162 -0.2643 0.9111 +vn -0.4625 0.8567 0.2285 +vn -0.4776 0.8767 0.0575 +vn 0.7699 -0.4582 0.4443 +vn 0.6461 -0.4203 0.6371 +vn -0.3099 0.7065 0.6363 +vn 0.4937 -0.3499 0.7961 +vn -0.1342 0.3910 0.9106 +vn 0.3265 -0.2515 0.9111 +vn -0.4258 0.7886 0.4436 +vn -0.9736 0.0009 0.2283 +vn -0.9956 0.0743 0.0579 +vn -0.9983 0.0000 0.0575 +vn 0.8736 -0.4298 0.2281 +vn 0.7875 -0.4272 0.4443 +vn -0.2434 0.5550 0.7954 +vn 0.1596 -0.1335 0.9781 +vn 0.0419 -0.0325 0.9986 +vn -0.5290 0.8174 0.2280 +vn -0.5427 0.8380 0.0575 +vn 0.6624 -0.3942 0.6370 +vn -0.0682 0.1989 0.9776 +vn -0.0174 0.0508 0.9986 +vn -0.3665 0.6788 0.6363 +vn 0.5072 -0.3299 0.7962 +vn 0.1655 -0.1274 0.9779 +vn -0.1661 0.3786 0.9105 +vn 0.3363 -0.2383 0.9111 +vn -0.4867 0.7524 0.4437 +vn 0.8915 -0.3961 0.2197 +vn 0.9266 -0.3723 0.0527 +vn -0.9708 -0.0745 0.2279 +vn -0.2879 0.5333 0.7954 +vn -0.8962 0.0014 0.4437 +vn 0.8039 -0.3955 0.4443 +vn -0.9954 -0.0764 0.0575 +vn -0.9866 -0.1524 0.0575 +vn 0.6775 -0.3676 0.6371 +vn -0.5903 0.7744 0.2278 +vn -0.6052 0.7940 0.0576 +vn -0.6642 0.7453 0.0575 +vn -0.8935 -0.0686 0.4438 +vn 0.5200 -0.3095 0.7961 +vn -0.0845 0.1926 0.9776 +vn -0.9623 -0.1486 0.2279 +vn -0.0215 0.0492 0.9986 +vn -0.4190 0.6477 0.6364 +vn -0.7691 -0.0591 0.6364 +vn -0.7714 0.0012 0.6363 +vn 0.9050 -0.3590 0.2281 +vn 0.3455 -0.2247 0.9111 +vn -0.1963 0.3637 0.9106 +vn -0.8857 -0.1368 0.4437 +vn 0.1696 -0.1203 0.9782 +vn 0.0444 -0.0290 0.9986 +vn -0.5432 0.7127 0.4438 +vn 0.8190 -0.3632 0.4443 +vn -0.6042 -0.0464 0.7955 +vn -0.6060 0.0009 0.7954 +vn -0.4134 0.0006 0.9106 +vn -0.9481 -0.2219 0.2279 +vn -0.3291 0.5088 0.7955 +vn 0.6917 -0.3403 0.6370 +vn -0.9721 -0.2275 0.0575 +vn -0.9529 -0.2983 0.0543 +vn -0.6478 0.7269 0.2278 +vn 0.5319 -0.2885 0.7962 +vn -0.7624 -0.1177 0.6363 +vn -0.0998 0.1850 0.9777 +vn 0.3542 -0.2108 0.9111 +vn -0.0255 0.0472 0.9986 +vn -0.4121 -0.0316 0.9106 +vn -0.4676 0.6135 0.6364 +vn 0.1751 -0.1139 0.9779 +vn -0.8726 -0.2042 0.4438 +vn 0.8328 -0.3303 0.4443 +vn -0.2245 0.3470 0.9106 +vn -0.5988 -0.0925 0.7955 +vn 0.9199 -0.3242 0.2208 +vn 0.9525 -0.2999 0.0530 +vn -0.9320 -0.2816 0.2280 +vn -0.5962 0.6690 0.4437 +vn 0.7047 -0.3125 0.6370 +vn -0.2095 -0.0159 0.9777 +vn -0.3674 0.4819 0.7955 +vn -0.2101 0.0003 0.9777 +vn -0.0536 0.0001 0.9986 +vn -0.0534 -0.0045 0.9986 +vn -0.6923 0.6846 0.2281 +vn -0.7173 0.6946 0.0543 +vn -0.7511 -0.1758 0.6364 +vn 0.5430 -0.2671 0.7961 +vn -0.1140 0.1765 0.9777 +vn 0.9307 -0.2858 0.2281 +vn -0.0294 0.0448 0.9986 +vn -0.9199 -0.3242 0.2208 +vn -0.9266 -0.3723 0.0527 +vn -0.7236 0.6538 0.2212 +vn -0.7696 0.6363 0.0528 +vn -0.4083 -0.0631 0.9107 +vn 0.3623 -0.1965 0.9111 +vn 0.1786 -0.1063 0.9781 +vn 0.0467 -0.0253 0.9986 +vn -0.8577 -0.2591 0.4441 +vn -0.5132 0.5759 0.6364 +vn 0.7166 -0.2842 0.6370 +vn -0.2506 0.3286 0.9106 +vn 0.8453 -0.2968 0.4443 +vn -0.5900 -0.1381 0.7955 +vn -0.8453 -0.2969 0.4443 +vn -0.6371 0.6300 0.4441 +vn 0.5531 -0.2453 0.7962 +vn -0.9050 -0.3590 0.2281 +vn -0.6640 0.6014 0.4443 +vn -0.2075 -0.0318 0.9777 +vn 0.3698 -0.1820 0.9111 +vn -0.0529 -0.0091 0.9986 +vn -0.7381 -0.2230 0.6368 +vn -0.4031 0.4524 0.7955 +vn 0.8564 -0.2630 0.4442 +vn 0.1836 -0.0996 0.9779 +vn -0.7471 0.6244 0.2282 +vn -0.8915 -0.3961 0.2197 +vn -0.8951 -0.4427 0.0526 +vn -0.1271 0.1672 0.9777 +vn -0.0331 0.0422 0.9986 +vn 0.9448 -0.2378 0.2254 +vn -0.4024 -0.0941 0.9106 +vn 0.9727 -0.2243 0.0601 +vn -0.5482 0.5421 0.6368 +vn 0.5625 -0.2231 0.7961 +vn -0.7733 0.5946 0.2200 +vn -0.7272 -0.2554 0.6371 +vn -0.8164 0.5751 0.0526 +vn 0.7272 -0.2554 0.6371 +vn -0.8328 -0.3303 0.4443 +vn -0.5713 0.5175 0.6370 +vn 0.1866 -0.0917 0.9782 +vn 0.0485 -0.0214 0.9986 +vn -0.5795 -0.1751 0.7960 +vn 0.3767 -0.1671 0.9111 +vn -0.2749 0.3085 0.9106 +vn -0.6874 0.5745 0.4442 +vn -0.8736 -0.4298 0.2281 +vn -0.8190 -0.3632 0.4443 +vn 0.7369 -0.2263 0.6370 +vn 0.8700 -0.2147 0.4438 +vn -0.4304 0.4256 0.7960 +vn -0.2044 -0.0475 0.9777 +vn -0.0521 -0.0134 0.9986 +vn -0.5709 -0.2005 0.7962 +vn 0.3832 -0.1520 0.9111 +vn -0.7944 0.5630 0.2281 +vn 0.5709 -0.2005 0.7962 +vn -0.7097 0.5467 0.4443 +vn -0.7166 -0.2842 0.6370 +vn 0.1909 -0.0847 0.9779 +vn -0.1394 0.1569 0.9777 +vn -0.0366 0.0394 0.9986 +vn -0.8575 -0.4654 0.2192 +vn -0.4485 0.4062 0.7962 +vn -0.8583 -0.5104 0.0525 +vn 0.9600 -0.1622 0.2281 +vn 0.9870 -0.1494 0.0588 +vn -0.3948 -0.1193 0.9110 +vn -0.5915 0.4943 0.6370 +vn -0.8039 -0.3955 0.4443 +vn 0.5785 -0.1776 0.7961 +vn -0.8180 0.5317 0.2193 +vn -0.8583 0.5104 0.0525 +vn 0.7488 -0.1848 0.6365 +vn -0.2932 0.2900 0.9110 +vn -0.7047 -0.3125 0.6370 +vn 0.1934 -0.0766 0.9781 +vn 0.0502 -0.0173 0.9986 +vn -0.3889 -0.1366 0.9111 +vn -0.7309 0.5180 0.4443 +vn 0.3888 -0.1366 0.9111 +vn -0.5625 -0.2231 0.7961 +vn -0.6107 0.4704 0.6371 +vn 0.8840 -0.1475 0.4437 +vn -0.8367 -0.4980 0.2281 +vn -0.3055 0.2767 0.9111 +vn -0.7875 -0.4272 0.4443 +vn 0.3940 -0.1210 0.9111 +vn -0.4643 0.3881 0.7961 +vn -0.1996 -0.0603 0.9780 +vn -0.0502 -0.0173 0.9986 +vn 0.5881 -0.1452 0.7957 +vn -0.6917 -0.3403 0.6370 +vn 0.1970 -0.0692 0.9779 +vn -0.8367 0.4980 0.2281 +vn -0.7509 0.4885 0.4443 +vn -0.5531 -0.2453 0.7962 +vn 0.9701 -0.0814 0.2287 +vn 0.9956 -0.0743 0.0579 +vn -0.1482 0.1467 0.9780 +vn -0.1971 -0.0692 0.9779 +vn -0.0391 0.0359 0.9986 +vn 0.7610 -0.1270 0.6363 +vn -0.6289 0.4457 0.6370 +vn -0.8181 -0.5317 0.2193 +vn -0.8164 -0.5751 0.0526 +vn 0.1989 -0.0610 0.9781 +vn -0.4793 0.3692 0.7962 +vn -0.3831 -0.1520 0.9111 +vn 0.0519 -0.0129 0.9986 +vn 0.4010 -0.0990 0.9107 +vn -0.1548 0.1402 0.9779 +vn -0.7699 -0.4582 0.4443 +vn 0.8931 -0.0740 0.4437 +vn -0.8576 0.4654 0.2192 +vn -0.8951 0.4427 0.0526 +vn -0.6776 -0.3675 0.6370 +vn 0.5979 -0.0997 0.7954 +vn -0.3163 0.2643 0.9111 +vn -0.5430 -0.2671 0.7961 +vn -0.7699 0.4582 0.4443 +vn 0.2038 -0.0503 0.9777 +vn -0.3767 -0.1671 0.9112 +vn -0.6461 0.4203 0.6371 +vn -0.7944 -0.5629 0.2281 +vn -0.4937 0.3499 0.7961 +vn 0.9736 -0.0009 0.2283 +vn 0.9983 0.0000 0.0575 +vn -0.1933 -0.0766 0.9781 +vn -0.0485 -0.0214 0.9986 +vn 0.7688 -0.0637 0.6363 +vn -0.3265 0.2515 0.9111 +vn -0.7510 -0.4885 0.4443 +vn -0.6624 -0.3942 0.6370 +vn -0.8736 0.4298 0.2281 +vn 0.4078 -0.0680 0.9105 +vn 0.8962 -0.0014 0.4437 +vn -0.7875 0.4272 0.4443 +vn -0.5319 -0.2885 0.7962 +vn -0.1595 0.1335 0.9781 +vn -0.0419 0.0325 0.9986 +vn -0.1909 -0.0847 0.9780 +vn 0.6040 -0.0500 0.7954 +vn -0.6624 0.3942 0.6370 +vn -0.3699 -0.1820 0.9111 +vn 0.9708 0.0745 0.2279 +vn -0.5072 0.3299 0.7962 +vn -0.7733 -0.5947 0.2200 +vn 0.9954 0.0764 0.0575 +vn -0.7696 -0.6363 0.0528 +vn 0.2074 -0.0346 0.9776 +vn -0.1654 0.1274 0.9779 +vn 0.0530 -0.0088 0.9986 +vn -0.7309 -0.5180 0.4443 +vn 0.7715 -0.0012 0.6363 +vn -0.3363 0.2383 0.9111 +vn -0.6461 -0.4203 0.6371 +vn -0.8915 0.3961 0.2197 +vn -0.9266 0.3723 0.0527 +vn 0.4120 -0.0341 0.9106 +vn -0.5200 -0.3095 0.7961 +vn -0.8039 0.3955 0.4443 +vn 0.8935 0.0686 0.4438 +vn -0.7471 -0.6244 0.2281 +vn -0.6775 0.3676 0.6371 +vn -0.3623 -0.1965 0.9111 +vn -0.5200 0.3095 0.7961 +vn 0.6060 -0.0009 0.7954 +vn -0.1866 -0.0917 0.9782 +vn 0.9623 0.1486 0.2279 +vn 0.9866 0.1524 0.0575 +vn 0.9721 0.2275 0.0575 +vn -0.0466 -0.0253 0.9986 +vn -0.7097 -0.5467 0.4443 +vn -0.9051 0.3589 0.2281 +vn 0.2095 -0.0174 0.9777 +vn -0.3455 0.2247 0.9111 +vn 0.0535 -0.0044 0.9986 +vn -0.1696 0.1203 0.9782 +vn -0.6289 -0.4457 0.6370 +vn 0.7691 0.0590 0.6364 +vn -0.0444 0.0290 0.9986 +vn -0.8189 0.3632 0.4443 +vn -0.5072 -0.3299 0.7962 +vn 0.4133 -0.0006 0.9106 +vn -0.3542 -0.2108 0.9111 +vn -0.6917 0.3403 0.6370 +vn 0.8856 0.1368 0.4438 +vn -0.6874 -0.5745 0.4442 +vn -0.5318 0.2885 0.7962 +vn 0.6042 0.0464 0.7955 +vn -0.1836 -0.0996 0.9779 +vn -0.3542 0.2108 0.9111 +vn 0.9481 0.2219 0.2279 +vn -0.7236 -0.6538 0.2212 +vn -0.1751 0.1139 0.9779 +vn -0.7184 -0.6936 0.0531 +vn 0.2101 -0.0003 0.9777 +vn -0.6107 -0.4704 0.6371 +vn 0.0537 -0.0001 0.9986 +vn -0.8328 0.3303 0.4443 +vn 0.7623 0.1178 0.6364 +vn -0.9199 0.3242 0.2208 +vn -0.9525 0.2999 0.0530 +vn -0.4937 -0.3499 0.7961 +vn -0.7047 0.3125 0.6370 +vn 0.4121 0.0316 0.9106 +vn -0.6951 -0.6818 0.2281 +vn -0.5430 0.2671 0.7961 +vn -0.3454 -0.2247 0.9111 +vn 0.8726 0.2042 0.4437 +vn -0.1786 -0.1063 0.9782 +vn 0.5989 0.0925 0.7955 +vn -0.9307 0.2858 0.2281 +vn -0.0444 -0.0290 0.9986 +vn -0.5915 -0.4943 0.6370 +vn -0.3623 0.1965 0.9111 +vn 0.9320 0.2816 0.2281 +vn 0.9529 0.2983 0.0543 +vn -0.6640 -0.6014 0.4443 +vn 0.2095 0.0159 0.9777 +vn 0.0535 0.0045 0.9986 +vn -0.1786 0.1063 0.9782 +vn -0.0466 0.0253 0.9986 +vn -0.7166 0.2842 0.6370 +vn 0.7511 0.1758 0.6364 +vn -0.4793 -0.3692 0.7962 +vn 0.9199 0.3242 0.2208 +vn -0.3364 -0.2383 0.9111 +vn -0.8453 0.2969 0.4443 +vn 0.9266 0.3723 0.0527 +vn 0.4084 0.0631 0.9106 +vn -0.6396 -0.6274 0.4442 +vn -0.5531 0.2453 0.7962 +vn 0.8577 0.2591 0.4441 +vn -0.1750 -0.1139 0.9780 +vn -0.3699 0.1820 0.9111 +vn 0.5900 0.1381 0.7955 +vn -0.6590 -0.7174 0.2259 +vn -0.6618 -0.7473 0.0597 +vn 0.8453 0.2969 0.4443 +vn -0.4643 -0.3881 0.7962 +vn -0.8564 0.2630 0.4442 +vn -0.1836 0.0996 0.9779 +vn 0.9050 0.3589 0.2281 +vn -0.5713 -0.5175 0.6370 +vn -0.9448 0.2378 0.2254 +vn -0.9727 0.2243 0.0601 +vn 0.2076 0.0318 0.9777 +vn 0.0529 0.0091 0.9986 +vn -0.1696 -0.1203 0.9781 +vn 0.7381 0.2230 0.6368 +vn -0.5625 0.2231 0.7961 +vn -0.0420 -0.0325 0.9986 +vn -0.3265 -0.2515 0.9111 +vn 0.8915 0.3961 0.2197 +vn -0.7273 0.2554 0.6370 +vn -0.5503 -0.5398 0.6370 +vn 0.8951 0.4427 0.0526 +vn -0.1865 0.0917 0.9782 +vn -0.0485 0.0214 0.9986 +vn 0.4023 0.0942 0.9107 +vn -0.6033 -0.6626 0.4438 +vn 0.7273 0.2554 0.6370 +vn -0.3767 0.1671 0.9111 +vn -0.3162 -0.2644 0.9111 +vn -0.7369 0.2263 0.6370 +vn 0.8328 0.3303 0.4443 +vn -0.4485 -0.4062 0.7962 +vn 0.5795 0.1750 0.7959 +vn -0.1655 -0.1274 0.9779 +vn -0.8700 0.2147 0.4438 +vn -0.5993 -0.7672 0.2284 +vn -0.3831 0.1520 0.9111 +vn 0.8736 0.4298 0.2281 +vn -0.6030 -0.7956 0.0584 +vn -0.5709 0.2005 0.7962 +vn -0.4320 -0.4238 0.7961 +vn 0.8190 0.3632 0.4443 +vn -0.1908 0.0847 0.9780 +vn 0.2043 0.0475 0.9778 +vn 0.0520 0.0134 0.9986 +vn -0.5193 -0.5704 0.6365 +vn -0.9600 0.1622 0.2281 +vn -0.9870 0.1494 0.0588 +vn 0.5709 0.2005 0.7962 +vn -0.1596 -0.1335 0.9781 +vn -0.0392 -0.0359 0.9986 +vn 0.7166 0.2842 0.6370 +vn -0.3055 -0.2767 0.9111 +vn -0.5784 0.1776 0.7961 +vn 0.8575 0.4654 0.2192 +vn 0.8583 0.5104 0.0525 +vn -0.7488 0.1848 0.6365 +vn -0.5504 -0.7072 0.4437 +vn 0.3949 0.1193 0.9110 +vn -0.2943 -0.2887 0.9111 +vn -0.1933 0.0766 0.9781 +vn -0.0502 0.0173 0.9986 +vn -0.3889 0.1366 0.9111 +vn -0.4078 -0.4480 0.7956 +vn 0.8039 0.3955 0.4442 +vn -0.1548 -0.1402 0.9779 +vn 0.7046 0.3125 0.6370 +vn -0.8840 0.1475 0.4437 +vn -0.5333 -0.8144 0.2287 +vn 0.3888 0.1366 0.9111 +vn -0.3940 0.1210 0.9111 +vn -0.5415 -0.8388 0.0576 +vn 0.5625 0.2231 0.7961 +vn -0.5881 0.1452 0.7957 +vn -0.4738 -0.6088 0.6363 +vn -0.1486 -0.1459 0.9781 +vn -0.1970 0.0692 0.9779 +vn 0.8366 0.4980 0.2281 +vn -0.0361 -0.0395 0.9986 +vn -0.2781 -0.3055 0.9107 +vn 0.7875 0.4272 0.4443 +vn -0.9701 0.0814 0.2287 +vn 0.1996 0.0603 0.9780 +vn 0.0502 0.0173 0.9986 +vn -0.4905 -0.7500 0.4437 +vn -0.7610 0.1270 0.6362 +vn 0.6917 0.3403 0.6370 +vn -0.3722 -0.4783 0.7954 +vn -0.1989 0.0610 0.9781 +vn -0.1413 -0.1552 0.9777 +vn 0.5531 0.2453 0.7962 +vn -0.0520 0.0129 0.9986 +vn -0.4010 0.0990 0.9107 +vn -0.4656 -0.8551 0.2281 +vn 0.1970 0.0692 0.9780 +vn -0.8931 0.0740 0.4437 +vn 0.8180 0.5317 0.2193 +vn 0.8164 0.5751 0.0526 +vn -0.4769 -0.8771 0.0575 +vn -0.4223 -0.6456 0.6363 +vn -0.5978 0.0998 0.7954 +vn 0.3831 0.1520 0.9111 +vn -0.2539 -0.3262 0.9106 +vn 0.7698 0.4582 0.4443 +vn -0.2038 0.0503 0.9777 +vn -0.4289 -0.7869 0.4437 +vn 0.6775 0.3675 0.6371 +vn -0.7688 0.0637 0.6363 +vn 0.5430 0.2671 0.7961 +vn -0.3317 -0.5072 0.7954 +vn -0.4078 0.0680 0.9105 +vn 0.3767 0.1671 0.9111 +vn -0.3983 -0.8885 0.2278 +vn -0.6040 0.0500 0.7954 +vn -0.4084 -0.9110 0.0575 +vn -0.3375 -0.9396 0.0575 +vn 0.7944 0.5630 0.2282 +vn -0.1291 -0.1659 0.9776 +vn 0.1934 0.0766 0.9781 +vn -0.0330 -0.0424 0.9986 +vn -0.2074 0.0346 0.9776 +vn 0.0485 0.0214 0.9986 +vn -0.0530 0.0088 0.9986 +vn -0.3692 -0.6773 0.6363 +vn 0.7510 0.4885 0.4443 +vn -0.4120 0.0341 0.9105 +vn -0.2263 -0.3459 0.9106 +vn 0.6624 0.3942 0.6370 +vn -0.2096 0.0174 0.9776 +vn -0.0535 0.0044 0.9986 +vn -0.3666 -0.8178 0.4437 +vn 0.5318 0.2885 0.7962 +vn 0.1908 0.0847 0.9780 +vn -0.2900 -0.5321 0.7955 +vn 0.3699 0.1820 0.9111 +vn -0.3291 -0.9164 0.2279 +vn 0.7733 0.5946 0.2200 +vn -0.1151 -0.1759 0.9777 +vn -0.0294 -0.0449 0.9986 +vn 0.7696 0.6363 0.0528 +vn 0.7309 0.5180 0.4443 +vn -0.3156 -0.7039 0.6364 +vn 0.6461 0.4203 0.6371 +vn -0.1978 -0.3629 0.9106 +vn 0.5200 0.3095 0.7961 +vn -0.3029 -0.8434 0.4438 +vn -0.2479 -0.5529 0.7955 +vn 0.7471 0.6244 0.2282 +vn 0.3622 0.1965 0.9112 +vn 0.1866 0.0917 0.9782 +vn -0.2580 -0.9389 0.2278 +vn -0.2645 -0.9627 0.0575 +vn -0.1933 -0.9796 0.0544 +vn 0.0466 0.0253 0.9986 +vn -0.1007 -0.1845 0.9777 +vn -0.0255 -0.0472 0.9986 +vn 0.7097 0.5467 0.4443 +vn -0.2607 -0.7260 0.6364 +vn 0.6290 0.4457 0.6370 +vn -0.1690 -0.3771 0.9106 +vn 0.5072 0.3299 0.7962 +vn -0.2375 -0.8641 0.4437 +vn 0.3542 0.2108 0.9111 +vn -0.2048 -0.5703 0.7955 +vn -0.1974 -0.9534 0.2280 +vn 0.1835 0.0996 0.9780 +vn -0.0861 -0.1915 0.9777 +vn -0.0214 -0.0492 0.9986 +vn 0.7236 0.6538 0.2212 +vn -0.2044 -0.7438 0.6364 +vn -0.1154 -0.9919 0.0526 +vn -0.1816 -0.8774 0.4441 +vn 0.1786 0.1063 0.9782 +vn -0.1494 -0.5672 -0.8099 +vn -0.1200 -0.5742 -0.8098 +vn -0.0994 -0.3774 -0.9207 +vn 0.3481 0.4709 -0.8106 +vn 0.3150 0.4949 -0.8099 +vn 0.2313 0.3130 -0.9212 +vn 0.2095 0.3293 -0.9207 +vn 0.8646 0.4991 -0.0590 +vn 0.8076 0.5867 -0.0590 +vn 0.7865 0.5714 -0.2343 +vn 0.7224 0.6505 -0.2343 +vn -0.3566 -0.8160 -0.4549 +vn -0.2680 -0.7108 -0.6504 +vn -0.3043 -0.6961 -0.6503 +vn -0.0074 -0.0478 -0.9988 +vn -0.0122 -0.0467 -0.9988 +vn -0.0405 -0.1943 -0.9801 +vn 0.5076 0.5640 -0.6514 +vn 0.3916 0.4350 -0.8108 +vn -0.0799 -0.3820 -0.9207 +vn -0.0298 -0.1913 -0.9811 +vn -0.0601 -0.3856 -0.9207 +vn -0.1784 -0.5588 -0.8099 +vn -0.2070 -0.5488 -0.8099 +vn 0.6615 0.5956 -0.4557 +vn 0.5956 0.6616 -0.4556 +vn 0.5639 0.5077 -0.6514 +vn 0.1039 0.1634 -0.9811 +vn 0.1157 0.1583 -0.9806 +vn -0.4790 -0.8461 -0.2339 +vn -0.3984 -0.7965 -0.4548 +vn -0.4387 -0.7750 -0.4549 +vn 0.0259 0.0408 -0.9988 +vn -0.5203 -0.8126 -0.2626 +vn 0.0280 0.0352 -0.9990 +vn 0.7201 0.5233 -0.4556 +vn -0.3397 -0.6793 -0.6505 +vn 0.9120 0.4059 -0.0590 +vn 0.8419 0.4861 -0.2344 +vn -0.5896 -0.8053 -0.0616 +vn -0.5781 -0.7816 -0.2340 +vn -0.1187 -0.3718 -0.9207 +vn 0.2602 0.2889 -0.9213 +vn -0.0492 -0.1873 -0.9811 +vn 0.4349 0.3916 -0.8109 +vn -0.4781 -0.7514 -0.4549 +vn 0.6139 0.4459 -0.6514 +vn -0.2350 -0.5375 -0.8098 +vn 0.1298 0.1453 -0.9808 +vn -0.1377 -0.3651 -0.9207 +vn 0.0316 0.0323 -0.9990 +vn 0.7709 0.4451 -0.4557 +vn -0.3742 -0.6610 -0.6504 +vn -0.2622 -0.5247 -0.8099 +vn 0.8882 0.3952 -0.2343 +vn -0.0169 -0.0452 -0.9988 +vn -0.0602 -0.1890 -0.9801 +vn 0.2889 0.2601 -0.9214 +vn -0.5294 -0.7158 -0.4554 +vn 0.4736 0.3440 -0.8108 +vn -0.4078 -0.6409 -0.6504 +vn 0.6573 0.3793 -0.6513 +vn -0.6680 -0.7418 -0.0589 +vn -0.6505 -0.7224 -0.2343 +vn -0.7418 -0.6681 -0.0589 +vn 0.1439 0.1308 -0.9809 +vn 0.0350 0.0291 -0.9990 +vn -0.1565 -0.3577 -0.9207 +vn -0.0682 -0.1812 -0.9811 +vn 0.8133 0.3620 -0.4556 +vn -0.2891 -0.5105 -0.8098 +vn 0.3146 0.2285 -0.9213 +vn -0.1745 -0.3491 -0.9207 +vn 0.9246 0.3005 -0.2343 +vn 0.9494 0.3085 -0.0590 +vn 0.9765 0.2075 -0.0590 +vn -0.4513 -0.6103 -0.6511 +vn 0.5069 0.2926 -0.8108 +vn -0.3149 -0.4949 -0.8099 +vn -0.0215 -0.0433 -0.9988 +vn -0.0791 -0.1816 -0.9802 +vn 0.6931 0.3086 -0.6514 +vn -0.5957 -0.6615 -0.4556 +vn 0.1566 0.1148 -0.9810 +vn 0.0380 0.0255 -0.9990 +vn -0.0866 -0.1732 -0.9811 +vn 0.8465 0.2751 -0.4557 +vn -0.1924 -0.3396 -0.9207 +vn -0.7224 -0.6506 -0.2343 +vn -0.8076 -0.5867 -0.0590 +vn 0.3367 0.1944 -0.9213 +vn 0.9509 0.2021 -0.2343 +vn -0.3482 -0.4709 -0.8105 +vn -0.2097 -0.3293 -0.9207 +vn 0.5346 0.2381 -0.8109 +vn -0.5078 -0.5638 -0.6513 +vn 0.7215 0.2345 -0.6515 +vn -0.0258 -0.0408 -0.9988 +vn -0.0973 -0.1723 -0.9802 +vn 0.1675 0.0976 -0.9810 +vn -0.6615 -0.5956 -0.4557 +vn 0.0409 0.0217 -0.9989 +vn -0.1040 -0.1634 -0.9811 +vn 0.8708 0.1850 -0.4555 +vn -0.2313 -0.3129 -0.9212 +vn 0.3549 0.1581 -0.9214 +vn 0.9668 0.1016 -0.2344 +vn 0.9928 0.1044 -0.0590 +vn -0.8645 -0.4991 -0.0590 +vn -0.7865 -0.5714 -0.2343 +vn 0.9982 0.0004 -0.0592 +vn 0.9721 0.0008 -0.2344 +vn 0.8901 0.0007 -0.4557 +vn 0.5566 0.1809 -0.8108 +vn -0.3917 -0.4349 -0.8108 +vn 0.7422 0.1577 -0.6514 +vn -0.5639 -0.5077 -0.6514 +vn 0.0430 0.0176 -0.9989 +vn 0.1761 0.0794 -0.9812 +vn -0.0279 -0.0352 -0.9990 +vn -0.1155 -0.1583 -0.9806 +vn 0.8853 0.0931 -0.4556 +vn -0.7202 -0.5232 -0.4556 +vn 0.3699 0.1201 -0.9213 +vn -0.2602 -0.2889 -0.9213 +vn 0.5725 0.1217 -0.8108 +vn -0.9120 -0.4060 -0.0590 +vn -0.8419 -0.4861 -0.2343 +vn 0.7545 0.0793 -0.6514 +vn 0.7588 0.0006 -0.6514 +vn 0.5854 0.0005 -0.8107 +vn 0.1833 0.0603 -0.9812 +vn -0.4350 -0.3916 -0.8108 +vn 0.0450 0.0133 -0.9989 +vn 0.3803 0.0808 -0.9213 +vn -0.6138 -0.4459 -0.6514 +vn 0.5819 0.0612 -0.8109 +vn -0.0315 -0.0323 -0.9990 +vn -0.1300 -0.1453 -0.9808 +vn 0.1880 0.0406 -0.9813 +vn -0.7709 -0.4451 -0.4556 +vn 0.0464 0.0089 -0.9989 +vn 0.3864 0.0406 -0.9214 +vn 0.3892 0.0003 -0.9212 +vn 0.1923 0.0001 -0.9813 +vn -0.8882 -0.3953 -0.2343 +vn 0.0472 0.0045 -0.9989 +vn 0.1908 0.0204 -0.9814 +vn -0.2892 -0.2601 -0.9213 +vn -0.4735 -0.3440 -0.8109 +vn -0.6571 -0.3794 -0.6514 +vn -0.0348 -0.0291 -0.9990 +vn -0.1443 -0.1308 -0.9809 +vn -0.8132 -0.3620 -0.4556 +vn -0.9494 -0.3086 -0.0590 +vn -0.9246 -0.3005 -0.2343 +vn -0.9764 -0.2076 -0.0590 +vn -0.3144 -0.2285 -0.9214 +vn -0.5067 -0.2926 -0.8109 +vn -0.6931 -0.3086 -0.6514 +vn -0.0380 -0.0255 -0.9990 +vn -0.1566 -0.1148 -0.9810 +vn -0.8466 -0.2751 -0.4556 +vn -0.9928 -0.1043 -0.0590 +vn -0.9509 -0.2022 -0.2344 +vn -0.3367 -0.1944 -0.9213 +vn -0.5347 -0.2380 -0.8108 +vn -0.7216 -0.2345 -0.6514 +vn -0.0406 -0.0217 -0.9989 +vn -0.1675 -0.0976 -0.9810 +vn -0.8707 -0.1851 -0.4557 +vn -0.9669 -0.1016 -0.2342 +vn -0.3551 -0.1581 -0.9214 +vn -0.5565 -0.1809 -0.8109 +vn -0.7421 -0.1578 -0.6515 +vn -0.0430 -0.0176 -0.9989 +vn -0.1760 -0.0794 -0.9812 +vn -0.8853 -0.0930 -0.4555 +vn -0.9982 -0.0004 -0.0593 +vn -0.9722 -0.0008 -0.2343 +vn -0.3696 -0.1201 -0.9214 +vn -0.5725 -0.1217 -0.8108 +vn -0.7546 -0.0793 -0.6514 +vn -0.0448 -0.0133 -0.9989 +vn -0.1830 -0.0603 -0.9813 +vn -0.8902 -0.0008 -0.4556 +vn -0.9925 0.1066 -0.0592 +vn -0.9673 0.0954 -0.2348 +vn -0.3805 -0.0808 -0.9212 +vn -0.5821 -0.0612 -0.8108 +vn -0.7588 -0.0006 -0.6514 +vn -0.0465 -0.0089 -0.9989 +vn -0.1884 -0.0406 -0.9813 +vn -0.8856 0.0901 -0.4556 +vn -0.9756 0.2118 -0.0578 +vn -0.9528 0.1906 -0.2362 +vn -0.3866 -0.0406 -0.9214 +vn -0.5854 -0.0005 -0.8108 +vn -0.7549 0.0768 -0.6513 +vn -0.1910 -0.0204 -0.9814 +vn -0.0472 -0.0045 -0.9989 +vn -0.8720 0.1792 -0.4556 +vn -0.9477 0.3141 -0.0556 +vn -0.9285 0.2845 -0.2385 +vn -0.3888 -0.0003 -0.9213 +vn -0.5823 0.0592 -0.8108 +vn -0.7432 0.1528 -0.6514 +vn -0.1921 -0.0001 -0.9814 +vn -0.0476 -0.0000 -0.9989 +vn -0.8494 0.2665 -0.4556 +vn -0.8947 0.3759 -0.2412 +vn -0.9095 0.4123 -0.0530 +vn -0.3867 0.0393 -0.9214 +vn -0.5734 0.1178 -0.8108 +vn -0.7241 0.2271 -0.6513 +vn -0.1913 0.0194 -0.9813 +vn -0.0474 0.0048 -0.9989 +vn -0.8180 0.3511 -0.4556 +vn -0.8517 0.4638 -0.2440 +vn -0.8613 0.5056 -0.0501 +vn -0.3809 0.0783 -0.9213 +vn -0.5585 0.1752 -0.8108 +vn -0.6972 0.2993 -0.6514 +vn -0.1881 0.0387 -0.9814 +vn -0.0465 0.0096 -0.9989 +vn -0.7784 0.4319 -0.4556 +vn -0.8039 0.5929 -0.0474 +vn -0.7998 0.5472 -0.2468 +vn -0.3710 0.1164 -0.9213 +vn -0.5378 0.2309 -0.8109 +vn -0.6636 0.3682 -0.6513 +vn -0.1833 0.0575 -0.9814 +vn -0.0453 0.0142 -0.9989 +vn -0.7306 0.5085 -0.4556 +vn -0.7397 0.6250 -0.2494 +vn -0.7378 0.6736 -0.0448 +vn -0.3574 0.1533 -0.9213 +vn -0.5117 0.2841 -0.8108 +vn 0.0476 0.0000 -0.9989 +vn 0.9925 -0.1066 -0.0592 +vn 0.9674 -0.0954 -0.2348 +vn -0.6228 0.4335 -0.6514 +vn -0.1769 0.0758 -0.9813 +vn 0.8857 -0.0900 -0.4555 +vn -0.0439 0.0188 -0.9989 +vn -0.6754 0.5798 -0.4556 +vn 0.9756 -0.2118 -0.0578 +vn 0.9528 -0.1907 -0.2363 +vn -0.6717 0.6967 -0.2519 +vn -0.6637 0.7468 -0.0423 +vn 0.7549 -0.0768 -0.6513 +vn -0.3398 0.1887 -0.9214 +vn 0.8720 -0.1792 -0.4555 +vn -0.4805 0.3344 -0.8107 +vn 0.9478 -0.3141 -0.0556 +vn 0.9285 -0.2845 -0.2385 +vn -0.5757 0.4943 -0.6513 +vn -0.1677 0.0933 -0.9814 +vn 0.5824 -0.0592 -0.8108 +vn -0.0414 0.0231 -0.9989 +vn -0.6134 0.6452 -0.4555 +vn 0.7432 -0.1527 -0.6513 +vn -0.5969 0.7611 -0.2540 +vn 0.8493 -0.2665 -0.4556 +vn -0.5827 0.8117 -0.0401 +vn 0.9095 -0.4123 -0.0530 +vn 0.8947 -0.3760 -0.2412 +vn -0.3192 0.2221 -0.9213 +vn -0.4442 0.3813 -0.8107 +vn 0.3866 -0.0393 -0.9214 +vn -0.5228 0.5499 -0.6513 +vn 0.5733 -0.1178 -0.8109 +vn -0.1577 0.1098 -0.9814 +vn -0.0392 0.0272 -0.9989 +vn 0.7240 -0.2272 -0.6513 +vn -0.5448 0.7040 -0.4556 +vn 0.1907 -0.0194 -0.9815 +vn 0.0472 -0.0048 -0.9989 +vn -0.5241 0.8108 -0.2604 +vn -0.4968 0.8653 -0.0671 +vn 0.8181 -0.3510 -0.4555 +vn -0.2951 0.2533 -0.9213 +vn 0.8613 -0.5056 -0.0502 +vn 0.8516 -0.4639 -0.2440 +vn -0.4032 0.4243 -0.8108 +vn 0.3810 -0.0783 -0.9213 +vn 0.5585 -0.1752 -0.8108 +vn -0.4790 0.8461 -0.2338 +vn -0.4644 0.6000 -0.6513 +vn 0.6974 -0.2992 -0.6512 +vn -0.1459 0.1252 -0.9814 +vn 0.1885 -0.0387 -0.9813 +vn 0.0467 -0.0096 -0.9989 +vn -0.0361 0.0310 -0.9989 +vn -0.4837 0.7476 -0.4551 +vn 0.7783 -0.4320 -0.4557 +vn -0.4040 0.9123 -0.0672 +vn -0.4334 0.8616 -0.2642 +vn 0.8039 -0.5929 -0.0474 +vn 0.7998 -0.5472 -0.2468 +vn -0.2677 0.2818 -0.9213 +vn 0.3706 -0.1164 -0.9215 +vn -0.4388 0.7750 -0.4548 +vn -0.3583 0.4629 -0.8108 +vn 0.5380 -0.2308 -0.8108 +vn -0.3894 0.8909 -0.2339 +vn 0.6633 -0.3683 -0.6514 +vn 0.0455 -0.0142 -0.9989 +vn 0.1832 -0.0575 -0.9814 +vn -0.4125 0.6376 -0.6506 +vn 0.7306 -0.5085 -0.4556 +vn -0.1322 0.1393 -0.9814 +vn 0.7377 -0.6736 -0.0447 +vn 0.7396 -0.6251 -0.2494 +vn -0.0327 0.0345 -0.9989 +vn -0.3984 0.7966 -0.4548 +vn 0.3577 -0.1533 -0.9212 +vn -0.3743 0.6610 -0.6504 +vn -0.3069 0.9494 -0.0673 +vn -0.3418 0.9014 -0.2657 +vn 0.5118 -0.2841 -0.8108 +vn -0.2381 0.3075 -0.9213 +vn 0.6228 -0.4335 -0.6513 +vn 0.0437 -0.0188 -0.9989 +vn 0.1768 -0.0758 -0.9813 +vn -0.3567 0.8160 -0.4549 +vn 0.6754 -0.5798 -0.4556 +vn -0.3185 0.4922 -0.8101 +vn 0.6638 -0.7468 -0.0423 +vn 0.6717 -0.6967 -0.2519 +vn -0.2958 0.9261 -0.2340 +vn 0.3399 -0.1887 -0.9213 +vn 0.4802 -0.3344 -0.8109 +vn -0.3397 0.6794 -0.6504 +vn -0.2890 0.5105 -0.8099 +vn -0.1177 0.1520 -0.9814 +vn 0.5758 -0.4943 -0.6513 +vn -0.0292 0.0376 -0.9989 +vn 0.0416 -0.0231 -0.9989 +vn 0.1679 -0.0933 -0.9814 +vn -0.3142 0.8333 -0.4549 +vn 0.6133 -0.6453 -0.4556 +vn -0.3043 0.6960 -0.6504 +vn 0.5826 -0.8118 -0.0401 +vn 0.5970 -0.7610 -0.2539 +vn -0.2467 0.9317 -0.2667 +vn -0.2065 0.9761 -0.0673 +vn -0.2119 0.3274 -0.9208 +vn 0.3191 -0.2221 -0.9213 +vn -0.2709 0.8484 -0.4548 +vn 0.4443 -0.3813 -0.8107 +vn -0.2624 0.5247 -0.8099 +vn 0.5228 -0.5499 -0.6514 +vn -0.1989 0.9517 -0.2339 +vn 0.1578 -0.1098 -0.9814 +vn 0.0389 -0.0272 -0.9989 +vn -0.1923 0.3396 -0.9207 +vn 0.5450 -0.7039 -0.4555 +vn 0.4968 -0.8653 -0.0671 +vn 0.5241 -0.8109 -0.2605 +vn -0.2680 0.7107 -0.6504 +vn -0.2349 0.5375 -0.8099 +vn 0.2950 -0.2533 -0.9213 +vn -0.1050 0.1622 -0.9811 +vn -0.0260 0.0405 -0.9988 +vn -0.2269 0.8612 -0.4548 +vn 0.4032 -0.4243 -0.8108 +vn -0.2310 0.7236 -0.6504 +vn 0.4790 -0.8461 -0.2339 +vn -0.1491 0.9520 -0.2674 +vn 0.4645 -0.6000 -0.6513 +vn -0.1038 0.9923 -0.0674 +vn 0.0362 -0.0310 -0.9989 +vn 0.1459 -0.1252 -0.9813 +vn -0.0973 0.1723 -0.9802 +vn -0.0215 0.0433 -0.9988 +vn -0.1745 0.3491 -0.9207 +vn 0.4837 -0.7476 -0.4551 +vn -0.1822 0.8717 -0.4549 +vn 0.4040 -0.9123 -0.0672 +vn 0.4333 -0.8617 -0.2642 +vn -0.2071 0.5489 -0.8098 +vn 0.2679 -0.2818 -0.9213 +vn -0.1564 0.3577 -0.9207 +vn 0.4387 -0.7750 -0.4548 +vn 0.3583 -0.4629 -0.8108 +vn -0.1000 0.9671 -0.2339 +vn -0.1935 0.7346 -0.6504 +vn -0.1784 0.5588 -0.8099 +vn 0.3895 -0.8908 -0.2339 +vn 0.4125 -0.6376 -0.6506 +vn -0.0864 0.1732 -0.9811 +vn 0.1325 -0.1393 -0.9814 +vn -0.1371 0.8799 -0.4550 +vn 0.0328 -0.0345 -0.9989 +vn -0.1554 0.7435 -0.6504 +vn 0.3983 -0.7965 -0.4548 +vn -0.0499 0.9622 -0.2676 +vn 0.0000 0.9977 -0.0673 +vn 0.3742 -0.6610 -0.6504 +vn -0.1376 0.3651 -0.9207 +vn 0.3069 -0.9494 -0.0673 +vn 0.3418 -0.9015 -0.2657 +vn -0.0792 0.1816 -0.9802 +vn 0.2378 -0.3075 -0.9213 +vn -0.0169 0.0453 -0.9988 +vn -0.0916 0.8859 -0.4548 +vn 0.3567 -0.8160 -0.4549 +vn -0.1493 0.5672 -0.8099 +vn 0.3185 -0.4922 -0.8101 +vn -0.1187 0.3718 -0.9207 +vn 0.2958 -0.9262 -0.2339 +vn 0.3397 -0.6793 -0.6505 +vn 0.0000 0.9723 -0.2339 +vn -0.1169 0.7505 -0.6504 +vn 0.2891 -0.5105 -0.8098 +vn -0.0681 0.1812 -0.9811 +vn 0.0291 -0.0376 -0.9989 +vn 0.1175 -0.1520 -0.9814 +vn -0.1200 0.5742 -0.8098 +vn 0.3142 -0.8333 -0.4548 +vn -0.0459 0.8894 -0.4548 +vn 0.3042 -0.6960 -0.6504 +vn 0.0499 0.9622 -0.2676 +vn 0.2065 -0.9761 -0.0673 +vn 0.2467 -0.9317 -0.2667 +vn 0.1038 0.9923 -0.0674 +vn -0.0780 0.7555 -0.6504 +vn 0.2120 -0.3273 -0.9208 +vn -0.0993 0.3774 -0.9207 +vn 0.2709 -0.8484 -0.4548 +vn -0.0602 0.1890 -0.9801 +vn 0.2622 -0.5247 -0.8099 +vn -0.0122 0.0468 -0.9988 +vn 0.0000 0.8906 -0.4549 +vn 0.1924 -0.3396 -0.9207 +vn 0.1989 -0.9517 -0.2339 +vn -0.0904 0.5796 -0.8099 +vn -0.0798 0.3820 -0.9207 +vn 0.2680 -0.7108 -0.6504 +vn 0.1000 0.9671 -0.2339 +vn 0.2351 -0.5375 -0.8098 +vn -0.0391 0.7586 -0.6504 +vn 0.0259 -0.0405 -0.9988 +vn 0.1051 -0.1622 -0.9811 +vn -0.0492 0.1873 -0.9811 +vn 0.2269 -0.8612 -0.4548 +vn 0.0459 0.8894 -0.4549 +vn 0.2310 -0.7236 -0.6504 +vn -0.0603 0.5835 -0.8099 +vn 0.1038 -0.9923 -0.0674 +vn 0.1491 -0.9520 -0.2673 +vn 0.1491 0.9520 -0.2673 +vn 0.2065 0.9761 -0.0672 +vn 0.0973 -0.1723 -0.9802 +vn 0.0215 -0.0433 -0.9988 +vn 0.1745 -0.3491 -0.9207 +vn 0.0000 0.7596 -0.6503 +vn 0.1822 -0.8717 -0.4549 +vn -0.0602 0.3856 -0.9207 +vn -0.0404 0.1943 -0.9801 +vn 0.2070 -0.5488 -0.8099 +vn -0.0074 0.0478 -0.9988 +vn 0.0916 0.8859 -0.4548 +vn 0.1000 -0.9671 -0.2339 +vn -0.0302 0.5858 -0.8099 +vn 0.1566 -0.3576 -0.9206 +vn 0.1935 -0.7346 -0.6504 +vn 0.0391 0.7586 -0.6504 +vn 0.1784 -0.5588 -0.8099 +vn 0.1990 0.9517 -0.2339 +vn 0.0865 -0.1732 -0.9811 +vn -0.0401 0.3883 -0.9207 +vn -0.0298 0.1913 -0.9811 +vn 0.1371 -0.8799 -0.4549 +vn 0.1554 -0.7435 -0.6504 +vn 0.1370 0.8799 -0.4549 +vn 0.0000 0.5866 -0.8099 +vn 0.0000 -0.9977 -0.0673 +vn 0.0499 -0.9622 -0.2676 +vn 0.3069 0.9494 -0.0673 +vn 0.2467 0.9317 -0.2667 +vn 0.1377 -0.3651 -0.9207 +vn 0.0781 0.7556 -0.6504 +vn 0.0170 -0.0452 -0.9988 +vn 0.0793 -0.1816 -0.9802 +vn 0.0916 -0.8859 -0.4548 +vn -0.0200 0.3897 -0.9207 +vn -0.0204 0.1975 -0.9801 +vn 0.1494 -0.5672 -0.8099 +vn -0.0025 0.0483 -0.9988 +vn 0.0301 0.5857 -0.8099 +vn 0.0000 -0.9723 -0.2338 +vn 0.1187 -0.3718 -0.9207 +vn 0.1822 0.8717 -0.4550 +vn 0.1170 -0.7506 -0.6504 +vn 0.1169 0.7505 -0.6504 +vn 0.0683 -0.1812 -0.9811 +vn 0.2958 0.9262 -0.2340 +vn 0.1200 -0.5742 -0.8099 +vn -0.0000 0.3903 -0.9207 +vn -0.0100 0.1934 -0.9811 +vn 0.0459 -0.8894 -0.4548 +vn -0.1038 -0.9923 -0.0674 +vn -0.0499 -0.9622 -0.2676 +vn 0.2268 0.8612 -0.4549 +vn 0.0781 -0.7556 -0.6504 +vn 0.0603 0.5835 -0.8099 +vn 0.0994 -0.3774 -0.9207 +vn 0.4040 0.9123 -0.0672 +vn 0.3418 0.9014 -0.2657 +vn 0.0602 -0.1890 -0.9801 +vn 0.0122 -0.0467 -0.9988 +vn 0.0201 0.3897 -0.9207 +vn 0.1554 0.7435 -0.6504 +vn -0.0000 -0.8906 -0.4548 +vn 0.0000 0.1985 -0.9801 +vn 0.0025 0.0483 -0.9988 +vn 0.0903 -0.5796 -0.8099 +vn 0.0903 0.5796 -0.8099 +vn -0.1000 -0.9671 -0.2339 +vn 0.2710 0.8484 -0.4548 +vn 0.0798 -0.3820 -0.9207 +vn 0.1935 0.7346 -0.6504 +vn 0.0391 -0.7586 -0.6504 +vn 0.0402 0.3882 -0.9207 +vn 0.0493 -0.1873 -0.9811 +vn 0.3895 0.8908 -0.2338 +vn -0.0458 -0.8894 -0.4549 +vn 0.0603 -0.5835 -0.8099 +vn 0.0100 0.1934 -0.9811 +vn 0.3142 0.8333 -0.4549 +vn -0.2065 -0.9761 -0.0673 +vn -0.1491 -0.9520 -0.2673 +vn 0.1200 0.5742 -0.8098 +vn -0.0000 -0.7596 -0.6504 +vn 0.4333 0.8616 -0.2642 +vn 0.4968 0.8653 -0.0671 +vn 0.0601 -0.3856 -0.9207 +vn 0.0601 0.3856 -0.9207 +vn 0.0406 -0.1943 -0.9801 +vn 0.0074 -0.0478 -0.9988 +vn 0.2311 0.7236 -0.6504 +vn -0.0916 -0.8859 -0.4548 +vn 0.0204 0.1975 -0.9801 +vn 0.0075 0.0478 -0.9988 +vn 0.1494 0.5672 -0.8099 +vn 0.0302 -0.5858 -0.8099 +vn -0.0391 -0.7586 -0.6504 +vn 0.3567 0.8160 -0.4549 +vn -0.1990 -0.9517 -0.2339 +vn 0.2680 0.7107 -0.6504 +vn 0.0401 -0.3882 -0.9207 +vn 0.0798 0.3820 -0.9207 +vn 0.0298 -0.1913 -0.9811 +vn 0.4790 0.8461 -0.2339 +vn -0.1371 -0.8799 -0.4549 +vn 0.0299 0.1913 -0.9811 +vn -0.0000 -0.5866 -0.8099 +vn 0.3983 0.7965 -0.4549 +vn -0.3069 -0.9494 -0.0673 +vn -0.2467 -0.9317 -0.2667 +vn 0.1784 0.5588 -0.8099 +vn -0.0781 -0.7556 -0.6504 +vn 0.5896 0.8053 -0.0615 +vn 0.5203 0.8126 -0.2626 +vn 0.0201 -0.3897 -0.9207 +vn 0.0994 0.3774 -0.9207 +vn 0.0025 -0.0483 -0.9988 +vn 0.0204 -0.1975 -0.9801 +vn 0.3042 0.6960 -0.6504 +vn -0.0302 -0.5858 -0.8099 +vn 0.0405 0.1943 -0.9801 +vn 0.0122 0.0468 -0.9988 +vn -0.1822 -0.8717 -0.4549 +vn 0.2071 0.5489 -0.8098 +vn -0.1169 -0.7506 -0.6504 +vn 0.4386 0.7751 -0.4549 +vn -0.0000 -0.3903 -0.9207 +vn 0.3397 0.6794 -0.6505 +vn -0.2958 -0.9262 -0.2340 +vn 0.6680 0.7418 -0.0590 +vn 0.5781 0.7817 -0.2340 +vn 0.0099 -0.1934 -0.9811 +vn 0.1187 0.3718 -0.9207 +vn -0.2268 -0.8612 -0.4548 +vn 0.0493 0.1873 -0.9811 +vn -0.0603 -0.5835 -0.8099 +vn -0.4040 -0.9123 -0.0672 +vn -0.3417 -0.9015 -0.2656 +vn 0.4781 0.7513 -0.4548 +vn 0.2349 0.5375 -0.8099 +vn -0.0201 -0.3897 -0.9207 +vn -0.1554 -0.7435 -0.6504 +vn 0.1377 0.3651 -0.9207 +vn 0.3742 0.6610 -0.6504 +vn -0.0025 -0.0483 -0.9988 +vn -0.0000 -0.1986 -0.9801 +vn 0.2623 0.5247 -0.8099 +vn -0.0903 -0.5796 -0.8099 +vn 0.0602 0.1890 -0.9801 +vn 0.0169 0.0453 -0.9988 +vn -0.2710 -0.8484 -0.4548 +vn 0.5294 0.7158 -0.4554 +vn -0.1935 -0.7346 -0.6504 +vn 0.4079 0.6408 -0.6503 +vn -0.0402 -0.3882 -0.9207 +vn 0.6506 0.7224 -0.2343 +vn 0.1564 0.3577 -0.9207 +vn -0.3894 -0.8909 -0.2339 +vn -0.0100 -0.1934 -0.9811 +vn 0.0681 0.1812 -0.9811 +vn -0.3142 -0.8333 -0.4549 +vn 0.2890 0.5105 -0.8099 +vn 0.1746 0.3491 -0.9207 +vn -0.4333 -0.8616 -0.2642 +vn 0.4515 0.6102 -0.6510 +vn -0.4968 -0.8653 -0.0671 +vn -0.2311 -0.7236 -0.6504 +vn 0.0792 0.1816 -0.9802 +vn -0.0204 -0.1975 -0.9801 +vn 0.0214 0.0433 -0.9988 +vn 0.0865 0.1732 -0.9811 +vn 0.1924 0.3396 -0.9207 +vn 0.7419 0.6680 -0.0589 +vn 0.0974 0.1724 -0.9802 +vn -0.9971 -0.0766 0.0000 +vn -0.9883 -0.1527 0.0000 +vn -0.9737 -0.2279 0.0000 +vn -0.9534 -0.3017 0.0000 +vn -0.9275 -0.3738 0.0000 +vn -0.8962 -0.4437 0.0000 +vn -0.8596 -0.5110 0.0000 +vn -0.8179 -0.5753 0.0000 +vn -0.7715 -0.6362 0.0000 +vn -0.7205 -0.6934 0.0000 +vn -0.6653 -0.7466 0.0000 +vn -0.6062 -0.7953 0.0000 +vn -0.5436 -0.8394 0.0000 +vn -0.4777 -0.8785 0.0000 +vn -0.4091 -0.9125 0.0000 +vn -0.3380 -0.9411 0.0000 +vn -0.2650 -0.9643 0.0000 +vn -0.1904 -0.9817 0.0000 +vn -0.1147 -0.9934 0.0000 +vn -0.0383 -0.9993 0.0000 +vn 0.0383 -0.9993 0.0000 +vn 0.1147 -0.9934 0.0000 +vn 0.1904 -0.9817 0.0000 +vn 0.2650 -0.9643 0.0000 +vn 0.3380 -0.9411 0.0000 +vn 0.4091 -0.9125 0.0000 +vn 0.4777 -0.8785 0.0000 +vn 0.5436 -0.8394 0.0000 +vn 0.6062 -0.7953 0.0000 +vn 0.6653 -0.7466 0.0000 +vn 0.7205 -0.6934 0.0000 +vn 0.7715 -0.6362 0.0000 +vn 0.8179 -0.5753 0.0000 +vn 0.8596 -0.5110 0.0000 +vn 0.8962 -0.4437 0.0000 +vn 0.9275 -0.3738 0.0000 +vn 0.9534 -0.3017 0.0000 +vn 0.9737 -0.2279 0.0000 +vn 0.9883 -0.1527 0.0000 +vn 0.9971 -0.0765 0.0000 +vn 0.9971 0.0765 0.0000 +vn 0.9883 0.1527 0.0000 +vn 0.9737 0.2279 0.0000 +vn 0.9534 0.3017 0.0000 +vn 0.9275 0.3738 0.0000 +vn 0.8962 0.4437 0.0000 +vn 0.8596 0.5110 0.0000 +vn 0.8179 0.5753 0.0000 +vn 0.7715 0.6362 0.0000 +vn 0.7205 0.6934 0.0000 +vn 0.6653 0.7465 0.0000 +vn 0.6062 0.7953 0.0000 +vn 0.5436 0.8394 0.0000 +vn 0.4777 0.8785 0.0000 +vn 0.4091 0.9125 0.0000 +vn 0.3380 0.9411 0.0000 +vn 0.2650 0.9643 0.0000 +vn 0.1904 0.9817 0.0000 +vn 0.1147 0.9934 0.0000 +vn 0.0383 0.9993 0.0000 +vn -0.0383 0.9993 0.0000 +vn -0.1147 0.9934 0.0000 +vn -0.1904 0.9817 0.0000 +vn -0.2650 0.9643 0.0000 +vn -0.3380 0.9411 0.0000 +vn -0.4091 0.9125 0.0000 +vn -0.4777 0.8785 0.0000 +vn -0.5436 0.8394 0.0000 +vn -0.6062 0.7953 0.0000 +vn -0.6653 0.7465 0.0000 +vn -0.7205 0.6934 0.0000 +vn -0.7715 0.6362 0.0000 +vn -0.8179 0.5753 0.0000 +vn -0.8596 0.5110 0.0000 +vn -0.8962 0.4437 0.0000 +vn -0.9275 0.3738 0.0000 +vn -0.9534 0.3017 0.0000 +vn -0.9737 0.2279 0.0000 +vn -0.9883 0.1527 0.0000 +vn -0.9971 0.0765 0.0000 +vn -0.9945 -0.1045 0.0000 +vn -0.9781 -0.2079 0.0000 +vn -0.9511 -0.3090 0.0000 +vn -0.9135 -0.4067 0.0000 +vn -0.8660 -0.5000 0.0000 +vn -0.7431 -0.6691 0.0000 +vn -0.6691 -0.7431 0.0000 +vn -0.5000 -0.8660 0.0000 +vn -0.4067 -0.9136 0.0000 +vn -0.2079 -0.9781 0.0000 +vn -0.1045 -0.9945 0.0000 +vn 0.1045 -0.9945 0.0000 +vn 0.2079 -0.9781 0.0000 +vn 0.4067 -0.9136 0.0000 +vn 0.5000 -0.8660 0.0000 +vn 0.6691 -0.7431 0.0000 +vn 0.7431 -0.6691 0.0000 +vn 0.8660 -0.5000 0.0000 +vn 0.9135 -0.4067 0.0000 +vn 0.9511 -0.3090 0.0000 +vn 0.9781 -0.2079 0.0000 +vn 0.9945 -0.1045 0.0000 +vn 0.9945 0.1045 0.0000 +vn 0.9781 0.2079 0.0000 +vn 0.9135 0.4067 0.0000 +vn 0.8660 0.5000 0.0000 +vn 0.7431 0.6691 0.0000 +vn 0.6691 0.7431 0.0000 +vn 0.5878 0.8090 0.0000 +vn 0.5000 0.8660 0.0000 +vn 0.4067 0.9136 0.0000 +vn 0.2079 0.9781 0.0000 +vn 0.1045 0.9945 0.0000 +vn -0.1045 0.9945 0.0000 +vn -0.2079 0.9781 0.0000 +vn -0.4067 0.9136 0.0000 +vn -0.5000 0.8660 0.0000 +vn -0.5878 0.8090 0.0000 +vn -0.6691 0.7431 0.0000 +vn -0.7431 0.6691 0.0000 +vn -0.8660 0.5000 0.0000 +vn -0.9135 0.4067 0.0000 +vn -0.9781 0.2079 0.0000 +vn -0.9945 0.1045 0.0000 +vn -0.7036 -0.0736 -0.7068 +vn -0.7062 0.0000 -0.7080 +vn -0.7011 -0.0816 -0.7084 +vn -0.6925 -0.1469 -0.7063 +vn -0.6863 -0.1624 -0.7090 +vn -0.6737 -0.2187 -0.7059 +vn -0.6624 -0.2410 -0.7093 +vn -0.6473 -0.2881 -0.7056 +vn -0.6297 -0.3162 -0.7095 +vn -0.6137 -0.3543 -0.7056 +vn -0.5887 -0.3873 -0.7095 +vn -0.5732 -0.4166 -0.7056 +vn -0.5399 -0.4532 -0.7093 +vn -0.5263 -0.4741 -0.7059 +vn -0.4838 -0.5131 -0.7090 +vn -0.4735 -0.5263 -0.7063 +vn -0.4212 -0.5664 -0.7084 +vn -0.4155 -0.5725 -0.7068 +vn -0.3531 -0.6116 -0.7080 +vn -0.3535 -0.6124 -0.7071 +vn -0.2880 -0.6461 -0.7068 +vn -0.2799 -0.6480 -0.7084 +vn -0.2191 -0.6732 -0.7063 +vn -0.2025 -0.6756 -0.7090 +vn -0.1475 -0.6928 -0.7059 +vn -0.1225 -0.6941 -0.7093 +vn -0.0742 -0.7047 -0.7056 +vn -0.0410 -0.7035 -0.7095 +vn 0.0000 -0.7087 -0.7056 +vn 0.0410 -0.7035 -0.7095 +vn 0.0742 -0.7047 -0.7056 +vn 0.1225 -0.6941 -0.7093 +vn 0.1475 -0.6928 -0.7059 +vn 0.2025 -0.6756 -0.7090 +vn 0.2191 -0.6732 -0.7063 +vn 0.2799 -0.6480 -0.7084 +vn 0.2880 -0.6461 -0.7068 +vn 0.3531 -0.6116 -0.7080 +vn 0.3535 -0.6124 -0.7071 +vn 0.4155 -0.5725 -0.7068 +vn 0.4212 -0.5664 -0.7084 +vn 0.4735 -0.5263 -0.7063 +vn 0.4838 -0.5131 -0.7090 +vn 0.5262 -0.4741 -0.7059 +vn 0.5399 -0.4532 -0.7093 +vn 0.5732 -0.4166 -0.7056 +vn 0.5887 -0.3872 -0.7095 +vn 0.6137 -0.3543 -0.7056 +vn 0.6297 -0.3162 -0.7095 +vn 0.6473 -0.2881 -0.7057 +vn 0.6624 -0.2410 -0.7093 +vn 0.6737 -0.2187 -0.7059 +vn 0.6863 -0.1624 -0.7090 +vn 0.6925 -0.1469 -0.7063 +vn 0.7011 -0.0816 -0.7084 +vn 0.7036 -0.0736 -0.7068 +vn 0.7062 0.0000 -0.7080 +vn 0.7036 0.0736 -0.7068 +vn 0.7011 0.0816 -0.7084 +vn 0.6925 0.1469 -0.7063 +vn 0.6863 0.1624 -0.7090 +vn 0.6737 0.2187 -0.7059 +vn 0.6624 0.2409 -0.7093 +vn 0.6474 0.2881 -0.7056 +vn 0.6298 0.3162 -0.7095 +vn 0.6137 0.3543 -0.7056 +vn 0.5887 0.3872 -0.7095 +vn 0.5732 0.4166 -0.7056 +vn 0.5399 0.4532 -0.7093 +vn 0.5262 0.4741 -0.7059 +vn 0.4838 0.5131 -0.7090 +vn 0.4735 0.5263 -0.7063 +vn 0.4212 0.5664 -0.7084 +vn 0.4155 0.5725 -0.7068 +vn 0.3531 0.6116 -0.7080 +vn 0.3535 0.6124 -0.7071 +vn 0.2880 0.6461 -0.7068 +vn 0.2799 0.6480 -0.7084 +vn 0.2191 0.6732 -0.7063 +vn 0.2025 0.6756 -0.7090 +vn 0.1475 0.6928 -0.7059 +vn 0.1225 0.6941 -0.7093 +vn 0.0742 0.7047 -0.7056 +vn 0.0410 0.7035 -0.7095 +vn 0.0000 0.7087 -0.7056 +vn -0.0410 0.7035 -0.7095 +vn -0.0742 0.7047 -0.7056 +vn -0.1225 0.6941 -0.7093 +vn -0.1475 0.6928 -0.7059 +vn -0.2025 0.6756 -0.7090 +vn -0.2191 0.6732 -0.7063 +vn -0.2799 0.6480 -0.7084 +vn -0.2880 0.6461 -0.7068 +vn -0.3531 0.6116 -0.7080 +vn -0.3535 0.6124 -0.7071 +vn -0.4155 0.5725 -0.7068 +vn -0.4212 0.5664 -0.7084 +vn -0.4735 0.5263 -0.7063 +vn -0.4838 0.5131 -0.7089 +vn -0.5262 0.4741 -0.7059 +vn -0.5399 0.4532 -0.7093 +vn -0.5732 0.4166 -0.7056 +vn -0.5887 0.3873 -0.7095 +vn -0.6137 0.3543 -0.7056 +vn -0.6298 0.3162 -0.7095 +vn -0.6473 0.2881 -0.7056 +vn -0.6624 0.2409 -0.7093 +vn -0.6737 0.2187 -0.7059 +vn -0.6863 0.1624 -0.7090 +vn -0.6925 0.1469 -0.7063 +vn -0.7011 0.0816 -0.7084 +vn -0.7036 0.0736 -0.7068 +vn -0.0003 0.0000 -1.0000 +vn -0.0002 0.0000 -1.0000 +vn 0.0005 0.0000 -1.0000 +vn 0.0003 0.0000 -1.0000 +vn 0.0001 0.0000 -1.0000 +vn -0.0010 0.0000 -1.0000 +vn 0.0010 0.0000 -1.0000 +vn 0.0002 0.0000 -1.0000 +vn -0.0005 0.0000 -1.0000 +vn -0.0009 0.0000 1.0000 +vn 0.0009 0.0000 1.0000 +vn -0.4867 -0.0932 0.8686 +vn -0.4687 -0.1793 0.8650 +vn -0.4376 -0.2453 0.8651 +vn 0.0866 -0.4916 0.8665 +vn 0.2131 -0.4514 0.8665 +vn 0.0886 -0.4912 0.8665 +vn -0.0873 -0.4912 0.8667 +vn 0.1718 -0.4722 0.8646 +vn 0.4352 -0.2512 0.8646 +vn 0.0867 0.4916 0.8665 +vn 0.1903 0.4639 0.8652 +vn 0.0877 0.4935 0.8653 +vn 0.4351 0.2512 0.8646 +vn -0.0873 0.4912 0.8667 +vn -0.0154 0.5030 0.8642 +vn 0.0026 0.4992 0.8665 +vn -0.1713 0.4642 0.8690 +vn -0.2445 0.4288 0.8697 +vn -0.3836 0.3218 0.8656 +vn -0.4689 0.1865 0.8633 +vn -0.4704 0.1713 0.8657 +vn -0.1719 0.4722 0.8646 +vn -0.4354 0.2423 0.8670 +vn -0.4640 0.1774 0.8679 +vn -0.4939 0.1008 0.8637 +vn 0.3234 -0.8893 -0.3234 +vn -0.4851 0.1294 0.8648 +vn -0.4366 0.2518 0.8637 +vn -0.4643 0.1735 0.8685 +vn -0.4881 0.0924 0.8679 +vn -0.4852 -0.1294 0.8648 +vn -0.4704 -0.1713 0.8656 +vn -0.4832 -0.1287 0.8660 +vn -0.1718 -0.4395 0.8817 +vn -0.4697 -0.1711 0.8661 +vn -0.4345 -0.2509 0.8650 +vn -0.4097 -0.2870 0.8659 +vn -0.3834 -0.3218 0.8657 +vn -0.3748 -0.3217 0.8695 +vn -0.3286 -0.3615 0.8726 +vn -0.3206 -0.3840 0.8659 +vn -0.2500 -0.4319 0.8666 +vn -0.4986 0.0000 0.8669 +vn -0.4922 -0.0737 0.8674 +vn -0.4934 -0.1037 0.8636 +vn -0.4782 -0.1776 0.8601 +vn 0.2284 -0.4410 0.8679 +vn -0.4528 -0.1615 0.8769 +vn -0.2241 -0.0522 0.9732 +vn -0.2229 -0.0976 0.9700 +vn 0.3471 -0.3584 0.8666 +vn 0.3576 -0.3467 0.8671 +vn 0.4264 -0.2726 0.8624 +vn 0.4861 -0.1135 0.8665 +vn 0.5010 0.0226 0.8651 +vn 0.4282 0.2710 0.8621 +vn -0.2975 0.3919 0.8706 +vn -0.3833 0.3215 0.8659 +vn -0.2231 0.4135 0.8827 +vn -0.4096 0.2870 0.8659 +vn -0.4532 0.2114 0.8660 +vn -0.4699 0.1711 0.8660 +vn -0.4833 0.1288 0.8659 +vn -0.4923 0.0783 0.8669 +vn -0.4528 0.1614 0.8769 +vn -0.2240 0.0522 0.9732 +vn -0.1708 -0.4706 0.8656 +vn 0.0014 -0.5001 0.8660 +vn 0.0391 -0.4895 0.8711 +vn -0.0313 -0.2461 0.9688 +vn 0.4877 -0.1131 0.8656 +vn 0.3614 0.3195 0.8759 +vn 0.2606 0.3682 0.8925 +vn 0.2826 0.4131 0.8658 +vn 0.0997 0.4899 0.8661 +vn -0.0527 0.4875 0.8716 +vn 0.0313 -0.2461 0.9688 +vn 0.3118 -0.2769 0.9089 +vn 0.4133 -0.0826 0.9068 +vn 0.4939 -0.0100 0.8694 +vn 0.4254 0.1240 0.8964 +vn 0.2119 0.1223 0.9696 +vn 0.0313 0.2460 0.9688 +vn -0.0313 0.2460 0.9688 +vn -0.4756 -0.1842 0.8602 +vn 0.1455 0.8001 -0.5819 +vn -0.4288 -0.2542 0.8669 +vn -0.0151 -0.5030 0.8642 +vn 0.5713 0.5175 0.6370 +vn 0.6874 0.5745 0.4443 +vn -0.1068 -0.8895 0.4442 +vn 0.6396 0.6274 0.4442 +vn 0.1696 0.1203 0.9781 +vn -0.1160 -0.9667 0.2282 +vn 0.0420 0.0325 0.9986 +vn -0.1228 -0.5928 0.7960 +vn 0.4793 0.3692 0.7962 +vn -0.0388 -0.9729 0.2281 +vn -0.0385 -0.9979 0.0526 +vn 0.6033 0.6627 0.4438 +vn -0.0559 -0.2022 0.9778 +vn -0.0712 -0.1975 0.9777 +vn 0.1655 0.1274 0.9779 +vn 0.0385 -0.9979 0.0526 +vn 0.6030 0.7956 0.0584 +vn -0.0837 -0.4040 0.9109 +vn -0.0357 -0.8952 0.4442 +vn 0.5192 0.5704 0.6365 +vn -0.0613 -0.7684 0.6370 +vn 0.0392 0.0359 0.9986 +vn -0.0722 -0.6008 0.7961 +vn 0.0387 -0.9729 0.2282 +vn 0.5505 0.7072 0.4437 +vn 0.4078 0.4480 0.7956 +vn -0.0086 -0.0524 0.9986 +vn 0.1549 0.1402 0.9779 +vn 0.5333 0.8144 0.2287 +vn 0.5415 0.8388 0.0576 +vn -0.0331 -0.2062 0.9779 +vn 0.4739 0.6088 0.6363 +vn 0.1154 -0.9919 0.0527 +vn -0.0492 -0.4093 0.9111 +vn 0.2781 0.3055 0.9107 +vn 0.4905 0.7500 0.4437 +vn 0.3723 0.4783 0.7954 +vn 0.1160 -0.9667 0.2282 +vn 0.4656 0.8551 0.2281 +vn 0.0307 -0.7702 0.6370 +vn 0.3983 0.8885 0.2279 +vn 0.1292 0.1659 0.9776 +vn 0.1068 -0.8895 0.4442 +vn 0.2262 0.3459 0.9106 +vn 0.3666 0.8178 0.4437 +vn 0.3374 0.9396 0.0575 +vn 0.0294 0.0449 0.9986 +vn 0.3156 0.7039 0.6364 +vn 0.0482 -0.6032 0.7962 +vn 0.2580 0.9389 0.2279 +vn 0.2646 0.9627 0.0575 +vn 0.1690 0.3771 0.9106 +vn 0.0722 -0.6008 0.7961 +vn 0.2375 0.8641 0.4438 +vn 0.1154 0.9919 0.0526 +vn 0.0492 -0.4093 0.9111 +vn 0.1605 0.5843 0.7955 +vn 0.3142 -0.9216 0.2279 +vn 0.3404 -0.9384 0.0593 +vn 0.1160 0.9667 0.2281 +vn 0.0386 0.9979 0.0525 +vn 0.1094 0.3984 0.9106 +vn 0.1223 0.7611 0.6370 +vn 0.1526 -0.5862 0.7956 +vn 0.1068 0.8895 0.4443 +vn 0.3898 -0.8921 0.2285 +vn 0.0388 0.9729 0.2281 +vn 0.0559 0.2022 0.9777 +vn -0.0386 0.9979 0.0525 +vn 0.0836 0.4039 0.9110 +vn 0.0529 -0.2031 0.9777 +vn 0.0357 0.8952 0.4443 +vn 0.4625 -0.8567 0.2285 +vn 0.0613 0.7684 0.6371 +vn 0.0721 0.6008 0.7961 +vn -0.0388 0.9729 0.2281 +vn 0.4257 -0.7886 0.4437 +vn 0.0087 0.0524 0.9986 +vn 0.0683 -0.1989 0.9776 +vn -0.1154 0.9919 0.0526 +vn 0.0491 0.4093 0.9111 +vn -0.0356 0.8952 0.4442 +vn 0.5903 -0.7744 0.2279 +vn 0.6052 -0.7940 0.0576 +vn 0.0215 -0.0492 0.9986 +vn -0.1160 0.9667 0.2281 +vn 0.1963 -0.3637 0.9106 +vn 0.5432 -0.7127 0.4437 +vn 0.6478 -0.7269 0.2279 +vn 0.0998 -0.1850 0.9777 +vn -0.1068 0.8895 0.4443 +vn 0.5962 -0.6690 0.4437 +vn -0.0613 0.7684 0.6371 +vn 0.3673 -0.4819 0.7955 +vn -0.0482 0.6031 0.7962 +vn 0.6371 -0.6300 0.4441 +vn 0.6640 -0.6015 0.4443 +vn -0.1772 0.8782 0.4442 +vn -0.0721 0.6008 0.7961 +vn -0.1223 0.7611 0.6370 +vn 0.5482 -0.5421 0.6368 +vn -0.0083 0.2077 0.9781 +vn 0.7733 -0.5946 0.2200 +vn -0.1525 0.7556 0.6370 +vn -0.0491 0.4093 0.9111 +vn 0.6875 -0.5745 0.4442 +vn 0.4304 -0.4256 0.7960 +vn -0.3142 0.9216 0.2278 +vn -0.3404 0.9384 0.0592 +vn 0.7097 -0.5467 0.4444 +vn -0.1942 0.7464 0.6365 +vn -0.0248 0.2065 0.9781 +vn 0.8180 -0.5317 0.2193 +vn 0.7310 -0.5180 0.4443 +vn -0.1526 0.5863 0.7956 +vn 0.3054 -0.2767 0.9111 +vn -0.3898 0.8921 0.2286 +vn 0.4643 -0.3880 0.7961 +vn 0.8366 -0.4980 0.2281 +vn 0.7509 -0.4885 0.4443 +vn 0.1482 -0.1467 0.9780 +vn 0.4794 -0.3692 0.7962 +vn 0.1547 -0.1402 0.9780 +vn -0.0528 0.2031 0.9777 +vn 0.8576 -0.4654 0.2192 +vn -0.4625 0.8566 0.2285 +vn 0.3163 -0.2643 0.9111 +vn 0.7698 -0.4582 0.4443 +vn -0.4257 0.7886 0.4437 +vn -0.1661 0.3786 0.9106 +vn 0.1654 -0.1274 0.9779 +vn -0.4868 0.7524 0.4437 +vn -0.5903 0.7744 0.2279 +vn -0.6052 0.7940 0.0575 +vn 0.6775 -0.3675 0.6371 +vn -0.0216 0.0492 0.9986 +vn -0.4190 0.6477 0.6363 +vn 0.1695 -0.1203 0.9782 +vn -0.6478 0.7269 0.2279 +vn -0.6060 0.0009 0.7955 +vn -0.7624 -0.1177 0.6364 +vn -0.5963 0.6690 0.4437 +vn -0.4133 0.0006 0.9106 +vn -0.3673 0.4819 0.7955 +vn -0.0535 -0.0045 0.9986 +vn -0.5133 0.5759 0.6364 +vn -0.2505 0.3286 0.9106 +vn 0.1786 -0.1063 0.9782 +vn -0.6370 0.6300 0.4441 +vn -0.4083 -0.0631 0.9106 +vn 0.8453 -0.2969 0.4443 +vn -0.4032 0.4524 0.7955 +vn -0.7471 0.6244 0.2281 +vn 0.3699 -0.1820 0.9111 +vn -0.9050 -0.3589 0.2281 +vn -0.5482 0.5422 0.6368 +vn -0.7733 0.5947 0.2200 +vn -0.5713 0.5175 0.6371 +vn 0.7273 -0.2554 0.6370 +vn 0.1865 -0.0917 0.9782 +vn -0.6874 0.5745 0.4443 +vn -0.7273 -0.2554 0.6371 +vn -0.4304 0.4257 0.7960 +vn -0.5794 -0.1751 0.7960 +vn 0.3831 -0.1520 0.9111 +vn -0.0520 -0.0134 0.9986 +vn 0.1908 -0.0847 0.9780 +vn -0.8181 0.5317 0.2193 +vn 0.5784 -0.1776 0.7962 +vn 0.1933 -0.0766 0.9781 +vn -0.6107 0.4704 0.6370 +vn 0.3889 -0.1366 0.9111 +vn -0.4643 0.3881 0.7962 +vn -0.3888 -0.1366 0.9111 +vn -0.7510 0.4885 0.4443 +vn 0.1971 -0.0692 0.9779 +vn -0.1483 0.1467 0.9780 +vn -0.1995 -0.0603 0.9780 +vn 0.7610 -0.1270 0.6362 +vn -0.8575 0.4654 0.2192 +vn 0.0520 -0.0129 0.9986 +vn -0.1970 -0.0692 0.9780 +vn -0.8180 -0.5317 0.2193 +vn 0.5978 -0.0998 0.7954 +vn -0.7698 -0.4582 0.4443 +vn -0.6776 -0.3675 0.6371 +vn -0.7944 -0.5630 0.2281 +vn -0.1934 -0.0766 0.9781 +vn -0.1596 0.1335 0.9781 +vn -0.6624 -0.3943 0.6370 +vn -0.1654 0.1274 0.9780 +vn -0.3364 0.2383 0.9111 +vn -0.1908 -0.0847 0.9780 +vn -0.8038 0.3955 0.4443 +vn 0.7714 -0.0012 0.6363 +vn -0.7733 -0.5946 0.2200 +vn -0.7310 -0.5180 0.4443 +vn -0.9050 0.3590 0.2281 +vn 0.6060 -0.0009 0.7955 +vn 0.9623 0.1486 0.2278 +vn -0.1696 0.1203 0.9781 +vn -0.3622 -0.1965 0.9111 +vn -0.8190 0.3632 0.4443 +vn 0.2095 -0.0174 0.9776 +vn -0.7097 -0.5467 0.4444 +vn -0.6290 -0.4457 0.6370 +vn -0.1750 0.1139 0.9780 +vn -0.8328 0.3303 0.4442 +vn -0.3543 -0.2108 0.9111 +vn -0.6874 -0.5745 0.4443 +vn 0.0536 -0.0001 0.9986 +vn -0.7046 0.3125 0.6370 +vn -0.1835 -0.0996 0.9780 +vn -0.6106 -0.4704 0.6371 +vn -0.4938 -0.3499 0.7961 +vn -0.3622 0.1965 0.9111 +vn 0.5988 0.0925 0.7955 +vn -0.0467 0.0253 0.9986 +vn -0.6950 -0.6818 0.2281 +vn 0.9320 0.2816 0.2280 +vn -0.1787 -0.1063 0.9781 +vn 0.0534 0.0045 0.9986 +vn -0.4794 -0.3692 0.7962 +vn -0.3363 -0.2383 0.9111 +vn -0.6395 -0.6274 0.4442 +vn 0.5899 0.1381 0.7956 +vn 0.8453 0.2968 0.4443 +vn -0.6590 -0.7175 0.2259 +vn -0.7273 0.2554 0.6371 +vn 0.9050 0.3590 0.2281 +vn -0.4643 -0.3881 0.7961 +vn 0.2075 0.0318 0.9777 +vn -0.1866 0.0917 0.9782 +vn -0.5714 -0.5174 0.6370 +vn -0.1696 -0.1203 0.9782 +vn -0.0419 -0.0325 0.9986 +vn 0.4022 0.0942 0.9107 +vn -0.3832 0.1520 0.9111 +vn -0.6032 -0.6627 0.4438 +vn -0.3163 -0.2643 0.9111 +vn 0.5796 0.1750 0.7959 +vn -0.1909 0.0847 0.9779 +vn -0.5785 0.1776 0.7961 +vn 0.0521 0.0134 0.9986 +vn -0.6030 -0.7956 0.0585 +vn 0.7165 0.2842 0.6370 +vn -0.1934 0.0766 0.9781 +vn -0.5193 -0.5704 0.6364 +vn -0.3888 0.1366 0.9111 +vn -0.0391 -0.0359 0.9986 +vn 0.3949 0.1193 0.9109 +vn -0.5505 -0.7072 0.4436 +vn 0.8039 0.3955 0.4443 +vn -0.2942 -0.2887 0.9111 +vn 0.7046 0.3125 0.6371 +vn 0.3888 0.1366 0.9112 +vn -0.4079 -0.4480 0.7956 +vn -0.7610 0.1270 0.6363 +vn -0.5333 -0.8145 0.2286 +vn 0.8367 0.4980 0.2281 +vn -0.5414 -0.8388 0.0576 +vn -0.4739 -0.6088 0.6362 +vn 0.7874 0.4272 0.4443 +vn -0.0519 0.0129 0.9986 +vn -0.1485 -0.1459 0.9781 +vn -0.2781 -0.3054 0.9107 +vn -0.5979 0.0997 0.7954 +vn 0.8181 0.5317 0.2193 +vn 0.3832 0.1520 0.9111 +vn -0.4656 -0.8551 0.2282 +vn 0.7699 0.4582 0.4443 +vn 0.6775 0.3676 0.6371 +vn -0.6041 0.0500 0.7954 +vn -0.4121 0.0341 0.9105 +vn 0.7944 0.5629 0.2281 +vn -0.1292 -0.1659 0.9776 +vn -0.2262 -0.3459 0.9106 +vn 0.1909 0.0847 0.9780 +vn -0.3665 -0.8178 0.4438 +vn 0.7733 0.5947 0.2200 +vn 0.7310 0.5180 0.4443 +vn -0.1150 -0.1759 0.9777 +vn -0.0293 -0.0449 0.9986 +vn -0.3155 -0.7039 0.6364 +vn 0.7471 0.6244 0.2281 +vn 0.3622 0.1965 0.9111 +vn 0.1866 0.0917 0.9781 +vn -0.1932 -0.9796 0.0544 +vn -0.2374 -0.8641 0.4438 +vn 0.1836 0.0996 0.9779 +vn 0.6106 0.4704 0.6371 +vn -0.1154 -0.9919 0.0527 +vn 0.1923 0.3396 -0.9207 +vn 0.0973 0.1723 -0.9802 +vn -0.1201 -0.5743 -0.8098 +vn 0.0866 0.1732 -0.9811 +vn 0.0215 0.0433 -0.9988 +vn 0.0258 0.0408 -0.9988 +vn -0.1785 -0.5588 -0.8099 +vn 0.7225 0.6505 -0.2343 +vn -0.3567 -0.8160 -0.4549 +vn -0.3042 -0.6960 -0.6504 +vn -0.2681 -0.7107 -0.6504 +vn 0.5956 0.6615 -0.4556 +vn -0.0075 -0.0478 -0.9988 +vn -0.0122 -0.0468 -0.9988 +vn -0.0404 -0.1943 -0.9801 +vn -0.0299 -0.1913 -0.9811 +vn 0.2096 0.3293 -0.9207 +vn 0.1040 0.1634 -0.9811 +vn -0.2070 -0.5489 -0.8099 +vn 0.3481 0.4710 -0.8106 +vn 0.2314 0.3129 -0.9211 +vn 0.8077 0.5867 -0.0590 +vn 0.7419 0.6679 -0.0589 +vn -0.3983 -0.7965 -0.4549 +vn 0.5077 0.5639 -0.6514 +vn 0.3917 0.4349 -0.8108 +vn -0.5897 -0.8053 -0.0615 +vn -0.5202 -0.8127 -0.2626 +vn -0.5782 -0.7816 -0.2340 +vn 0.5641 0.5076 -0.6513 +vn 0.1156 0.1583 -0.9806 +vn -0.1188 -0.3718 -0.9207 +vn 0.0279 0.0352 -0.9990 +vn -0.0493 -0.1873 -0.9811 +vn 0.7202 0.5232 -0.4556 +vn -0.4780 -0.7514 -0.4549 +vn 0.1921 0.0001 -0.9814 +vn 0.0474 -0.0048 -0.9989 +vn -0.2349 -0.5375 -0.8099 +vn 0.8645 0.4992 -0.0590 +vn 0.8419 0.4862 -0.2344 +vn 0.9120 0.4060 -0.0590 +vn 0.4350 0.3916 -0.8108 +vn 0.6138 0.4459 -0.6514 +vn -0.2623 -0.5247 -0.8099 +vn -0.0169 -0.0453 -0.9988 +vn 0.1299 0.1453 -0.9808 +vn 0.0315 0.0323 -0.9990 +vn 0.7709 0.4451 -0.4556 +vn 0.2891 0.2601 -0.9213 +vn -0.6679 -0.7419 -0.0590 +vn -0.6505 -0.7225 -0.2343 +vn -0.7419 -0.6679 -0.0589 +vn 0.8882 0.3953 -0.2343 +vn 0.4735 0.3440 -0.8109 +vn -0.1563 -0.3577 -0.9207 +vn -0.0683 -0.1812 -0.9811 +vn 0.6571 0.3794 -0.6514 +vn -0.2890 -0.5105 -0.8099 +vn 0.1443 0.1308 -0.9809 +vn -0.1746 -0.3491 -0.9207 +vn 0.0348 0.0291 -0.9990 +vn 0.8132 0.3620 -0.4556 +vn -0.4514 -0.6102 -0.6511 +vn 0.3144 0.2285 -0.9214 +vn -0.0214 -0.0433 -0.9988 +vn 0.9246 0.3004 -0.2343 +vn 0.5067 0.2926 -0.8109 +vn -0.0865 -0.1732 -0.9811 +vn -0.1923 -0.3396 -0.9207 +vn -0.7225 -0.6504 -0.2343 +vn 0.8466 0.2751 -0.4556 +vn -0.2096 -0.3293 -0.9207 +vn -0.5079 -0.5638 -0.6513 +vn 0.9764 0.2075 -0.0590 +vn -0.0259 -0.0408 -0.9988 +vn 0.5347 0.2380 -0.8108 +vn -0.6614 -0.5957 -0.4557 +vn 0.7216 0.2345 -0.6514 +vn -0.2313 -0.3130 -0.9212 +vn 0.0406 0.0217 -0.9989 +vn 0.8707 0.1851 -0.4557 +vn -0.3918 -0.4349 -0.8108 +vn 0.3551 0.1581 -0.9214 +vn 0.9668 0.1016 -0.2343 +vn -0.5637 -0.5078 -0.6515 +vn -0.0280 -0.0352 -0.9990 +vn -0.1156 -0.1583 -0.9806 +vn 0.5565 0.1809 -0.8109 +vn -0.7201 -0.5233 -0.4556 +vn -0.8645 -0.4992 -0.0590 +vn -0.8418 -0.4862 -0.2344 +vn -0.9120 -0.4059 -0.0590 +vn 0.1760 0.0794 -0.9812 +vn 0.8852 0.0930 -0.4557 +vn 0.8901 0.0008 -0.4558 +vn 0.3696 0.1201 -0.9214 +vn -0.4349 -0.3916 -0.8108 +vn -0.6139 -0.4459 -0.6514 +vn 0.7545 0.0793 -0.6515 +vn -0.0316 -0.0323 -0.9990 +vn -0.1299 -0.1453 -0.9808 +vn 0.1830 0.0603 -0.9813 +vn 0.0448 0.0133 -0.9989 +vn -0.7709 -0.4451 -0.4557 +vn 0.3805 0.0808 -0.9212 +vn -0.8882 -0.3952 -0.2343 +vn 0.5821 0.0612 -0.8108 +vn -0.2888 -0.2601 -0.9214 +vn 0.1884 0.0406 -0.9813 +vn 0.0465 0.0089 -0.9989 +vn -0.4736 -0.3440 -0.8108 +vn 0.3866 0.0406 -0.9214 +vn 0.3889 0.0003 -0.9213 +vn 0.1909 0.0204 -0.9814 +vn -0.6573 -0.3793 -0.6513 +vn -0.1438 -0.1308 -0.9809 +vn -0.0350 -0.0291 -0.9990 +vn -0.8133 -0.3620 -0.4556 +vn -0.9494 -0.3085 -0.0590 +vn -0.9246 -0.3004 -0.2343 +vn -0.3146 -0.2285 -0.9213 +vn -0.5069 -0.2926 -0.8108 +vn -0.5346 -0.2381 -0.8109 +vn -0.0409 -0.0217 -0.9989 +vn -0.8707 -0.1851 -0.4556 +vn -0.3549 -0.1581 -0.9214 +vn -0.9668 -0.1016 -0.2343 +vn -0.5566 -0.1809 -0.8108 +vn -0.7421 -0.1578 -0.6514 +vn -0.1761 -0.0794 -0.9812 +vn -0.8853 -0.0931 -0.4556 +vn -0.3697 -0.1201 -0.9213 +vn -0.7545 -0.0793 -0.6515 +vn -0.0450 -0.0133 -0.9989 +vn -0.1832 -0.0603 -0.9812 +vn -0.9673 0.0954 -0.2349 +vn -0.3803 -0.0808 -0.9213 +vn -0.5820 -0.0612 -0.8109 +vn -0.0464 -0.0089 -0.9989 +vn -0.1880 -0.0406 -0.9813 +vn -0.9528 0.1907 -0.2363 +vn -0.5853 -0.0005 -0.8108 +vn -0.1908 -0.0204 -0.9814 +vn -0.8720 0.1792 -0.4555 +vn -0.9478 0.3141 -0.0556 +vn -0.5824 0.0592 -0.8108 +vn -0.7432 0.1527 -0.6513 +vn -0.1920 -0.0001 -0.9814 +vn -0.8493 0.2665 -0.4556 +vn -0.3869 0.0393 -0.9213 +vn -0.5733 0.1178 -0.8109 +vn -0.7240 0.2272 -0.6513 +vn -0.1910 0.0194 -0.9814 +vn -0.0472 0.0048 -0.9989 +vn -0.8181 0.3510 -0.4555 +vn -0.8516 0.4639 -0.2441 +vn -0.8613 0.5056 -0.0502 +vn -0.3808 0.0783 -0.9214 +vn -0.6973 0.2992 -0.6513 +vn -0.1883 0.0387 -0.9814 +vn -0.0467 0.0096 -0.9989 +vn -0.7783 0.4320 -0.4556 +vn -0.3709 0.1164 -0.9214 +vn -0.5379 0.2308 -0.8108 +vn -0.6635 0.3682 -0.6513 +vn -0.1834 0.0575 -0.9814 +vn -0.0455 0.0142 -0.9989 +vn -0.7307 0.5085 -0.4555 +vn -0.7396 0.6252 -0.2494 +vn -0.7377 0.6736 -0.0447 +vn -0.3575 0.1533 -0.9213 +vn -0.5118 0.2841 -0.8108 +vn 0.8856 -0.0900 -0.4555 +vn -0.6228 0.4335 -0.6513 +vn 0.9528 -0.1906 -0.2362 +vn -0.1766 0.0758 -0.9814 +vn -0.0437 0.0188 -0.9989 +vn -0.6754 0.5799 -0.4556 +vn 0.8720 -0.1792 -0.4556 +vn -0.6638 0.7468 -0.0423 +vn 0.9477 -0.3141 -0.0556 +vn -0.3402 0.1887 -0.9212 +vn -0.4803 0.3344 -0.8109 +vn 0.5823 -0.0592 -0.8108 +vn 0.7432 -0.1528 -0.6514 +vn -0.1683 0.0933 -0.9813 +vn 0.8494 -0.2665 -0.4556 +vn -0.0416 0.0231 -0.9989 +vn -0.6133 0.6452 -0.4556 +vn 0.8947 -0.3759 -0.2412 +vn -0.5970 0.7610 -0.2539 +vn -0.5826 0.8118 -0.0401 +vn 0.3867 -0.0393 -0.9214 +vn -0.3190 0.2221 -0.9214 +vn 0.5734 -0.1178 -0.8108 +vn -0.4441 0.3813 -0.8108 +vn 0.7241 -0.2271 -0.6513 +vn -0.5228 0.5500 -0.6513 +vn 0.1912 -0.0194 -0.9814 +vn -0.1575 0.1098 -0.9814 +vn 0.8181 -0.3510 -0.4556 +vn -0.0389 0.0272 -0.9989 +vn -0.5449 0.7040 -0.4555 +vn 0.8613 -0.5056 -0.0501 +vn 0.8517 -0.4638 -0.2440 +vn -0.5241 0.8109 -0.2604 +vn -0.2950 0.2533 -0.9213 +vn -0.4033 0.4242 -0.8108 +vn 0.6973 -0.2992 -0.6514 +vn 0.1882 -0.0387 -0.9814 +vn -0.4789 0.8461 -0.2339 +vn 0.0465 -0.0096 -0.9989 +vn -0.4645 0.6000 -0.6513 +vn 0.7783 -0.4320 -0.4556 +vn -0.1460 0.1252 -0.9813 +vn 0.7997 -0.5473 -0.2468 +vn -0.0362 0.0310 -0.9989 +vn -0.4838 0.7476 -0.4550 +vn 0.3710 -0.1164 -0.9213 +vn -0.4333 0.8617 -0.2642 +vn 0.5377 -0.2309 -0.8109 +vn -0.2678 0.2818 -0.9213 +vn 0.6635 -0.3682 -0.6513 +vn -0.4386 0.7751 -0.4548 +vn 0.0453 -0.0142 -0.9989 +vn 0.1833 -0.0575 -0.9814 +vn 0.7306 -0.5086 -0.4556 +vn 0.7378 -0.6736 -0.0448 +vn 0.7397 -0.6250 -0.2494 +vn -0.3895 0.8908 -0.2339 +vn -0.4126 0.6376 -0.6506 +vn 0.3574 -0.1533 -0.9213 +vn -0.1323 0.1393 -0.9814 +vn 0.5121 -0.2840 -0.8106 +vn -0.0328 0.0345 -0.9989 +vn -0.3983 0.7965 -0.4548 +vn -0.3742 0.6610 -0.6504 +vn 0.0439 -0.0188 -0.9989 +vn 0.1769 -0.0758 -0.9813 +vn -0.3417 0.9015 -0.2657 +vn 0.6755 -0.5798 -0.4556 +vn 0.6637 -0.7468 -0.0423 +vn -0.2379 0.3075 -0.9213 +vn 0.3401 -0.1887 -0.9213 +vn -0.2958 0.9262 -0.2339 +vn 0.5757 -0.4943 -0.6514 +vn 0.0414 -0.0231 -0.9989 +vn 0.1677 -0.0933 -0.9814 +vn -0.3397 0.6793 -0.6505 +vn 0.6134 -0.6452 -0.4555 +vn 0.5827 -0.8117 -0.0401 +vn -0.1176 0.1520 -0.9814 +vn 0.3189 -0.2221 -0.9214 +vn -0.3042 0.6960 -0.6503 +vn 0.5228 -0.5499 -0.6513 +vn 0.1578 -0.1098 -0.9813 +vn -0.2118 0.3273 -0.9209 +vn 0.0392 -0.0272 -0.9989 +vn 0.5449 -0.7040 -0.4556 +vn 0.5240 -0.8109 -0.2605 +vn -0.1922 0.3396 -0.9207 +vn 0.2951 -0.2532 -0.9213 +vn -0.2681 0.7108 -0.6504 +vn 0.4790 -0.8461 -0.2338 +vn -0.2350 0.5375 -0.8098 +vn 0.4643 -0.6001 -0.6514 +vn -0.1050 0.1622 -0.9812 +vn 0.0361 -0.0310 -0.9989 +vn 0.1458 -0.1252 -0.9814 +vn -0.0259 0.0405 -0.9988 +vn 0.4836 -0.7477 -0.4551 +vn -0.2269 0.8612 -0.4549 +vn -0.2311 0.7236 -0.6504 +vn 0.4334 -0.8616 -0.2642 +vn -0.1491 0.9520 -0.2673 +vn 0.2677 -0.2818 -0.9213 +vn -0.1746 0.3491 -0.9207 +vn -0.2069 0.5488 -0.8099 +vn -0.1563 0.3577 -0.9207 +vn 0.4126 -0.6376 -0.6506 +vn 0.1322 -0.1393 -0.9814 +vn -0.1000 0.9671 -0.2340 +vn 0.0327 -0.0345 -0.9989 +vn 0.3983 -0.7965 -0.4549 +vn -0.1785 0.5587 -0.8099 +vn -0.0866 0.1732 -0.9811 +vn 0.3417 -0.9015 -0.2657 +vn -0.1371 0.8799 -0.4549 +vn 0.2380 -0.3075 -0.9213 +vn 0.3568 -0.8159 -0.4549 +vn 0.2958 -0.9262 -0.2340 +vn -0.0791 0.1816 -0.9802 +vn -0.0170 0.0452 -0.9988 +vn 0.3397 -0.6794 -0.6505 +vn -0.1494 0.5672 -0.8099 +vn 0.2890 -0.5105 -0.8099 +vn 0.0292 -0.0376 -0.9989 +vn 0.1176 -0.1520 -0.9814 +vn -0.1188 0.3718 -0.9207 +vn 0.3142 -0.8333 -0.4549 +vn -0.0000 0.9723 -0.2338 +vn -0.1169 0.7506 -0.6504 +vn -0.0683 0.1812 -0.9811 +vn -0.1200 0.5742 -0.8099 +vn 0.2120 -0.3274 -0.9208 +vn -0.0458 0.8894 -0.4548 +vn 0.2709 -0.8484 -0.4549 +vn 0.0499 0.9623 -0.2676 +vn 0.1923 -0.3396 -0.9207 +vn -0.0782 0.7556 -0.6504 +vn 0.1990 -0.9517 -0.2339 +vn -0.0994 0.3774 -0.9207 +vn -0.0122 0.0467 -0.9988 +vn 0.2681 -0.7108 -0.6503 +vn 0.0000 0.8906 -0.4548 +vn -0.0903 0.5796 -0.8099 +vn 0.2350 -0.5375 -0.8099 +vn 0.0260 -0.0405 -0.9988 +vn -0.0799 0.3820 -0.9207 +vn -0.0493 0.1873 -0.9811 +vn 0.0458 0.8894 -0.4548 +vn 0.1746 -0.3491 -0.9207 +vn 0.1822 -0.8717 -0.4550 +vn 0.2070 -0.5489 -0.8099 +vn 0.2065 0.9761 -0.0673 +vn 0.0000 0.7596 -0.6504 +vn 0.1563 -0.3577 -0.9207 +vn -0.0601 0.3856 -0.9207 +vn -0.0406 0.1943 -0.9801 +vn 0.1936 -0.7345 -0.6504 +vn 0.1785 -0.5588 -0.8099 +vn 0.0866 -0.1732 -0.9811 +vn 0.1370 -0.8799 -0.4549 +vn -0.0401 0.3882 -0.9207 +vn 0.1989 0.9517 -0.2338 +vn -0.0297 0.1913 -0.9811 +vn 0.1371 0.8799 -0.4549 +vn 0.0169 -0.0453 -0.9988 +vn 0.0791 -0.1816 -0.9802 +vn 0.2468 0.9317 -0.2667 +vn 0.1188 -0.3718 -0.9207 +vn -0.0201 0.3897 -0.9207 +vn 0.0000 -0.9723 -0.2339 +vn -0.0203 0.1975 -0.9801 +vn 0.1169 -0.7505 -0.6504 +vn 0.0302 0.5858 -0.8099 +vn 0.1201 -0.5743 -0.8098 +vn 0.1821 0.8717 -0.4549 +vn 0.1169 0.7506 -0.6504 +vn 0.0780 -0.7555 -0.6504 +vn 0.0993 -0.3774 -0.9207 +vn 0.0122 -0.0468 -0.9988 +vn 0.2269 0.8612 -0.4549 +vn 0.0000 -0.8905 -0.4549 +vn 0.3417 0.9015 -0.2656 +vn 0.0902 -0.5796 -0.8099 +vn 0.0799 -0.3820 -0.9207 +vn 0.0000 0.1986 -0.9801 +vn 0.2709 0.8484 -0.4548 +vn -0.0459 -0.8894 -0.4549 +vn 0.0603 -0.5834 -0.8099 +vn 0.0401 0.3882 -0.9207 +vn -0.2065 -0.9761 -0.0672 +vn 0.3894 0.8909 -0.2339 +vn 0.0404 -0.1943 -0.9801 +vn 0.0402 -0.3882 -0.9207 +vn 0.0203 0.1975 -0.9801 +vn 0.0074 0.0478 -0.9988 +vn -0.1370 -0.8799 -0.4549 +vn 0.2681 0.7108 -0.6504 +vn -0.0780 -0.7555 -0.6504 +vn 0.0298 0.1913 -0.9811 +vn 0.0200 -0.3897 -0.9207 +vn 0.3983 0.7966 -0.4548 +vn 0.1785 0.5587 -0.8099 +vn -0.0301 -0.5857 -0.8099 +vn 0.5202 0.8126 -0.2627 +vn -0.1822 -0.8717 -0.4550 +vn -0.1169 -0.7505 -0.6504 +vn 0.3043 0.6960 -0.6504 +vn 0.0122 0.0467 -0.9988 +vn 0.2070 0.5488 -0.8099 +vn -0.2958 -0.9262 -0.2339 +vn 0.0100 -0.1934 -0.9811 +vn 0.4388 0.7750 -0.4548 +vn -0.2268 -0.8612 -0.4549 +vn 0.3396 0.6794 -0.6505 +vn 0.1188 0.3718 -0.9207 +vn -0.3418 -0.9014 -0.2657 +vn 0.5782 0.7816 -0.2340 +vn 0.4779 0.7514 -0.4549 +vn -0.0000 -0.1985 -0.9801 +vn 0.2349 0.5376 -0.8099 +vn -0.2709 -0.8484 -0.4548 +vn 0.3743 0.6610 -0.6504 +vn 0.2624 0.5247 -0.8099 +vn -0.0402 -0.3883 -0.9207 +vn 0.0169 0.0452 -0.9988 +vn 0.5296 0.7157 -0.4553 +vn -0.3895 -0.8908 -0.2339 +vn 0.4077 0.6409 -0.6504 +vn 0.1563 0.3577 -0.9207 +vn 0.0682 0.1812 -0.9811 +vn -0.2310 -0.7236 -0.6504 +vn 0.4514 0.6102 -0.6510 +vn 0.3148 0.4949 -0.8099 +vn 0.0791 0.1816 -0.9802 +vn -0.9971 -0.0765 0.0000 +vn -0.9883 -0.1526 0.0000 +vn -0.6653 -0.7465 0.0000 +vn 0.6653 -0.7465 0.0000 +vn 0.9971 -0.0766 0.0000 +vn 0.6653 0.7466 0.0000 +vn -0.6653 0.7466 0.0000 +vn -0.6624 -0.2409 -0.7093 +vn -0.6474 -0.2881 -0.7056 +vn -0.6298 -0.3162 -0.7095 +vn -0.5887 -0.3872 -0.7095 +vn -0.5262 -0.4741 -0.7059 +vn 0.4838 -0.5131 -0.7089 +vn 0.5887 -0.3873 -0.7095 +vn 0.6298 -0.3162 -0.7095 +vn 0.6473 -0.2881 -0.7056 +vn 0.6624 -0.2409 -0.7093 +vn 0.6624 0.2410 -0.7093 +vn 0.6473 0.2881 -0.7056 +vn 0.6297 0.3162 -0.7095 +vn 0.5887 0.3873 -0.7095 +vn 0.5263 0.4741 -0.7059 +vn -0.4838 0.5131 -0.7090 +vn -0.5887 0.3872 -0.7095 +vn -0.6297 0.3162 -0.7095 +vn -0.6473 0.2881 -0.7057 +vn -0.6624 0.2410 -0.7093 +vn -0.0006 0.0000 -1.0000 +vn -0.3376 0.3628 0.8686 +vn -0.4406 0.2270 0.8685 +vn -0.3994 0.3073 0.8637 +vn -0.4441 0.2317 0.8655 +vn -0.3412 0.3611 0.8679 +vn -0.2718 0.4158 0.8679 +vn -0.4966 0.0658 0.8655 +vn -0.4892 -0.1080 0.8655 +vn -0.4989 -0.0213 0.8664 +vn -0.4942 0.0661 0.8668 +vn -0.4761 0.1506 0.8664 +vn -0.4877 -0.1077 0.8664 +vn -0.4744 -0.1666 0.8644 +vn -0.4212 -0.2678 0.8665 +vn -0.4200 -0.2695 0.8666 +vn -0.4618 -0.1920 0.8659 +vn -0.1824 0.4414 0.8786 +vn -0.1231 0.2110 0.9697 +vn -0.2766 0.4168 0.8659 +vn -0.4791 0.1515 0.8646 +vn -0.4897 0.0649 0.8695 +vn -0.3358 -0.3693 0.8665 +vn -0.3024 -0.3942 0.8678 +vn -0.4615 -0.1907 0.8664 +vn -0.4227 -0.2688 0.8655 +vn -0.5020 -0.0215 0.8646 +vn -0.4824 -0.1062 0.8695 +vn -0.3685 -0.3370 0.8664 +vn -0.3053 -0.3971 0.8655 +vn -0.4167 -0.2653 0.8695 +vn -0.4644 -0.1919 0.8646 +vn -0.2310 -0.4427 0.8664 +vn -0.1526 -0.4785 0.8647 +vn -0.1511 -0.4776 0.8655 +vn -0.3708 -0.3391 0.8646 +vn -0.3011 -0.3916 0.8695 +vn 0.0244 -0.4978 0.8670 +vn -0.0656 -0.4950 0.8664 +vn 0.0214 -0.5005 0.8655 +vn -0.2324 -0.4455 0.8646 +vn -0.1492 -0.4709 0.8695 +vn 0.1077 -0.4876 0.8664 +vn 0.1913 -0.4630 0.8655 +vn 0.1888 -0.4599 0.8677 +vn -0.0660 -0.4981 0.8646 +vn 0.0214 -0.4935 0.8695 +vn 0.2679 -0.4214 0.8664 +vn 0.3360 -0.3703 0.8660 +vn 0.3381 -0.3696 0.8655 +vn 0.1083 -0.4907 0.8646 +vn 0.1886 -0.4566 0.8695 +vn 0.4441 -0.2317 0.8655 +vn 0.3959 -0.3044 0.8664 +vn 0.4457 -0.2313 0.8648 +vn 0.4949 -0.0654 0.8665 +vn 0.4874 0.1076 0.8665 +vn 0.5023 0.0069 0.8646 +vn 0.2696 -0.4240 0.8646 +vn 0.3332 -0.3647 0.8695 +vn 0.4966 -0.0658 0.8655 +vn 0.4761 -0.1506 0.8664 +vn 0.4894 0.1072 0.8655 +vn 0.3984 -0.3062 0.8646 +vn 0.4381 -0.2283 0.8695 +vn 0.4538 0.2168 0.8643 +vn 0.4622 0.1899 0.8662 +vn 0.4215 0.2680 0.8664 +vn 0.4198 0.2678 0.8672 +vn 0.4892 0.1080 0.8655 +vn 0.4989 0.0213 0.8664 +vn 0.3034 0.3956 0.8668 +vn 0.3878 0.3190 0.8648 +vn 0.3619 0.3385 0.8686 +vn 0.4791 -0.1515 0.8646 +vn 0.4897 -0.0649 0.8695 +vn 0.3052 0.3899 0.8688 +vn 0.4615 0.1907 0.8664 +vn 0.4227 0.2688 0.8655 +vn 0.1502 0.4748 0.8672 +vn 0.2323 0.4432 0.8658 +vn 0.5020 0.0215 0.8646 +vn 0.4824 0.1062 0.8695 +vn 0.1510 0.4774 0.8656 +vn 0.3685 0.3370 0.8664 +vn 0.3053 0.3971 0.8655 +vn -0.0113 0.5098 0.8602 +vn 0.0660 0.4974 0.8650 +vn 0.4167 0.2652 0.8695 +vn 0.4644 0.1919 0.8646 +vn -0.0214 0.5002 0.8656 +vn 0.2310 0.4427 0.8664 +vn 0.1511 0.4776 0.8655 +vn 0.3708 0.3391 0.8646 +vn 0.3011 0.3916 0.8695 +vn 0.0712 0.4933 0.8669 +vn -0.0185 0.5098 0.8601 +vn -0.0926 0.4956 0.8636 +vn -0.0655 0.4978 0.8648 +vn 0.9976 -0.0623 0.0312 +vn 0.1519 0.4718 0.8685 +vn 0.2324 0.4455 0.8646 +vn 0.0596 0.4981 0.8651 +vn -0.0132 0.5016 0.8650 +vn -0.0617 0.2363 0.9697 +vn -0.0982 0.4905 0.8659 +vn -0.0997 0.4854 0.8686 +vn -0.3048 0.3991 0.8648 +vn -0.3380 0.3695 0.8656 +vn -0.3027 0.3977 0.8662 +vn -0.4718 -0.0089 0.8816 +vn -0.3372 0.3690 0.8661 +vn -0.3686 0.3381 0.8659 +vn -0.3979 0.3058 0.8650 +vn -0.3969 0.3047 0.8658 +vn -0.4438 0.2317 0.8657 +vn -0.4220 0.2691 0.8657 +vn -0.4404 0.2237 0.8695 +vn -0.4774 0.1500 0.8658 +vn -0.4594 0.1657 0.8727 +vn -0.4964 0.0647 0.8657 +vn -0.1904 0.4608 0.8668 +vn -0.2601 0.4251 0.8669 +vn -0.2820 0.4179 0.8636 +vn -0.3514 0.3622 0.8633 +vn -0.3902 0.3099 0.8670 +vn -0.3204 -0.3795 0.8679 +vn -0.1338 0.1871 0.9732 +vn -0.3221 0.3569 0.8768 +vn -0.1753 0.1687 0.9700 +vn -0.1948 0.1521 0.9690 +vn -0.2001 -0.4583 0.8660 +vn -0.1757 -0.4675 0.8663 +vn -0.0869 -0.4992 0.8621 +vn 0.0176 -0.4963 0.8680 +vn -0.2233 0.0948 0.9701 +vn -0.2357 0.0652 0.9696 +vn 0.1693 -0.4710 0.8657 +vn 0.1693 -0.4709 0.8658 +vn 0.1719 -0.4687 0.8664 +vn 0.2902 -0.4084 0.8655 +vn 0.3886 -0.3089 0.8681 +vn 0.4153 -0.2914 0.8617 +vn 0.4652 -0.1903 0.8645 +vn 0.2493 0.4242 0.8706 +vn -0.4957 0.0657 0.8660 +vn -0.2446 -0.0016 0.9696 +vn 0.1509 0.4767 0.8660 +vn 0.2971 0.3641 0.8827 +vn 0.1080 0.4882 0.8660 +vn 0.0657 0.4957 0.8660 +vn 0.0223 0.4996 0.8660 +vn -0.0214 0.4996 0.8660 +vn -0.0644 0.4959 0.8660 +vn -0.1199 0.4830 0.8674 +vn 0.0306 0.2452 0.9690 +vn 0.0051 0.2432 0.9700 +vn -0.0237 0.4802 0.8768 +vn -0.0372 0.2269 0.9732 +vn -0.2441 -0.0298 0.9693 +vn -0.2393 -0.0650 0.9688 +vn -0.2261 -0.0934 0.9696 +vn -0.4821 -0.0238 0.8758 +vn -0.5010 -0.0188 0.8652 +vn -0.4845 -0.1165 0.8670 +vn -0.4874 -0.1069 0.8666 +vn -0.4376 -0.2230 0.8711 +vn -0.3845 0.3011 0.8726 +vn -0.2076 0.1143 0.9715 +vn 0.3601 -0.3403 0.8686 +vn 0.4343 -0.2083 0.8764 +vn -0.2154 -0.1229 0.9688 +vn -0.1940 -0.1513 0.9693 +vn -0.1743 -0.1715 0.9696 +vn 0.4621 -0.1909 0.8660 +vn 0.4926 -0.0835 0.8662 +vn 0.4400 -0.1001 0.8924 +vn 0.4937 -0.0856 0.8654 +vn 0.4313 0.2338 0.8714 +vn 0.0912 0.2248 0.9701 +vn 0.0664 0.2275 0.9715 +vn 0.0599 0.4847 0.8726 +vn -0.3047 -0.3964 0.8660 +vn -0.1204 -0.2126 0.9697 +vn 0.3643 -0.6837 0.6323 +vn -0.1371 -0.3938 0.9089 +vn 0.0812 -0.4148 0.9063 +vn 0.1672 -0.4685 0.8675 +vn 0.2750 -0.3447 0.8975 +vn -0.0964 -0.2263 0.9693 +vn -0.0633 -0.2398 0.9688 +vn -0.0321 -0.2425 0.9696 +vn -0.0013 -0.2480 0.9688 +vn 0.0339 -0.2436 0.9693 +vn 0.0616 -0.2367 0.9696 +vn 0.1909 -0.4621 0.8660 +vn 0.1236 -0.2110 0.9696 +vn 0.1479 -0.1966 0.9693 +vn 0.1760 -0.1748 0.9688 +vn 0.1939 -0.1491 0.9696 +vn 0.2141 -0.1252 0.9688 +vn 0.2277 -0.0924 0.9694 +vn 0.2366 -0.0652 0.9694 +vn 0.4865 -0.0645 0.8713 +vn 0.2445 0.0016 0.9696 +vn 0.2442 0.0298 0.9693 +vn 0.2393 0.0650 0.9688 +vn 0.2261 0.0934 0.9696 +vn 0.2155 0.1229 0.9688 +vn 0.1939 0.1513 0.9693 +vn 0.1743 0.1715 0.9696 +vn 0.3047 0.3964 0.8660 +vn 0.1214 0.2126 0.9696 +vn 0.6860 0.5145 -0.5145 +vn -0.4415 0.2304 0.8672 +vn -0.4999 -0.0477 0.8648 +vn -0.7700 -0.1199 0.6266 +vn -0.8961 -0.0832 0.4359 +vn -0.8891 -0.1384 0.4362 +vn 0.3497 -0.2478 0.9035 +vn 0.3397 -0.2612 0.9035 +vn 0.4906 -0.3772 0.7855 +vn 0.5050 -0.3578 0.7854 +vn -0.9395 -0.2661 0.2158 +vn -0.9475 -0.2283 0.2239 +vn -0.9698 -0.2385 0.0517 +vn -0.9491 -0.3107 0.0516 +vn 0.1734 -0.1333 0.9758 +vn 0.1687 -0.1405 0.9756 +vn 0.0428 -0.0357 0.9984 +vn -0.4278 -0.0397 0.9030 +vn -0.4295 -0.0076 0.9030 +vn -0.6196 -0.0110 0.7849 +vn 0.0455 -0.0322 0.9984 +vn -0.6170 -0.0573 0.7849 +vn 0.6837 -0.3736 0.6269 +vn 0.6687 -0.3998 0.6269 +vn 0.7722 -0.4617 0.4365 +vn -0.7640 -0.1529 0.6269 +vn -0.8822 -0.1766 0.4365 +vn 0.7896 -0.4314 0.4364 +vn -0.8747 -0.2108 0.4364 +vn -0.9570 -0.1927 0.2168 +vn 0.8057 -0.4004 0.4364 +vn 0.8553 -0.4673 0.2239 +vn 0.8738 -0.4354 0.2168 +vn -0.6118 -0.0952 0.7853 +vn -0.7763 -0.0721 0.6263 +vn 0.5312 -0.3176 0.7855 +vn 0.5185 -0.3380 0.7854 +vn 0.3590 -0.2341 0.9035 +vn 0.8207 -0.3688 0.4364 +vn 0.8890 -0.3995 0.2239 +vn -0.9269 -0.3011 0.2239 +vn -0.8659 -0.2446 0.4364 +vn 0.1791 -0.1270 0.9756 +vn -0.2198 -0.0201 0.9753 +vn -0.0561 -0.0064 0.9984 +vn -0.0563 -0.0018 0.9984 +vn -0.2208 -0.0037 0.9753 +vn 0.9084 -0.3546 0.2214 +vn 0.9079 -0.4159 0.0520 +vn 0.9367 -0.3452 0.0588 +vn -0.6068 -0.1215 0.7855 +vn 0.5431 -0.2968 0.7855 +vn -0.7575 -0.1825 0.6268 +vn 0.6977 -0.3467 0.6269 +vn -0.9163 -0.3378 0.2153 +vn -0.9230 -0.3813 0.0516 +vn 0.1832 -0.1194 0.9758 +vn 0.0479 -0.0285 0.9984 +vn -0.4238 -0.0660 0.9034 +vn 0.3679 -0.2199 0.9035 +vn -0.8557 -0.2780 0.4364 +vn 0.7107 -0.3194 0.6268 +vn -0.7498 -0.2118 0.6269 +vn 0.8398 -0.3235 0.4360 +vn -0.4202 -0.0841 0.9035 +vn 0.3761 -0.2055 0.9035 +vn -0.6018 -0.1450 0.7854 +vn 0.5542 -0.2754 0.7855 +vn 0.1884 -0.1127 0.9756 +vn -0.9008 -0.3721 0.2239 +vn -0.8443 -0.3110 0.4365 +vn 0.9326 -0.2832 0.2239 +vn 0.9599 -0.2745 0.0576 +vn -0.2168 -0.0338 0.9756 +vn -0.0548 -0.0107 0.9984 +vn 0.5646 -0.2537 0.7854 +vn -0.7410 -0.2407 0.6268 +vn 0.7275 -0.2802 0.6263 +vn -0.5955 -0.1682 0.7855 +vn 0.1921 -0.1048 0.9758 +vn 0.0501 -0.0246 0.9984 +vn -0.2153 -0.0431 0.9756 +vn 0.3838 -0.1907 0.9035 +vn -0.4167 -0.1004 0.9035 +vn -0.8875 -0.4075 0.2153 +vn 0.8617 -0.2599 0.4359 +vn -0.8917 -0.4497 0.0516 +vn 0.3910 -0.1757 0.9035 +vn -0.8316 -0.3436 0.4364 +vn 0.5782 -0.2227 0.7849 +vn -0.7311 -0.2693 0.6269 +vn 0.1965 -0.0978 0.9756 +vn -0.5886 -0.1912 0.7855 +vn 0.9524 -0.2063 0.2244 +vn 0.9776 -0.2028 0.0568 +vn -0.4124 -0.1165 0.9035 +vn 0.7465 -0.2251 0.6261 +vn -0.8692 -0.4409 0.2238 +vn 0.1998 -0.0896 0.9757 +vn -0.2128 -0.0512 0.9758 +vn -0.0537 -0.0150 0.9984 +vn 0.0525 -0.0203 0.9984 +vn -0.8176 -0.3756 0.4365 +vn 0.4007 -0.1544 0.9031 +vn 0.8798 -0.1897 0.4358 +vn -0.7201 -0.2975 0.6268 +vn 0.5934 -0.1790 0.7847 +vn -0.5807 -0.2139 0.7855 +vn 0.2059 -0.0793 0.9754 +vn -0.2113 -0.0597 0.9756 +vn 0.0541 -0.0163 0.9984 +vn 0.9660 -0.1289 0.2240 +vn -0.4076 -0.1324 0.9035 +vn 0.9897 -0.1312 0.0564 +vn 0.7622 -0.1643 0.6261 +vn -0.8533 -0.4746 0.2158 +vn -0.8553 -0.5156 0.0518 +vn 0.4115 -0.1241 0.9029 +vn -0.8024 -0.4071 0.4364 +vn 0.8920 -0.1196 0.4359 +vn -0.7080 -0.3252 0.6269 +vn -0.5721 -0.2363 0.7854 +vn 0.6059 -0.1306 0.7848 +vn 0.2116 -0.0638 0.9753 +vn -0.4021 -0.1481 0.9035 +vn 0.0552 -0.0119 0.9984 +vn 0.9731 -0.0555 0.2236 +vn 0.9968 -0.0569 0.0564 +vn 0.9982 0.0178 0.0564 +vn -0.8323 -0.5070 0.2239 +vn -0.2081 -0.0675 0.9758 +vn -0.0523 -0.0192 0.9984 +vn 0.7728 -0.1036 0.6262 +vn -0.7859 -0.4379 0.4365 +vn 0.4201 -0.0906 0.9030 +vn -0.6948 -0.3525 0.6269 +vn 0.8985 -0.0513 0.4359 +vn -0.5624 -0.2583 0.7855 +vn 0.6143 -0.0823 0.7848 +vn -0.3962 -0.1637 0.9035 +vn -0.2060 -0.0759 0.9756 +vn 0.9745 0.0173 0.2236 +vn 0.9941 0.0923 0.0564 +vn 0.2161 -0.0466 0.9753 +vn -0.7684 -0.4681 0.4364 +vn -0.8139 -0.5391 0.2169 +vn -0.8141 -0.5784 0.0520 +vn 0.7784 -0.0444 0.6262 +vn -0.6806 -0.3792 0.6269 +vn 0.4259 -0.0571 0.9030 +vn -0.5520 -0.2800 0.7855 +vn 0.8998 0.0160 0.4359 +vn -0.7905 -0.5701 0.2239 +vn 0.6187 -0.0353 0.7849 +vn -0.3894 -0.1789 0.9035 +vn 0.9705 0.0901 0.2236 +vn -0.2022 -0.0835 0.9758 +vn -0.0506 -0.0233 0.9984 +vn 0.2190 -0.0294 0.9753 +vn 0.0559 -0.0075 0.9984 +vn -0.6654 -0.4054 0.6268 +vn 0.7795 0.0139 0.6262 +vn -0.7496 -0.4976 0.4365 +vn 0.4289 -0.0245 0.9030 +vn -0.5406 -0.3012 0.7855 +vn 0.8961 0.0832 0.4359 +vn -0.3823 -0.1939 0.9035 +vn -0.7297 -0.5263 0.4364 +vn 0.6196 0.0110 0.7848 +vn 0.9630 0.1500 0.2238 +vn 0.9851 0.1634 0.0533 +vn -0.1995 -0.0917 0.9756 +vn -0.7613 -0.6094 0.2214 +vn 0.2204 -0.0128 0.9753 +vn 0.0563 -0.0028 0.9984 +vn -0.7673 -0.6386 0.0588 +vn 0.7763 0.0721 0.6263 +vn -0.5286 -0.3220 0.7855 +vn -0.6491 -0.4309 0.6269 +vn 0.9570 0.1927 0.2168 +vn 0.9698 0.2385 0.0517 +vn -0.1951 -0.0990 0.9758 +vn -0.0487 -0.0273 0.9984 +vn 0.4296 0.0076 0.9030 +vn 0.8891 0.1384 0.4362 +vn -0.3743 -0.2086 0.9035 +vn -0.6320 -0.4558 0.6268 +vn 0.6170 0.0573 0.7848 +vn -0.7001 -0.5655 0.4360 +vn -0.3661 -0.2230 0.9035 +vn 0.8822 0.1766 0.4364 +vn -0.5156 -0.3423 0.7855 +vn 0.9475 0.2283 0.2239 +vn 0.2208 0.0037 0.9753 +vn 0.0564 0.0018 0.9984 +vn -0.1919 -0.1069 0.9756 +vn 0.7700 0.1199 0.6267 +vn -0.7115 -0.6660 0.2239 +vn -0.7176 -0.6940 0.0576 +vn 0.9395 0.2661 0.2158 +vn 0.9491 0.3108 0.0516 +vn -0.5020 -0.3621 0.7854 +vn -0.6064 -0.4899 0.6263 +vn 0.4278 0.0397 0.9030 +vn -0.1869 -0.1139 0.9757 +vn -0.0463 -0.0311 0.9984 +vn 0.7639 0.1530 0.6269 +vn -0.3570 -0.2370 0.9035 +vn 0.8747 0.2108 0.4364 +vn -0.6559 -0.6163 0.4358 +vn 0.6118 0.0952 0.7852 +vn -0.3476 -0.2507 0.9035 +vn 0.9269 0.3011 0.2239 +vn 0.8658 0.2446 0.4365 +vn -0.4820 -0.3893 0.7849 +vn -0.1829 -0.1214 0.9756 +vn 0.2198 0.0201 0.9753 +vn 0.0561 0.0064 0.9984 +vn -0.6549 -0.7216 0.2244 +vn -0.6644 -0.7452 0.0568 +vn 0.6068 0.1215 0.7855 +vn -0.5682 -0.5339 0.6262 +vn 0.7575 0.1825 0.6268 +vn -0.1776 -0.1282 0.9757 +vn -0.0438 -0.0353 0.9984 +vn 0.9163 0.3378 0.2152 +vn 0.9230 0.3813 0.0516 +vn -0.3340 -0.2699 0.9031 +vn 0.4238 0.0660 0.9033 +vn -0.6042 -0.6671 0.4358 +vn 0.8557 0.2780 0.4364 +vn -0.4516 -0.4245 0.7848 +vn -0.1716 -0.1387 0.9754 +vn 0.7498 0.2118 0.6269 +vn -0.0411 -0.0386 0.9984 +vn -0.5946 -0.7722 0.2240 +vn 0.4202 0.0841 0.9035 +vn 0.6018 0.1450 0.7854 +vn -0.6085 -0.7915 0.0564 +vn -0.5234 -0.5779 0.6261 +vn -0.3132 -0.2943 0.9029 +vn 0.9008 0.3721 0.2239 +vn 0.8443 0.3110 0.4364 +vn -0.5495 -0.7128 0.4359 +vn 0.2168 0.0338 0.9756 +vn 0.0548 0.0107 0.9984 +vn -0.4161 -0.4594 0.7847 +vn 0.7410 0.2407 0.6268 +vn -0.1611 -0.1514 0.9753 +vn -0.0379 -0.0418 0.9984 +vn 0.5955 0.1682 0.7855 +vn -0.5346 -0.8150 0.2236 +vn 0.2153 0.0431 0.9756 +vn -0.5476 -0.8348 0.0564 +vn 0.4167 0.1004 0.9035 +vn -0.4760 -0.6175 0.6262 +vn 0.8875 0.4075 0.2152 +vn 0.8917 0.4498 0.0516 +vn -0.2885 -0.3185 0.9029 +vn 0.8316 0.3436 0.4364 +vn 0.7311 0.2693 0.6269 +vn -0.4936 -0.7525 0.4359 +vn 0.5886 0.1912 0.7855 +vn -0.3784 -0.4908 0.7848 +vn 0.4123 0.1165 0.9035 +vn -0.4722 -0.8526 0.2236 +vn -0.4837 -0.8734 0.0564 +vn -0.4171 -0.9071 0.0564 +vn 0.8692 0.4409 0.2239 +vn -0.1484 -0.1638 0.9753 +vn 0.2129 0.0512 0.9757 +vn 0.0538 0.0150 0.9984 +vn -0.4276 -0.6519 0.6262 +vn 0.8176 0.3756 0.4365 +vn -0.2624 -0.3403 0.9030 +vn -0.4361 -0.7873 0.4359 +vn 0.7201 0.2975 0.6269 +vn 0.5807 0.2139 0.7855 +vn 0.2113 0.0597 0.9756 +vn -0.3399 -0.5181 0.7848 +vn 0.4076 0.1324 0.9035 +vn -0.4072 -0.8855 0.2236 +vn -0.3511 -0.9348 0.0533 +vn 0.8533 0.4746 0.2158 +vn 0.8553 0.5156 0.0518 +vn -0.1349 -0.1750 0.9753 +vn -0.0344 -0.0447 0.9984 +vn 0.8024 0.4071 0.4364 +vn -0.3778 -0.6820 0.6262 +vn 0.7080 0.3252 0.6269 +vn -0.2357 -0.3592 0.9030 +vn 0.5720 0.2364 0.7855 +vn 0.4021 0.1481 0.9035 +vn -0.3760 -0.8177 0.4359 +vn -0.3003 -0.5421 0.7848 +vn 0.8323 0.5070 0.2239 +vn -0.3517 -0.9090 0.2238 +vn 0.2081 0.0675 0.9758 +vn 0.0523 0.0192 0.9984 +vn -0.1213 -0.1845 0.9753 +vn -0.0306 -0.0473 0.9984 +vn 0.7859 0.4379 0.4365 +vn 0.6948 0.3525 0.6268 +vn -0.3257 -0.7083 0.6262 +vn 0.5624 0.2584 0.7855 +vn -0.3117 -0.9251 0.2168 +vn -0.2784 -0.9591 0.0517 +vn -0.2081 -0.3758 0.9030 +vn 0.3961 0.1637 0.9035 +vn 0.2061 0.0759 0.9756 +vn -0.3246 -0.8392 0.4363 +vn 0.7684 0.4681 0.4364 +vn -0.2589 -0.5630 0.7848 +vn 0.8139 0.5390 0.2169 +vn 0.8141 0.5784 0.0520 +vn -0.2881 -0.8524 0.4364 +vn 0.6807 0.3792 0.6268 +vn -0.2760 -0.9347 0.2239 +vn 0.5519 0.2800 0.7855 +vn -0.1072 -0.1930 0.9753 +vn -0.0266 -0.0497 0.9984 +vn 0.7905 0.5701 0.2239 +vn -0.2812 -0.7268 0.6267 +vn 0.3894 0.1789 0.9035 +vn 0.2022 0.0835 0.9758 +vn 0.0507 0.0233 0.9984 +vn -0.2393 -0.9467 0.2158 +vn -0.2054 -0.9773 0.0516 +vn -0.1795 -0.3903 0.9030 +vn 0.6654 0.4054 0.6268 +vn 0.7496 0.4976 0.4364 +vn -0.2495 -0.7381 0.6269 +vn -0.2548 -0.8629 0.4364 +vn 0.5407 0.3012 0.7855 +vn -0.2235 -0.5774 0.7853 +vn 0.3822 0.1939 0.9035 +vn 0.7298 0.5263 0.4364 +vn -0.2027 -0.9533 0.2239 +vn -0.2211 -0.8721 0.4364 +vn 0.1996 0.0917 0.9756 +vn 0.7613 0.6094 0.2214 +vn 0.7673 0.6386 0.0588 +vn -0.0924 -0.2004 0.9753 +vn -0.0225 -0.0518 0.9984 +vn 0.5286 0.3220 0.7855 +vn -0.1982 -0.5863 0.7855 +vn -0.2207 -0.7472 0.6268 +vn 0.6492 0.4309 0.6269 +vn 0.1951 0.0990 0.9758 +vn 0.0487 0.0273 0.9984 +vn -0.1656 -0.9624 0.2153 +vn 0.3743 0.2086 0.9036 +vn -0.1312 -0.9900 0.0515 +vn -0.1548 -0.4000 0.9033 +vn 0.6320 0.4557 0.6268 +vn -0.1871 -0.8801 0.4364 +vn 0.7001 0.5655 0.4360 +vn -0.1915 -0.7552 0.6269 +vn 0.3661 0.2230 0.9035 +vn -0.1372 -0.4060 0.9035 +vn 0.5156 0.3423 0.7855 +vn -0.1753 -0.5936 0.7854 +vn 0.1918 0.1069 0.9756 +vn 0.7115 0.6660 0.2239 +vn -0.1281 -0.9662 0.2239 +vn 0.7176 0.6941 0.0575 +vn 0.5020 0.3621 0.7854 +vn -0.1528 -0.8867 0.4365 +vn -0.0793 -0.2046 0.9756 +vn -0.0182 -0.0528 0.9984 +vn 0.6064 0.4899 0.6263 +vn -0.1620 -0.7621 0.6268 +vn 0.1869 0.1139 0.9757 +vn -0.3714 0.9010 0.2241 +vn -0.3131 0.9480 0.0568 +vn -0.3812 0.9228 0.0565 +vn 0.0463 0.0311 0.9984 +vn -0.1521 -0.5999 0.7855 +vn 0.3570 0.2370 0.9035 +vn -0.0704 -0.2081 0.9756 +vn -0.1214 -0.4111 0.9035 +vn 0.6559 0.6163 0.4359 +vn 0.3476 0.2507 0.9035 +vn -0.0909 -0.9723 0.2152 +vn -0.0563 -0.9971 0.0516 +vn 0.4820 0.3893 0.7849 +vn -0.1182 -0.8919 0.4364 +vn -0.1323 -0.7678 0.6269 +vn 0.1829 0.1214 0.9756 +vn -0.1288 -0.6054 0.7854 +vn 0.6549 0.7217 0.2244 +vn 0.6644 0.7452 0.0568 +vn -0.1053 -0.4154 0.9035 +vn 0.5682 0.5339 0.6261 +vn -0.4385 0.8705 0.2236 +vn -0.0527 -0.9732 0.2239 +vn 0.1775 0.1282 0.9757 +vn 0.0438 0.0353 0.9984 +vn -0.4491 0.8917 0.0564 +vn -0.0621 -0.2099 0.9758 +vn -0.0139 -0.0540 0.9984 +vn -0.4049 0.8038 0.4359 +vn -0.3424 0.8323 0.4359 +vn 0.3341 0.2699 0.9031 +vn -0.0835 -0.8958 0.4364 +vn -0.5023 0.8353 0.2236 +vn -0.1024 -0.7724 0.6268 +vn 0.6042 0.6671 0.4358 +vn -0.5145 0.8556 0.0564 +vn -0.5770 0.8148 0.0564 +vn -0.3507 0.6963 0.6262 +vn -0.1051 -0.6099 0.7855 +vn -0.2967 0.7210 0.6262 +vn 0.4517 0.4244 0.7847 +vn -0.0539 -0.2129 0.9756 +vn 0.1716 0.1387 0.9754 +vn 0.0411 0.0387 0.9984 +vn -0.4638 0.7713 0.4359 +vn -0.0891 -0.4193 0.9035 +vn 0.5947 0.7721 0.2240 +vn 0.6085 0.7915 0.0565 +vn -0.2788 0.5534 0.7849 +vn -0.2358 0.5731 0.7848 +vn -0.0156 -0.9763 0.2158 +vn -0.1635 0.3974 0.9030 +vn 0.5234 0.5779 0.6262 +vn -0.5633 0.7954 0.2236 +vn 0.0189 -0.9985 0.0517 +vn -0.0487 -0.8984 0.4364 +vn 0.3132 0.2943 0.9029 +vn -0.4018 0.6681 0.6263 +vn 0.5495 0.7128 0.4359 +vn -0.1932 0.3837 0.9030 +vn -0.0724 -0.7757 0.6269 +vn -0.0813 -0.6136 0.7854 +vn -0.0841 0.2043 0.9753 +vn 0.4160 0.4594 0.7848 +vn -0.5201 0.7344 0.4360 +vn -0.0728 -0.4223 0.9035 +vn 0.1611 0.1514 0.9753 +vn 0.5347 0.8149 0.2236 +vn 0.5476 0.8348 0.0565 +vn 0.4838 0.8734 0.0564 +vn -0.3194 0.5311 0.7848 +vn 0.0229 -0.9743 0.2239 +vn -0.0455 -0.2140 0.9758 +vn -0.0095 -0.0550 0.9984 +vn 0.4761 0.6174 0.6262 +vn -0.6114 0.7590 0.2238 +vn -0.6340 0.7715 0.0533 +vn -0.0138 -0.8996 0.4365 +vn -0.0991 0.1973 0.9753 +vn 0.2885 0.3186 0.9029 +vn -0.0215 0.0521 0.9984 +vn -0.0257 0.0501 0.9984 +vn -0.4506 0.6362 0.6262 +vn -0.0422 -0.7780 0.6268 +vn 0.4937 0.7525 0.4359 +vn -0.6453 0.7325 0.2168 +vn -0.6914 0.7206 0.0518 +vn -0.0575 -0.6162 0.7855 +vn 0.3785 0.4908 0.7848 +vn -0.2214 0.3682 0.9030 +vn -0.0563 -0.4249 0.9035 +vn -0.0373 -0.2164 0.9756 +vn 0.4723 0.8526 0.2236 +vn -0.5644 0.7008 0.4363 +vn 0.1485 0.1638 0.9753 +vn 0.0380 0.0418 0.9984 +vn 0.0212 -0.8995 0.4364 +vn 0.4277 0.6519 0.6262 +vn -0.3581 0.5057 0.7848 +vn 0.0598 -0.9744 0.2168 +vn -0.5940 0.6758 0.4365 +vn 0.0938 -0.9942 0.0520 +vn 0.2624 0.3403 0.9030 +vn -0.0119 -0.7790 0.6269 +vn -0.0335 -0.6180 0.7854 +vn 0.4360 0.7873 0.4359 +vn -0.6715 0.7064 0.2239 +vn -0.1135 0.1893 0.9753 +vn -0.0298 0.0479 0.9984 +vn 0.3399 0.5181 0.7848 +vn -0.4889 0.6069 0.6266 +vn 0.0985 -0.9696 0.2239 +vn -0.0398 -0.4267 0.9035 +vn 0.4072 0.8855 0.2236 +vn 0.4171 0.9071 0.0564 +vn -0.7002 0.6806 0.2158 +vn -0.0287 -0.2168 0.9758 +vn -0.0051 -0.0555 0.9984 +vn -0.7437 0.6666 0.0516 +vn 0.1349 0.1750 0.9753 +vn 0.0344 0.0447 0.9984 +vn -0.2483 0.3506 0.9030 +vn 0.0183 -0.7789 0.6268 +vn 0.3777 0.6820 0.6263 +vn -0.5144 0.5851 0.6269 +vn 0.0561 -0.8980 0.4364 +vn 0.2357 0.3592 0.9030 +vn -0.6199 0.6521 0.4364 +vn 0.3760 0.8177 0.4359 +vn -0.0095 -0.6188 0.7855 +vn -0.3884 0.4822 0.7853 +vn 0.3002 0.5421 0.7849 +vn -0.0232 -0.4280 0.9035 +vn -0.7243 0.6521 0.2238 +vn 0.3517 0.9090 0.2238 +vn 0.3511 0.9348 0.0533 +vn 0.0909 -0.8951 0.4364 +vn -0.6447 0.6276 0.4365 +vn -0.0204 -0.2187 0.9756 +vn 0.1213 0.1845 0.9753 +vn 0.0306 0.0473 0.9984 +vn -0.1273 0.1803 0.9753 +vn 0.1471 -0.9640 0.2214 +vn 0.1694 -0.9838 0.0588 +vn 0.3257 0.7084 0.6262 +vn -0.0336 0.0454 0.9984 +vn -0.4087 0.4648 0.7855 +vn 0.0146 -0.6188 0.7854 +vn 0.3117 0.9251 0.2169 +vn 0.2784 0.9591 0.0517 +vn -0.5368 0.5647 0.6268 +vn 0.0486 -0.7776 0.6269 +vn 0.2081 0.3758 0.9030 +vn -0.7507 0.6246 0.2152 +vn -0.0118 -0.2184 0.9758 +vn -0.0007 -0.0558 0.9984 +vn 0.3246 0.8392 0.4363 +vn -0.7918 0.6087 0.0515 +vn -0.2690 0.3340 0.9034 +vn -0.0066 -0.4285 0.9035 +vn 0.2589 0.5630 0.7848 +vn -0.6686 0.6021 0.4364 +vn 0.0787 -0.7752 0.6268 +vn 0.2881 0.8524 0.4364 +vn -0.5583 0.5434 0.6269 +vn 0.1397 -0.8890 0.4360 +vn 0.0101 -0.4285 0.9035 +vn 0.2760 0.9347 0.2238 +vn -0.2830 0.3218 0.9035 +vn 0.1072 0.1930 0.9753 +vn 0.0266 0.0497 0.9984 +vn 0.0386 -0.6177 0.7855 +vn -0.4264 0.4486 0.7854 +vn 0.2812 0.7268 0.6267 +vn -0.7727 0.5940 0.2239 +vn -0.0033 -0.2196 0.9756 +vn 0.2393 0.9467 0.2157 +vn 0.2054 0.9773 0.0516 +vn -0.6915 0.5757 0.4365 +vn 0.2210 -0.9492 0.2239 +vn 0.2422 -0.9685 0.0576 +vn -0.1377 0.1709 0.9756 +vn 0.1795 0.3903 0.9030 +vn -0.0366 0.0421 0.9984 +vn -0.5790 0.5214 0.6269 +vn 0.0625 -0.6158 0.7854 +vn 0.1210 -0.7701 0.6263 +vn 0.2495 0.7381 0.6269 +vn -0.4435 0.4317 0.7855 +vn 0.2548 0.8629 0.4364 +vn 0.0053 -0.2188 0.9758 +vn 0.0038 -0.0557 0.9984 +vn -0.1450 0.1649 0.9756 +vn 0.0267 -0.4277 0.9035 +vn 0.2234 0.5774 0.7853 +vn -0.2953 0.3107 0.9035 +vn 0.2058 -0.8762 0.4358 +vn -0.7966 0.5649 0.2153 +vn 0.2027 0.9533 0.2239 +vn -0.8353 0.5473 0.0516 +vn 0.2211 0.8722 0.4364 +vn 0.0433 -0.4264 0.9035 +vn -0.7133 0.5484 0.4364 +vn 0.0962 -0.6121 0.7849 +vn 0.0925 0.2004 0.9753 +vn -0.5987 0.4985 0.6269 +vn 0.0225 0.0518 0.9984 +vn 0.0137 -0.2192 0.9756 +vn -0.4600 0.4142 0.7854 +vn 0.1982 0.5863 0.7855 +vn 0.2207 0.7473 0.6268 +vn 0.2976 -0.9280 0.2244 +vn -0.3071 0.2989 0.9035 +vn 0.3131 -0.9480 0.0568 +vn 0.1656 0.9624 0.2153 +vn 0.1312 0.9900 0.0516 +vn 0.1783 -0.7591 0.6261 +vn -0.8165 0.5322 0.2238 +vn 0.1548 0.4000 0.9033 +vn -0.1507 0.1587 0.9758 +vn 0.0223 -0.2178 0.9757 +vn 0.0086 -0.0556 0.9984 +vn -0.0399 0.0390 0.9984 +vn -0.7341 0.5203 0.4364 +vn 0.0667 -0.4243 0.9031 +vn 0.1871 0.8801 0.4364 +vn 0.1915 0.7552 0.6269 +vn -0.6177 0.4749 0.6268 +vn 0.2756 -0.8568 0.4358 +vn -0.4756 0.3960 0.7855 +vn 0.1373 0.4060 0.9035 +vn 0.1417 -0.6034 0.7847 +vn -0.1573 0.1532 0.9756 +vn 0.1753 0.5936 0.7854 +vn 0.0343 -0.2180 0.9753 +vn -0.3186 0.2868 0.9035 +vn 0.1281 0.9662 0.2239 +vn 0.3714 -0.9011 0.2240 +vn 0.3812 -0.9228 0.0564 +vn -0.8377 0.5017 0.2158 +vn 0.1528 0.8867 0.4365 +vn -0.8741 0.4829 0.0517 +vn 0.2388 -0.7422 0.6261 +vn -0.7537 0.4914 0.4364 +vn 0.0791 0.2046 0.9756 +vn 0.0182 0.0528 0.9984 +vn 0.0983 -0.4184 0.9029 +vn -0.6357 0.4505 0.6269 +vn 0.1620 0.7621 0.6268 +vn 0.1521 0.5999 0.7855 +vn -0.4907 0.3772 0.7854 +vn 0.3425 -0.8323 0.4359 +vn 0.0703 0.2081 0.9756 +vn 0.1898 -0.5900 0.7847 +vn -0.3293 0.2742 0.9035 +vn 0.0505 -0.2152 0.9753 +vn 0.0129 -0.0549 0.9984 +vn 0.1214 0.4111 0.9035 +vn -0.8553 0.4673 0.2238 +vn 0.4385 -0.8705 0.2236 +vn 0.4491 -0.8917 0.0564 +vn 0.5145 -0.8556 0.0564 +vn 0.0909 0.9723 0.2152 +vn 0.0563 0.9971 0.0516 +vn -0.1626 0.1464 0.9758 +vn -0.0429 0.0357 0.9984 +vn 0.1183 0.8919 0.4364 +vn 0.2967 -0.7210 0.6262 +vn -0.7722 0.4617 0.4365 +vn 0.1323 0.7678 0.6269 +vn -0.6527 0.4255 0.6269 +vn 0.1316 -0.4091 0.9029 +vn 0.1287 0.6054 0.7854 +vn 0.4049 -0.8038 0.4359 +vn -0.5049 0.3578 0.7855 +vn 0.1053 0.4154 0.9035 +vn -0.3398 0.2612 0.9035 +vn 0.2358 -0.5731 0.7848 +vn -0.1688 0.1405 0.9756 +vn 0.0528 0.9732 0.2239 +vn 0.5023 -0.8353 0.2236 +vn 0.0621 0.2098 0.9758 +vn -0.7896 0.4314 0.4364 +vn 0.0139 0.0540 0.9984 +vn 0.5770 -0.8148 0.0564 +vn 0.0677 -0.2104 0.9753 +vn 0.0173 -0.0537 0.9984 +vn -0.8738 0.4354 0.2168 +vn 0.0835 0.8959 0.4364 +vn 0.3507 -0.6963 0.6262 +vn -0.9079 0.4159 0.0520 +vn 0.1024 0.7724 0.6268 +vn -0.6687 0.3998 0.6269 +vn 0.1635 -0.3974 0.9030 +vn 0.1051 0.6099 0.7855 +vn -0.5186 0.3380 0.7854 +vn 0.4638 -0.7713 0.4359 +vn 0.0540 0.2129 0.9756 +vn -0.8890 0.3995 0.2239 +vn 0.0892 0.4193 0.9035 +vn -0.3496 0.2478 0.9035 +vn -0.1734 0.1333 0.9758 +vn 0.2787 -0.5535 0.7849 +vn 0.0156 0.9763 0.2158 +vn -0.0189 0.9985 0.0517 +vn 0.5633 -0.7954 0.2236 +vn -0.0456 0.0322 0.9984 +vn 0.0487 0.8984 0.4364 +vn -0.6837 0.3736 0.6268 +vn 0.0841 -0.2043 0.9753 +vn 0.0215 -0.0521 0.9984 +vn 0.0723 0.7757 0.6269 +vn -0.8057 0.4004 0.4364 +vn 0.4018 -0.6681 0.6262 +vn 0.1932 -0.3837 0.9030 +vn -0.5311 0.3176 0.7855 +vn 0.0813 0.6136 0.7854 +vn -0.3591 0.2341 0.9035 +vn 0.0727 0.4223 0.9035 +vn 0.5201 -0.7345 0.4359 +vn 0.3194 -0.5311 0.7848 +vn -0.0229 0.9744 0.2238 +vn -0.8207 0.3688 0.4364 +vn -0.1792 0.1270 0.9756 +vn 0.0455 0.2140 0.9758 +vn 0.0096 0.0550 0.9984 +vn 0.6114 -0.7590 0.2238 +vn -0.9085 0.3546 0.2214 +vn 0.6340 -0.7715 0.0533 +vn -0.9367 0.3452 0.0588 +vn 0.0992 -0.1973 0.9753 +vn 0.0257 -0.0501 0.9984 +vn 0.0137 0.8996 0.4364 +vn 0.0422 0.7780 0.6269 +vn -0.5431 0.2968 0.7855 +vn 0.4506 -0.6362 0.6262 +vn 0.0574 0.6162 0.7855 +vn -0.6977 0.3467 0.6269 +vn -0.1833 0.1194 0.9758 +vn 0.6453 -0.7325 0.2168 +vn 0.6914 -0.7206 0.0517 +vn 0.0563 0.4249 0.9035 +vn 0.2214 -0.3682 0.9030 +vn -0.0479 0.0285 0.9984 +vn -0.3678 0.2199 0.9035 +vn 0.0373 0.2164 0.9756 +vn 0.5644 -0.7008 0.4363 +vn -0.0212 0.8995 0.4364 +vn -0.7107 0.3194 0.6268 +vn -0.0599 0.9744 0.2168 +vn -0.0938 0.9942 0.0520 +vn 0.3581 -0.5057 0.7848 +vn -0.8398 0.3235 0.4360 +vn 0.0119 0.7790 0.6269 +vn -0.3761 0.2055 0.9035 +vn 0.5940 -0.6757 0.4365 +vn 0.0335 0.6180 0.7854 +vn -0.5543 0.2754 0.7854 +vn 0.6715 -0.7064 0.2239 +vn -0.1884 0.1127 0.9756 +vn 0.1136 -0.1893 0.9753 +vn 0.0298 -0.0479 0.9984 +vn -0.0985 0.9696 0.2239 +vn -0.9326 0.2832 0.2239 +vn 0.0398 0.4267 0.9035 +vn 0.4889 -0.6069 0.6267 +vn -0.9599 0.2745 0.0576 +vn 0.0288 0.2168 0.9758 +vn 0.7002 -0.6806 0.2158 +vn 0.7437 -0.6666 0.0516 +vn 0.0051 0.0555 0.9984 +vn -0.5645 0.2537 0.7854 +vn -0.0184 0.7789 0.6268 +vn 0.2483 -0.3506 0.9030 +vn -0.7275 0.2802 0.6263 +vn -0.0561 0.8980 0.4365 +vn -0.1921 0.1048 0.9758 +vn -0.0501 0.0246 0.9984 +vn 0.5144 -0.5851 0.6269 +vn -0.3837 0.1907 0.9035 +vn 0.0095 0.6188 0.7855 +vn 0.6199 -0.6521 0.4364 +vn -0.8617 0.2599 0.4359 +vn 0.0232 0.4280 0.9035 +vn 0.3884 -0.4822 0.7853 +vn -0.0909 0.8952 0.4364 +vn -0.3909 0.1757 0.9035 +vn 0.7243 -0.6521 0.2239 +vn -0.5782 0.2227 0.7849 +vn 0.0204 0.2187 0.9756 +vn -0.1966 0.0978 0.9756 +vn 0.6447 -0.6276 0.4364 +vn -0.1471 0.9640 0.2214 +vn -0.1694 0.9838 0.0588 +vn 0.1273 -0.1803 0.9753 +vn 0.0336 -0.0454 0.9984 +vn -0.9524 0.2063 0.2244 +vn -0.0146 0.6188 0.7854 +vn -0.9776 0.2028 0.0568 +vn 0.4086 -0.4648 0.7855 +vn -0.7465 0.2251 0.6261 +vn 0.5369 -0.5647 0.6268 +vn -0.0486 0.7776 0.6269 +vn -0.1998 0.0896 0.9757 +vn -0.0524 0.0203 0.9984 +vn 0.0118 0.2185 0.9758 +vn 0.7507 -0.6246 0.2153 +vn 0.7918 -0.6087 0.0515 +vn 0.0007 0.0558 0.9984 +vn -0.4007 0.1544 0.9031 +vn 0.2691 -0.3340 0.9033 +vn 0.0066 0.4285 0.9035 +vn -0.8798 0.1897 0.4359 +vn -0.0787 0.7752 0.6268 +vn -0.5934 0.1790 0.7847 +vn 0.6686 -0.6021 0.4364 +vn 0.5583 -0.5434 0.6269 +vn -0.1397 0.8890 0.4360 +vn -0.2059 0.0793 0.9754 +vn 0.2830 -0.3218 0.9035 +vn -0.0101 0.4285 0.9035 +vn -0.9660 0.1289 0.2240 +vn 0.4264 -0.4486 0.7854 +vn -0.9897 0.1312 0.0564 +vn -0.0386 0.6177 0.7855 +vn -0.7622 0.1643 0.6261 +vn 0.7727 -0.5940 0.2239 +vn 0.0034 0.2196 0.9756 +vn -0.4114 0.1241 0.9029 +vn 0.6915 -0.5757 0.4365 +vn -0.2210 0.9492 0.2239 +vn -0.2422 0.9685 0.0576 +vn -0.8920 0.1196 0.4358 +vn 0.1376 -0.1709 0.9756 +vn 0.0366 -0.0421 0.9984 +vn 0.5790 -0.5214 0.6268 +vn -0.0626 0.6158 0.7854 +vn -0.6059 0.1306 0.7847 +vn 0.4435 -0.4317 0.7855 +vn -0.2116 0.0638 0.9753 +vn -0.0541 0.0163 0.9984 +vn -0.1210 0.7701 0.6263 +vn -0.0552 0.0119 0.9984 +vn -0.0053 0.2188 0.9758 +vn -0.9731 0.0555 0.2236 +vn -0.0038 0.0557 0.9984 +vn 0.1450 -0.1649 0.9756 +vn -0.9968 0.0569 0.0564 +vn -0.9982 -0.0178 0.0564 +vn -0.0267 0.4277 0.9035 +vn 0.2953 -0.3107 0.9035 +vn -0.7728 0.1036 0.6262 +vn 0.7966 -0.5649 0.2153 +vn -0.2058 0.8762 0.4359 +vn 0.8353 -0.5473 0.0516 +vn -0.4201 0.0906 0.9029 +vn -0.0434 0.4265 0.9035 +vn 0.7133 -0.5484 0.4364 +vn 0.5988 -0.4985 0.6269 +vn -0.8985 0.0513 0.4359 +vn -0.0962 0.6121 0.7849 +vn -0.6143 0.0823 0.7848 +vn 0.4600 -0.4142 0.7854 +vn -0.0136 0.2192 0.9756 +vn 0.3071 -0.2989 0.9035 +vn -0.2975 0.9280 0.2244 +vn -0.9745 -0.0173 0.2236 +vn -0.2161 0.0466 0.9753 +vn -0.0559 0.0075 0.9984 +vn -0.1783 0.7590 0.6261 +vn 0.8165 -0.5322 0.2239 +vn 0.1507 -0.1587 0.9758 +vn 0.0398 -0.0390 0.9984 +vn -0.7784 0.0444 0.6262 +vn 0.7341 -0.5202 0.4364 +vn -0.0223 0.2178 0.9757 +vn -0.0086 0.0556 0.9984 +vn -0.4259 0.0571 0.9029 +vn -0.0667 0.4242 0.9031 +vn -0.8998 -0.0160 0.4359 +vn 0.6177 -0.4749 0.6269 +vn -0.2756 0.8568 0.4358 +vn 0.4757 -0.3959 0.7855 +vn -0.6186 0.0353 0.7849 +vn 0.1573 -0.1532 0.9756 +vn -0.1417 0.6034 0.7847 +vn -0.9705 -0.0901 0.2236 +vn -0.9941 -0.0923 0.0564 +vn 0.3185 -0.2868 0.9035 +vn -0.0343 0.2180 0.9753 +vn -0.2190 0.0294 0.9753 +vn 0.8377 -0.5017 0.2158 +vn 0.8741 -0.4829 0.0517 +vn -0.2388 0.7422 0.6261 +vn -0.7795 -0.0139 0.6262 +vn 0.7537 -0.4914 0.4364 +vn -0.0983 0.4184 0.9029 +vn -0.4288 0.0245 0.9030 +vn 0.6357 -0.4505 0.6268 +vn -0.1898 0.5900 0.7847 +vn -0.0505 0.2152 0.9753 +vn -0.0129 0.0549 0.9984 +vn -0.1316 0.4091 0.9029 +vn 0.3294 -0.2742 0.9035 +vn -0.9630 -0.1499 0.2238 +vn -0.0677 0.2104 0.9753 +vn -0.9851 -0.1634 0.0533 +vn -0.0173 0.0537 0.9984 +vn -0.2205 0.0128 0.9753 +vn -0.0563 0.0028 0.9984 +vn 0.1625 -0.1464 0.9758 +vn 0.6527 -0.4255 0.6268 +vn 0.8475 -0.4587 -0.2671 +vn 0.8041 -0.3829 -0.4548 +vn 0.7837 -0.4230 -0.4548 +vn -0.9231 0.2766 -0.2671 +vn -0.9441 0.2324 -0.2339 +vn -0.8648 0.2129 -0.4548 +vn 0.7274 -0.2188 -0.6504 +vn 0.5617 -0.1689 -0.8099 +vn 0.5524 -0.1972 -0.8099 +vn -0.7568 0.0627 -0.6507 +vn -0.5853 0.0005 -0.8109 +vn -0.5843 0.0484 -0.8101 +vn -0.7522 0.1060 -0.6504 +vn 0.7015 -0.2913 -0.6504 +vn 0.7154 -0.2554 -0.6503 +vn -0.3890 0.0004 -0.9212 +vn 0.8510 -0.5208 -0.0674 +vn 0.8310 -0.5046 -0.2339 +vn 0.7966 -0.5432 -0.2651 +vn 0.7924 -0.6063 -0.0673 +vn -0.9401 0.3343 -0.0674 +vn -0.9157 0.3268 -0.2338 +vn 0.6859 -0.3265 -0.6503 +vn -0.8819 0.1243 -0.4547 +vn -0.7458 0.1440 -0.6504 +vn -0.8744 0.1688 -0.4549 +vn 0.5696 -0.1403 -0.8099 +vn 0.3789 -0.0933 -0.9207 +vn 0.3738 -0.1124 -0.9207 +vn -0.5809 0.0819 -0.8098 +vn 0.1902 -0.0367 -0.9811 +vn 0.0473 -0.0093 -0.9988 +vn 0.1922 -0.0475 -0.9802 +vn -0.0474 -0.0046 -0.9989 +vn -0.0474 0.0000 -0.9989 +vn -0.1923 0.0002 -0.9813 +vn -0.3871 -0.0378 -0.9212 +vn -0.1914 -0.0187 -0.9813 +vn 0.0461 -0.0140 -0.9988 +vn 0.5416 -0.2250 -0.8100 +vn -0.8528 0.2565 -0.4549 +vn 0.7612 -0.4623 -0.4548 +vn -0.7376 0.1816 -0.6504 +vn -0.9004 0.4298 -0.0674 +vn -0.8898 0.3696 -0.2677 +vn 0.6684 -0.3609 -0.6504 +vn 0.3676 -0.1312 -0.9207 +vn -0.3886 0.0322 -0.9208 +vn 0.7756 -0.5863 -0.2338 +vn -0.8388 0.2994 -0.4547 +vn -0.5759 0.1112 -0.8099 +vn 0.1853 -0.0558 -0.9811 +vn -0.3867 0.0545 -0.9206 +vn 0.7369 -0.5002 -0.4547 +vn 0.5297 -0.2522 -0.8098 +vn -0.8779 0.4179 -0.2339 +vn 0.7375 -0.6225 -0.2620 +vn 0.7210 -0.6902 -0.0616 +vn -0.7274 0.2188 -0.6504 +vn 0.3603 -0.1497 -0.9208 +vn -0.5696 0.1403 -0.8099 +vn 0.6493 -0.3943 -0.6503 +vn -0.0481 0.0042 -0.9988 +vn -0.1925 0.0160 -0.9812 +vn -0.8225 0.3416 -0.4548 +vn 0.1868 -0.0667 -0.9801 +vn 0.0445 -0.0185 -0.9988 +vn 0.5160 -0.2787 -0.8100 +vn -0.8510 0.5208 -0.0675 +vn -0.8475 0.4588 -0.2671 +vn 0.7105 -0.5370 -0.4548 +vn -0.7155 0.2554 -0.6503 +vn -0.0473 0.0093 -0.9988 +vn -0.1959 0.0279 -0.9802 +vn 0.6285 -0.4267 -0.6504 +vn -0.3834 0.0740 -0.9206 +vn 0.3527 -0.1678 -0.9206 +vn -0.8041 0.3829 -0.4548 +vn 0.1786 -0.0743 -0.9811 +vn 0.6991 -0.6756 -0.2342 +vn -0.5617 0.1689 -0.8099 +vn -0.3788 0.0933 -0.9208 +vn 0.6823 -0.5724 -0.4548 +vn -0.7016 0.2913 -0.6504 +vn 0.5014 -0.3045 -0.8099 +vn -0.8310 0.5047 -0.2339 +vn 0.3434 -0.1854 -0.9207 +vn -0.1901 0.0367 -0.9811 +vn 0.6059 -0.4581 -0.6504 +vn -0.7837 0.4231 -0.4548 +vn 0.1793 -0.0851 -0.9801 +vn 0.0425 -0.0229 -0.9988 +vn 0.4854 -0.3295 -0.8098 +vn -0.5525 0.1972 -0.8098 +vn -0.7924 0.6063 -0.0673 +vn -0.7966 0.5433 -0.2651 +vn 0.6402 -0.6187 -0.4553 +vn 0.5820 -0.4882 -0.6504 +vn -0.6859 0.3265 -0.6503 +vn -0.3740 0.1124 -0.9206 +vn 0.3335 -0.2026 -0.9207 +vn -0.0462 0.0140 -0.9988 +vn -0.1918 0.0475 -0.9803 +vn 0.1703 -0.0920 -0.9811 +vn -0.5415 0.2250 -0.8100 +vn 0.6476 -0.7597 -0.0589 +vn 0.6307 -0.7398 -0.2343 +vn 0.5648 -0.8232 -0.0588 +vn -0.7612 0.4623 -0.4548 +vn 0.4680 -0.3538 -0.8098 +vn -0.6684 0.3609 -0.6504 +vn 0.3231 -0.2192 -0.9206 +vn -0.3676 0.1312 -0.9207 +vn 0.5458 -0.5274 -0.6511 +vn -0.7757 0.5862 -0.2338 +vn 0.4494 -0.3770 -0.8099 +vn -0.1856 0.0558 -0.9810 +vn 0.1692 -0.1026 -0.9802 +vn 0.0400 -0.0271 -0.9988 +vn -0.7368 0.5003 -0.4548 +vn 0.5775 -0.6774 -0.4556 +vn -0.5296 0.2522 -0.8099 +vn -0.7210 0.6902 -0.0616 +vn -0.7375 0.6224 -0.2620 +vn 0.1603 -0.1088 -0.9811 +vn -0.3604 0.1497 -0.9207 +vn 0.3115 -0.2354 -0.9206 +vn 0.5500 -0.8017 -0.2341 +vn -0.6493 0.3943 -0.6504 +vn -0.0446 0.0185 -0.9988 +vn -0.1864 0.0667 -0.9802 +vn 0.4213 -0.4069 -0.8105 +vn -0.5162 0.2787 -0.8099 +vn 0.2991 -0.2508 -0.9207 +vn 0.4923 -0.5773 -0.6514 +vn -0.7105 0.5370 -0.4548 +vn 0.1579 -0.1189 -0.9803 +vn -0.6283 0.4267 -0.6505 +vn 0.0370 -0.0309 -0.9988 +vn 0.5035 -0.7341 -0.4556 +vn -0.3524 0.1678 -0.9207 +vn -0.1789 0.0743 -0.9811 +vn 0.1483 -0.1244 -0.9811 +vn 0.2799 -0.2705 -0.9211 +vn -0.6477 0.7596 -0.0589 +vn -0.6990 0.6756 -0.2342 +vn 0.4632 -0.8548 -0.2342 +vn 0.4755 -0.8777 -0.0590 +vn 0.3818 -0.9223 -0.0594 +vn -0.6823 0.5723 -0.4548 +vn 0.3726 -0.8979 -0.2343 +vn 0.3412 -0.8222 -0.4557 +vn 0.3796 -0.4454 -0.8109 +vn -0.5014 0.3045 -0.8098 +vn -0.3435 0.1854 -0.9207 +vn 0.4291 -0.6257 -0.6514 +vn -0.6061 0.4580 -0.6503 +vn 0.1411 -0.1349 -0.9808 +vn 0.0313 -0.0326 -0.9990 +vn -0.0424 0.0229 -0.9988 +vn -0.1791 0.0851 -0.9801 +vn 0.2909 -0.7008 -0.6514 +vn 0.4241 -0.7826 -0.4557 +vn -0.4851 0.3295 -0.8100 +vn 0.2520 -0.2958 -0.9214 +vn -0.6402 0.6188 -0.4553 +vn 0.3311 -0.4826 -0.8108 +vn 0.3614 -0.6670 -0.6515 +vn 0.2244 -0.5406 -0.8108 +vn -0.5819 0.4882 -0.6504 +vn 0.0283 -0.0361 -0.9989 +vn 0.1263 -0.1470 -0.9810 +vn -0.3338 0.2026 -0.9206 +vn 0.2200 -0.3206 -0.9213 +vn -0.1701 0.0920 -0.9811 +vn 0.2787 -0.5146 -0.8109 +vn -0.6308 0.7397 -0.2342 +vn 0.1491 -0.3592 -0.9213 +vn 0.0251 -0.0392 -0.9989 +vn 0.1099 -0.1587 -0.9812 +vn -0.4681 0.3537 -0.8098 +vn 0.1851 -0.3418 -0.9214 +vn -0.3227 0.2192 -0.9208 +vn 0.0735 -0.1775 -0.9814 +vn 0.0921 -0.1688 -0.9813 +vn 0.0217 -0.0420 -0.9989 +vn -0.5457 0.5274 -0.6512 +vn -0.4494 0.3770 -0.8099 +vn -0.1697 0.1026 -0.9801 +vn -0.0399 0.0271 -0.9988 +vn -0.5776 0.6774 -0.4556 +vn -0.1599 0.1088 -0.9811 +vn -0.3116 0.2354 -0.9206 +vn -0.5646 0.8232 -0.0588 +vn -0.5499 0.8017 -0.2342 +vn -0.4755 0.8777 -0.0590 +vn -0.4210 0.4070 -0.8106 +vn -0.2990 0.2508 -0.9207 +vn -0.4923 0.5773 -0.6514 +vn -0.0371 0.0309 -0.9988 +vn -0.1582 0.1189 -0.9802 +vn -0.5035 0.7341 -0.4557 +vn -0.1483 0.1244 -0.9811 +vn -0.2800 0.2705 -0.9211 +vn -0.4632 0.8548 -0.2342 +vn -0.3797 0.4453 -0.8109 +vn -0.4291 0.6257 -0.6515 +vn -0.0314 0.0326 -0.9990 +vn -0.1413 0.1349 -0.9807 +vn -0.4241 0.7826 -0.4556 +vn -0.2523 0.2958 -0.9213 +vn -0.3818 0.9223 -0.0594 +vn -0.3727 0.8979 -0.2342 +vn -0.3310 0.4827 -0.8109 +vn -0.3614 0.6670 -0.6515 +vn -0.0284 0.0360 -0.9989 +vn -0.1265 0.1470 -0.9810 +vn -0.3413 0.8222 -0.4556 +vn -0.2198 0.3206 -0.9214 +vn -0.2790 0.9585 -0.0585 +vn -0.2861 0.9285 -0.2366 +vn -0.2788 0.5146 -0.8108 +vn -0.2910 0.7008 -0.6513 +vn -0.0250 0.0392 -0.9989 +vn -0.1098 0.1587 -0.9812 +vn -0.2576 0.8521 -0.4555 +vn -0.1750 0.9831 -0.0540 +vn -0.1958 0.9505 -0.2412 +vn -0.1853 0.3418 -0.9213 +vn -0.2244 0.5406 -0.8108 +vn -0.2196 0.7264 -0.6512 +vn -0.0218 0.0420 -0.9989 +vn -0.0922 0.1688 -0.9813 +vn -0.1729 0.8733 -0.4555 +vn -0.0708 0.9963 -0.0489 +vn -0.1020 0.9637 -0.2467 +vn -0.1490 0.3591 -0.9213 +vn -0.1694 0.5604 -0.8107 +vn -0.1474 0.7443 -0.6513 +vn -0.0736 0.1775 -0.9814 +vn -0.0182 0.0440 -0.9989 +vn -0.0865 0.8860 -0.4556 +vn -0.0063 0.9678 -0.2517 +vn 0.0331 0.9985 -0.0442 +vn -0.1126 0.3723 -0.9213 +vn -0.1137 0.5742 -0.8108 +vn -0.0737 0.7552 -0.6513 +vn -0.0557 0.1840 -0.9813 +vn -0.0138 0.0456 -0.9989 +vn 0.0008 0.8902 -0.4556 +vn 0.1334 0.9888 -0.0673 +vn 0.0796 0.9623 -0.2602 +vn -0.0755 0.3815 -0.9213 +vn -0.0569 0.5827 -0.8107 +vn 0.1357 0.9628 -0.2338 +vn 0.0007 0.7589 -0.6512 +vn -0.0374 0.1886 -0.9813 +vn -0.0093 0.0467 -0.9989 +vn 0.0735 0.8874 -0.4551 +vn 0.0182 -0.0440 -0.9989 +vn 0.2790 -0.9585 -0.0585 +vn 0.2862 -0.9285 -0.2366 +vn 0.2352 0.9696 -0.0673 +vn 0.1808 0.9471 -0.2651 +vn -0.0378 0.3871 -0.9213 +vn 0.2578 -0.8521 -0.4555 +vn 0.1244 0.8819 -0.4547 +vn 0.1750 -0.9831 -0.0540 +vn 0.1957 -0.9505 -0.2412 +vn 0.0005 0.5855 -0.8107 +vn 0.2197 -0.7264 -0.6512 +vn 0.2324 0.9441 -0.2337 +vn 0.0628 0.7568 -0.6506 +vn 0.1729 -0.8733 -0.4555 +vn -0.0187 0.1914 -0.9813 +vn 0.0708 -0.9963 -0.0489 +vn 0.1020 -0.9637 -0.2467 +vn -0.0047 0.0474 -0.9989 +vn 0.1688 0.8744 -0.4549 +vn 0.1693 -0.5604 -0.8107 +vn 0.1060 0.7522 -0.6503 +vn 0.1473 -0.7444 -0.6513 +vn 0.2766 0.9232 -0.2669 +vn 0.3344 0.9400 -0.0674 +vn 0.0865 -0.8860 -0.4555 +vn 0.0004 0.3889 -0.9213 +vn -0.0331 -0.9985 -0.0442 +vn 0.0063 -0.9678 -0.2517 +vn 0.2129 0.8648 -0.4548 +vn 0.0485 0.5843 -0.8101 +vn 0.1125 -0.3723 -0.9213 +vn 0.3268 0.9157 -0.2338 +vn 0.1136 -0.5742 -0.8108 +vn 0.1440 0.7457 -0.6505 +vn 0.0737 -0.7553 -0.6513 +vn 0.0818 0.5809 -0.8098 +vn 0.0556 -0.1840 -0.9813 +vn 0.0138 -0.0456 -0.9989 +vn 0.0002 0.1923 -0.9813 +vn -0.0008 -0.8902 -0.4556 +vn 0.0000 0.0476 -0.9989 +vn 0.2566 0.8528 -0.4548 +vn -0.1334 -0.9888 -0.0673 +vn -0.0796 -0.9623 -0.2602 +vn 0.1816 0.7376 -0.6504 +vn 0.0756 -0.3815 -0.9213 +vn 0.4299 0.9003 -0.0676 +vn 0.3695 0.8898 -0.2678 +vn 0.0322 0.3885 -0.9209 +vn 0.0569 -0.5827 -0.8107 +vn 0.2993 0.8388 -0.4548 +vn -0.1357 -0.9628 -0.2338 +vn 0.1112 0.5759 -0.8099 +vn -0.0007 -0.7589 -0.6513 +vn 0.0544 0.3865 -0.9207 +vn 0.0093 -0.0467 -0.9989 +vn 0.0374 -0.1886 -0.9813 +vn -0.0736 -0.8874 -0.4550 +vn 0.4179 0.8778 -0.2340 +vn -0.2352 -0.9696 -0.0673 +vn -0.1808 -0.9471 -0.2651 +vn 0.2187 0.7274 -0.6505 +vn 0.1403 0.5697 -0.8098 +vn 0.0378 -0.3871 -0.9213 +vn 0.0160 0.1926 -0.9811 +vn -0.1243 -0.8819 -0.4548 +vn 0.0043 0.0479 -0.9988 +vn 0.3415 0.8225 -0.4549 +vn -0.0005 -0.5854 -0.8107 +vn 0.5208 0.8510 -0.0675 +vn 0.4587 0.8475 -0.2671 +vn 0.2554 0.7154 -0.6504 +vn -0.2325 -0.9441 -0.2337 +vn 0.0279 0.1957 -0.9803 +vn -0.0628 -0.7568 -0.6506 +vn 0.0092 0.0474 -0.9988 +vn 0.0187 -0.1914 -0.9813 +vn 0.0046 -0.0474 -0.9989 +vn 0.0739 0.3832 -0.9207 +vn 0.3828 0.8042 -0.4547 +vn -0.1689 -0.8744 -0.4549 +vn 0.1689 0.5618 -0.8099 +vn -0.1060 -0.7522 -0.6504 +vn -0.2766 -0.9232 -0.2669 +vn -0.3344 -0.9400 -0.0674 +vn 0.0934 0.3790 -0.9207 +vn 0.2913 0.7015 -0.6504 +vn -0.0003 -0.3889 -0.9213 +vn 0.5046 0.8311 -0.2339 +vn -0.2130 -0.8647 -0.4548 +vn 0.0367 0.1902 -0.9811 +vn -0.0485 -0.5843 -0.8101 +vn 0.4231 0.7837 -0.4548 +vn -0.3269 -0.9157 -0.2338 +vn 0.1973 0.5525 -0.8098 +vn -0.1440 -0.7458 -0.6505 +vn 0.5433 0.7966 -0.2651 +vn -0.0818 -0.5809 -0.8098 +vn 0.6063 0.7924 -0.0673 +vn 0.3265 0.6859 -0.6503 +vn -0.0001 -0.0476 -0.9989 +vn -0.0002 -0.1923 -0.9813 +vn -0.2565 -0.8528 -0.4549 +vn 0.1124 0.3737 -0.9207 +vn 0.0476 0.1922 -0.9802 +vn -0.1817 -0.7376 -0.6504 +vn 0.0139 0.0463 -0.9988 +vn 0.2249 0.5417 -0.8099 +vn -0.4300 -0.9003 -0.0676 +vn -0.3694 -0.8899 -0.2677 +vn 0.4623 0.7613 -0.4547 +vn -0.0322 -0.3886 -0.9209 +vn 0.3609 0.6684 -0.6504 +vn -0.2995 -0.8387 -0.4549 +vn 0.1313 0.3676 -0.9207 +vn -0.1112 -0.5759 -0.8099 +vn -0.0544 -0.3865 -0.9207 +vn 0.5864 0.7756 -0.2338 +vn 0.0557 0.1854 -0.9811 +vn -0.4179 -0.8778 -0.2340 +vn 0.5002 0.7368 -0.4548 +vn -0.2188 -0.7274 -0.6504 +vn 0.2522 0.5297 -0.8098 +vn -0.1403 -0.5696 -0.8098 +vn 0.6225 0.7375 -0.2620 +vn 0.6902 0.7210 -0.0614 +vn -0.0159 -0.1926 -0.9811 +vn -0.0042 -0.0479 -0.9988 +vn 0.1497 0.3604 -0.9207 +vn -0.3415 -0.8225 -0.4549 +vn 0.3943 0.6493 -0.6504 +vn -0.5208 -0.8510 -0.0675 +vn -0.4588 -0.8475 -0.2670 +vn 0.0668 0.1867 -0.9802 +vn 0.0184 0.0446 -0.9988 +vn 0.2786 0.5161 -0.8099 +vn -0.2554 -0.7154 -0.6503 +vn -0.0279 -0.1957 -0.9803 +vn -0.0092 -0.0474 -0.9988 +vn 0.5372 0.7104 -0.4547 +vn -0.0740 -0.3832 -0.9207 +vn 0.4265 0.6285 -0.6505 +vn -0.3828 -0.8042 -0.4548 +vn -0.1690 -0.5618 -0.8099 +vn 0.1678 0.3524 -0.9207 +vn 0.0742 0.1788 -0.9811 +vn -0.0933 -0.3790 -0.9207 +vn 0.6755 0.6992 -0.2342 +vn -0.2914 -0.7015 -0.6504 +vn 0.5724 0.6823 -0.4548 +vn -0.5045 -0.8311 -0.2339 +vn 0.3045 0.5014 -0.8099 +vn -0.0367 -0.1902 -0.9811 +vn 0.1853 0.3434 -0.9207 +vn -0.4233 -0.7836 -0.4547 +vn 0.4580 0.6060 -0.6504 +vn -0.1972 -0.5526 -0.8098 +vn 0.0851 0.1790 -0.9802 +vn 0.0228 0.0426 -0.9988 +vn -0.6063 -0.7924 -0.0673 +vn -0.5433 -0.7965 -0.2651 +vn 0.3293 0.4853 -0.8100 +vn -0.3265 -0.6859 -0.6503 +vn 0.6187 0.6402 -0.4553 +vn -0.1124 -0.3737 -0.9207 +vn 0.4880 0.5820 -0.6504 +vn -0.0475 -0.1922 -0.9802 +vn -0.0138 -0.0463 -0.9988 +vn 0.2028 0.3336 -0.9206 +vn -0.2250 -0.5417 -0.8099 +vn 0.0918 0.1704 -0.9811 +vn -0.4622 -0.7613 -0.4548 +vn 0.7596 0.6477 -0.0589 +vn 0.7397 0.6308 -0.2343 +vn 0.8232 0.5646 -0.0590 +vn 0.3537 0.4680 -0.8099 +vn -0.3609 -0.6684 -0.6504 +vn 0.2193 0.3229 -0.9207 +vn -0.1312 -0.3676 -0.9207 +vn 0.5275 0.5458 -0.6510 +vn -0.5862 -0.7757 -0.2338 +vn -0.0557 -0.1854 -0.9811 +vn 0.3769 0.4494 -0.8099 +vn 0.1027 0.1694 -0.9802 +vn -0.5005 -0.7367 -0.4547 +vn 0.0271 0.0400 -0.9988 +vn 0.6773 0.5775 -0.4558 +vn -0.2522 -0.5297 -0.8098 +vn -0.6224 -0.7375 -0.2621 +vn -0.6903 -0.7209 -0.0614 +vn 0.1089 0.1602 -0.9811 +vn 0.2352 0.3114 -0.9207 +vn -0.1497 -0.3604 -0.9207 +vn 0.8017 0.5499 -0.2344 +vn 0.8777 0.4755 -0.0589 +vn -0.3944 -0.6493 -0.6503 +vn 0.4071 0.4211 -0.8105 +vn -0.0668 -0.1867 -0.9802 +vn -0.0186 -0.0446 -0.9988 +vn 0.2507 0.2990 -0.9207 +vn -0.2785 -0.5161 -0.8100 +vn 0.5774 0.4923 -0.6514 +vn -0.5369 -0.7106 -0.4548 +vn -0.4267 -0.6284 -0.6504 +vn 0.1187 0.1579 -0.9803 +vn 0.0309 0.0371 -0.9988 +vn -0.1678 -0.3524 -0.9207 +vn 0.7341 0.5035 -0.4556 +vn 0.1243 0.1484 -0.9811 +vn -0.0743 -0.1788 -0.9811 +vn 0.2704 0.2798 -0.9212 +vn -0.6757 -0.6990 -0.2341 +vn 0.8547 0.4631 -0.2343 +vn -0.5723 -0.6823 -0.4548 +vn -0.3046 -0.5014 -0.8098 +vn 0.4453 0.3797 -0.8108 +vn 0.6258 0.4292 -0.6513 +vn -0.1853 -0.3434 -0.9207 +vn -0.4580 -0.6060 -0.6503 +vn 0.1347 0.1413 -0.9808 +vn 0.0325 0.0315 -0.9990 +vn -0.0853 -0.1790 -0.9801 +vn -0.0228 -0.0426 -0.9988 +vn 0.7826 0.4241 -0.4557 +vn -0.3295 -0.4853 -0.8099 +vn 0.2956 0.2522 -0.9214 +vn 0.8979 0.3727 -0.2344 +vn 0.9223 0.3818 -0.0595 +vn -0.6187 -0.6402 -0.4553 +vn -0.4881 -0.5820 -0.6504 +vn 0.4828 0.3311 -0.8108 +vn -0.2025 -0.3337 -0.9207 +vn 0.6670 0.3615 -0.6515 +vn -0.0917 -0.1704 -0.9811 +vn -0.7398 -0.6307 -0.2343 +vn -0.7596 -0.6477 -0.0589 +vn 0.1469 0.1264 -0.9810 +vn 0.0359 0.0285 -0.9989 +vn 0.8222 0.3413 -0.4555 +vn -0.3537 -0.4680 -0.8099 +vn 0.3208 0.2199 -0.9213 +vn -0.2193 -0.3229 -0.9207 +vn 0.9285 0.2862 -0.2366 +vn 0.9585 0.2790 -0.0583 +vn -0.5274 -0.5459 -0.6511 +vn 0.5146 0.2788 -0.8108 +vn -0.3770 -0.4494 -0.8099 +vn -0.0270 -0.0400 -0.9988 +vn -0.1027 -0.1694 -0.9802 +vn 0.7009 0.2909 -0.6512 +vn 0.1589 0.1099 -0.9812 +vn -0.6775 -0.5774 -0.4557 +vn 0.0391 0.0252 -0.9989 +vn 0.8521 0.2576 -0.4555 +vn -0.1087 -0.1602 -0.9811 +vn 0.9505 0.1958 -0.2412 +vn -0.2353 -0.3114 -0.9207 +vn 0.9831 0.1750 -0.0540 +vn -0.8016 -0.5500 -0.2344 +vn -0.8232 -0.5646 -0.0590 +vn -0.8777 -0.4755 -0.0589 +vn 0.3419 0.1852 -0.9213 +vn 0.5406 0.2244 -0.8108 +vn -0.4070 -0.4211 -0.8105 +vn 0.7263 0.2196 -0.6513 +vn -0.2509 -0.2990 -0.9207 +vn 0.1688 0.0921 -0.9813 +vn -0.5774 -0.4922 -0.6514 +vn 0.0419 0.0217 -0.9989 +vn 0.8733 0.1728 -0.4554 +vn -0.0309 -0.0371 -0.9988 +vn -0.1190 -0.1579 -0.9803 +vn 0.9963 0.0708 -0.0488 +vn 0.9637 0.1020 -0.2467 +vn -0.7340 -0.5036 -0.4557 +vn 0.3589 0.1491 -0.9214 +vn -0.1244 -0.1484 -0.9811 +vn -0.2703 -0.2798 -0.9212 +vn 0.5602 0.1695 -0.8108 +vn 0.7444 0.1474 -0.6512 +vn -0.8549 -0.4630 -0.2342 +vn 0.1773 0.0736 -0.9814 +vn -0.4455 -0.3797 -0.8108 +vn 0.0441 0.0182 -0.9989 +vn 0.8860 0.0865 -0.4556 +vn 0.9985 -0.0331 -0.0441 +vn 0.9678 0.0063 -0.2517 +vn -0.6256 -0.4292 -0.6515 +vn -0.1347 -0.1413 -0.9808 +vn -0.0325 -0.0315 -0.9990 +vn -0.7828 -0.4239 -0.4556 +vn 0.3723 0.1126 -0.9213 +vn 0.5744 0.1137 -0.8106 +vn -0.2960 -0.2522 -0.9213 +vn 0.7552 0.0737 -0.6514 +vn -0.9223 -0.3818 -0.0595 +vn -0.8979 -0.3727 -0.2344 +vn 0.1841 0.0557 -0.9813 +vn -0.4825 -0.3311 -0.8109 +vn 0.0456 0.0138 -0.9989 +vn 0.8902 -0.0008 -0.4555 +vn 0.9888 -0.1334 -0.0673 +vn 0.9623 -0.0796 -0.2601 +vn -0.6671 -0.3614 -0.6514 +vn -0.1472 -0.1264 -0.9810 +vn -0.0360 -0.0285 -0.9989 +vn 0.3817 0.0755 -0.9212 +vn 0.5826 0.0569 -0.8108 +vn -0.8222 -0.3413 -0.4556 +vn -0.3206 -0.2199 -0.9213 +vn 0.9628 -0.1357 -0.2339 +vn -0.9585 -0.2790 -0.0583 +vn -0.9286 -0.2861 -0.2365 +vn 0.7589 -0.0007 -0.6512 +vn 0.1884 0.0373 -0.9814 +vn 0.0465 0.0093 -0.9989 +vn -0.5146 -0.2788 -0.8108 +vn -0.7009 -0.2909 -0.6512 +vn 0.8874 -0.0736 -0.4550 +vn 0.9696 -0.2351 -0.0674 +vn 0.9471 -0.1808 -0.2651 +vn -0.0393 -0.0252 -0.9989 +vn -0.1589 -0.1099 -0.9812 +vn 0.3870 0.0378 -0.9213 +vn -0.8521 -0.2576 -0.4556 +vn -0.9831 -0.1750 -0.0539 +vn -0.9505 -0.1958 -0.2412 +vn 0.8819 -0.1243 -0.4548 +vn 0.5856 -0.0005 -0.8106 +vn -0.3416 -0.1852 -0.9214 +vn -0.5406 -0.2244 -0.8108 +vn 0.9441 -0.2324 -0.2339 +vn 0.7567 -0.0627 -0.6507 +vn -0.7263 -0.2197 -0.6513 +vn -0.0420 -0.0217 -0.9989 +vn -0.1687 -0.0921 -0.9814 +vn 0.1914 0.0187 -0.9813 +vn 0.0475 0.0046 -0.9989 +vn -0.8733 -0.1729 -0.4555 +vn 0.8745 -0.1688 -0.4548 +vn -0.9963 -0.0708 -0.0488 +vn -0.9637 -0.1020 -0.2467 +vn 0.7522 -0.1060 -0.6503 +vn 0.9400 -0.3343 -0.0674 +vn 0.9231 -0.2766 -0.2671 +vn -0.3593 -0.1490 -0.9213 +vn 0.3889 -0.0004 -0.9213 +vn -0.5605 -0.1694 -0.8107 +vn -0.7443 -0.1474 -0.6513 +vn 0.8648 -0.2129 -0.4548 +vn -0.0443 -0.0182 -0.9989 +vn -0.1779 -0.0736 -0.9813 +vn 0.5842 -0.0485 -0.8102 +vn -0.8860 -0.0865 -0.4555 +vn 0.9157 -0.3269 -0.2338 +vn -0.9985 0.0331 -0.0441 +vn -0.9678 -0.0063 -0.2517 +vn 0.7458 -0.1440 -0.6504 +vn 0.5810 -0.0819 -0.8098 +vn -0.3723 -0.1125 -0.9213 +vn 0.1922 -0.0002 -0.9814 +vn -0.5742 -0.1137 -0.8108 +vn 0.0477 -0.0000 -0.9989 +vn 0.8529 -0.2565 -0.4548 +vn -0.7553 -0.0737 -0.6512 +vn 0.7376 -0.1816 -0.6504 +vn -0.0456 -0.0138 -0.9989 +vn -0.1839 -0.0557 -0.9814 +vn 0.9004 -0.4299 -0.0674 +vn 0.8898 -0.3696 -0.2676 +vn -0.8902 0.0008 -0.4555 +vn -0.9623 0.0797 -0.2601 +vn 0.3888 -0.0322 -0.9208 +vn -0.9888 0.1334 -0.0673 +vn 0.8388 -0.2994 -0.4548 +vn -0.3814 -0.0755 -0.9213 +vn 0.5760 -0.1112 -0.8099 +vn -0.5826 -0.0569 -0.8107 +vn 0.3866 -0.0545 -0.9206 +vn -0.9628 0.1357 -0.2339 +vn 0.8779 -0.4179 -0.2339 +vn -0.7589 0.0007 -0.6513 +vn -0.1886 -0.0373 -0.9813 +vn -0.0468 -0.0092 -0.9989 +vn -0.8875 0.0735 -0.4550 +vn 0.1929 -0.0160 -0.9811 +vn -0.9696 0.2351 -0.0674 +vn -0.9471 0.1808 -0.2652 +vn 0.0481 -0.0042 -0.9988 +vn 0.8225 -0.3416 -0.4548 +vn 0.1957 -0.0279 -0.9803 +vn 0.3836 -0.0740 -0.9205 +vn -0.3818 0.9242 0.0000 +vn -0.4499 0.8931 0.0000 +vn -0.5153 0.8570 0.0000 +vn -0.5779 0.8161 0.0000 +vn -0.6373 0.7706 0.0000 +vn -0.6931 0.7208 0.0000 +vn -0.7450 0.6670 0.0000 +vn -0.7928 0.6095 0.0000 +vn -0.8361 0.5485 0.0000 +vn -0.8748 0.4845 0.0000 +vn -0.9085 0.4178 0.0000 +vn -0.9372 0.3487 0.0000 +vn -0.9607 0.2777 0.0000 +vn -0.9787 0.2051 0.0000 +vn -0.9913 0.1314 0.0000 +vn -0.9984 0.0570 0.0000 +vn -0.9998 -0.0178 0.0000 +vn -0.9957 -0.0925 0.0000 +vn -0.9860 -0.1666 0.0000 +vn -0.9708 -0.2398 0.0000 +vn -0.9502 -0.3117 0.0000 +vn -0.9242 -0.3819 0.0000 +vn -0.8931 -0.4498 0.0000 +vn -0.8570 -0.5153 0.0000 +vn -0.8161 -0.5779 0.0000 +vn -0.7706 -0.6373 0.0000 +vn -0.7208 -0.6931 0.0000 +vn -0.6670 -0.7450 0.0000 +vn -0.6095 -0.7928 0.0000 +vn -0.5485 -0.8361 0.0000 +vn -0.4845 -0.8748 0.0000 +vn -0.4178 -0.9085 0.0000 +vn -0.3487 -0.9372 0.0000 +vn -0.2777 -0.9607 0.0000 +vn -0.2051 -0.9787 0.0000 +vn -0.1314 -0.9913 0.0000 +vn -0.0570 -0.9984 0.0000 +vn 0.0178 -0.9998 0.0000 +vn 0.0925 -0.9957 0.0000 +vn 0.1666 -0.9860 0.0000 +vn 0.2398 -0.9708 0.0000 +vn 0.3117 -0.9502 0.0000 +vn 0.3818 -0.9242 0.0000 +vn 0.4498 -0.8931 0.0000 +vn 0.5153 -0.8570 0.0000 +vn 0.5779 -0.8161 0.0000 +vn 0.6373 -0.7706 0.0000 +vn 0.6931 -0.7208 0.0000 +vn 0.7450 -0.6670 0.0000 +vn 0.7928 -0.6095 0.0000 +vn 0.8361 -0.5485 0.0000 +vn 0.8748 -0.4845 0.0000 +vn 0.9085 -0.4178 0.0000 +vn 0.9372 -0.3487 0.0000 +vn 0.9607 -0.2777 0.0000 +vn 0.9787 -0.2051 0.0000 +vn 0.9913 -0.1314 0.0000 +vn 0.9984 -0.0570 0.0000 +vn 0.9998 0.0178 0.0000 +vn 0.9957 0.0925 0.0000 +vn 0.9860 0.1666 0.0000 +vn 0.9708 0.2398 0.0000 +vn 0.9502 0.3117 0.0000 +vn 0.9242 0.3819 0.0000 +vn 0.8931 0.4499 0.0000 +vn 0.8570 0.5153 0.0000 +vn 0.8161 0.5779 0.0000 +vn 0.7706 0.6373 0.0000 +vn 0.7208 0.6931 0.0000 +vn 0.6670 0.7450 0.0000 +vn 0.6095 0.7928 0.0000 +vn 0.5485 0.8361 0.0000 +vn 0.4845 0.8748 0.0000 +vn 0.4178 0.9085 0.0000 +vn 0.3487 0.9372 0.0000 +vn 0.2777 0.9607 0.0000 +vn 0.2051 0.9787 0.0000 +vn 0.1314 0.9913 0.0000 +vn 0.0570 0.9984 0.0000 +vn -0.0178 0.9998 0.0000 +vn -0.0925 0.9957 0.0000 +vn -0.1666 0.9860 0.0000 +vn -0.2398 0.9708 0.0000 +vn -0.3117 0.9502 0.0000 +vn -0.4734 0.8809 -0.0000 +vn -0.5601 0.8284 -0.0000 +vn -0.6410 0.7675 -0.0001 +vn -0.7154 0.6987 -0.0001 +vn -0.7824 0.6228 -0.0001 +vn -0.8414 0.5404 -0.0001 +vn -0.8917 0.4525 -0.0001 +vn -0.9330 0.3600 -0.0001 +vn -0.9646 0.2638 -0.0002 +vn -0.9863 0.1648 -0.0002 +vn -0.9979 0.0642 -0.0002 +vn -0.9993 -0.0371 -0.0002 +vn -0.9904 -0.1380 -0.0002 +vn -0.9714 -0.2375 -0.0002 +vn -0.9424 -0.3345 -0.0002 +vn -0.9037 -0.4282 -0.0002 +vn -0.8557 -0.5174 -0.0002 +vn -0.7990 -0.6013 -0.0002 +vn -0.7341 -0.6791 -0.0002 +vn -0.6616 -0.7499 -0.0002 +vn -0.5824 -0.8129 -0.0002 +vn -0.4971 -0.8677 -0.0002 +vn -0.4068 -0.9135 -0.0001 +vn -0.3123 -0.9500 -0.0001 +vn -0.2146 -0.9767 -0.0001 +vn -0.1147 -0.9934 -0.0001 +vn -0.0136 -0.9999 -0.0001 +vn 0.0876 -0.9962 -0.0001 +vn 0.1880 -0.9822 -0.0000 +vn 0.2864 -0.9581 -0.0000 +vn 0.4734 -0.8808 -0.0000 +vn 0.5601 -0.8284 -0.0000 +vn 0.6410 -0.7675 -0.0001 +vn 0.7154 -0.6987 -0.0001 +vn 0.7824 -0.6228 -0.0001 +vn 0.8414 -0.5404 -0.0001 +vn 0.8917 -0.4525 -0.0001 +vn 0.9330 -0.3600 -0.0001 +vn 0.9646 -0.2638 -0.0002 +vn 0.9863 -0.1648 -0.0002 +vn 0.9979 -0.0642 -0.0002 +vn 0.9993 0.0371 -0.0002 +vn 0.9904 0.1380 -0.0002 +vn 0.9714 0.2375 -0.0002 +vn 0.9424 0.3346 -0.0002 +vn 0.9037 0.4282 -0.0002 +vn 0.8557 0.5174 -0.0002 +vn 0.7990 0.6013 -0.0002 +vn 0.7341 0.6791 -0.0002 +vn 0.6616 0.7499 -0.0002 +vn 0.5824 0.8129 -0.0002 +vn 0.4971 0.8677 -0.0002 +vn 0.4068 0.9135 -0.0001 +vn 0.3123 0.9500 -0.0001 +vn 0.2146 0.9767 -0.0001 +vn 0.1147 0.9934 -0.0001 +vn 0.0136 0.9999 -0.0001 +vn -0.0876 0.9962 -0.0001 +vn -0.1880 0.9822 -0.0000 +vn -0.2864 0.9581 -0.0000 +vn -0.3345 0.6234 -0.7068 +vn -0.2696 0.6525 -0.7082 +vn -0.3430 0.6166 -0.7086 +vn -0.2700 0.6535 -0.7071 +vn -0.3963 0.5868 -0.7062 +vn -0.4120 0.5720 -0.7093 +vn -0.4540 0.5438 -0.7058 +vn -0.4755 0.5200 -0.7096 +vn -0.5069 0.4950 -0.7057 +vn -0.5328 0.4612 -0.7095 +vn -0.5543 0.4410 -0.7059 +vn -0.5832 0.3963 -0.7092 +vn -0.5958 0.3823 -0.7063 +vn -0.6260 0.3260 -0.7084 +vn -0.6309 0.3196 -0.7070 +vn -0.6595 0.2519 -0.7082 +vn -0.6596 0.2548 -0.7071 +vn -0.6824 0.1871 -0.7066 +vn -0.6837 0.1736 -0.7088 +vn -0.6984 0.1170 -0.7061 +vn -0.6987 0.0928 -0.7094 +vn -0.7070 0.0456 -0.7058 +vn -0.7045 0.0109 -0.7096 +vn -0.7080 -0.0263 -0.7057 +vn -0.7012 -0.0711 -0.7095 +vn -0.7015 -0.0980 -0.7059 +vn -0.6886 -0.1523 -0.7090 +vn -0.6874 -0.1685 -0.7064 +vn -0.6669 -0.2317 -0.7082 +vn -0.6661 -0.2370 -0.7072 +vn -0.6392 -0.3023 -0.7072 +vn -0.6360 -0.3066 -0.7082 +vn -0.6059 -0.3659 -0.7064 +vn -0.5953 -0.3781 -0.7090 +vn -0.5660 -0.4257 -0.7059 +vn -0.5469 -0.4445 -0.7095 +vn -0.5201 -0.4811 -0.7057 +vn -0.4914 -0.5050 -0.7096 +vn -0.4686 -0.5313 -0.7057 +vn -0.4294 -0.5589 -0.7094 +vn -0.4122 -0.5759 -0.7060 +vn -0.3618 -0.6055 -0.7088 +vn -0.3514 -0.6142 -0.7066 +vn -0.2894 -0.6440 -0.7082 +vn -0.2874 -0.6460 -0.7071 +vn -0.2213 -0.6717 -0.7070 +vn -0.2133 -0.6728 -0.7084 +vn -0.1523 -0.6914 -0.7063 +vn -0.1334 -0.6923 -0.7091 +vn -0.0814 -0.7037 -0.7059 +vn -0.0520 -0.7028 -0.7095 +vn -0.0096 -0.7085 -0.7057 +vn 0.0302 -0.7040 -0.7096 +vn 0.0622 -0.7057 -0.7058 +vn 0.1119 -0.6960 -0.7093 +vn 0.1334 -0.6954 -0.7062 +vn 0.1923 -0.6789 -0.7086 +vn 0.2030 -0.6777 -0.7068 +vn 0.2696 -0.6525 -0.7082 +vn 0.2700 -0.6535 -0.7071 +vn 0.3345 -0.6234 -0.7068 +vn 0.3430 -0.6166 -0.7086 +vn 0.3963 -0.5868 -0.7062 +vn 0.4120 -0.5720 -0.7093 +vn 0.4540 -0.5438 -0.7058 +vn 0.4755 -0.5200 -0.7096 +vn 0.5069 -0.4951 -0.7057 +vn 0.5328 -0.4612 -0.7095 +vn 0.5543 -0.4410 -0.7059 +vn 0.5832 -0.3963 -0.7092 +vn 0.5958 -0.3823 -0.7063 +vn 0.6260 -0.3260 -0.7084 +vn 0.6309 -0.3196 -0.7070 +vn 0.6595 -0.2519 -0.7082 +vn 0.6596 -0.2548 -0.7071 +vn 0.6824 -0.1871 -0.7066 +vn 0.6837 -0.1736 -0.7088 +vn 0.6984 -0.1170 -0.7061 +vn 0.6987 -0.0928 -0.7094 +vn 0.7070 -0.0456 -0.7058 +vn 0.7045 -0.0109 -0.7096 +vn 0.7080 0.0263 -0.7057 +vn 0.7012 0.0711 -0.7094 +vn 0.7015 0.0980 -0.7059 +vn 0.6886 0.1523 -0.7090 +vn 0.6874 0.1685 -0.7064 +vn 0.6669 0.2317 -0.7082 +vn 0.6661 0.2370 -0.7072 +vn 0.6392 0.3023 -0.7072 +vn 0.6360 0.3066 -0.7082 +vn 0.6059 0.3659 -0.7064 +vn 0.5953 0.3781 -0.7090 +vn 0.5660 0.4257 -0.7059 +vn 0.5469 0.4445 -0.7095 +vn 0.5201 0.4811 -0.7057 +vn 0.4914 0.5050 -0.7096 +vn 0.4686 0.5313 -0.7057 +vn 0.4294 0.5589 -0.7094 +vn 0.4122 0.5759 -0.7060 +vn 0.3618 0.6055 -0.7088 +vn 0.3514 0.6142 -0.7066 +vn 0.2894 0.6440 -0.7082 +vn 0.2874 0.6460 -0.7071 +vn 0.2213 0.6717 -0.7070 +vn 0.2133 0.6728 -0.7084 +vn 0.1523 0.6914 -0.7063 +vn 0.1334 0.6923 -0.7091 +vn 0.0814 0.7037 -0.7059 +vn 0.0520 0.7028 -0.7095 +vn 0.0096 0.7085 -0.7057 +vn -0.0302 0.7040 -0.7096 +vn -0.0622 0.7057 -0.7058 +vn -0.1119 0.6960 -0.7093 +vn -0.1334 0.6954 -0.7062 +vn -0.1923 0.6789 -0.7086 +vn -0.2030 0.6777 -0.7068 +vn 0.3819 -0.9242 0.0000 +vn -0.3819 0.9242 0.0000 +vn 0.0005 0.0000 1.0000 +vn -0.4774 0.0000 0.8787 +vn -0.4643 -0.1735 0.8685 +vn 0.4694 -0.1675 0.8670 +vn 0.4971 -0.0011 0.8677 +vn 0.4705 0.1692 0.8660 +vn 0.2494 0.4325 0.8665 +vn 0.1856 0.4669 0.8646 +vn 0.0878 0.4932 0.8655 +vn 0.0009 0.4997 0.8662 +vn 0.3140 -0.8243 -0.4710 +vn -0.4851 0.1295 0.8648 +vn -0.4705 -0.1713 0.8656 +vn -0.4833 -0.1287 0.8660 +vn 0.3473 -0.3598 0.8660 +vn 0.3650 -0.3408 0.8664 +vn 0.4282 -0.2709 0.8621 +vn 0.4662 -0.1758 0.8670 +vn 0.4990 -0.0200 0.8664 +vn 0.5007 -0.0230 0.8653 +vn 0.4863 0.1134 0.8664 +vn 0.4999 0.0100 0.8660 +vn 0.4335 0.2400 0.8686 +vn 0.4279 0.2725 0.8618 +vn 0.3535 0.3573 0.8645 +vn -0.4532 0.2114 0.8659 +vn -0.4833 0.1287 0.8659 +vn -0.0881 -0.4908 0.8668 +vn 0.4332 0.2416 0.8683 +vn 0.3529 0.3542 0.8660 +vn 0.3505 0.3272 0.8775 +vn 0.2670 0.4237 0.8656 +vn 0.2607 0.3702 0.8916 +vn 0.1727 0.4669 0.8673 +vn -0.0461 0.4900 0.8705 +vn 0.4136 -0.0831 0.9067 +vn 0.4936 -0.0813 0.8659 +vn 0.4925 -0.0010 0.8703 +vn 0.4233 0.1214 0.8978 +vn 0.1366 0.7173 -0.6832 +vn -0.1228 -0.5928 0.7959 +vn 0.3264 0.2515 0.9112 +vn -0.0130 -0.0523 0.9985 +vn -0.0423 -0.2042 0.9780 +vn 0.3666 0.8177 0.4437 +vn 0.3029 0.8434 0.4437 +vn 0.1006 0.1845 0.9777 +vn 0.1691 0.3771 0.9106 +vn 0.1772 -0.8782 0.4442 +vn 0.0862 0.1915 0.9777 +vn 0.0837 0.4039 0.9109 +vn -0.0388 0.9729 0.2282 +vn 0.0482 0.6031 0.7962 +vn -0.0356 0.8952 0.4443 +vn 0.4867 -0.7524 0.4437 +vn 0.0845 -0.1926 0.9776 +vn 0.4190 -0.6477 0.6364 +vn 0.2244 -0.3470 0.9106 +vn 0.7236 -0.6538 0.2212 +vn 0.2506 -0.3286 0.9106 +vn 0.4484 -0.4062 0.7962 +vn 0.5916 -0.4943 0.6370 +vn 0.4644 -0.3880 0.7961 +vn 0.1595 -0.1335 0.9781 +vn -0.1964 0.3637 0.9106 +vn 0.9050 -0.3590 0.2282 +vn -0.2244 0.3470 0.9106 +vn 0.1750 -0.1139 0.9780 +vn -0.6923 0.6847 0.2281 +vn -0.7236 0.6539 0.2212 +vn -0.8952 -0.4427 0.0526 +vn 0.3767 -0.1671 0.9112 +vn -0.1393 0.1569 0.9777 +vn -0.2933 0.2900 0.9110 +vn -0.8366 -0.4980 0.2281 +vn -0.3162 0.2644 0.9111 +vn -0.3264 0.2515 0.9112 +vn 0.0529 -0.0088 0.9986 +vn 0.0536 -0.0044 0.9986 +vn 0.4119 -0.0341 0.9106 +vn -0.9050 0.3589 0.2281 +vn 0.2096 -0.0174 0.9776 +vn -0.1865 -0.0917 0.9782 +vn -0.9199 0.3242 0.2207 +vn -0.8453 0.2968 0.4443 +vn -0.3455 -0.2247 0.9111 +vn -0.3698 0.1820 0.9111 +vn -0.1837 0.0996 0.9779 +vn -0.7272 0.2554 0.6371 +vn -0.1751 -0.1139 0.9779 +vn -0.1866 0.0917 0.9781 +vn -0.5504 -0.5398 0.6369 +vn -0.5192 -0.5704 0.6365 +vn -0.1970 0.0692 0.9780 +vn 0.1971 0.0692 0.9779 +vn -0.4905 -0.7500 0.4436 +vn -0.4120 0.0341 0.9106 +vn 0.3767 0.1671 0.9112 +vn -0.2095 0.0174 0.9776 +vn 0.7944 0.5630 0.2281 +vn -0.1006 -0.1845 0.9777 +vn -0.1690 -0.3770 0.9106 +vn -0.1817 -0.8774 0.4441 +vn 0.3364 0.2383 0.9111 +vn 0.1750 0.1139 0.9780 +vn -0.1201 -0.5742 -0.8098 +vn -0.0994 -0.3773 -0.9207 +vn 0.3480 0.4710 -0.8106 +vn 0.2314 0.3130 -0.9211 +vn -0.0406 -0.1943 -0.9801 +vn 0.1038 0.1634 -0.9811 +vn -0.4790 -0.8461 -0.2338 +vn -0.4387 -0.7750 -0.4548 +vn -0.5202 -0.8126 -0.2626 +vn 0.8419 0.4861 -0.2343 +vn -0.2350 -0.5375 -0.8099 +vn -0.0603 -0.1890 -0.9801 +vn -0.7419 -0.6680 -0.0589 +vn 0.9245 0.3005 -0.2343 +vn 0.9494 0.3086 -0.0590 +vn -0.4514 -0.6102 -0.6510 +vn -0.0864 -0.1732 -0.9811 +vn -0.7225 -0.6505 -0.2343 +vn 0.3367 0.1943 -0.9213 +vn 0.7215 0.2345 -0.6514 +vn -0.1041 -0.1634 -0.9811 +vn -0.2312 -0.3129 -0.9212 +vn 0.7422 0.1577 -0.6513 +vn -0.1154 -0.1583 -0.9806 +vn 0.8852 0.0931 -0.4557 +vn -0.7201 -0.5233 -0.4557 +vn 0.3698 0.1201 -0.9213 +vn 0.5726 0.1217 -0.8108 +vn -0.8419 -0.4861 -0.2344 +vn 0.1831 0.0603 -0.9812 +vn -0.4349 -0.3917 -0.8108 +vn 0.3804 0.0808 -0.9213 +vn 0.5820 0.0612 -0.8109 +vn -0.1298 -0.1453 -0.9808 +vn 0.1883 0.0406 -0.9813 +vn 0.3865 0.0406 -0.9214 +vn 0.3890 0.0003 -0.9212 +vn 0.1922 0.0001 -0.9814 +vn -0.2889 -0.2601 -0.9213 +vn -0.1439 -0.1308 -0.9809 +vn -0.9765 -0.2075 -0.0590 +vn -0.3145 -0.2285 -0.9213 +vn -0.9509 -0.2021 -0.2344 +vn -0.8706 -0.1851 -0.4557 +vn -0.8854 -0.0930 -0.4555 +vn -0.9925 0.1066 -0.0591 +vn -0.1881 -0.0406 -0.9813 +vn -0.9528 0.1906 -0.2363 +vn -0.3865 -0.0406 -0.9214 +vn -0.1907 -0.0204 -0.9814 +vn -0.7433 0.1527 -0.6513 +vn -0.8516 0.4640 -0.2441 +vn -0.7307 0.5085 -0.4556 +vn -0.7396 0.6252 -0.2495 +vn -0.3575 0.1533 -0.9212 +vn -0.5119 0.2841 -0.8107 +vn -0.6227 0.4335 -0.6514 +vn -0.6133 0.6453 -0.4556 +vn -0.5970 0.7610 -0.2540 +vn -0.5228 0.5499 -0.6514 +vn -0.5450 0.7039 -0.4556 +vn 0.1911 -0.0194 -0.9814 +vn -0.5241 0.8109 -0.2605 +vn 0.3809 -0.0783 -0.9213 +vn -0.4790 0.8461 -0.2339 +vn -0.4836 0.7477 -0.4551 +vn -0.4333 0.8616 -0.2643 +vn -0.2679 0.2818 -0.9213 +vn -0.3582 0.4629 -0.8108 +vn -0.4124 0.6376 -0.6507 +vn -0.1325 0.1393 -0.9814 +vn -0.3418 0.9015 -0.2656 +vn -0.2378 0.3075 -0.9213 +vn -0.3567 0.8160 -0.4548 +vn -0.3396 0.6794 -0.6505 +vn -0.3142 0.8333 -0.4548 +vn 0.5970 -0.7610 -0.2540 +vn 0.5240 -0.8109 -0.2604 +vn -0.2680 0.7108 -0.6504 +vn -0.2348 0.5375 -0.8099 +vn 0.2951 -0.2533 -0.9213 +vn -0.2071 0.5489 -0.8099 +vn 0.3583 -0.4629 -0.8107 +vn -0.0865 0.1732 -0.9811 +vn -0.0498 0.9622 -0.2676 +vn -0.1378 0.3651 -0.9207 +vn 0.3418 -0.9014 -0.2657 +vn -0.0793 0.1816 -0.9802 +vn 0.3568 -0.8160 -0.4549 +vn -0.1495 0.5672 -0.8099 +vn -0.1170 0.7506 -0.6504 +vn 0.3043 -0.6960 -0.6504 +vn 0.2065 -0.9761 -0.0672 +vn -0.0781 0.7556 -0.6504 +vn -0.0995 0.3774 -0.9207 +vn 0.1989 -0.9517 -0.2338 +vn 0.2350 -0.5375 -0.8098 +vn 0.2269 -0.8612 -0.4549 +vn 0.0459 0.8894 -0.4548 +vn 0.1491 -0.9520 -0.2674 +vn 0.1821 -0.8717 -0.4550 +vn 0.2070 -0.5489 -0.8098 +vn 0.1565 -0.3576 -0.9207 +vn 0.1371 -0.8799 -0.4550 +vn 0.1376 -0.3651 -0.9207 +vn 0.0782 0.7556 -0.6504 +vn 0.0792 -0.1816 -0.9802 +vn -0.0202 0.3897 -0.9207 +vn 0.1822 0.8717 -0.4549 +vn 0.0681 -0.1812 -0.9811 +vn 0.2958 0.9262 -0.2339 +vn 0.1200 -0.5742 -0.8098 +vn 0.0459 -0.8894 -0.4549 +vn 0.2268 0.8612 -0.4548 +vn 0.0993 -0.3773 -0.9207 +vn 0.3417 0.9015 -0.2657 +vn 0.0000 -0.8906 -0.4549 +vn 0.0904 -0.5796 -0.8099 +vn 0.0492 -0.1873 -0.9811 +vn 0.3895 0.8908 -0.2339 +vn 0.0099 0.1934 -0.9811 +vn 0.0000 -0.7597 -0.6503 +vn 0.4333 0.8617 -0.2642 +vn 0.0602 -0.3856 -0.9207 +vn 0.0301 -0.5857 -0.8099 +vn 0.2680 0.7108 -0.6504 +vn 0.0401 -0.3883 -0.9207 +vn 0.0799 0.3820 -0.9207 +vn -0.1370 -0.8799 -0.4550 +vn 0.3983 0.7965 -0.4548 +vn 0.5204 0.8126 -0.2626 +vn 0.0995 0.3774 -0.9207 +vn 0.2071 0.5488 -0.8099 +vn 0.3397 0.6793 -0.6505 +vn -0.0602 -0.5835 -0.8099 +vn 0.4782 0.7513 -0.4548 +vn 0.2350 0.5375 -0.8098 +vn -0.1555 -0.7435 -0.6504 +vn 0.1378 0.3651 -0.9207 +vn -0.0904 -0.5796 -0.8099 +vn -0.1934 -0.7346 -0.6504 +vn -0.0401 -0.3883 -0.9207 +vn 0.1563 0.3576 -0.9207 +vn 0.2891 0.5105 -0.8098 +vn 0.1745 0.3491 -0.9207 +vn -0.4334 -0.8616 -0.2642 +vn 0.4513 0.6103 -0.6511 +vn 0.7418 0.6680 -0.0589 +vn 0.0974 0.1723 -0.9802 +vn 0.9883 -0.1526 0.0000 +vn -0.4838 -0.5131 -0.7089 +vn 0.8215 -0.2184 -0.5267 +vn -0.8215 0.0000 0.5702 +vn 0.0000 -0.3788 -0.9255 +vn 0.6029 -0.7978 0.0007 +vn -0.8842 -0.4671 0.0001 +vn -0.0632 -0.9980 -0.0001 +vn 0.0009 0.8288 0.5596 +vn 0.0007 0.4527 -0.8916 +vn -0.4011 -0.4458 0.8002 +vn 0.0632 0.9980 -0.0001 +vn -0.6029 0.7978 0.0007 +vn 0.8842 0.4671 0.0001 +vn -0.0009 -0.8288 0.5596 +vn -0.0007 -0.4527 -0.8916 +vn 0.0000 -0.8783 0.4782 +vn 0.0000 -0.6861 0.7275 +vn 0.0000 0.8755 0.4832 +vn 0.0000 -0.5289 -0.8487 +vn 0.0000 0.6861 0.7275 +vn 0.0000 0.5289 -0.8487 +usemtl Default +s 1 +f 5/1/1 4/2/2 20/3/3 +f 8372/4/4 2865/5/4 8370/6/4 +f 7/7/5 6/8/6 8/9/7 +f 9/10/8 8/11/7 10/12/9 +f 11/13/10 10/12/9 12/14/11 +f 65/15/12 61/16/13 66/17/14 +f 1441/18/15 1444/19/16 1446/20/16 +f 30/21/17 28/22/18 29/23/19 +f 8375/24/20 8372/25/21 8373/26/21 +f 1513/27/22 1515/28/23 1516/29/23 +f 7522/30/24 7505/31/25 7524/32/25 +f 2673/33/26 5404/34/27 2671/35/27 +f 5461/36/4 229/37/4 231/38/4 +f 4/2/2 6/8/6 7/7/5 +f 4399/39/28 4400/40/29 4401/41/29 +f 5252/42/30 2362/43/31 5251/44/31 +f 7/45/5 8/11/7 9/10/8 +f 2336/46/32 4809/47/32 4814/48/32 +f 4527/49/33 4528/50/34 4529/51/34 +f 5461/52/35 5463/53/36 5462/54/35 +f 2/55/37 1/56/38 41/57/39 +f 9/10/8 10/12/9 11/13/10 +f 43/58/40 41/59/39 44/60/41 +f 45/61/42 46/62/43 47/63/44 +f 46/62/43 45/61/42 48/64/45 +f 11/13/10 12/14/11 13/65/46 +f 48/64/45 45/61/42 49/66/47 +f 2652/67/48 5398/68/49 2629/69/49 +f 47/70/44 50/71/50 51/72/51 +f 52/73/52 44/60/41 53/74/53 +f 48/64/45 49/66/47 54/75/54 +f 54/75/54 49/66/47 56/76/55 +f 6861/77/56 7967/78/57 7866/79/57 +f 55/80/58 14/81/59 59/82/60 +f 60/83/61 53/74/53 61/16/13 +f 55/80/58 59/82/60 62/84/62 +f 63/85/63 56/86/55 64/87/64 +f 3940/88/65 6385/89/66 6574/90/67 +f 8383/91/4 8473/92/4 8385/93/4 +f 59/82/60 65/15/12 66/17/14 +f 62/84/62 59/82/60 67/94/68 +f 51/72/51 57/95/69 58/96/70 +f 59/82/60 66/17/14 67/94/68 +f 58/96/70 19/97/71 18/98/19 +f 8359/99/72 8360/100/73 8358/101/72 +f 47/70/44 46/102/43 50/71/50 +f 56/86/55 63/85/63 54/103/54 +f 8713/104/74 8771/105/75 8712/106/75 +f 53/74/53 60/83/61 52/73/52 +f 44/60/41 52/73/52 43/58/40 +f 41/57/39 43/107/40 2/55/37 +f 85/108/76 92/109/77 82/110/78 +f 7097/111/79 7089/112/80 7098/113/80 +f 76/114/81 141/115/82 138/116/83 +f 600/117/84 594/118/85 598/119/85 +f 5536/120/86 5537/121/87 5538/122/87 +f 4088/123/88 4095/124/89 4096/125/90 +f 7429/126/91 7430/127/92 7428/128/91 +f 2779/129/4 3728/130/4 2781/131/4 +f 4435/132/93 4436/133/94 4437/134/94 +f 102/135/95 108/136/96 100/137/97 +f 94/138/98 98/139/99 99/140/100 +f 73/141/101 89/142/102 88/143/103 +f 98/139/99 94/138/98 101/144/104 +f 101/144/104 94/138/98 103/145/105 +f 110/146/106 116/147/107 108/136/96 +f 14/81/59 13/65/46 12/14/11 +f 6300/148/108 6284/149/109 6286/150/110 +f 101/144/104 103/145/105 109/151/111 +f 109/151/111 103/145/105 111/152/112 +f 119/153/113 126/154/114 118/155/115 +f 105/156/116 113/157/117 114/158/118 +f 104/159/119 105/156/116 114/158/118 +f 5669/160/120 5661/161/121 870/162/122 +f 99/140/100 106/163/123 107/164/124 +f 127/165/125 134/166/126 126/154/114 +f 2607/167/127 5261/168/128 5260/169/129 +f 113/157/117 116/170/107 122/171/130 +f 114/158/118 113/157/117 122/171/130 +f 116/170/107 117/172/131 122/171/130 +f 1398/173/132 1434/174/133 1396/175/134 +f 110/176/135 139/177/135 122/178/135 +f 3/179/136 1/56/38 2/55/37 +f 7842/180/137 7831/181/138 7830/182/139 +f 4453/183/140 4454/184/141 4455/185/141 +f 1420/186/4 8623/187/4 8621/188/4 +f 7226/189/142 7173/190/143 7227/191/143 +f 145/192/144 80/193/145 143/194/146 +f 2427/195/147 4989/196/148 4988/197/147 +f 129/198/149 123/199/150 120/200/151 +f 487/201/152 488/202/153 491/203/153 +f 7241/204/154 7238/205/155 7239/206/155 +f 835/207/156 778/208/157 843/209/158 +f 5557/210/4 8482/211/4 8484/212/4 +f 7731/213/159 7732/214/160 7730/215/159 +f 4829/216/161 4858/217/162 4832/218/162 +f 8383/219/163 8380/220/164 8381/221/164 +f 7228/222/165 7198/223/166 7229/224/166 +f 1426/225/167 1370/226/168 1421/227/57 +f 2480/228/169 5288/229/170 2478/230/170 +f 7617/231/171 7618/232/172 7616/233/171 +f 5227/234/19 2538/235/19 5226/236/19 +f 5078/237/173 5006/238/174 5079/239/174 +f 8083/240/175 8156/241/176 8155/242/175 +f 8373/26/21 8370/243/177 8371/244/177 +f 8441/245/178 8438/246/179 8439/247/179 +f 2746/248/180 2747/249/181 2743/250/180 +f 6969/251/182 6977/252/183 6975/253/184 +f 7030/254/19 7026/255/19 7031/256/19 +f 268/257/185 263/258/186 266/259/186 +f 189/260/187 191/261/188 190/262/187 +f 2517/263/189 5119/264/190 2516/265/190 +f 344/266/191 345/267/192 343/268/191 +f 8062/269/193 8105/270/194 8104/271/193 +f 541/272/32 540/273/195 538/274/195 +f 5045/275/196 5076/276/197 5084/277/196 +f 194/278/198 195/279/199 193/280/198 +f 4403/281/200 4404/282/201 4405/283/201 +f 7216/284/202 7176/285/203 7217/286/203 +f 1471/287/204 1474/288/205 1473/289/205 +f 7053/290/206 7050/291/207 7051/292/207 +f 4848/293/208 4840/294/209 4849/295/209 +f 2475/296/210 5410/297/211 5409/298/210 +f 8649/299/212 8646/300/213 8647/301/213 +f 2241/302/214 2271/303/215 2243/304/215 +f 208/305/135 205/306/216 206/307/135 +f 7827/308/217 7824/309/218 7825/310/218 +f 7743/311/219 7740/312/220 7741/313/220 +f 5184/314/221 5147/315/222 5185/316/222 +f 7380/317/223 7365/318/224 7381/319/224 +f 5248/320/225 2360/321/226 5249/322/226 +f 2089/323/227 2084/324/228 2087/325/228 +f 7452/326/229 7454/327/230 7455/328/230 +f 2424/329/231 4799/330/232 2425/331/232 +f 8684/332/233 8759/333/234 8769/334/233 +f 2250/335/235 2316/336/236 2249/337/236 +f 8055/338/237 8149/339/238 8056/340/238 +f 4392/341/239 4395/342/240 4394/343/240 +f 748/344/241 744/345/242 747/346/243 +f 8210/347/244 8257/348/245 8256/349/244 +f 2702/350/246 5394/351/247 5393/352/246 +f 5181/353/248 5128/354/249 5182/355/249 +f 7989/356/250 8006/357/251 8007/358/251 +f 7409/359/252 7370/360/253 7410/361/253 +f 7454/327/230 7456/362/254 7455/328/230 +f 2205/363/255 2291/364/256 2209/365/257 +f 5521/366/258 5523/367/259 5524/368/259 +f 8215/369/260 8285/370/175 8213/371/175 +f 8575/372/261 8572/373/262 8573/374/262 +f 8415/375/263 8416/376/264 8414/377/263 +f 1527/378/265 1529/379/266 1530/380/266 +f 2705/381/267 5393/352/246 5392/382/267 +f 5546/383/268 5547/384/269 5548/385/269 +f 7282/386/270 7280/387/271 7281/388/271 +f 7647/389/4 7644/390/4 7645/391/4 +f 2841/392/272 2843/393/273 2842/394/272 +f 2401/395/32 4800/396/32 4802/397/32 +f 8693/398/274 8728/399/275 8694/400/275 +f 492/401/276 493/402/277 494/403/277 +f 4401/41/29 4402/404/200 4403/281/200 +f 236/405/278 237/406/279 238/407/279 +f 5532/408/280 5523/367/259 5531/409/280 +f 7972/410/281 7955/411/282 7954/412/282 +f 2215/413/283 2286/414/284 2216/415/284 +f 6963/416/285 6969/417/182 6962/418/285 +f 7402/419/286 7335/420/287 7404/421/287 +f 2175/422/288 2281/423/289 2280/424/290 +f 314/425/291 317/426/186 313/427/291 +f 4951/428/221 4914/429/222 4952/430/222 +f 2617/431/292 5376/432/293 2565/433/293 +f 4465/434/294 4466/435/295 4467/436/295 +f 5138/437/296 5157/438/297 5164/439/296 +f 8411/440/298 8412/441/299 8410/442/298 +f 2614/443/300 5435/444/301 2613/445/301 +f 5257/446/302 2601/447/303 5258/448/303 +f 2499/449/304 5202/450/305 5210/451/304 +f 2396/452/306 5358/453/307 5357/454/306 +f 2085/455/308 2081/456/309 2083/457/309 +f 4491/458/310 4492/459/311 4493/460/311 +f 4445/461/312 4446/462/313 4447/463/313 +f 5343/464/314 5314/465/315 5330/466/315 +f 7217/286/203 7183/467/316 7209/468/316 +f 4990/469/317 2706/470/318 4991/471/318 +f 8639/472/319 8636/473/320 8637/474/320 +f 7875/475/321 7876/476/322 7874/477/321 +f 2740/478/323 2741/479/324 2739/480/323 +f 2572/481/325 5120/482/189 2517/483/189 +f 7572/484/326 7564/485/327 7573/486/326 +f 7119/487/92 7116/488/91 7117/489/91 +f 393/490/328 388/491/329 391/492/329 +f 8293/493/330 8294/494/331 8292/495/330 +f 8664/496/255 8750/497/257 8668/498/257 +f 8160/499/332 613/500/241 615/501/241 +f 7922/502/333 7924/503/334 7925/504/334 +f 8219/505/335 8273/506/336 8272/507/335 +f 8343/508/337 8344/509/338 8342/510/337 +f 7394/511/339 7347/512/340 7396/513/341 +f 8379/514/342 8380/220/164 8378/515/342 +f 500/516/343 501/517/344 502/518/344 +f 2765/519/345 2766/520/346 2764/521/345 +f 8113/522/347 750/523/348 749/524/348 +f 7360/525/349 7377/526/350 7383/527/349 +f 2695/528/351 4975/529/352 4974/530/353 +f 8525/531/354 8522/532/355 8523/533/355 +f 2487/534/356 5209/535/357 5208/536/356 +f 2708/537/32 4990/538/32 4996/539/32 +f 8383/219/163 8384/540/358 8382/541/163 +f 4368/542/359 4373/543/360 4372/544/360 +f 496/545/361 497/546/362 498/547/362 +f 2683/548/363 4877/549/364 4891/550/363 +f 618/551/365 620/552/366 619/553/365 +f 2537/554/367 5421/555/368 2558/556/368 +f 7636/557/369 7638/558/370 7639/559/370 +f 4493/460/311 4494/560/371 4495/561/371 +f 8309/562/372 8306/563/373 8307/564/373 +f 8611/565/374 8608/566/375 8609/567/375 +f 7719/568/376 7748/569/377 7749/570/377 +f 2335/571/378 4803/572/379 4805/573/378 +f 7535/574/380 7492/575/381 7536/576/381 +f 8025/577/382 8026/578/383 8024/579/382 +f 405/580/384 373/581/385 406/582/386 +f 405/580/384 406/582/386 407/583/387 +f 408/584/388 409/585/389 410/586/390 +f 408/584/388 410/586/390 411/587/391 +f 2127/588/392 2123/589/389 2122/590/388 +f 646/591/393 645/592/157 641/593/394 +f 649/594/395 647/595/396 648/596/397 +f 414/597/398 417/598/399 418/599/400 +f 414/600/398 419/601/401 415/602/402 +f 414/600/398 407/583/387 419/601/401 +f 414/600/398 405/580/384 407/583/387 +f 420/603/403 373/581/385 405/580/384 +f 2134/604/403 2125/605/391 2087/606/385 +f 2134/604/403 2128/607/398 2135/608/404 +f 421/609/404 422/610/405 423/611/406 +f 421/609/404 418/599/400 422/610/405 +f 421/609/404 423/611/406 420/612/403 +f 421/609/404 414/597/398 418/599/400 +f 679/613/407 656/614/408 680/615/409 +f 424/616/410 427/617/411 425/618/412 +f 424/616/410 428/619/413 427/617/411 +f 424/616/410 429/620/414 428/619/413 +f 2168/621/415 2144/622/416 2145/623/417 +f 666/624/418 665/625/419 690/626/420 +f 2144/627/416 2149/628/421 2148/629/422 +f 434/630/422 431/631/417 430/632/416 +f 434/630/422 436/633/423 431/631/417 +f 2149/628/421 2152/634/424 2151/635/425 +f 2153/636/426 2151/637/425 2152/638/424 +f 437/639/425 434/640/422 435/641/421 +f 437/642/425 436/633/423 434/630/422 +f 2152/634/424 2154/643/427 2153/644/426 +f 430/645/416 435/641/421 434/640/422 +f 441/646/428 439/647/426 440/648/427 +f 441/649/428 436/633/423 439/650/426 +f 441/649/428 443/651/429 436/633/423 +f 2182/652/430 2158/653/431 2159/654/432 +f 444/655/431 443/651/429 441/649/428 +f 2147/656/433 2146/657/434 2171/658/435 +f 446/659/436 447/660/437 413/661/438 +f 2160/662/436 2137/663/406 2161/664/437 +f 446/665/436 413/666/438 408/584/388 +f 446/665/436 408/584/388 420/603/403 +f 2126/667/438 2127/588/392 2122/590/388 +f 448/668/439 450/669/440 449/670/441 +f 1654/671/442 1652/672/443 1653/673/444 +f 2166/674/445 2162/675/439 2140/676/413 +f 432/677/434 454/678/415 451/679/446 +f 428/619/413 455/680/447 456/681/448 +f 428/619/413 456/681/448 452/682/445 +f 457/683/435 432/677/434 448/668/439 +f 457/684/435 448/685/439 453/686/449 +f 457/684/435 453/686/449 458/687/450 +f 457/684/435 458/687/450 433/688/433 +f 436/633/423 443/651/429 459/689/451 +f 436/633/423 459/689/451 431/631/417 +f 420/603/403 411/587/391 373/581/385 +f 462/690/452 463/691/453 464/692/454 +f 462/690/452 426/693/455 463/691/453 +f 462/690/452 429/620/414 426/693/455 +f 465/694/456 466/695/457 467/696/458 +f 465/694/456 467/696/458 460/697/459 +f 465/698/456 460/699/459 429/620/414 +f 445/700/432 469/701/460 468/702/461 +f 4156/703/57 129/704/57 120/705/57 +f 470/706/462 464/692/454 471/707/463 +f 470/708/462 473/709/464 466/695/457 +f 470/706/462 462/690/452 464/692/454 +f 786/710/465 780/711/396 787/712/466 +f 470/706/462 466/713/457 465/698/456 +f 474/714/467 442/715/468 475/716/469 +f 474/714/467 475/716/469 395/717/470 +f 415/602/402 473/709/464 470/708/462 +f 415/602/402 419/601/401 476/718/471 +f 415/602/402 476/718/471 473/709/464 +f 2183/719/460 2127/588/392 2191/720/472 +f 412/721/392 478/722/473 477/723/472 +f 412/724/392 474/714/467 395/717/470 +f 412/724/392 445/700/432 474/714/467 +f 479/725/474 416/726/475 415/727/402 +f 479/725/474 472/728/476 416/726/475 +f 479/729/474 415/730/402 472/731/476 +f 635/732/477 636/733/478 634/734/477 +f 8543/735/479 8540/736/480 8541/737/480 +f 8707/738/481 8775/739/236 8784/740/481 +f 2728/741/482 5002/742/483 5001/743/482 +f 7801/744/484 7768/745/485 7802/746/485 +f 8515/747/486 8512/748/487 8513/749/487 +f 277/750/488 278/751/133 276/752/488 +f 8485/753/489 8486/754/490 8484/755/489 +f 2726/756/491 4991/471/318 2706/470/318 +f 2769/757/492 2770/758/493 2768/759/492 +f 1423/760/494 1380/761/495 1425/762/291 +f 2091/763/496 2086/764/227 2089/765/227 +f 2447/766/497 4780/767/498 4774/768/499 +f 625/769/500 626/770/501 624/771/502 +f 7693/772/503 7682/773/504 7692/774/505 +f 5564/775/506 5473/776/507 5474/777/507 +f 578/778/508 532/779/509 531/780/509 +f 461/781/288 8740/782/289 8739/783/288 +f 7622/784/326 7621/785/326 7623/786/326 +f 2831/787/510 2828/788/511 2829/789/511 +f 5291/790/512 5330/466/315 5314/465/315 +f 4535/791/513 4536/792/514 4537/793/514 +f 8629/794/515 8630/795/516 8628/796/515 +f 7515/797/517 7512/798/518 7516/799/518 +f 7631/800/519 7629/801/520 7628/802/520 +f 7054/803/19 7044/804/19 7055/805/19 +f 2710/806/521 5368/807/522 2704/808/522 +f 3923/809/523 3921/810/524 3922/811/525 +f 8661/812/526 8662/813/527 8660/814/526 +f 2726/815/491 4993/816/528 4992/817/491 +f 2662/818/529 5122/819/530 2573/820/530 +f 7949/821/531 7946/822/532 7947/823/532 +f 8703/824/533 8732/825/534 8701/826/534 +f 2208/827/535 2293/828/536 2206/829/536 +f 2368/830/537 5352/831/538 5351/832/537 +f 2428/833/148 4981/834/539 4989/196/148 +f 4842/835/540 4835/836/541 4844/837/541 +f 2721/838/542 4957/839/543 2715/840/543 +f 7525/841/544 7482/842/545 7526/843/545 +f 2534/844/546 5190/845/547 5189/846/546 +f 631/847/548 632/848/549 630/849/548 +f 1532/850/550 1530/380/266 1529/379/266 +f 526/851/551 527/852/552 528/853/552 +f 7261/854/553 7262/855/554 7260/856/553 +f 2456/857/555 4872/858/556 2462/859/556 +f 7678/860/557 7677/861/558 7676/862/558 +f 2548/863/559 5227/864/560 5231/865/561 +f 7566/866/562 7568/867/563 7567/868/562 +f 7536/576/381 7496/869/564 7537/870/564 +f 8175/871/565 8262/872/566 8261/873/565 +f 401/874/567 396/875/568 399/876/569 +f 5520/877/570 5561/878/571 5562/879/571 +f 5233/880/572 2687/881/573 5234/882/573 +f 612/883/574 607/884/575 610/885/575 +f 5049/886/576 5005/887/577 5051/888/577 +f 338/889/578 339/890/579 337/891/578 +f 5552/892/580 5553/893/581 5554/894/581 +f 170/895/582 171/896/583 169/897/582 +f 7951/898/584 7952/899/585 7950/900/584 +f 7578/901/586 7580/902/587 7579/903/586 +f 2858/904/588 2859/905/589 2860/906/589 +f 7252/907/590 7251/908/591 7250/909/591 +f 2443/910/592 5256/911/593 5261/168/128 +f 2800/912/594 2797/913/595 2798/914/594 +f 8299/915/596 8300/916/597 8298/917/596 +f 7583/918/598 7584/919/599 7582/920/600 +f 7812/921/601 7814/922/602 7813/923/601 +f 5560/924/603 5476/925/604 5475/926/604 +f 2623/927/605 5398/68/49 5397/928/605 +f 7063/929/606 7060/930/607 7061/931/607 +f 8077/932/608 8135/933/609 8076/934/610 +f 5051/888/577 5004/935/611 5052/936/611 +f 8073/937/612 8139/938/613 8072/939/613 +f 333/940/614 335/941/615 336/942/615 +f 1473/289/205 1476/943/616 1475/944/616 +f 3920/945/617 3924/946/618 3925/947/619 +f 638/948/620 606/949/621 639/950/622 +f 638/948/620 639/950/622 640/951/623 +f 641/593/394 642/952/624 643/953/625 +f 641/593/394 643/953/625 644/954/626 +f 17/955/135 29/956/135 31/957/135 +f 814/958/627 795/959/628 792/960/629 +f 836/961/630 838/962/631 781/963/397 +f 647/595/396 650/964/632 651/965/633 +f 647/966/396 652/967/634 648/968/397 +f 647/966/396 640/951/623 652/967/634 +f 647/966/396 638/948/620 640/951/623 +f 653/969/465 606/970/621 638/971/620 +f 821/972/635 791/973/636 826/974/637 +f 429/620/414 470/706/462 465/698/456 +f 654/975/466 655/976/638 656/614/408 +f 654/975/466 651/977/633 655/976/638 +f 654/975/466 656/614/408 653/969/465 +f 654/975/466 647/978/396 651/977/633 +f 446/665/436 423/979/406 447/980/437 +f 657/981/639 660/982/628 658/983/640 +f 657/981/639 661/984/629 660/982/628 +f 657/985/639 662/986/636 661/987/629 +f 820/988/641 796/989/642 797/990/643 +f 811/991/644 809/992/645 840/993/646 +f 810/994/647 806/995/648 809/992/645 +f 667/996/649 664/997/643 663/998/642 +f 667/996/649 669/999/650 664/997/643 +f 805/1000/651 803/1001/652 804/1002/653 +f 804/1003/653 806/995/648 805/1004/651 +f 670/1005/652 667/1006/649 668/1007/654 +f 670/1008/652 669/999/650 667/996/649 +f 438/1009/424 440/648/427 439/647/426 +f 674/1010/655 675/1011/656 669/999/650 +f 663/1012/642 668/1007/654 667/1006/649 +f 674/1013/655 672/1014/651 673/1015/648 +f 674/1010/655 669/999/650 672/1016/651 +f 687/1017/657 663/998/642 664/997/643 +f 677/1018/647 675/1011/656 674/1010/655 +f 4367/1019/658 4245/1020/659 4250/1021/660 +f 679/613/407 680/615/409 646/591/393 +f 794/1022/661 790/1023/639 793/1024/640 +f 679/613/407 646/591/393 641/593/394 +f 679/613/407 641/593/394 653/969/465 +f 779/1025/393 778/208/157 774/1026/394 +f 681/1027/627 683/1028/662 682/1029/663 +f 817/1030/664 814/1031/627 798/1032/419 +f 818/1033/665 814/1031/627 792/1034/629 +f 665/1035/419 687/1017/657 684/1036/664 +f 661/987/629 688/1037/635 689/1038/666 +f 661/987/629 689/1038/666 685/1039/665 +f 690/626/420 665/625/419 681/1040/627 +f 690/626/420 681/1040/627 686/1041/667 +f 690/626/420 686/1041/667 691/1042/668 +f 690/626/420 691/1042/668 666/624/418 +f 669/999/650 675/1011/656 692/1043/669 +f 669/999/650 692/1043/669 664/997/643 +f 653/969/465 644/954/626 606/970/621 +f 695/1044/670 696/1045/671 697/1046/672 +f 695/1047/670 659/1048/661 696/1049/671 +f 695/1047/670 662/1050/636 659/1048/661 +f 698/1051/673 699/1052/674 700/1053/675 +f 698/1051/673 700/1053/675 693/1054/637 +f 698/1051/673 693/1054/637 662/986/636 +f 678/1055/644 702/1056/156 701/1057/676 +f 2184/1058/462 2186/1059/476 2129/1060/402 +f 703/1061/630 697/1046/672 704/1062/677 +f 703/1063/630 706/1064/678 699/1052/674 +f 703/1061/630 695/1044/670 697/1046/672 +f 2184/1065/462 2139/1066/414 2176/1067/452 +f 703/1063/630 699/1052/674 698/1051/673 +f 707/1068/646 676/1069/645 708/1070/679 +f 707/1068/646 708/1070/679 627/1071/680 +f 648/968/397 706/1064/678 703/1063/630 +f 648/968/397 652/967/634 709/1072/681 +f 648/968/397 709/1072/681 706/1064/678 +f 469/701/460 412/724/392 477/1073/472 +f 645/592/157 711/1074/682 710/1075/158 +f 645/592/157 707/1076/646 627/1077/680 +f 645/592/157 678/1078/644 707/1076/646 +f 712/1079/683 649/594/395 648/596/397 +f 712/1079/683 705/1080/631 649/594/395 +f 712/1079/683 648/596/397 705/1080/631 +f 2237/1081/684 2284/1082/685 2283/1083/684 +f 4382/1084/686 4385/1085/687 4384/1086/687 +f 8048/1087/688 8132/1088/566 8047/1089/566 +f 8036/1090/689 8101/1091/690 8035/1092/691 +f 731/1093/85 728/1094/692 729/1095/692 +f 2849/1096/693 2852/1097/694 2851/1098/694 +f 7005/1099/695 7006/1100/696 7004/1101/695 +f 7527/1102/697 7486/1103/202 7528/1104/202 +f 538/274/195 545/1105/276 544/1106/276 +f 4541/1107/698 4542/1108/699 4543/1109/699 +f 224/1110/700 225/1111/701 223/1112/700 +f 7022/1113/702 7024/1114/703 7025/1115/703 +f 2222/1116/704 2309/1117/705 2308/1118/704 +f 389/1119/706 383/1120/707 387/1121/707 +f 8357/1122/708 8358/101/72 8356/1123/708 +f 5228/1124/709 2552/1125/710 5229/1126/710 +f 7920/1127/711 7903/1128/712 7902/1129/712 +f 7826/1130/217 7865/1131/713 7864/1132/713 +f 7022/1113/19 7018/1133/19 7023/1134/19 +f 2529/1135/714 4788/1136/715 4787/1137/714 +f 2220/1138/716 2300/1139/234 2221/1140/234 +f 562/1141/717 565/1142/718 564/1143/718 +f 7267/1144/719 7255/1145/720 7266/1146/721 +f 7589/1147/722 7590/1148/723 7588/1149/724 +f 7422/1150/725 7424/1151/726 7425/1152/726 +f 7465/1153/727 7462/1154/728 7463/1155/728 +f 771/1156/620 739/1157/621 772/1158/622 +f 771/1156/620 772/1158/622 773/1159/623 +f 774/1026/394 775/1160/624 776/1161/625 +f 774/1026/394 776/1161/625 777/1162/626 +f 685/1039/665 681/1040/627 661/987/629 +f 2630/1163/729 3982/1164/730 3983/1165/731 +f 703/1061/630 705/1080/631 648/596/397 +f 780/1166/396 783/1167/632 784/1168/633 +f 780/1169/396 785/1170/634 781/1171/397 +f 780/1169/396 773/1159/623 785/1170/634 +f 780/1169/396 771/1156/620 773/1159/623 +f 786/710/465 739/1172/621 771/1173/620 +f 688/1037/635 662/986/636 693/1054/637 +f 662/986/636 703/1063/630 698/1051/673 +f 787/712/466 788/1174/638 789/1175/408 +f 787/712/466 784/1176/633 788/1174/638 +f 787/712/466 789/1175/408 786/710/465 +f 787/712/466 780/711/396 784/1176/633 +f 790/1177/639 791/973/636 792/1034/629 +f 812/1178/407 789/1175/408 813/1179/409 +f 790/1023/639 795/959/628 793/1024/640 +f 790/1023/639 792/960/629 795/959/628 +f 834/1180/732 810/1181/647 811/1182/644 +f 678/1183/644 676/1069/645 707/1068/646 +f 677/1184/647 673/1015/648 676/1069/645 +f 800/1185/649 797/990/643 796/989/642 +f 800/1185/649 802/1186/650 797/990/643 +f 439/650/426 437/642/425 438/1187/424 +f 671/1188/653 673/1015/648 672/1014/651 +f 803/1189/652 800/1190/649 801/1191/654 +f 803/1001/652 802/1186/650 800/1185/649 +f 801/1191/654 804/1003/653 803/1189/652 +f 807/1192/655 808/1193/656 802/1186/650 +f 1666/1194/733 1751/1195/734 1747/1196/735 +f 807/1197/655 805/1004/651 806/995/648 +f 807/1192/655 802/1186/650 805/1000/651 +f 468/1198/461 444/655/431 445/1199/432 +f 810/1181/647 808/1193/656 807/1192/655 +f 799/1200/418 798/1032/419 823/1201/420 +f 812/1178/407 813/1179/409 779/1025/393 +f 659/1048/661 657/981/639 658/983/640 +f 812/1178/407 779/1025/393 774/1026/394 +f 812/1178/407 774/1026/394 786/710/465 +f 681/1027/627 660/982/628 661/984/629 +f 814/958/627 816/1202/662 815/1203/663 +f 702/1204/156 645/592/157 710/1075/158 +f 645/592/157 642/952/624 641/593/394 +f 798/1205/419 820/988/641 817/1206/664 +f 792/1034/629 821/972/635 822/1207/666 +f 792/1034/629 822/1207/666 818/1033/665 +f 823/1201/420 798/1032/419 814/1031/627 +f 823/1201/420 814/1031/627 819/1208/667 +f 823/1201/420 819/1208/667 824/1209/668 +f 823/1201/420 824/1209/668 799/1200/418 +f 802/1186/650 808/1193/656 825/1210/669 +f 802/1186/650 825/1210/669 797/990/643 +f 1669/1211/736 1736/1212/737 1610/1213/738 +f 828/1214/670 829/1215/671 830/1216/672 +f 828/1217/670 794/1022/661 829/1218/671 +f 828/1217/670 791/1219/636 794/1022/661 +f 831/1220/673 832/1221/674 833/1222/675 +f 831/1220/673 833/1222/675 826/974/637 +f 831/1220/673 826/974/637 791/973/636 +f 811/1182/644 835/1223/156 834/1180/732 +f 782/1224/395 780/1166/396 781/963/397 +f 836/961/630 830/1216/672 837/1225/677 +f 836/1226/630 839/1227/678 832/1221/674 +f 836/961/630 828/1214/670 830/1216/672 +f 653/969/465 647/978/396 654/975/466 +f 836/1226/630 832/1221/674 831/1220/673 +f 840/993/646 809/992/645 841/1228/679 +f 840/993/646 841/1228/679 760/1229/680 +f 781/1171/397 839/1227/678 836/1226/630 +f 781/1171/397 785/1170/634 842/1230/681 +f 781/1171/397 842/1230/681 839/1227/678 +f 684/1231/664 681/1040/627 665/625/419 +f 778/208/157 844/1232/682 843/209/158 +f 778/208/157 840/1233/646 760/1234/680 +f 778/208/157 811/1235/644 840/1233/646 +f 845/1236/683 782/1224/395 781/963/397 +f 845/1236/683 838/962/631 782/1224/395 +f 845/1236/683 781/963/397 838/962/631 +f 846/1237/739 847/1238/740 848/1239/741 +f 1545/1240/742 1546/1241/743 1544/1242/744 +f 853/1243/745 854/1244/746 855/1245/747 +f 854/1244/746 846/1237/739 855/1245/747 +f 846/1237/739 848/1239/741 855/1245/747 +f 4733/1246/326 4738/1247/326 4734/1248/326 +f 849/1249/748 851/1250/749 857/1251/750 +f 858/1252/751 853/1243/745 859/1253/752 +f 853/1243/745 855/1245/747 859/1253/752 +f 1560/1254/753 1553/1255/754 1556/1256/755 +f 858/1257/751 859/1258/752 861/1259/756 +f 1559/1260/757 1551/1261/758 1558/1262/759 +f 5476/1263/4 8488/1264/4 8490/1265/4 +f 1557/1266/760 1564/1267/761 1563/1268/762 +f 860/1269/763 865/1270/764 867/1271/765 +f 868/1272/766 869/1273/767 870/1274/768 +f 2831/1275/4 3711/1276/4 3710/1277/4 +f 4222/1278/769 4634/1279/770 4229/1280/771 +f 3412/1281/772 3369/1282/773 3405/1283/774 +f 873/1284/775 874/1285/776 878/1286/777 +f 871/1287/778 875/1288/779 877/1289/780 +f 873/1284/775 878/1286/777 879/1290/781 +f 5604/1291/782 5909/1292/783 5599/1293/784 +f 6763/1294/785 6731/1295/786 6753/1296/787 +f 1633/1297/788 1632/1298/789 1629/1299/790 +f 3263/1300/791 3274/1301/792 3272/1302/793 +f 1585/1303/794 1584/1304/795 1582/1305/796 +f 1630/1306/797 1629/1299/790 1625/1307/798 +f 887/1308/799 888/1309/800 890/1310/801 +f 1593/1311/802 1586/1312/803 1590/1313/804 +f 891/1314/805 892/1315/806 895/1316/807 +f 1588/1317/808 1591/1318/809 1584/1319/795 +f 6319/1320/810 6336/1321/811 6345/1322/812 +f 5737/1323/813 5792/1324/814 5796/1325/815 +f 894/1326/816 898/1327/817 900/1328/818 +f 924/1329/819 1230/1330/820 1241/1331/821 +f 1547/1332/822 1594/1333/823 1600/1334/824 +f 904/1335/825 903/1336/826 906/1337/827 +f 7959/1338/57 7877/1339/57 7875/1340/57 +f 907/1341/828 908/1342/829 909/1343/830 +f 854/1244/746 907/1341/828 910/1344/831 +f 907/1341/828 909/1343/830 910/1344/831 +f 854/1244/746 910/1344/831 911/1345/832 +f 854/1244/746 911/1345/832 846/1237/739 +f 5615/1346/833 5851/1347/834 5616/1348/835 +f 2969/1349/836 2991/1350/837 2971/1351/838 +f 3777/1352/57 5/1353/57 19/1354/57 +f 5714/1355/839 5766/1356/840 5792/1324/814 +f 1619/1357/841 1618/1358/842 1612/1359/843 +f 917/1360/844 919/1361/845 924/1362/846 +f 6412/1363/847 6407/1364/848 6405/1365/849 +f 4214/1366/850 4208/1367/851 4210/1368/852 +f 3210/1369/853 3107/1370/854 3131/1371/855 +f 1576/1372/856 1566/1373/857 1572/1374/858 +f 1580/1375/859 1587/1376/860 1586/1312/803 +f 928/1377/861 929/1378/862 933/1379/863 +f 930/1380/864 931/1381/865 935/1382/866 +f 5812/1383/867 5863/1384/868 5820/1385/869 +f 1574/1386/870 1577/1387/871 1568/1388/872 +f 939/1389/873 940/1390/874 942/1391/875 +f 1636/1392/876 1638/1393/877 1632/1298/789 +f 939/1389/873 942/1391/875 945/1394/878 +f 576/1395/135 2598/1396/135 2640/1397/135 +f 6598/1398/879 6597/1399/880 6617/1400/881 +f 1642/1401/882 1645/1402/883 1641/1403/884 +f 948/1404/885 949/1405/886 952/1406/887 +f 6599/1407/888 6643/1408/889 6600/1409/890 +f 1711/1410/891 1710/1411/892 1706/1412/893 +f 950/1413/894 951/1414/895 954/1415/896 +f 1358/1416/897 852/1417/898 1363/1418/899 +f 2276/1419/135 2274/1420/135 2275/1421/135 +f 960/1422/900 959/1423/901 958/1424/902 +f 2659/1425/135 480/1426/135 487/1427/135 +f 961/1428/903 962/1429/904 963/1430/905 +f 964/1431/906 961/1428/903 965/1432/907 +f 961/1428/903 963/1430/905 965/1432/907 +f 963/1430/905 962/1429/904 966/1433/908 +f 964/1431/906 965/1432/907 967/1434/909 +f 964/1431/906 967/1434/909 968/1435/910 +f 966/1433/908 962/1429/904 969/1436/911 +f 1667/1437/912 1659/1438/913 1666/1439/914 +f 964/1431/906 968/1435/910 971/1440/915 +f 1598/1441/916 1596/1442/917 1597/1443/918 +f 970/1444/919 972/1445/920 974/1446/921 +f 975/1447/922 976/1448/923 897/1449/924 +f 976/1448/923 902/1450/925 897/1449/924 +f 977/1451/926 978/1452/927 979/1453/928 +f 975/1447/922 897/1449/924 893/1454/929 +f 977/1451/926 979/1453/928 980/1455/930 +f 977/1451/926 980/1455/930 981/1456/931 +f 982/1457/932 975/1447/922 890/1458/933 +f 981/1456/931 980/1455/930 983/1459/934 +f 975/1447/922 893/1454/929 890/1458/933 +f 1001/1460/935 5744/1461/936 5686/1462/937 +f 985/1463/938 984/1464/939 986/1465/940 +f 6370/1466/941 6372/1467/942 6357/1468/943 +f 988/1469/944 987/1470/945 989/1471/946 +f 7651/1472/57 7703/1473/57 7733/1474/57 +f 2853/1475/4 333/1476/4 2851/1477/4 +f 992/1478/947 993/1479/948 994/1480/949 +f 1689/1481/950 1690/1482/951 1687/1483/952 +f 890/1458/933 888/1484/953 997/1485/954 +f 888/1484/953 883/1486/955 997/1485/954 +f 883/1486/955 879/1487/956 997/1485/954 +f 879/1487/956 878/1488/957 997/1485/954 +f 982/1457/932 890/1458/933 997/1485/954 +f 1693/1489/958 1690/1482/951 1691/1490/959 +f 1000/1491/960 982/1457/932 1001/1492/961 +f 982/1457/932 997/1485/954 1001/1492/961 +f 999/1493/962 998/1494/963 1002/1495/964 +f 1003/1496/965 1000/1491/960 1004/1497/966 +f 1697/1498/967 1700/1499/968 1694/1500/969 +f 1000/1491/960 1001/1492/961 1004/1497/966 +f 1702/1501/970 1701/1502/971 1700/1499/968 +f 8653/1503/4 1439/1504/4 8655/1505/4 +f 1003/1506/965 1004/1507/966 1009/1508/972 +f 1707/1509/973 1706/1412/893 1701/1510/971 +f 1008/1511/974 1010/1512/975 1013/1513/976 +f 1013/1513/976 1010/1512/975 1014/1514/977 +f 4075/1515/978 4673/1516/979 4222/1278/769 +f 1013/1513/976 1014/1514/977 1017/1517/980 +f 1714/1518/981 1713/1519/982 1710/1411/892 +f 1712/1520/983 1672/1521/984 1708/1522/985 +f 5043/1523/135 4982/1524/135 4980/1525/135 +f 1606/1526/986 1716/1527/987 1715/1528/988 +f 6692/1529/989 6679/1530/990 6683/1531/991 +f 1717/1532/992 1603/1533/993 1718/1534/994 +f 1718/1535/994 1601/1536/995 1719/1537/996 +f 2377/1538/135 2374/1539/135 2429/1540/135 +f 976/1448/923 903/1541/997 902/1450/925 +f 1025/1542/998 1026/1543/999 1027/1544/1000 +f 1026/1543/999 1028/1545/1001 1027/1544/1000 +f 6877/1546/1002 6882/1547/1003 6884/1548/1004 +f 1032/1549/1005 1025/1550/998 1033/1551/1006 +f 6833/1552/1007 6853/1553/1008 6852/1554/1009 +f 1025/1550/998 1027/1555/1000 1033/1551/1006 +f 7062/1556/57 7043/1557/57 7060/1558/57 +f 1730/1559/1010 1733/1560/1011 1729/1561/1012 +f 1032/1549/1005 1033/1551/1006 1037/1562/1013 +f 4636/1563/1014 4670/1564/1015 4650/1565/1016 +f 1041/1566/1017 1036/1567/1018 916/1568/1019 +f 1036/1567/1018 922/1569/1020 916/1568/1019 +f 1737/1570/1021 1738/1571/1022 1735/1572/1023 +f 922/1569/1020 1037/1562/1013 926/1573/1024 +f 1041/1566/1017 916/1568/1019 914/1574/1025 +f 1739/1575/1026 1740/1576/1027 1738/1571/1022 +f 926/1573/1024 1037/1562/1013 929/1577/1028 +f 6738/1578/1029 6729/1579/1030 6732/1580/1031 +f 7611/1581/57 7711/1582/57 7709/1583/57 +f 1041/1566/1017 914/1574/1025 915/1584/1032 +f 6650/1585/135 28/1586/135 3/1587/135 +f 1047/1588/1033 1048/1589/1034 1051/1590/1035 +f 1667/1591/1036 1744/1592/1037 1669/1211/736 +f 1745/1593/1038 1749/1594/1039 1750/1595/1040 +f 3702/1596/1041 3697/1597/1042 3693/1598/1043 +f 435/641/421 438/1009/424 437/639/425 +f 1052/1599/1044 972/1600/1045 971/1601/1046 +f 1055/1602/1047 1054/1603/1048 1058/1604/1049 +f 5252/1605/135 5262/1606/135 5257/1607/135 +f 5008/1608/135 4986/1609/135 5009/1610/135 +f 977/1611/57 680/1612/57 1013/1613/57 +f 5887/1614/1050 5764/1615/1051 5849/1616/1052 +f 1063/1617/1053 1065/1618/1054 1066/1619/1055 +f 1064/1620/1056 965/1621/1057 963/1622/1058 +f 3496/1623/1059 3540/1624/1060 3569/1625/1061 +f 1063/1617/1053 1066/1619/1055 1067/1626/1062 +f 1063/1617/1053 1067/1626/1062 1068/1627/1063 +f 1063/1617/1053 1068/1627/1063 1069/1628/1064 +f 1063/1617/1053 1069/1628/1064 1070/1629/1065 +f 1069/1628/1064 1071/1630/1066 1070/1629/1065 +f 1070/1629/1065 1071/1630/1066 1072/1631/1067 +f 2368/1632/135 536/1633/135 542/1634/135 +f 1074/1635/1068 1073/1636/1069 1075/1637/1070 +f 1026/1543/999 1074/1635/1068 1028/1545/1001 +f 1074/1635/1068 1075/1637/1070 1028/1545/1001 +f 1076/1638/1071 1077/1639/1072 1078/1640/1073 +f 1929/1641/1074 1928/1642/1075 1943/1643/1076 +f 1779/1644/1077 1777/1645/1078 1778/1646/1079 +f 1223/1647/1080 1227/1648/1081 1216/1649/1082 +f 2050/1650/1083 1780/1651/1084 1781/1652/1085 +f 1153/1653/1086 1137/1654/1087 1146/1655/1088 +f 1782/1656/1089 1772/1657/1090 1783/1658/1091 +f 1867/1659/1092 1864/1660/1093 1880/1661/1094 +f 1093/1662/1095 1080/1663/1096 1079/1664/1097 +f 1202/1665/1098 1172/1666/1099 1185/1667/1100 +f 1897/1668/1101 1894/1669/1102 1912/1670/1103 +f 1830/1671/1104 1827/1672/1105 1832/1673/1106 +f 1255/1674/1107 1240/1675/1108 1244/1676/1109 +f 1793/1677/1110 1773/1678/1111 1794/1679/1112 +f 1800/1680/1113 1771/1681/1114 1793/1677/1110 +f 1792/1682/1115 1795/1683/1116 1802/1684/1117 +f 1101/1685/1118 1080/1663/1096 1093/1662/1095 +f 1789/1686/1119 1787/1687/1120 1788/1688/1121 +f 1101/1685/1118 1102/1689/1122 1080/1663/1096 +f 1798/1690/1123 1796/1691/1124 1789/1686/1119 +f 1135/1692/1125 1145/1693/1126 1141/1694/1127 +f 1799/1695/1128 1800/1680/1113 1809/1696/1129 +f 6924/1697/1130 6944/1698/1131 6950/1699/1132 +f 1175/1700/1133 1152/1701/1134 1160/1702/1135 +f 1108/1703/1136 1102/1689/1122 1101/1685/1118 +f 1847/1704/1137 1836/1705/1138 1840/1706/1139 +f 6198/1707/1140 6233/1708/1141 6239/1709/1142 +f 1793/1677/1110 1812/1710/1143 1800/1680/1113 +f 1191/1711/1144 1186/1712/1145 1201/1713/1146 +f 1163/1714/1147 1191/1711/1144 1192/1715/1148 +f 1112/1716/1149 1102/1689/1122 1108/1703/1136 +f 1801/1717/1150 1802/1684/1117 1810/1718/1151 +f 1173/1719/1152 1175/1700/1133 1191/1711/1144 +f 1804/1720/1153 1810/1718/1151 1802/1684/1117 +f 1809/1696/1129 1812/1710/1143 1819/1721/1154 +f 1811/1722/1155 1813/1723/1156 1820/1724/1157 +f 1824/1725/1158 1816/1726/1159 1825/1727/1160 +f 1805/1728/1161 1816/1726/1159 1815/1729/1162 +f 6997/1730/57 7089/1731/57 7088/1732/57 +f 1123/1733/1163 1113/1734/1164 1119/1735/1165 +f 1857/1736/1166 1854/1737/1167 1869/1738/1168 +f 1822/1739/1169 1809/1740/1129 1819/1741/1154 +f 4633/1742/1170 4657/1743/1171 4641/1744/1172 +f 1207/1745/1173 1210/1746/1174 1222/1747/1175 +f 1820/1724/1157 1822/1739/1169 1829/1748/1176 +f 1135/1692/1125 1131/1749/1177 1127/1750/1178 +f 93/1751/1179 100/137/97 92/109/77 +f 1132/1752/1180 1130/1753/1181 1122/1754/1182 +f 1276/1755/1183 1269/1756/1184 1263/1757/1185 +f 1821/1758/1186 1805/1728/1161 1815/1729/1162 +f 1831/1759/1187 1819/1741/1154 1826/1760/1188 +f 7618/1761/57 7635/1762/57 7626/1763/57 +f 4609/1764/1189 4614/1765/1190 4596/1766/1191 +f 1823/1767/1192 1835/1768/1193 1818/1769/1194 +f 1830/1671/1104 1826/1770/1188 1821/1758/1186 +f 2035/1771/1195 2009/1772/1196 2036/1773/1197 +f 1142/1774/1198 1138/1775/1199 1133/1776/1200 +f 1822/1739/1169 1839/1777/1201 1829/1748/1176 +f 1840/1778/1139 1830/1671/1104 1832/1673/1106 +f 1087/1779/1202 1350/1780/1203 1088/1781/1204 +f 1848/1782/1205 1832/1673/1106 1841/1783/1206 +f 1849/1784/1207 1831/1759/1187 1842/1785/1208 +f 1831/1759/1187 1836/1705/1138 1842/1785/1208 +f 3183/1786/1209 3097/1787/1210 3176/1788/1211 +f 2021/1789/1212 2031/1790/1213 2048/1791/1214 +f 1852/1792/1215 1837/1793/1216 1843/1794/1217 +f 1107/1795/1218 1104/1796/1219 1109/1797/1220 +f 1840/1706/1139 1855/1798/1221 1847/1704/1137 +f 1848/1782/1205 1846/1799/1222 1853/1800/1223 +f 181/1801/4 4719/1802/4 179/1803/4 +f 1863/1804/1224 1843/1794/1217 1850/1805/1225 +f 1853/1800/1223 1852/1792/1215 1864/1806/1093 +f 2046/1807/1226 2034/1808/1227 2047/1809/1228 +f 6955/1810/1229 6916/1811/1230 6915/1812/1231 +f 1792/1682/1115 1781/1813/1085 1780/1814/1084 +f 1161/1815/1232 1155/1816/1233 1156/1817/1234 +f 1839/1777/1201 1857/1736/1166 1844/1818/1235 +f 1850/1805/1225 1838/1819/1236 1851/1820/1237 +f 2033/1821/1238 2032/1822/1239 2011/1823/1240 +f 1170/1824/1241 1164/1825/1242 1166/1826/1243 +f 2040/1827/1244 2038/1828/1245 1785/1829/1246 +f 1865/1830/1247 1866/1831/1248 1859/1832/1249 +f 1784/1833/1250 1785/1834/1246 1781/1813/1085 +f 4023/1835/1251 4035/1836/1252 4021/1837/1253 +f 1356/1838/1254 1331/1839/1255 1344/1840/1256 +f 1173/1719/1152 1163/1714/1147 1162/1841/1257 +f 6719/1842/1258 6718/1843/1259 6727/1844/1260 +f 1176/1845/1261 1170/1824/1241 1166/1826/1243 +f 1814/1846/1262 1801/1717/1150 1810/1718/1151 +f 4620/1847/1263 4566/1848/1264 4618/1849/1265 +f 1879/1850/1266 1865/1830/1247 1871/1851/1267 +f 3966/1852/1268 3951/1853/1269 3949/1854/1270 +f 4822/1855/135 4777/1856/135 4833/1857/135 +f 1997/1858/1271 2000/1859/1272 2015/1860/1273 +f 1180/1861/1274 951/1862/1275 947/1863/1276 +f 6632/1864/1277 6624/1865/1278 6634/1866/1279 +f 1894/1669/1102 1864/1660/1093 1878/1867/1280 +f 6515/1868/1281 6517/1869/1282 6514/1870/1283 +f 1870/1871/1284 1867/1659/1092 1881/1872/1285 +f 1189/1873/1286 1181/1874/1287 1182/1875/1288 +f 4609/1764/1189 4604/1876/1289 4617/1877/1290 +f 6584/1878/1291 6582/1879/1292 6561/1880/1293 +f 1190/1881/1294 951/1862/1275 1180/1861/1274 +f 1886/1882/1295 1881/1872/1285 1896/1883/1296 +f 1190/1881/1294 954/1884/1297 951/1862/1275 +f 536/1633/135 2388/1885/135 533/1886/135 +f 1345/1887/1298 1320/1888/1299 1330/1889/1300 +f 4617/1877/1290 4621/1890/1301 4609/1764/1189 +f 1994/1891/1302 1989/1892/1303 1997/1858/1271 +f 1889/1893/1304 1891/1894/1305 1906/1895/1306 +f 1524/1896/57 7829/1897/57 1521/1898/57 +f 1895/1899/1307 1875/1900/1308 1883/1901/1309 +f 1200/1902/1310 954/1884/1297 1190/1881/1294 +f 1879/1850/1266 1882/1903/1311 1890/1904/1312 +f 1200/1902/1310 920/1905/1313 954/1884/1297 +f 1201/1713/1146 1192/1715/1148 1191/1711/1144 +f 1909/1906/1314 1881/1872/1285 1897/1668/1101 +f 1203/1907/1315 1197/1908/1316 1198/1909/1317 +f 1204/1910/1318 920/1905/1313 1200/1902/1310 +f 2042/1911/1319 2040/1912/1244 1790/1913/1320 +f 1888/1914/1321 1890/1904/1312 1902/1915/1322 +f 1903/1916/1323 1877/1917/1324 1904/1918/1325 +f 1905/1919/1326 1902/1915/1322 1890/1904/1312 +f 1993/1920/1327 1987/1921/1328 1998/1922/1329 +f 1920/1923/1330 1889/1924/1304 1906/1925/1306 +f 1321/1926/1331 1315/1927/1332 1331/1839/1255 +f 1213/1928/1333 1192/1715/1148 1201/1713/1146 +f 1213/1928/1333 1214/1929/1334 1192/1715/1148 +f 2524/1930/1335 4671/1931/1336 4116/1932/1337 +f 1789/1686/1119 1790/1913/1320 1786/1933/1338 +f 4562/1934/1339 4591/1935/1340 4590/1936/1341 +f 1219/1937/1342 924/1329/819 919/1938/1343 +f 1219/1937/1342 919/1938/1343 920/1905/1313 +f 1219/1937/1342 920/1905/1313 1204/1910/1318 +f 1899/1939/1344 1902/1940/1322 1915/1941/1345 +f 6571/1942/1346 6558/1943/1347 6566/1944/1348 +f 1335/1945/1349 1332/1946/1350 1318/1947/1351 +f 1919/1948/1352 1905/1919/1326 1907/1949/1353 +f 1901/1950/1354 1912/1670/1103 1894/1669/1102 +f 1083/1951/1355 1348/1952/1356 1084/1953/1357 +f 1920/1923/1330 1914/1954/1358 1923/1955/1359 +f 1094/1956/1360 1093/1662/1095 1085/1957/1361 +f 1227/1648/1081 1214/1929/1334 1213/1928/1333 +f 1934/1958/1362 1907/1949/1353 1921/1959/1363 +f 4588/1960/1364 4572/1961/1365 4592/1962/1366 +f 1925/1963/1367 1899/1939/1344 1915/1941/1345 +f 7162/1964/57 7197/1965/57 7200/1966/57 +f 1619/1967/1368 1925/1963/1367 1937/1968/1369 +f 1726/1969/1370 1729/1561/1012 1725/1970/1371 +f 8713/1971/135 466/695/135 473/709/135 +f 7250/1972/57 7347/1973/57 7259/1974/57 +f 1234/1975/1372 1214/1929/1334 1227/1648/1081 +f 1914/1976/1358 1916/1977/1373 1931/1978/1374 +f 1364/1979/1375 1349/1980/1376 1360/1981/1377 +f 1934/1982/1362 1930/1983/1378 1919/1984/1352 +f 1923/1955/1359 1935/1985/1379 1920/1923/1330 +f 1241/1331/821 1242/1986/1380 931/1987/1381 +f 1241/1331/821 931/1987/1381 927/1988/1382 +f 1241/1331/821 927/1988/1382 924/1329/819 +f 1937/1968/1369 1939/1989/1383 1949/1990/1384 +f 1332/1946/1350 1360/1981/1377 1349/1980/1376 +f 1940/1991/1385 1903/1916/1323 1926/1992/1386 +f 1941/1993/1387 1924/1994/1388 1930/1983/1378 +f 6887/1995/1389 6878/1996/1390 6891/1997/1391 +f 6728/1998/1392 6711/1999/1393 6716/2000/1394 +f 1117/2001/1395 1098/2002/1396 1110/2003/1397 +f 1950/2004/1398 1935/1985/1379 1936/2005/1399 +f 4135/2006/1400 4145/2007/1401 4139/2008/1402 +f 1946/2009/1403 1948/2010/1404 1965/2011/1405 +f 1946/2009/1403 1927/2012/1406 1947/2013/1407 +f 1955/2014/1408 1939/1989/1383 1941/1993/1387 +f 1859/1832/1249 1860/2015/1409 1861/2016/1410 +f 1254/2017/1411 1242/1986/1380 1241/1331/821 +f 1255/1674/1107 1235/2018/1412 1248/2019/1413 +f 5976/2020/1414 5954/2021/1415 5987/2022/1416 +f 1969/2023/1417 1953/2024/1418 1970/2025/1419 +f 1114/2026/1420 1117/2001/1395 1125/2027/1421 +f 7481/2028/57 1455/2029/57 1460/2030/57 +f 1261/2031/1422 1242/1986/1380 1254/2017/1411 +f 1957/2032/1423 1921/1959/1363 1944/2033/1424 +f 1926/2034/1386 1959/2035/1425 1940/2036/1385 +f 4043/2037/1426 4041/2038/1427 4045/2039/1428 +f 1931/2040/1374 1962/2041/1429 1942/2042/1430 +f 1944/2033/1424 1952/2043/1431 1961/2044/1432 +f 6492/2045/1433 6487/2046/1434 6501/2047/1435 +f 4090/2048/1436 4094/2049/1437 4091/2050/1438 +f 1285/2051/1439 1278/2052/1440 1271/2053/1441 +f 1251/2054/1442 1232/2055/1443 1252/2056/1444 +f 4018/2057/1445 4016/2058/1446 4014/2059/1447 +f 4087/2060/1448 4091/2050/1438 4089/2061/1449 +f 1251/2062/1442 1253/2063/1450 1271/2053/1441 +f 1958/2064/1451 1962/2041/1429 1973/2065/1452 +f 4130/2066/1453 4117/2067/1454 4121/2068/1455 +f 1812/1710/1143 1826/1770/1188 1819/1721/1154 +f 1969/2023/1417 1961/2044/1432 1952/2043/1431 +f 6573/2069/1456 6572/2070/1457 6586/2071/1458 +f 1973/2065/1452 1963/2072/1459 1958/2064/1451 +f 4042/2073/1460 4013/2074/1461 4053/2075/1462 +f 1979/2076/1463 1951/2077/1464 1963/2072/1459 +f 1317/2078/1465 1307/2079/1466 1298/2080/1467 +f 1965/2011/1405 1982/2081/1468 1981/2082/1469 +f 1968/2083/1470 1967/2084/1471 1983/2085/1472 +f 1967/2084/1471 1976/2086/1473 1983/2085/1472 +f 1996/2087/1474 1974/2088/1475 1986/2089/1476 +f 1892/2090/1477 1872/2091/1478 1893/2092/1479 +f 1291/2093/1480 1285/2051/1439 1286/2094/1481 +f 1978/2095/1482 1974/2096/1475 1961/2044/1432 +f 1181/1874/1287 1156/1817/1234 1182/1875/1288 +f 1294/2097/1483 1290/2098/1484 1275/2099/1485 +f 1981/2082/1469 1975/2100/1486 1965/2011/1405 +f 1268/2101/1487 1274/2102/1488 1280/2103/1489 +f 4090/2048/1436 4084/2104/1490 4085/2105/1491 +f 1205/2106/1492 1181/1874/1287 1189/1873/1286 +f 1996/2087/1474 1992/2107/1493 1980/2108/1494 +f 1136/2109/1495 1141/2110/1127 1147/2111/1496 +f 1212/2112/1497 1197/1908/1316 1203/1907/1315 +f 1964/2113/1498 2001/2114/1499 2004/2115/1500 +f 2001/2114/1499 1973/2065/1452 1991/2116/1501 +f 1968/2083/1470 2002/2117/1502 2003/2118/1503 +f 4025/2119/1504 4013/2074/1461 4026/2120/1505 +f 1975/2100/1486 2006/2121/1506 1984/2122/1507 +f 1906/1895/1306 1900/2123/1508 1914/1976/1358 +f 7755/2124/57 7664/2125/57 7734/2126/57 +f 1312/2127/1509 1306/2128/1510 1295/2129/1511 +f 2023/2130/1512 1991/2116/1501 2007/2131/1513 +f 1155/1816/1233 1143/2132/1514 1156/1817/1234 +f 1315/1927/1332 1292/2133/1515 1316/2134/1516 +f 1315/1927/1332 1304/2135/1517 1292/2133/1515 +f 6567/2136/1518 6541/2137/1519 6558/1943/1347 +f 1115/2138/1520 1109/1797/1220 1116/2139/1521 +f 1999/2140/1522 1998/1922/1329 1987/1921/1328 +f 2016/2141/1523 2010/2142/1524 2026/2143/1525 +f 1863/1804/1224 1856/2144/1526 1874/2145/1527 +f 2017/2146/1528 1986/2089/1476 2005/2147/1529 +f 1144/2148/1530 1128/2149/1531 1136/2109/1495 +f 2006/2150/1506 1995/2151/1532 1984/2152/1507 +f 1153/1653/1086 1151/2153/1533 1158/2154/1534 +f 1324/2155/1535 1315/1927/1332 1316/2134/1516 +f 2012/2156/1536 2002/2117/1502 1992/2107/1493 +f 522/2157/135 2461/2158/135 520/2159/135 +f 2576/2160/135 2575/2161/135 2587/2162/135 +f 2026/2143/1525 2020/2163/1537 2039/2164/1538 +f 1930/1983/1378 1917/2165/1539 1919/1984/1352 +f 1997/1858/1271 2028/2166/1540 2014/2167/1541 +f 1878/2168/1280 1874/2145/1527 1889/1893/1304 +f 6581/2169/1542 6566/1944/1348 6574/2170/67 +f 2041/2171/1543 2016/2141/1523 2026/2143/1525 +f 2704/2172/135 2705/2173/135 2710/2174/135 +f 1337/2175/1544 1324/2155/1535 1316/2134/1516 +f 2568/2176/1545 3925/947/619 2559/2177/1546 +f 2031/1790/1213 1996/2087/1474 2017/2146/1528 +f 2038/1828/1245 2035/1771/1195 2050/1650/1083 +f 1167/2178/1547 1148/2179/1548 1155/1816/1233 +f 1900/2123/1508 1876/2180/1549 1885/2181/1550 +f 2017/2146/1528 1778/1646/1079 2031/1790/1213 +f 2052/2182/1551 2026/2143/1525 2039/2164/1538 +f 1902/1940/1322 1924/1994/1388 1915/1941/1345 +f 2028/2183/1540 2027/2184/1552 2014/2185/1541 +f 1183/2186/1553 1206/2187/1554 1199/2188/1555 +f 2053/2189/1556 2030/2190/1557 2041/2191/1543 +f 6548/2192/1558 6571/1942/1346 6581/2169/1542 +f 2037/2193/1559 2029/2194/1560 2044/2195/1561 +f 1350/1780/1203 1340/2196/1562 1341/2197/1563 +f 1868/2198/1564 1859/1832/1249 1866/1831/1248 +f 6850/2199/1565 6851/2200/1566 6849/2201/1567 +f 2048/1791/1214 2022/2202/1568 2021/1789/1212 +f 2037/2193/1559 2023/2130/1512 2007/2131/1513 +f 2048/1791/1214 1778/1646/1079 1777/1645/1078 +f 2024/2203/1569 2049/2204/1570 2051/2205/1571 +f 2014/2167/1541 1994/1891/1302 1997/1858/1271 +f 6879/2206/1572 6864/2207/1573 6850/2199/1565 +f 2053/2189/1556 2052/2208/1551 2057/2209/1574 +f 1246/2210/1575 1228/2211/1576 1233/2212/1577 +f 1359/2213/1578 1355/2214/1579 1354/2215/1580 +f 2049/2204/1570 2044/2195/1561 2054/2216/1581 +f 1082/2217/1582 1081/2218/1583 1353/2219/1584 +f 1216/1649/1082 1206/2187/1554 1223/1647/1080 +f 2029/2194/1560 2055/2220/1585 2044/2195/1561 +f 1866/1831/1248 1642/2221/1586 1868/2198/1564 +f 1361/2222/1587 863/2223/1588 857/2224/1589 +f 1361/2225/1587 857/2226/1589 851/2227/1590 +f 2050/1650/1083 2045/2228/1591 1782/1656/1089 +f 4242/2229/1592 3761/2230/1593 3763/2231/1594 +f 2053/2189/1556 1547/2232/1595 2058/2233/1596 +f 1362/2234/1597 851/2227/1590 852/1417/898 +f 1827/1672/1105 1828/2235/1598 1833/2236/1599 +f 2055/2220/1585 2053/2189/1556 2058/2233/1596 +f 1363/1418/899 852/1417/898 905/2237/1600 +f 1364/1979/1375 1355/2214/1579 1359/2213/1578 +f 1241/1331/821 1243/2238/1601 1254/2017/1411 +f 3985/2239/1602 3966/1852/1268 3967/2240/1603 +f 6608/2241/1604 6596/2242/1605 6587/2243/1606 +f 1364/1979/1375 898/2244/1607 895/2245/1608 +f 1364/1979/1375 895/2245/1608 1355/2214/1579 +f 2343/2246/135 2725/2247/135 2720/2248/135 +f 1365/2249/1609 898/2244/1607 1364/1979/1375 +f 1365/2249/1609 900/2250/1610 898/2244/1607 +f 1378/2251/1611 1379/2252/1612 1380/761/495 +f 1380/761/495 1381/2253/1613 1382/2254/1614 +f 1377/2255/1615 1371/2256/1616 1370/226/168 +f 1375/2257/1617 1376/2258/1618 1378/2259/1611 +f 1388/2260/1619 1389/2261/1620 1390/2262/1621 +f 1373/2263/1622 1367/2264/1623 1368/2265/1624 +f 1390/2266/1621 1391/2267/1625 1392/2268/1626 +f 6551/2269/1627 6542/2270/1628 6556/2271/1629 +f 1414/2272/1630 1415/2273/1631 1369/2274/1632 +f 1386/2275/1633 1387/2276/1634 1388/2260/1619 +f 1412/2277/1635 1409/2278/1636 1411/2279/1637 +f 1410/2280/1638 1407/2281/1639 1409/2278/1636 +f 1386/2275/1633 1383/2282/1640 1385/2283/1641 +f 6468/2284/1642 6464/2285/1643 6472/2286/1644 +f 1412/2277/1635 1413/2287/1645 1414/2272/1630 +f 1394/2288/1646 1395/2289/1647 1396/175/134 +f 1404/2290/1648 1405/2291/1649 1406/2292/1650 +f 1396/175/134 1397/2293/1651 1398/173/132 +f 1370/226/168 1372/2294/1652 1375/2257/1617 +f 1384/2295/1653 1381/2253/1613 1383/2282/1640 +f 1404/2296/1648 1401/2297/1654 1403/2298/1655 +f 1394/2288/1646 1391/2267/1625 1393/2299/1656 +f 1398/173/132 1399/2300/1657 1400/2301/1658 +f 1408/2302/1659 1405/2291/1649 1407/2281/1639 +f 1377/2255/1615 1368/2265/1624 1374/2303/1660 +f 7585/2304/1661 7586/2305/1662 7584/2306/599 +f 1538/2307/1663 1540/2308/1664 1539/2309/1664 +f 506/2310/717 507/2311/718 508/2312/718 +f 2658/2313/1665 5400/2314/1666 2657/2315/1666 +f 2763/2316/1667 2764/521/345 2762/2317/1667 +f 8190/2318/1668 8235/2319/194 8189/2320/1669 +f 5516/2321/1670 5479/2322/1671 5480/2323/1670 +f 2775/2324/1672 2776/2325/57 2774/2326/1672 +f 8030/2327/332 746/2328/241 748/344/241 +f 5095/2329/1673 2432/2330/1674 5096/2331/1674 +f 7830/182/139 7832/2332/1675 7833/2333/1675 +f 371/2334/1676 366/2335/309 369/2336/309 +f 8015/2337/1677 8012/2338/1678 8013/2339/1678 +f 8641/2340/1679 8638/2341/319 8639/2342/319 +f 8770/2343/74 8714/2344/1680 8760/2345/1680 +f 2219/2346/1681 2116/2347/1682 2118/2348/1682 +f 7339/2349/1683 7410/361/253 7370/360/253 +f 7940/2350/1684 7923/2351/333 7922/502/333 +f 2785/2352/1685 2786/2353/1686 2784/2354/1685 +f 8008/2355/1687 8010/2356/1688 8011/2357/1688 +f 2370/2358/1689 5353/2359/1690 2369/2360/1690 +f 8094/2361/57 8120/2362/57 8110/2363/57 +f 2650/2364/1691 5445/2365/1692 5444/2366/1691 +f 5202/2367/135 5219/2368/135 5214/2369/135 +f 7898/2370/1693 7943/2371/1694 7942/2372/1694 +f 2233/2373/1695 2327/2374/1696 2326/2375/1695 +f 2869/2376/1697 2871/2377/1698 2870/2378/1697 +f 8569/2379/1699 8566/2380/1700 8567/2381/1700 +f 4766/2382/1701 4770/2383/1702 4765/2384/1701 +f 5339/2385/1703 5301/2386/1704 5340/2387/1704 +f 8643/2388/1705 8644/2389/1706 8642/2390/1705 +f 489/2391/195 490/2392/276 492/401/276 +f 4415/2393/1707 4416/2394/1708 4417/2395/1708 +f 8351/2396/1709 8348/2397/1710 8349/2398/1710 +f 4763/2399/1711 4767/2400/1701 4762/2401/1712 +f 2502/2402/1713 5424/2403/1714 5423/2404/1713 +f 7224/2405/381 7184/2406/564 7225/2407/564 +f 1419/2408/1715 1366/2409/1716 1422/2410/1717 +f 4978/2411/19 2688/2412/19 4973/2413/19 +f 8397/2414/1718 8398/2415/1719 8396/2416/1718 +f 8243/2417/1720 617/2418/348 616/2419/348 +f 7986/2420/1721 7975/2421/1722 7974/2422/1722 +f 2094/2423/1723 2095/2424/1724 2093/2425/1725 +f 4459/2426/1726 4460/2427/1727 4461/2428/1727 +f 5323/2429/1728 5307/2430/1729 5324/2431/1729 +f 2625/2432/1692 5446/2433/1730 5445/2365/1692 +f 8172/2434/1731 636/733/478 637/2435/478 +f 7424/1151/726 7426/2436/1732 7425/1152/726 +f 8069/2437/1733 8146/2438/1734 8145/2439/1733 +f 2231/2440/1735 2330/2441/1736 2329/2442/1735 +f 382/2443/1724 378/2444/1723 381/2445/1723 +f 7859/2446/1737 7856/2447/297 7857/2448/297 +f 606/2449/1738 601/2450/1739 604/2451/1739 +f 1402/2452/1740 1436/2453/615 1400/2301/1658 +f 5176/2454/1741 5130/2455/1742 5177/2456/1742 +f 266/259/186 261/2457/291 264/2458/291 +f 2398/2459/1743 5244/2460/1744 5250/2461/1743 +f 2525/2462/1745 5383/2463/1746 5382/2464/1745 +f 2424/329/32 4796/2465/32 4798/2466/32 +f 2801/2467/1747 2803/2468/1748 2804/2469/1748 +f 7183/467/316 7201/2470/1749 7209/468/316 +f 176/2471/701 177/2472/1750 175/2473/701 +f 4485/2474/1751 4486/2475/1752 4487/2476/1752 +f 4425/2477/1753 4426/2478/1754 4427/2479/1754 +f 743/2480/575 738/2481/1755 741/2482/1756 +f 7307/2483/1757 7304/2484/1758 7305/2485/1758 +f 1482/2486/1759 1483/2487/1760 1484/2488/1760 +f 7532/2489/340 7489/2490/1761 7533/2491/1761 +f 7082/2492/1762 7091/2493/1763 7079/2494/1763 +f 5572/2495/1764 5482/2496/1765 5571/2497/1764 +f 128/2498/1766 121/2499/1767 125/2500/1767 +f 2648/2501/1768 5273/2502/1769 5272/2503/1768 +f 5513/2504/1770 5514/2505/1771 5515/2506/1771 +f 8615/2507/1772 8616/2508/1773 8614/2509/1772 +f 7873/2510/1774 7870/2511/1775 7871/2512/1775 +f 1541/2513/1776 1542/2514/1777 1543/2515/1778 +f 562/2516/135 2559/2177/1546 2467/2517/1779 +f 1548/2518/1780 1549/2519/1781 1550/2520/1782 +f 1549/2519/1781 1541/2513/1776 1550/2520/1782 +f 1541/2513/1776 1543/2515/1778 1550/2520/1782 +f 863/2521/1783 849/1249/748 857/1251/750 +f 1544/1242/744 1546/1241/743 1552/2522/1784 +f 1553/2523/754 1548/2518/1780 1554/2524/1785 +f 1548/2518/1780 1550/2520/1782 1554/2524/1785 +f 8775/2525/135 349/2526/135 348/2527/135 +f 1553/1255/754 1554/2528/1785 1556/1256/755 +f 1541/2529/1786 1715/1528/988 1713/1519/982 +f 872/2530/1787 860/1269/763 867/1271/765 +f 3318/2531/1788 3304/2532/1789 3296/2533/1790 +f 1555/2534/1791 1560/1254/753 1562/2535/1792 +f 1563/1268/762 1564/1267/761 1565/2536/1793 +f 875/1288/779 866/2537/1794 872/2530/1787 +f 870/1274/768 873/1284/775 868/1272/766 +f 881/2538/1795 871/1287/778 877/1289/780 +f 1568/1388/872 1569/2539/1796 1573/2540/1797 +f 1566/1373/857 1570/2541/1798 1572/1374/858 +f 1568/1388/872 1573/2540/1797 1574/1386/870 +f 884/2542/1799 876/2543/1800 881/2538/1795 +f 879/1290/781 882/2544/1801 873/1284/775 +f 938/2545/1802 937/2546/1803 934/2547/1804 +f 882/2544/1801 888/1309/800 887/1308/799 +f 7018/2548/57 7071/2549/57 7072/2550/57 +f 4250/1021/660 4363/2551/1805 4364/2552/1806 +f 1582/1305/796 1583/2553/1807 1585/1303/794 +f 5813/2554/1808 5741/2555/1809 5809/2556/1810 +f 1586/1312/803 1587/1376/860 1590/1313/804 +f 1272/2557/1811 1288/2558/1812 1262/2559/1813 +f 905/2560/1814 894/1326/816 900/1328/818 +f 896/2561/1815 902/2562/1816 901/2563/1817 +f 1589/2564/1818 1593/1311/802 1595/2565/1819 +f 903/1336/826 901/2563/1817 902/2562/1816 +f 5121/2566/135 5152/2567/135 5155/2568/135 +f 1599/2569/1820 1598/1441/916 1601/2570/1821 +f 906/1337/827 907/1341/828 904/1335/825 +f 1602/2571/1822 1603/2572/1823 1604/2573/1824 +f 1549/2519/1781 1602/2571/1822 1605/2574/1825 +f 1602/2571/1822 1604/2573/1824 1605/2574/1825 +f 1549/2519/1781 1605/2574/1825 1606/2575/1826 +f 1549/2519/1781 1606/2575/1826 1541/2513/1776 +f 6078/2576/1827 6060/2577/1828 6087/2578/1829 +f 3153/2579/1830 3238/2580/1831 3173/2581/1832 +f 920/2582/1833 917/1360/844 918/2583/1834 +f 6074/2584/1835 6067/2585/1836 6042/2586/1837 +f 3598/2587/1838 3632/2588/1839 3623/2589/1840 +f 1618/2590/842 1626/2591/1841 1625/1307/798 +f 1612/1359/843 1614/2592/1842 1619/1357/841 +f 4111/2593/1843 4098/2594/1844 4102/2595/1845 +f 923/2596/1846 931/1381/865 930/1380/864 +f 933/1379/863 932/2597/1847 928/1377/861 +f 1623/2598/1848 1624/2599/1849 1628/2600/1850 +f 935/1382/866 934/2547/1804 930/1380/864 +f 1625/1307/798 1626/2591/1841 1630/1306/797 +f 1575/2601/1851 1581/2602/1852 1580/2603/859 +f 936/2604/1853 939/1389/873 932/2605/1847 +f 1634/2606/1854 1635/2607/1855 1637/2608/1856 +f 3280/2609/1857 3262/2610/1858 3278/2611/1859 +f 1634/2606/1854 1637/2608/1856 1640/2612/1860 +f 945/1394/878 946/2613/1861 939/1389/873 +f 944/2614/1862 948/1404/885 943/2615/1863 +f 1558/2616/759 1544/1242/744 1552/2522/1784 +f 1643/2617/1864 1644/2618/1865 1647/2619/1866 +f 952/1406/887 953/2620/1867 948/1404/885 +f 954/1415/896 918/2583/1834 950/1413/894 +f 1645/1402/883 1646/2621/1868 1649/2622/1869 +f 955/2623/1870 956/2624/1871 953/2620/1867 +f 959/1423/901 957/2625/1872 958/1424/902 +f 1655/2626/1873 1654/671/442 1653/673/444 +f 958/1424/902 961/1428/903 960/1422/900 +f 1656/2627/1874 1657/2628/1875 1658/2629/1876 +f 1659/1438/913 1656/2627/1874 1660/2630/1877 +f 1656/2627/1874 1658/2629/1876 1660/2630/1877 +f 1658/2629/1876 1657/2628/1875 1661/2631/1878 +f 1659/1438/913 1660/2630/1877 1662/2632/1879 +f 1659/1438/913 1662/2632/1879 1663/2633/1880 +f 1661/2631/1878 1657/2628/1875 1664/2634/1881 +f 81/2635/1882 82/110/78 80/193/145 +f 1659/1438/913 1663/2633/1880 1666/1439/914 +f 974/1446/921 973/2636/1883 970/1444/919 +f 1665/2637/1884 1667/1437/912 1669/2638/1885 +f 1670/2639/1886 1671/2640/1887 1592/2641/1888 +f 1671/2640/1887 1597/2642/1889 1592/2641/1888 +f 1672/1521/984 1673/2643/1890 1674/2644/1891 +f 1670/2639/1886 1592/2641/1888 1588/2645/1892 +f 1672/1521/984 1674/2644/1891 1675/2646/1893 +f 1672/1521/984 1675/2646/1893 1676/2647/1894 +f 1677/2648/1895 1670/2639/1886 1585/2649/1896 +f 1676/2647/1894 1675/2646/1893 1678/2650/1897 +f 1670/2639/1886 1588/2645/1892 1585/2649/1896 +f 984/1464/939 981/1456/931 983/1459/934 +f 1680/2651/1898 1679/2652/1899 1681/2653/1900 +f 987/1470/945 985/1463/938 986/1465/940 +f 1683/2654/1901 1682/2655/1902 1684/2656/1903 +f 989/2657/946 990/2658/1904 988/2659/944 +f 991/2660/1905 992/1478/947 990/2658/1904 +f 1687/1483/952 1688/2661/1906 1689/1481/950 +f 6314/2662/1907 6305/2663/1908 6307/2664/1909 +f 1585/2649/1896 1583/2665/1910 1692/2666/1911 +f 1583/2665/1910 1578/2667/1912 1692/2666/1911 +f 1578/2667/1912 1574/2668/1913 1692/2666/1911 +f 1574/2668/1913 1573/2669/1914 1692/2666/1911 +f 1677/2648/1895 1585/2649/1896 1692/2666/1911 +f 6256/2670/1915 6286/150/110 6254/2671/1916 +f 1695/2672/1917 1677/2648/1895 1696/2673/1918 +f 1677/2648/1895 1692/2666/1911 1696/2673/1918 +f 1694/1500/969 1693/1489/958 1697/1498/967 +f 1698/2674/1919 1695/2672/1917 1699/2675/1920 +f 7708/2676/57 7766/2677/57 7706/2678/57 +f 1695/2672/1917 1696/2673/1918 1699/2675/1920 +f 3996/2679/1921 3944/2680/1922 3942/2681/1923 +f 1010/1512/975 1003/1506/965 1009/1508/972 +f 1698/2682/1919 1699/2683/1920 1704/2684/1924 +f 1640/2612/1860 1641/1403/884 1634/2606/1854 +f 1703/2685/1925 1705/2686/1926 1708/1522/985 +f 1708/1522/985 1705/2686/1926 1709/2687/1927 +f 1016/2688/1928 1015/2689/1929 1011/2690/1930 +f 1708/1522/985 1709/2687/1927 1712/1520/983 +f 6331/2691/1931 6370/1466/941 6364/2692/1932 +f 137/2693/57 141/2694/57 96/2695/57 +f 846/2696/1933 1020/2697/1934 1018/2698/1935 +f 3446/2699/1936 1767/2700/1937 3464/2701/1938 +f 910/2702/1939 1022/2703/1940 1021/2704/1941 +f 3567/2705/1942 3576/2706/1943 3260/2707/1944 +f 7809/2708/57 7780/2709/57 7808/2710/57 +f 903/1541/997 1024/2711/1945 906/2712/1946 +f 1671/2640/1887 1598/2713/1947 1597/2642/1889 +f 1720/2714/1948 1721/2715/1949 1722/2716/1950 +f 1721/2715/1949 1723/2717/1951 1722/2716/1950 +f 966/2718/1952 1030/2719/1953 1029/2720/1954 +f 1727/2721/1955 1720/2722/1948 1728/2723/1956 +f 1031/2724/1957 1034/2725/1958 1030/2719/1953 +f 1720/2722/1948 1722/2726/1950 1728/2723/1956 +f 6650/2727/1959 6647/2728/1960 6651/2729/1961 +f 4131/2730/1962 4143/2731/1963 4138/2732/1964 +f 1727/2721/1955 1728/2723/1956 1732/2733/1965 +f 1039/2734/1966 1040/2735/1967 1038/2736/1968 +f 1736/1212/737 1731/2737/1969 1611/2738/1970 +f 1731/2737/1969 1617/2739/1971 1611/2738/1970 +f 1579/2740/1972 1571/2741/1973 1576/1372/856 +f 1617/2739/1971 1732/2733/1965 1621/2742/1974 +f 1736/1212/737 1611/2738/1970 1609/2743/1975 +f 7341/2744/57 7348/2745/57 7340/2746/57 +f 1621/2742/1974 1732/2733/1965 1624/2747/1976 +f 1048/1589/1034 1045/2748/1977 1046/2749/1978 +f 974/2750/1979 1041/1566/1017 915/1584/1032 +f 1736/1212/737 1609/2743/1975 1610/1213/738 +f 1051/1590/1035 1050/2751/1980 1047/1588/1033 +f 1742/2752/1981 1743/2753/1982 1746/2754/1983 +f 4237/2755/1984 3267/2756/1985 3301/2757/1986 +f 7218/2758/57 7216/2759/57 7217/2760/57 +f 4116/1932/1337 4637/2761/1987 4104/2762/1988 +f 1058/2763/1049 1057/2764/1989 1055/2765/1047 +f 1747/1196/735 1667/1591/1036 1666/1194/733 +f 1750/1595/1040 1749/1594/1039 1753/2766/1990 +f 1059/2767/1991 1060/2768/1992 1057/2764/1989 +f 2959/2769/1993 2992/2770/1994 2970/2771/1995 +f 1062/2772/1996 1063/1617/1053 1060/2768/1992 +f 3569/1625/1061 3556/2773/1997 3266/2774/1998 +f 1758/2775/1999 1760/2776/2000 1761/2777/2001 +f 1759/2778/2002 1660/2779/2003 1658/2780/2004 +f 5589/2781/2005 5813/2554/1808 5831/2782/2006 +f 1758/2775/1999 1761/2777/2001 1762/2783/2007 +f 1758/2775/1999 1762/2783/2007 1763/2784/2008 +f 1758/2775/1999 1763/2784/2008 1764/2785/2009 +f 1758/2775/1999 1764/2785/2009 1765/2786/2010 +f 1764/2785/2009 1766/2787/2011 1765/2786/2010 +f 1765/2786/2010 1766/2787/2011 1767/2788/2012 +f 1074/1635/1068 1072/1631/1067 1073/1636/1069 +f 1769/2789/2013 1768/2790/2014 1770/2791/2015 +f 1721/2715/1949 1769/2789/2013 1723/2717/1951 +f 1769/2789/2013 1770/2791/2015 1723/2717/1951 +f 1771/1681/1114 1772/1657/1090 1773/1678/1111 +f 1235/2018/1412 1234/1975/1372 1248/2019/1413 +f 1918/2792/2016 1943/1643/1076 1928/1642/1075 +f 6844/2793/2017 6848/2794/2018 6847/2795/2019 +f 1146/1655/1088 1132/1752/1180 1138/1775/1199 +f 1855/1798/1221 1853/2796/1223 1867/1659/1092 +f 3888/2797/2020 3886/2798/2021 3890/2799/2022 +f 1787/1687/1120 1775/2800/2023 1774/2801/2024 +f 1922/2802/2025 1918/2792/2016 1928/1642/1075 +f 1094/1956/1360 1095/2803/2026 1092/2804/2027 +f 1077/1639/1072 1096/2805/2028 1090/2806/2029 +f 6293/2807/2030 6275/2808/2031 6282/2809/2032 +f 6885/2810/2033 6850/2199/1565 6856/2811/2034 +f 6832/2812/2035 6831/2813/2036 6829/2814/2037 +f 2025/2815/2038 2000/1859/1272 2008/2816/2039 +f 1922/2802/2025 1897/1668/1101 1912/1670/1103 +f 6534/2817/2040 6540/2818/2041 6553/2819/2042 +f 1796/1691/1124 1797/2820/2043 1775/2800/2023 +f 1796/1691/1124 1775/2800/2023 1787/1687/1120 +f 1897/1668/1101 1867/1659/1092 1880/1661/1094 +f 1202/1665/1098 1199/2188/1555 1216/1649/1082 +f 1091/2821/2044 1106/2822/2045 1103/2823/2046 +f 1847/1704/1137 1870/1871/1284 1854/1737/1167 +f 1157/2824/2047 1142/1774/1198 1148/2179/1548 +f 1213/1928/1333 1186/1712/1145 1202/1665/1098 +f 1803/2825/2048 1797/2820/2043 1796/1691/1124 +f 1110/2003/1397 1099/2826/2049 1111/2827/2050 +f 1807/2828/2051 1797/2820/2043 1803/2825/2048 +f 1103/2823/2046 1112/1716/1149 1108/1703/1136 +f 1858/2829/2052 1886/1882/1295 1887/2830/2053 +f 1109/1797/1220 1114/2831/1420 1118/2832/2054 +f 1849/1784/1207 1847/1704/1137 1854/1737/1167 +f 1208/2833/2055 1245/2834/2056 1221/2835/2057 +f 1804/1720/1153 1809/1740/1129 1813/1723/1156 +f 1977/2836/2058 1954/2837/2059 1972/2838/2060 +f 6492/2839/1433 6497/2840/2061 6488/2841/2062 +f 1274/2102/1488 1258/2842/2063 1259/2843/2064 +f 1124/2844/2065 1123/1733/1163 1129/2845/2066 +f 1123/1733/1163 1115/2138/1520 1116/2139/1521 +f 1817/2846/2067 1808/2847/2068 1814/1846/1262 +f 1123/1733/1163 1126/2848/2069 1129/2845/2066 +f 1110/2003/1397 1127/1750/1178 1117/2001/1395 +f 1267/2849/2070 1237/2850/2071 1260/2851/2072 +f 1976/2086/1473 1945/2852/2073 1966/2853/2074 +f 1271/2053/1441 1286/2094/1481 1285/2051/1439 +f 1117/2001/1395 1131/1749/1177 1125/2027/1421 +f 1322/2854/2075 1293/2855/2076 1311/2856/2077 +f 1772/1657/1090 2036/1773/1197 1773/1678/1111 +f 1827/1672/1105 1824/1725/1158 1825/1727/1160 +f 1129/2845/2066 1134/2857/2078 1139/2858/2079 +f 1135/1692/1125 1132/1752/1180 1137/1654/1087 +f 1130/1753/1181 1127/1750/1178 1120/2859/2080 +f 6817/2860/2081 6811/2861/2082 6816/2862/2083 +f 1280/2103/1489 1277/2863/2084 1268/2101/1487 +f 1795/2864/1116 1791/2865/2085 1799/1695/1128 +f 1136/2109/1495 1125/2866/1421 1131/2867/1177 +f 1142/1774/1198 1143/2132/1514 1148/2179/1548 +f 1837/1793/1216 1833/2236/1599 1828/2235/1598 +f 1154/2868/2086 1136/2109/1495 1147/2111/1496 +f 1088/1781/1204 1077/1639/1072 1090/2806/2029 +f 1802/1684/1117 1799/2869/1128 1804/1720/1153 +f 1149/2870/2087 1140/2871/2088 1139/2858/2079 +f 1139/2858/2079 1144/2148/1530 1149/2870/2087 +f 1661/2872/2089 1725/1970/1371 1724/2873/2090 +f 1343/2874/2091 1340/2196/1562 1087/1779/1202 +f 1783/1658/1091 1780/1651/1084 1782/1656/1089 +f 1089/2875/2092 1088/1781/1204 1086/2876/2093 +f 1298/2080/1467 1301/2877/2094 1317/2078/1465 +f 1152/1701/1134 1154/2868/2086 1147/2111/1496 +f 2008/2816/2039 2009/1772/1196 2019/2878/2095 +f 1133/1776/1200 4336/2879/2096 4333/2880/2097 +f 1089/2875/2092 1343/2874/2091 1087/1779/1202 +f 1097/2881/2098 1100/2882/2099 1107/1795/1218 +f 1097/2881/2098 1089/2883/2092 1086/2884/2093 +f 1856/2144/1526 1850/1805/1225 1851/1820/1237 +f 1834/2885/2100 1839/1777/1201 1844/1818/1235 +f 1162/1841/1257 1150/2886/2101 1149/2870/2087 +f 1162/1841/1257 1159/2887/2102 1173/1719/1152 +f 1164/1825/1242 1165/2888/2103 1166/1826/1243 +f 1345/1887/1298 1343/2874/2091 1357/2889/2104 +f 1865/1830/1247 1859/1832/1249 1861/2016/1410 +f 1174/2890/2105 1164/2891/1242 1171/2892/2106 +f 1172/1666/1099 1169/2893/2107 1185/1667/1100 +f 1869/1738/1168 1858/2829/2052 1857/1736/1166 +f 1106/2822/2045 1107/1795/1218 1115/2138/1520 +f 1176/1845/1261 1177/2894/2108 1187/2895/2109 +f 1871/1851/1267 1865/1830/1247 1861/2016/1410 +f 2046/1807/1226 2020/2163/1537 2032/1822/1239 +f 1161/1815/1232 1167/2178/1547 1155/1816/1233 +f 4342/2896/2110 1078/1640/1073 4344/2897/2111 +f 1188/2898/2112 1171/2899/2106 1178/2900/2113 +f 1989/1892/1303 1990/2901/2114 2000/1859/1272 +f 1875/1900/1308 1646/2902/2115 1642/2903/1586 +f 1171/2892/2106 947/2904/1276 1174/2890/2105 +f 2040/1827/1244 2015/1860/1273 2025/2815/2038 +f 1790/1913/1320 1785/1834/1246 1786/1933/1338 +f 1094/1956/1360 1091/2821/2044 1103/2823/2046 +f 1184/2905/2116 1187/2895/2109 1195/2906/2117 +f 1801/1717/1150 1784/1833/1250 1792/1682/1115 +f 1193/2907/2118 1178/2900/2113 1184/2905/2116 +f 1200/1902/1310 1180/1861/1274 1188/2908/2112 +f 1885/2181/1550 1876/2180/1549 1877/1917/1324 +f 1884/2909/2119 1646/2902/2115 1875/1900/1308 +f 6942/2910/2120 6936/2911/2121 6938/2912/2122 +f 1884/2909/2119 1649/2913/2123 1646/2902/2115 +f 1113/1734/1164 1112/1716/1149 1119/1735/1165 +f 1119/1735/1165 1106/2822/2045 1115/2138/1520 +f 1249/2914/2124 1257/2915/2125 1268/2101/1487 +f 1196/2916/2126 1161/1815/1232 1181/1874/1287 +f 1197/1908/1316 1177/2894/2108 1198/1909/1317 +f 1348/1952/1356 1345/2917/1298 1095/2803/2026 +f 1895/1899/1307 1649/2913/2123 1884/2909/2119 +f 1895/1899/1307 1616/2918/2127 1649/2913/2123 +f 1200/1902/1310 1193/2919/2118 1204/1910/1318 +f 1896/1883/1296 1887/2830/2053 1886/1882/1295 +f 6759/2920/2128 6750/2921/2129 6754/2922/2130 +f 4307/2923/2131 1927/2924/1406 1904/1918/1325 +f 1898/2925/2132 1892/2090/1477 1893/2092/1479 +f 1899/1939/1344 1616/2918/2127 1895/1899/1307 +f 1299/2926/2133 1294/2097/1483 1303/2927/2134 +f 4044/2928/2135 4042/2073/1460 4023/1835/1251 +f 1189/1873/1286 1221/2835/2057 1205/2106/1492 +f 4867/2929/135 4893/2930/135 4866/2931/135 +f 1291/2093/1480 1297/2932/2136 1285/2051/1439 +f 1210/1746/1174 1187/2895/2109 1197/1908/1316 +f 1334/2933/2137 1303/2927/2134 1320/1888/1299 +f 1211/2934/2138 1205/2106/1492 1218/2935/2139 +f 1198/1909/1317 1215/2936/2140 1203/1907/1315 +f 1909/1906/1314 1887/2830/2053 1896/1883/1296 +f 1909/1906/1314 1910/2937/2141 1887/2830/2053 +f 1227/1648/1081 1202/1665/1098 1216/1649/1082 +f 1913/2938/2142 1619/1967/1368 1614/2939/2143 +f 1913/2938/2142 1614/2939/2143 1616/2918/2127 +f 1913/2938/2142 1616/2918/2127 1899/1939/1344 +f 4651/2940/2144 4630/2941/2145 4641/1744/1172 +f 6867/2942/2146 6841/2943/2147 6858/2944/2148 +f 1998/1922/1329 2030/2945/1557 2013/2946/2149 +f 2006/2121/1506 1998/1922/1329 2013/2946/2149 +f 4647/2947/2150 4629/2948/2151 4642/2949/2152 +f 1333/2950/2153 1311/2856/2077 1319/2951/2154 +f 6577/2952/2155 6576/2953/2156 6543/2954/2157 +f 1226/2955/2158 1203/1907/1315 1215/2936/2140 +f 1922/2802/2025 1910/2937/2141 1909/1906/1314 +f 1093/1662/1095 1084/1953/1357 1085/1957/1361 +f 2029/2194/1560 2030/2190/1557 2043/2956/2159 +f 2018/2957/2160 2013/2958/2149 2029/2194/1560 +f 1231/2959/2161 1209/2960/2162 1232/2055/1443 +f 1893/2092/1479 1908/2961/2163 1898/2925/2132 +f 1776/2962/2164 1774/2801/2024 1775/2800/2023 +f 1928/1642/1075 1910/2937/2141 1922/2802/2025 +f 1229/2963/2165 1237/2850/2071 1247/2964/2166 +f 1217/2965/2167 1236/2966/2168 1215/2936/2140 +f 1226/2955/2158 1236/2966/2168 1249/2914/2124 +f 4193/2967/2169 4186/2968/2170 4188/2969/2171 +f 1223/1647/1080 1224/2970/2172 1240/1675/1108 +f 1318/1947/1351 1323/2971/2173 1310/2972/2174 +f 1937/1968/1369 1938/2973/2175 1626/2974/2176 +f 1937/1968/1369 1626/2974/2176 1622/2975/2177 +f 1937/1968/1369 1622/2975/2177 1619/1967/1368 +f 1228/2211/1576 1230/1330/820 1220/2976/2178 +f 1342/2977/2179 1332/1946/1350 1349/1980/1376 +f 4613/2978/2180 4549/2979/2181 4548/2980/2182 +f 1244/1676/1109 1247/2964/2166 1263/1757/1185 +f 1248/2019/1413 1223/1647/1080 1240/1675/1108 +f 1940/1991/1385 1931/1978/1374 1916/1977/1373 +f 1353/2219/1584 1083/1951/1355 1082/2217/1582 +f 6945/2981/2183 6929/2982/2184 6928/2983/2185 +f 1110/2003/1397 1121/2984/2186 1120/2859/2080 +f 2893/2985/2187 4285/2986/2188 4280/2987/2189 +f 2044/2195/1561 2059/2988/2190 2054/2216/1581 +f 1949/1990/1384 1938/2973/2175 1937/1968/1369 +f 1349/1980/1376 1354/2215/1580 1342/2977/2179 +f 1256/2989/2191 1255/1674/1107 1269/1756/1184 +f 1950/2004/1398 1929/1641/1074 1943/1643/1076 +f 1238/2990/2192 1257/2915/2125 1236/2966/2168 +f 1245/2834/2056 1237/2991/2071 1221/2835/2057 +f 6536/2992/2193 6561/1880/1293 6540/2993/2041 +f 1955/2014/1408 1938/2973/2175 1949/1990/1384 +f 1262/2559/1813 1261/2031/1422 1272/2557/1811 +f 1244/1676/1109 1269/1756/1184 1255/1674/1107 +f 1264/2994/2194 1250/2995/2195 1239/2996/2196 +f 3998/2997/2197 3986/2998/2198 3990/2999/2199 +f 1246/2210/1575 1250/2995/2195 1266/3000/2200 +f 1268/2101/1487 1264/3001/2194 1249/2914/2124 +f 1945/2852/2073 1957/3002/1423 1966/2853/2074 +f 1129/2845/2066 1140/2871/2088 1124/2844/2065 +f 1265/3003/2201 1271/2053/1441 1278/2052/1440 +f 1279/3004/2202 1250/2995/2195 1270/3005/2203 +f 1272/2557/1811 1246/2210/1575 1266/3000/2200 +f 1282/3006/2204 1256/2989/2191 1269/1756/1184 +f 1290/2098/1484 1259/2843/2064 1275/2099/1485 +f 1130/1753/1181 1121/2984/2186 1122/1754/1182 +f 1273/3007/2205 1245/3008/2056 1265/3003/2201 +f 1281/3009/2206 1260/2851/2072 1273/3010/2205 +f 1126/2848/2069 1128/2149/1531 1134/2857/2078 +f 1283/3011/2207 1264/2994/2194 1277/3012/2084 +f 1823/1767/1192 1829/1748/1176 1834/2885/2100 +f 1289/3013/2208 1265/3003/2201 1278/2052/1440 +f 1824/1725/1158 1821/1758/1186 1815/1729/1162 +f 4645/3014/2209 4643/3015/2210 4644/3016/2211 +f 1298/2080/1467 1270/3005/2203 1283/3011/2207 +f 4620/1847/1263 4585/3017/2212 4607/3018/2213 +f 1290/2098/1484 1280/2103/1489 1274/2102/1488 +f 1281/3009/2206 1289/3019/2208 1300/3020/2214 +f 2005/3021/1529 1978/2095/1482 1994/1891/1302 +f 1291/2093/1480 1292/2133/1515 1304/2135/1517 +f 1987/1921/1328 1981/2082/1469 1982/2081/1468 +f 1277/3012/2084 1301/2877/2094 1283/3011/2207 +f 1294/2097/1483 1295/2129/1511 1306/2128/1510 +f 1276/1755/1183 1281/3009/2206 1296/3022/2215 +f 1989/1892/1303 1985/3023/2216 1971/3024/2217 +f 1279/3004/2202 1307/2079/1466 1287/3025/2218 +f 1978/2095/1482 1985/3023/2216 1994/1891/1302 +f 6898/3026/2219 6895/3027/2220 6900/3028/2221 +f 1311/3029/2077 1280/2103/1489 1299/2926/2133 +f 1313/3030/2222 1281/3009/2206 1300/3020/2214 +f 1184/2905/2116 1170/1824/1241 1176/1845/1261 +f 6741/3031/2223 6649/3032/2224 6740/3033/2225 +f 1621/3034/2226 1623/2598/1848 1620/3035/2227 +f 5956/3036/2228 6229/3037/2229 6228/3038/2230 +f 1319/3039/2154 1299/2926/2133 1303/2927/2134 +f 1984/2122/1507 1959/2035/1425 1975/2100/1486 +f 1300/3020/2214 1310/2972/2174 1323/2971/2173 +f 1302/3040/2231 1310/3041/2174 1297/2932/2136 +f 1342/2977/2179 1327/3042/2232 1313/3030/2222 +f 1312/2127/1509 1314/3043/2233 1325/3044/2234 +f 2008/2816/2039 2000/1859/1272 1990/2901/2114 +f 2010/2142/1524 1988/3045/2235 2011/1823/1240 +f 2007/2131/1513 1977/2836/2058 1995/2151/1532 +f 2010/2142/1524 1999/2140/1522 1988/3045/2235 +f 1306/2128/1510 1303/2927/2134 1294/2097/1483 +f 1905/1919/1326 1882/1903/1311 1892/2090/1477 +f 1336/3046/2236 1301/2877/2094 1322/2854/2075 +f 1233/2212/1577 1222/3047/1175 1225/3048/2237 +f 1224/2970/2172 1218/3049/2139 1229/2963/2165 +f 4630/2941/2145 4631/3050/2238 4632/3051/2239 +f 2020/2163/1537 2010/2142/1524 2011/1823/1240 +f 1327/3042/2232 1296/3022/2215 1313/3030/2222 +f 1309/3052/2240 1326/3053/2241 1329/3054/2242 +f 1327/3042/2232 1308/3055/2243 1305/3056/2244 +f 1330/1889/1300 1306/2128/1510 1312/2127/1509 +f 1888/1914/1321 1873/3057/2245 1879/1850/1266 +f 6950/1699/1132 6935/3058/2246 6943/3059/2247 +f 1335/3060/1349 1302/3040/2231 1321/1926/1331 +f 1827/1672/1105 1841/1783/1206 1832/1673/1106 +f 1336/3046/2236 1326/3053/2241 1317/2078/1465 +f 1916/1977/1373 1885/2181/1550 1903/1916/1323 +f 1218/2935/2139 1221/2835/2057 1237/2991/2071 +f 1338/3061/2248 1337/2175/1544 1316/2134/1516 +f 2032/1822/1239 2020/2163/1537 2011/1823/1240 +f 1340/2196/1562 1314/3043/2233 1341/2197/1563 +f 1300/3020/2214 1342/2977/2179 1313/3030/2222 +f 1330/1889/1300 1325/3044/2234 1343/2874/2091 +f 1901/1950/1354 1878/1867/1280 1889/1924/1304 +f 1883/3062/1309 1866/1831/1248 1873/3057/2245 +f 1864/1806/1093 1863/1804/1224 1878/2168/1280 +f 1351/3063/2249 1324/2155/1535 1337/2175/1544 +f 1240/1675/1108 1229/2963/2165 1244/1676/1109 +f 4317/3064/2250 1838/1819/1236 1828/2235/1598 +f 1224/2970/2172 1194/3065/2251 1211/3066/2138 +f 4014/3067/1447 4021/1837/1253 4035/1836/1252 +f 4546/3068/2252 4581/3069/2253 4624/3070/2254 +f 2045/2228/1591 2035/1771/1195 2036/1773/1197 +f 1351/3063/2249 863/2223/1588 1361/2222/1587 +f 1351/3063/2249 1339/3071/2255 1352/3072/2256 +f 7808/2710/57 7782/3073/57 7807/3074/57 +f 6875/3075/2257 6902/3076/2258 6872/3077/2259 +f 1225/3078/2237 1210/1746/1174 1212/2112/1497 +f 1144/2148/1530 1162/1841/1257 1149/2870/2087 +f 1461/3079/57 1497/3080/57 1458/3081/57 +f 1361/2222/1587 1344/1840/1256 1351/3063/2249 +f 6576/3082/2156 6562/3083/2260 6567/2136/1518 +f 1095/2803/2026 1357/3084/2104 1092/2804/2027 +f 2054/2216/1581 2051/2205/1571 2049/2204/1570 +f 6835/3085/2261 6899/3086/2262 6853/1553/1008 +f 4641/1744/1172 4632/3051/2239 4633/1742/1170 +f 1777/1645/1078 1776/2962/2164 2048/1791/1214 +f 1901/1950/1354 1935/1985/1379 1918/2792/2016 +f 6892/3087/2263 6822/3088/2264 6862/3089/2265 +f 1085/1957/1361 1348/1952/1356 1095/2803/2026 +f 2056/3090/2266 1558/3091/2267 1552/3092/2268 +f 2056/3093/2266 1552/3094/2268 1546/3095/2269 +f 851/2227/1590 1356/3096/1254 1361/2225/1587 +f 1846/1799/1222 1833/2236/1599 1837/1793/1216 +f 1598/2713/1947 1719/1537/996 1601/1536/995 +f 2057/2209/1574 1546/3095/2269 1547/2232/1595 +f 1132/1752/1180 1133/1776/1200 1138/1775/1199 +f 2058/2233/1596 1547/2232/1595 1600/3097/2270 +f 3974/3098/2271 4002/3099/2272 3973/3100/2273 +f 2059/2988/2190 2051/2205/1571 2054/2216/1581 +f 1158/2154/1534 1157/2824/2047 1169/3101/2107 +f 2059/2988/2190 1593/3102/2274 1590/3103/2275 +f 2059/2988/2190 1590/3103/2275 2051/2205/1571 +f 1364/1979/1375 1363/1418/899 1365/2249/1609 +f 905/2237/1600 1365/2249/1609 1363/1418/899 +f 2060/3104/2276 1593/3102/2274 2059/2988/2190 +f 2060/3104/2276 1595/3105/2277 1593/3102/2274 +f 5550/3106/2278 5465/3107/2279 5466/3108/2279 +f 5077/3109/2280 5009/3110/173 5078/3111/173 +f 1539/2309/1664 1492/3112/2281 1494/3113/2281 +f 7718/3114/376 7720/3115/2282 7721/3116/2282 +f 5469/3117/2283 5471/3118/2284 5470/3119/2283 +f 7222/3120/2285 7179/3121/380 7223/3122/380 +f 4773/3123/499 4780/767/498 4779/3124/498 +f 7151/3125/728 7152/3126/727 7150/3127/728 +f 7147/3128/2286 7144/3129/254 7145/3130/254 +f 2737/3131/2287 2861/3132/2288 2862/3133/2288 +f 7038/3134/2289 7035/3135/2289 7034/3136/2289 +f 216/3137/2290 219/3138/582 215/3139/2290 +f 4479/3140/2291 4480/3141/2292 4481/3142/2292 +f 7598/3143/2293 7600/3144/2294 7601/3145/2294 +f 1400/2301/1658 1435/3146/614 1398/173/132 +f 480/3147/2295 482/3148/152 487/201/152 +f 7846/3149/2296 7848/3150/2297 7847/3151/2296 +f 199/3152/2298 201/3153/2299 197/3154/2298 +f 6962/418/285 6968/3155/182 6960/3156/2300 +f 2430/3157/2301 5389/3158/2302 5388/3159/2301 +f 5137/3160/2303 5174/3161/2304 5141/3162/2304 +f 7911/3163/2305 7908/3164/2306 7909/3165/2306 +f 5186/3166/2307 5141/3162/2304 5174/3161/2304 +f 7808/3167/2308 7778/3168/2309 7809/3169/2309 +f 7895/3170/2310 7892/3171/2311 7893/3172/2311 +f 7098/113/80 7070/3173/1683 7109/3174/1683 +f 2119/3175/384 2087/606/385 2120/3176/386 +f 2119/3175/384 2120/3176/386 2121/3177/387 +f 2122/590/388 2123/589/389 2124/3178/390 +f 2122/590/388 2124/3178/390 2125/605/391 +f 413/666/438 412/724/392 408/584/388 +f 452/682/445 448/3179/439 428/619/413 +f 416/726/475 414/597/398 415/727/402 +f 2128/3180/398 2131/3181/399 2132/3182/2312 +f 2128/607/398 2133/3183/401 2129/3184/402 +f 2128/607/398 2121/3177/387 2133/3183/401 +f 2128/607/398 2119/3175/384 2121/3177/387 +f 2134/604/403 2087/606/385 2119/3175/384 +f 786/710/465 777/1162/626 739/1172/621 +f 791/973/636 836/1226/630 831/1220/673 +f 2135/3185/404 2136/3186/405 2137/3187/406 +f 2135/3185/404 2132/3182/2312 2136/3186/405 +f 2135/3185/404 2137/3187/406 2134/3188/403 +f 2135/3185/404 2128/3180/398 2132/3182/2312 +f 2138/3189/410 2139/1066/414 2140/676/413 +f 426/693/455 424/616/410 425/618/412 +f 2138/3189/410 2143/3190/411 2141/3191/2313 +f 2138/3189/410 2140/676/413 2143/3190/411 +f 701/1057/676 677/1018/647 678/1055/644 +f 433/688/433 432/3192/434 457/684/435 +f 796/3193/642 801/1191/654 800/1190/649 +f 2148/3194/422 2145/623/417 2144/622/416 +f 2148/3194/422 2150/3195/423 2145/623/417 +f 1679/2652/1899 1676/2647/1894 1678/2650/1897 +f 668/1007/654 671/1188/653 670/1005/652 +f 2151/635/425 2148/629/422 2149/628/421 +f 2151/637/425 2150/3195/423 2148/3194/422 +f 8293/3196/4 8375/3197/4 8373/3198/4 +f 2155/3199/428 2156/3200/429 2150/3195/423 +f 444/3201/431 440/648/427 442/715/468 +f 2155/3202/428 2153/644/426 2154/643/427 +f 2155/3199/428 2150/3195/423 2153/636/426 +f 3596/3203/2314 3645/3204/2315 3650/3205/2316 +f 2158/653/431 2156/3200/429 2155/3199/428 +f 445/700/432 442/715/468 474/714/467 +f 2160/3206/436 2161/3207/437 2126/3208/438 +f 1007/3209/2317 1006/3210/2318 1005/3211/2319 +f 2160/662/436 2126/667/438 2122/590/388 +f 2160/662/436 2122/590/388 2134/604/403 +f 448/3179/439 427/617/411 428/619/413 +f 2162/3212/439 2164/3213/440 2163/3214/441 +f 451/679/446 448/668/439 432/677/434 +f 778/208/157 775/1160/624 774/1026/394 +f 2146/3215/434 2168/621/415 2165/3216/446 +f 2140/676/413 2169/3217/447 2170/3218/448 +f 2140/676/413 2170/3218/448 2166/674/445 +f 2171/3219/435 2146/3215/434 2162/3212/439 +f 2171/658/435 2162/3220/439 2167/3221/449 +f 2171/658/435 2167/3221/449 2172/3222/450 +f 2171/658/435 2172/3222/450 2147/656/433 +f 2150/3195/423 2156/3200/429 2173/3223/451 +f 2150/3195/423 2173/3223/451 2145/623/417 +f 455/680/447 429/620/414 460/699/459 +f 2176/1067/452 2177/3224/2320 2178/3225/454 +f 2176/1067/452 2142/3226/455 2177/3224/2320 +f 2176/1067/452 2139/1066/414 2142/3226/455 +f 2179/3227/456 2174/3228/459 2139/1066/414 +f 2179/3229/456 2180/3230/457 2181/3231/2321 +f 2179/3229/456 2181/3231/2321 2174/3232/459 +f 2159/3233/432 2183/719/460 2182/3234/430 +f 470/3235/462 472/3236/476 415/3237/402 +f 2184/1065/462 2178/3225/454 2185/3238/463 +f 2184/3239/462 2187/3240/464 2180/3230/457 +f 2184/1065/462 2176/1067/452 2178/3225/454 +f 2130/3241/475 2128/3180/398 2129/3242/402 +f 2184/1065/462 2180/3243/457 2179/3227/456 +f 2188/3244/467 2157/3245/468 2189/3246/469 +f 2188/3244/467 2189/3246/469 2109/3247/470 +f 2129/3184/402 2187/3240/464 2184/3239/462 +f 2129/3184/402 2133/3183/401 2190/3248/471 +f 2129/3184/402 2190/3248/471 2187/3240/464 +f 2165/3216/446 2162/3212/439 2146/3215/434 +f 2127/3249/392 2192/3250/473 2191/3251/472 +f 2127/588/392 2188/3244/467 2109/3247/470 +f 2127/588/392 2159/3233/432 2188/3244/467 +f 2193/3252/474 2130/3241/475 2129/3242/402 +f 2193/3252/474 2186/3253/476 2130/3241/475 +f 2193/3254/474 2129/3255/402 2186/3256/476 +f 5266/3257/2322 2655/3258/2323 5267/3259/2323 +f 7127/3260/2324 7152/3126/727 7153/3261/727 +f 2796/3262/2325 2793/3263/2326 2794/3264/2325 +f 7592/3265/19 7576/3266/19 7593/3267/19 +f 2439/3268/2327 5098/3269/2328 2437/3270/2328 +f 8081/3271/245 8126/3272/244 8080/3273/244 +f 7574/3274/172 7590/1148/723 7591/3275/723 +f 2123/589/135 2101/3276/135 2099/3277/135 +f 2123/589/135 2103/3278/135 2101/3276/135 +f 2123/589/135 2105/3279/135 2103/3278/135 +f 2123/589/135 2107/3280/2329 2105/3279/135 +f 2123/589/135 2099/3277/135 2205/3281/135 +f 8182/3282/57 640/951/57 639/950/57 +f 2124/3178/135 2208/3283/135 2206/3284/135 +f 2124/3178/135 2209/3285/135 2208/3283/135 +f 350/3286/135 456/3287/135 455/3288/135 +f 2125/605/135 2207/3289/135 2096/3290/135 +f 2125/605/135 2096/3290/135 2094/3291/135 +f 2092/3292/135 2125/605/135 2094/3291/135 +f 2091/3293/135 2125/605/135 2092/3292/135 +f 2089/3294/2330 2125/605/135 2091/3293/135 +f 2123/589/135 2109/3247/2331 2107/3280/2329 +f 2087/606/2332 2125/605/135 2089/3294/2330 +f 2154/643/135 2210/3295/135 2211/3296/135 +f 2154/643/135 2212/3297/135 2210/3295/135 +f 2154/643/135 2213/3298/2329 2212/3297/135 +f 2214/3299/135 2154/643/135 2211/3296/135 +f 2215/3300/135 2154/643/135 2214/3299/135 +f 2254/3301/135 2180/3230/135 2187/3240/135 +f 2217/3302/135 2157/3245/135 2216/3303/135 +f 2218/3304/135 2157/3245/135 2217/3302/135 +f 8709/3305/135 466/695/135 8710/3306/135 +f 2118/3307/135 2189/3246/135 2219/3308/135 +f 2117/3309/135 2189/3246/135 2118/3307/135 +f 2115/3310/135 2189/3246/135 2117/3309/135 +f 2113/3311/135 2189/3246/135 2115/3310/135 +f 2111/3312/135 2189/3246/135 2113/3311/135 +f 2154/643/135 2175/3313/2331 2213/3298/2329 +f 2109/3247/135 2189/3246/135 2111/3312/135 +f 2133/3183/135 2220/3314/135 2221/3315/135 +f 2133/3183/135 2222/3316/135 2223/3317/2333 +f 2133/3183/135 2224/3318/135 2222/3316/135 +f 2133/3183/135 2225/3319/135 2224/3318/135 +f 2133/3183/135 2221/3315/135 2225/3319/135 +f 8679/3320/135 407/583/135 8685/3321/135 +f 2121/3177/135 2227/3322/135 2226/3323/135 +f 2121/3177/135 2228/3324/135 2227/3322/135 +f 8077/3325/57 832/1221/57 839/1227/57 +f 2120/3176/135 2077/3326/135 2076/3327/135 +f 2120/3176/135 2080/3328/135 2077/3326/135 +f 2120/3176/135 2083/3329/135 2080/3328/135 +f 2120/3176/135 2085/3330/135 2083/3329/135 +f 2120/3176/135 2076/3327/135 2229/3331/135 +f 2120/3176/135 2087/606/135 2085/3330/135 +f 2190/3248/2334 2133/3183/135 2223/3317/2333 +f 2230/3332/135 2172/3222/135 2231/3333/135 +f 2232/3334/135 2172/3222/135 2230/3332/135 +f 2233/3335/135 2172/3222/135 2232/3334/135 +f 2234/3336/135 2172/3222/135 2233/3335/135 +f 8207/3337/57 699/1052/57 706/1064/57 +f 2235/3338/135 2172/3222/135 2234/3336/135 +f 2236/3339/135 2149/628/135 2237/3340/135 +f 2238/3341/135 2237/3340/135 2149/628/135 +f 2239/3342/135 2149/628/135 2236/3339/135 +f 2240/3343/135 2238/3341/135 2149/628/135 +f 2220/3314/135 2121/3177/135 2226/3323/135 +f 2242/3344/135 2240/3343/135 2149/628/135 +f 2243/3345/135 2147/656/135 2241/3346/135 +f 2244/3347/135 2147/656/135 2243/3345/135 +f 2172/3222/135 2167/3221/135 2231/3333/135 +f 2175/3313/135 2149/628/135 2239/3342/135 +f 2181/3231/135 2245/3348/135 2246/3349/135 +f 2181/3231/135 2247/3350/135 2245/3348/135 +f 2181/3231/135 2248/3351/135 2247/3350/135 +f 2181/3231/135 2249/3352/135 2248/3351/135 +f 2250/3353/135 2249/3352/135 2181/3231/135 +f 2157/3245/135 2219/3308/135 2189/3246/135 +f 2180/3230/135 2252/3354/135 2251/3355/135 +f 2253/3356/135 2252/3354/135 2180/3230/135 +f 442/715/135 8674/3357/135 8675/3358/135 +f 2187/3240/135 2255/3359/135 2254/3301/135 +f 2256/3360/135 2255/3359/135 2187/3240/135 +f 2257/3361/135 2256/3360/135 2187/3240/135 +f 2258/3362/135 2257/3361/135 2187/3240/135 +f 2259/3363/2335 2258/3362/135 2187/3240/135 +f 2187/3240/135 2190/3248/2336 2259/3363/2335 +f 2174/3232/135 2181/3231/135 2246/3349/135 +f 2166/3364/135 2260/3365/135 2261/3366/2337 +f 2166/3364/135 2262/3367/135 2260/3365/135 +f 2263/3368/135 2262/3367/135 2166/3364/135 +f 2073/3369/135 2263/3368/135 2166/3364/135 +f 666/624/57 8188/3370/57 8194/3371/57 +f 2071/3372/135 2073/3369/135 2166/3364/135 +f 2067/3373/135 2069/3374/135 2170/3375/135 +f 2065/3376/135 2067/3373/135 2170/3375/135 +f 410/586/135 8664/3377/135 8668/3378/135 +f 2064/3379/135 2061/3380/135 2169/3381/135 +f 2264/3382/135 2064/3379/135 2169/3381/135 +f 2265/3383/135 2264/3382/135 2169/3381/135 +f 2266/3384/135 2265/3383/135 2169/3381/135 +f 2267/3385/2335 2266/3384/135 2169/3381/135 +f 2169/3381/135 2174/3386/2338 2267/3385/2335 +f 2167/3387/2339 2166/3364/135 2261/3366/2337 +f 2569/3388/2340 4863/3389/1674 2567/3390/1674 +f 2101/3391/707 2098/3392/2341 2099/3393/2341 +f 4483/3394/2342 4484/3395/1751 4485/3396/1751 +f 7405/3397/2343 7333/3398/2344 7406/3399/2344 +f 2593/3400/2345 5455/3401/2346 5454/3402/2345 +f 5509/3403/2347 5510/3404/2348 5508/3405/2347 +f 7181/3406/142 7208/3407/2349 7187/3408/2349 +f 2252/3409/2350 2314/3410/2351 2251/3411/2351 +f 2227/3412/2352 2298/3413/2353 2226/3414/2353 +f 244/3415/198 245/3416/199 243/3417/198 +f 8676/3418/2354 8747/3419/2355 8677/3420/2355 +f 8064/3421/2356 8094/3422/2357 8066/3423/2357 +f 6965/3424/2300 6973/3425/182 6971/3426/182 +f 2251/3411/2351 2315/3427/235 2250/335/235 +f 4747/3428/2358 4743/3429/2359 4749/3430/2359 +f 8501/3431/2360 8498/3432/2361 8499/3433/2361 +f 2656/3434/305 5223/3435/2362 2620/3436/2362 +f 8203/3437/612 8269/3438/613 8202/3439/613 +f 8391/3440/2363 8392/3441/2364 8390/3442/2363 +f 2266/3443/2365 2320/3444/2366 2319/3445/2365 +f 180/3446/2367 181/3447/2368 179/3448/2367 +f 1508/3449/2369 1498/3450/2370 1497/3451/2370 +f 4806/3452/2371 2618/3453/2371 4804/3454/2371 +f 2573/820/530 5121/3455/325 2572/481/325 +f 2732/3456/2372 4999/3457/2373 4998/3458/2372 +f 239/3459/187 241/3460/188 240/3461/187 +f 530/3462/551 535/3463/552 533/3464/552 +f 1467/3465/2374 1470/3466/2375 1469/3467/2375 +f 8449/3468/2376 8446/3469/2377 8447/3470/2377 +f 536/3471/2378 543/3472/2295 542/3473/2295 +f 8473/3474/2379 8470/3475/2380 8471/3476/2380 +f 8034/3477/2381 8100/3478/2382 8098/3479/2383 +f 2174/3480/2384 2322/3481/2385 2321/3482/2384 +f 269/3483/2386 265/3484/185 268/257/185 +f 31/3485/2387 32/3486/2388 27/3487/2387 +f 2590/3488/2389 5455/3401/2346 2592/3489/2346 +f 7481/3490/2390 7452/326/229 7480/3491/2390 +f 2664/3492/2391 5403/3493/2392 5402/3494/2391 +f 7609/3495/32 7599/3496/2293 7598/3143/2293 +f 7232/3497/2393 7234/3498/2394 7235/3499/2394 +f 4953/3500/2307 4908/3501/2304 4940/3502/2304 +f 2190/3503/2395 2307/3504/2396 2306/3505/2395 +f 2247/3506/2397 2325/3507/481 2324/3508/2398 +f 2436/3509/2399 5374/3510/2400 2433/3511/2400 +f 2647/3512/32 5194/3513/32 5195/3514/32 +f 7650/3515/2401 7619/3516/172 7651/3517/2401 +f 8040/3518/2402 8111/3519/2403 8041/3520/2404 +f 6971/3521/182 6980/3522/183 6978/3523/183 +f 2457/3524/2405 4799/330/232 4801/3525/2405 +f 2638/3526/2406 5270/3527/2407 2633/3528/2407 +f 516/3529/2408 517/3530/2409 518/3531/2409 +f 8587/3532/2410 8588/3533/2411 8586/3534/2410 +f 4903/3535/248 4930/3536/2412 4909/3537/2412 +f 7049/3538/2413 7050/291/207 7048/3539/2413 +f 7961/3540/2414 7962/3541/2415 7960/3542/2414 +f 5569/3543/2416 5571/2497/1764 5570/3544/2416 +f 4431/3545/2417 4432/3546/2418 4433/3547/2418 +f 6969/251/182 6974/3548/184 6968/3549/182 +f 2588/3550/2419 5448/3551/2420 5458/3552/2419 +f 7206/3553/2421 7194/3554/2422 7207/3555/2422 +f 5329/3556/512 5290/3557/2423 5331/3558/2423 +f 2520/3559/2424 5424/2403/1714 2521/3560/1714 +f 7983/3561/2425 7984/3562/2426 7982/3563/2425 +f 1445/3564/2427 1443/3565/15 1441/18/15 +f 2380/3566/326 4806/3567/326 4807/3568/326 +f 7154/3569/2428 7156/3570/2429 7157/3571/2429 +f 747/346/243 742/3572/574 745/3573/2430 +f 178/3574/1750 179/3575/2367 177/2472/1750 +f 1512/3576/2431 1514/3577/22 1513/3578/22 +f 4964/3579/2432 2605/3580/2433 4963/3581/2433 +f 2066/3582/135 2315/3583/135 2314/3584/135 +f 402/3585/135 8749/3586/135 384/3587/135 +f 8733/3588/135 8744/3589/135 8734/3590/135 +f 8744/3589/135 8731/3591/135 8745/3592/135 +f 2095/3593/135 2075/3594/135 2079/3595/135 +f 2333/3596/135 2334/3597/2434 2074/3598/135 +f 2100/3599/135 2098/3600/135 2097/3601/135 +f 2114/3602/135 2116/3603/135 2098/3600/135 +f 8728/3604/135 359/3605/135 357/3606/135 +f 2095/3593/135 2079/3595/135 2081/3607/135 +f 2095/3593/135 2081/3607/135 2082/3608/135 +f 2316/3609/135 2318/3610/135 2319/3611/135 +f 2095/3593/135 2082/3608/135 2084/3612/135 +f 2316/3609/135 2319/3611/135 2320/3613/135 +f 2095/3593/135 2084/3612/135 2086/3614/135 +f 2316/3609/135 2320/3613/135 2321/3615/135 +f 2095/3593/135 2086/3614/135 2088/3616/135 +f 2332/3617/135 2333/3596/135 2074/3598/135 +f 2316/3609/135 2321/3615/135 2322/3618/135 +f 2095/3593/135 2088/3616/135 2090/3619/135 +f 2316/3609/135 2322/3618/135 2323/3620/135 +f 2095/3593/135 2090/3619/135 2093/3621/2435 +f 2316/3609/135 2323/3620/135 2324/3622/135 +f 2316/3609/135 2324/3622/135 2325/3623/135 +f 2102/3624/135 2098/3600/135 2100/3599/135 +f 2331/3625/135 2332/3617/135 2074/3598/135 +f 2112/3626/135 2114/3602/135 2098/3600/135 +f 2317/3627/135 2318/3610/135 2316/3609/135 +f 2298/3628/135 2313/3629/135 2312/3630/135 +f 2062/3631/135 2317/3627/135 2316/3609/135 +f 2104/3632/135 2098/3600/135 2102/3624/135 +f 2285/3633/135 2272/3634/135 2286/3635/135 +f 2110/3636/135 2112/3626/135 2098/3600/135 +f 2330/3637/135 2331/3625/135 2074/3598/135 +f 2106/3638/135 2098/3600/135 2104/3632/135 +f 2293/3639/135 2297/3640/135 2296/3641/135 +f 2108/3642/135 2110/3636/135 2098/3600/135 +f 2329/3643/135 2330/3637/135 2074/3598/135 +f 2108/3642/135 2098/3600/135 2106/3638/135 +f 2297/3640/135 2313/3629/135 2298/3628/135 +f 2292/3644/135 2297/3640/135 2293/3639/135 +f 2328/3645/135 2329/3643/135 2074/3598/135 +f 6533/3646/2436 1504/3647/57 1464/3648/57 +f 2327/3649/135 2328/3645/135 2074/3598/135 +f 2326/3650/135 2327/3649/135 2074/3598/135 +f 2268/3651/135 2326/3650/135 2074/3598/135 +f 2116/3603/135 2290/3652/135 2098/3600/135 +f 2293/3639/135 2295/3653/135 2294/3654/135 +f 2285/3633/135 2274/1420/135 2273/3655/135 +f 8757/3656/135 8770/3657/135 8758/3658/135 +f 2287/3659/135 2286/3635/135 2272/3634/135 +f 2287/3659/135 2272/3634/135 2271/3660/135 +f 2287/3659/135 2271/3660/135 2292/3644/135 +f 2066/3582/135 2314/3584/135 2313/3629/135 +f 8109/3661/57 8096/3662/57 8095/3663/57 +f 2280/3664/135 2281/3665/135 2282/3666/135 +f 2280/3664/135 2282/3666/135 2283/3667/135 +f 2280/3664/135 2283/3667/135 2284/3668/135 +f 2288/3669/135 2287/3659/135 2292/3644/135 +f 2079/3595/135 2075/3594/135 2078/3670/2435 +f 2288/3669/135 2292/3644/135 2291/3671/135 +f 8770/3657/135 8759/3672/135 8758/3658/135 +f 2068/3673/135 2066/3582/135 2313/3629/135 +f 2271/3660/135 2070/3674/135 2068/3673/135 +f 2271/3660/135 2068/3673/135 2313/3629/135 +f 8149/3675/57 725/3676/57 8091/3677/57 +f 2300/3678/135 2301/3679/135 2302/3680/135 +f 2276/1419/135 2280/3664/135 2284/3668/135 +f 2300/3678/135 2302/3680/135 2303/3681/135 +f 2300/3678/135 2303/3681/135 2304/3682/135 +f 2271/3660/135 2270/3683/135 2070/3674/135 +f 2300/3678/135 2304/3682/135 2305/3684/135 +f 2300/3678/135 2305/3684/135 2306/3685/135 +f 2300/3678/135 2306/3685/135 2307/3686/135 +f 2300/3678/135 2307/3686/135 2308/3687/135 +f 2300/3678/135 2308/3687/135 2309/3688/135 +f 2278/3689/135 2279/3690/135 2280/3664/135 +f 2300/3678/135 2309/3688/135 2310/3691/135 +f 2277/3692/135 2280/3664/135 2276/1419/135 +f 2277/3692/135 2278/3689/135 2280/3664/135 +f 2335/3693/135 2336/3694/135 2337/3695/135 +f 2338/3696/135 2337/3695/135 2339/3697/135 +f 2340/3698/135 2341/3699/135 2342/3700/135 +f 7323/3701/57 7441/3702/57 7439/3703/57 +f 864/3704/2437 856/3705/2438 863/3706/1783 +f 2338/3696/135 2335/3693/135 2337/3695/135 +f 2345/3707/135 2346/3708/135 2347/3709/135 +f 7648/3710/57 7727/3711/57 7725/3712/57 +f 2348/3713/135 2350/3714/135 2351/3715/135 +f 2352/3716/2439 1741/3717/2440 1739/3718/135 +f 526/3719/135 528/3720/135 2353/3721/135 +f 526/3719/135 2353/3721/135 2354/3722/135 +f 1664/2634/1881 1730/3723/135 1726/3724/135 +f 2355/3725/135 2356/3726/135 2344/3727/135 +f 1664/2634/1881 1734/3728/135 1730/3723/135 +f 2355/3725/135 2357/3729/135 2356/3726/135 +f 1664/2634/1881 1737/3730/135 1734/3728/135 +f 1664/2634/1881 1739/3718/135 1737/3730/135 +f 1664/2634/1881 2352/3716/2439 1739/3718/135 +f 2358/3731/2441 2359/3732/2442 556/3733/135 +f 2360/3734/135 2361/3735/2434 2362/3736/135 +f 2360/3734/135 2362/3736/135 2363/3737/135 +f 2364/3738/2443 2365/3739/2444 2366/3740/2445 +f 542/1634/135 2367/3741/135 2368/1632/135 +f 3634/3742/2446 3619/3743/2447 3623/2589/1840 +f 542/1634/135 2369/3744/135 2367/3741/135 +f 542/1634/135 2370/3745/135 2369/3744/135 +f 2371/3746/2448 2364/3738/2443 2366/3740/2445 +f 542/1634/135 2372/3747/135 2370/3745/135 +f 2373/3748/2449 2371/3746/2448 2366/3740/2445 +f 2374/1539/135 2375/3749/135 2376/3750/135 +f 7885/3751/57 6984/3752/57 6981/3753/57 +f 2378/3754/2450 2373/3748/2449 2366/3740/2445 +f 2379/3755/135 2380/3756/135 2381/3757/135 +f 6313/3758/2451 6325/3759/2452 6324/3760/2453 +f 2383/3761/135 2384/3762/135 2349/3763/135 +f 5561/3764/4 8568/3765/4 5563/3766/4 +f 4966/3767/135 5027/3768/135 5014/3769/135 +f 8370/6/4 2795/3770/4 8368/3771/4 +f 2389/3772/135 1664/2634/1881 2390/3773/135 +f 3699/3774/2454 3695/3775/2455 3703/3776/2456 +f 5849/1616/1052 1352/3072/2256 5887/1614/1050 +f 546/3777/135 2372/3747/135 542/1634/135 +f 572/3778/135 2392/3779/135 2393/3780/135 +f 572/3778/135 2393/3780/135 2394/3781/135 +f 546/3777/135 2395/3782/135 2372/3747/135 +f 546/3777/135 2396/3783/135 2395/3782/135 +f 546/3777/135 2397/3784/135 2396/3783/135 +f 2398/3785/135 2363/3737/135 2399/3786/135 +f 7328/3787/57 7331/3788/57 7326/3789/57 +f 2398/3785/135 2360/3734/135 2363/3737/135 +f 2401/3790/135 2338/3696/135 2339/3697/135 +f 2402/3791/135 1664/2634/1881 2389/3772/135 +f 2403/3792/135 2399/3786/135 2404/3793/135 +f 2403/3792/135 2398/3785/135 2399/3786/135 +f 2400/3794/2457 2378/3754/2450 2366/3740/2445 +f 2405/3795/135 1664/2634/1881 2402/3791/135 +f 2406/3796/135 2384/3762/135 2383/3761/135 +f 2407/3797/135 2404/3793/135 2408/3798/135 +f 2409/3799/135 2410/3800/135 2385/3801/135 +f 2407/3797/135 2403/3792/135 2404/3793/135 +f 6279/3802/2458 6263/3803/2459 6274/3804/2460 +f 524/3805/135 2384/3762/135 2406/3796/135 +f 2411/3806/135 2410/3800/135 2409/3799/135 +f 2412/3807/135 1664/2634/1881 2405/3795/135 +f 2411/3806/135 2413/3808/135 2410/3800/135 +f 2411/3806/135 2414/3809/135 2413/3808/135 +f 2415/3810/135 1664/2634/1881 2412/3807/135 +f 533/1886/135 2416/3811/135 2417/3812/135 +f 533/1886/135 2388/1885/135 2416/3811/135 +f 2418/3813/135 1664/2634/1881 2415/3810/135 +f 2419/3814/2461 2358/3731/2441 556/3733/135 +f 84/3815/135 110/176/135 81/3816/135 +f 2420/3817/135 1664/2634/1881 2418/3813/135 +f 2421/3818/135 2414/3809/135 2411/3806/135 +f 7873/3819/57 7959/1338/57 7875/1340/57 +f 2422/3820/135 2423/3821/135 2424/3822/135 +f 2422/3820/135 2424/3822/135 2425/3823/135 +f 2426/3824/135 2407/3797/135 2408/3798/135 +f 2421/3818/135 2427/3825/135 2414/3809/135 +f 2421/3818/135 2428/3826/135 2427/3825/135 +f 2429/1540/135 2430/3827/135 2377/1538/135 +f 2431/3828/135 2432/3829/135 2345/3707/135 +f 2429/1540/135 2433/3830/135 2434/3831/135 +f 2431/3828/135 2435/3832/135 2432/3829/135 +f 2429/1540/135 2436/3833/135 2433/3830/135 +f 2431/3828/135 2437/3834/135 2435/3832/135 +f 1305/3056/2244 1284/3835/2462 1282/3006/2204 +f 1757/3836/2463 1758/2775/1999 1755/3837/2464 +f 2429/1540/135 2434/3831/135 2430/3827/135 +f 1542/2514/1777 2441/3838/135 2426/3824/135 +f 1542/2514/1777 2408/3798/135 2442/3839/135 +f 1542/2514/1777 2442/3839/135 2443/3840/135 +f 1542/2514/1777 1714/3841/135 1711/3842/135 +f 1542/2514/1777 2426/3824/135 2408/3798/135 +f 1707/3843/135 1542/2514/1777 1711/3842/135 +f 2445/3844/135 2440/3845/135 2446/3846/2465 +f 2447/3847/135 2444/3848/135 2429/1540/135 +f 2448/3849/2435 2440/3845/135 2445/3844/135 +f 2449/3850/2466 2450/3851/2467 2444/3848/135 +f 2449/3850/2466 2444/3848/135 2447/3847/135 +f 2451/3852/2468 2419/3814/2461 556/3733/135 +f 6485/3853/2469 6501/2047/1435 6487/2046/1434 +f 2453/3854/135 2440/3845/135 2448/3849/2435 +f 2914/3855/2470 2946/3856/2471 2932/3857/2472 +f 491/3858/135 572/3778/135 2394/3781/135 +f 3533/3859/2473 3521/3860/2474 3555/3861/2475 +f 2459/3862/135 2458/3863/135 2401/3790/135 +f 5683/3864/2476 6291/3865/2477 5677/3866/2478 +f 4116/1932/1337 4115/3867/2479 4129/3868/2480 +f 1462/3869/57 1443/3870/57 1466/3871/57 +f 2463/3872/135 2459/3862/135 2401/3790/135 +f 530/3873/135 533/1886/135 2417/3812/135 +f 2464/3874/135 2465/3875/135 2466/3876/135 +f 3175/3877/2481 3127/3878/2482 3172/3879/2483 +f 530/3873/135 2468/3880/135 2455/3881/135 +f 530/3873/135 2469/3882/135 2468/3880/135 +f 530/3873/135 2470/3883/135 2469/3882/135 +f 2467/2517/1779 560/3884/135 562/2516/135 +f 530/3873/135 2417/3812/135 2470/3883/135 +f 2467/2517/1779 558/3885/135 560/3884/135 +f 530/3873/135 2455/3881/135 2452/3886/135 +f 1702/3887/135 1542/2514/1777 1707/3843/135 +f 2471/3888/135 2466/3876/135 2465/3875/135 +f 1697/3889/135 1542/2514/1777 1702/3887/135 +f 2472/3890/135 2425/3823/135 2462/3891/135 +f 7020/3892/57 7129/3893/57 7011/3894/57 +f 2472/3890/135 2473/3895/135 2474/3896/135 +f 2475/3897/135 2465/3875/135 2464/3874/135 +f 2476/3898/135 2471/3888/135 2465/3875/135 +f 2477/3899/135 2463/3872/135 2401/3790/135 +f 520/2159/135 2478/3900/135 2479/3901/135 +f 520/2159/135 2480/3902/135 2478/3900/135 +f 520/2159/135 2461/2158/135 2480/3902/135 +f 2481/3903/135 2465/3875/135 2475/3897/135 +f 2477/3899/135 2401/3790/135 2339/3697/135 +f 494/3904/135 562/2516/135 564/3905/135 +f 2482/3906/135 2483/3907/135 2484/3908/135 +f 2482/3906/135 2485/3909/135 2483/3907/135 +f 541/3910/135 2400/3794/2457 550/3911/135 +f 494/3904/135 564/3905/135 492/3912/135 +f 2482/3906/135 2486/3913/135 2485/3909/135 +f 2482/3906/135 2487/3914/2435 2486/3913/135 +f 2482/3906/135 2488/3915/135 2487/3914/2435 +f 2489/3916/135 2476/3898/135 2465/3875/135 +f 518/3917/135 520/2159/135 2479/3901/135 +f 2490/3918/135 2489/3916/135 2465/3875/135 +f 518/3917/135 2491/3919/135 2492/3920/135 +f 518/3917/135 2479/3901/135 2491/3919/135 +f 496/3921/135 562/2516/135 494/3904/135 +f 2493/3922/135 2494/3923/135 2473/3895/135 +f 2493/3922/135 2473/3895/135 2472/3890/135 +f 2495/3924/135 2465/3875/135 2481/3903/135 +f 2496/3925/2484 2441/3838/135 1542/2514/1777 +f 2497/3926/135 2339/3697/135 2498/3927/135 +f 2496/3925/2484 1542/2514/1777 1697/3889/135 +f 2496/3925/2484 1697/3889/135 1693/3928/2485 +f 2499/3929/135 2488/3915/135 2482/3906/135 +f 2497/3926/135 2477/3899/135 2339/3697/135 +f 2500/3930/135 2465/3875/135 2495/3924/135 +f 7735/3931/57 6922/3932/2486 6949/3933/2487 +f 2500/3930/135 2502/3934/135 2465/3875/135 +f 516/3935/135 518/3917/135 2492/3920/135 +f 516/3935/135 2492/3920/135 2503/3936/135 +f 2504/3937/135 2490/3918/135 2465/3875/135 +f 6317/3938/2488 6305/2663/1908 6322/3939/2489 +f 5127/3940/135 5112/3941/135 5113/3942/135 +f 6614/3943/2490 6619/3944/2491 6621/3945/2492 +f 2508/3946/135 2510/3947/135 2509/3948/135 +f 2508/3946/135 2511/3949/135 2512/3950/135 +f 2508/3946/135 2512/3950/135 2510/3947/135 +f 2513/3951/2493 2514/3952/135 2501/3953/135 +f 7739/3954/57 6949/3933/2487 6720/3955/2494 +f 2515/3956/135 2516/3957/135 2511/3949/135 +f 2515/3956/135 2517/3958/135 2516/3957/135 +f 2518/3959/135 2515/3956/135 2511/3949/135 +f 112/3960/2495 107/164/124 106/163/123 +f 1650/3961/2496 1651/3962/2497 1648/3963/2498 +f 531/3964/135 2522/3965/135 2523/3966/135 +f 6521/3967/2499 6518/3968/2500 6523/3969/2501 +f 6607/3970/2502 3946/3971/2503 3948/3972/2504 +f 2527/3973/135 2502/3934/135 2500/3930/135 +f 5209/3974/135 5216/3975/135 5208/3976/135 +f 7000/3977/57 7151/3978/57 7149/3979/57 +f 2530/3980/135 2531/3981/135 2520/3982/135 +f 2532/3983/2505 2524/1930/1335 2533/3984/2506 +f 2534/3985/135 2535/3986/135 2518/3959/135 +f 2530/3980/135 2520/3982/135 2519/3987/135 +f 538/3988/135 2400/3794/2457 541/3910/135 +f 2536/3989/135 2527/3973/135 2500/3930/135 +f 2536/3989/135 2500/3930/135 2537/3990/135 +f 6790/3991/2507 6612/3992/2508 6804/3993/2509 +f 2540/3994/135 2541/3995/135 2529/3996/135 +f 2542/3997/2510 2524/1930/1335 2532/3983/2505 +f 2544/3998/135 2531/3981/135 2530/3980/135 +f 2544/3998/135 2545/3999/135 2531/3981/135 +f 576/1395/135 2641/4000/135 574/4001/135 +f 2544/3998/135 2420/3817/135 2545/3999/135 +f 2546/4002/2511 2524/1930/1335 2542/3997/2510 +f 2547/4003/135 2543/4004/135 2548/4005/135 +f 2549/4006/2512 2524/1930/1335 2546/4002/2511 +f 2550/4007/135 2551/4008/135 2541/3995/135 +f 2550/4007/135 2541/3995/135 2540/3994/135 +f 2552/4009/135 2543/4004/135 2547/4003/135 +f 2550/4007/135 2553/4010/135 2551/4008/135 +f 850/4011/2513 851/1250/749 849/1249/748 +f 2554/4012/135 2420/3817/135 2544/3998/135 +f 2556/4013/135 2534/3985/135 2518/3959/135 +f 2555/4014/2514 2524/1930/1335 2549/4006/2512 +f 2557/4015/135 2536/3989/135 2537/3990/135 +f 2555/4014/2514 514/4016/135 516/3935/135 +f 2555/4014/2514 512/4017/135 514/4016/135 +f 2557/4015/135 2537/3990/135 2558/4018/135 +f 2555/4014/2514 510/4019/135 512/4017/135 +f 2555/4014/2514 508/4020/135 510/4019/135 +f 1649/2622/1869 1613/4021/2515 1645/1402/883 +f 578/4022/135 2526/4023/135 2560/4024/135 +f 578/4022/135 2561/4025/135 2553/4010/135 +f 578/4022/135 2560/4024/135 2561/4025/135 +f 7118/4026/57 7170/4027/57 7116/4028/57 +f 2559/2177/1546 496/3921/135 498/4029/135 +f 4238/4030/2516 3347/4031/2517 3369/1282/773 +f 2563/4032/135 2556/4013/135 2518/3959/135 +f 2563/4032/135 2518/3959/135 2511/3949/135 +f 2564/4033/135 2517/3958/135 2515/3956/135 +f 120/200/151 115/4034/2518 112/3960/2495 +f 2566/4035/135 2567/4036/135 2497/3926/135 +f 2566/4035/135 2569/4037/135 2567/4036/135 +f 2566/4035/135 2570/4038/135 2569/4037/135 +f 2564/4033/135 2572/4039/135 2517/3958/135 +f 2564/4033/135 2573/4040/135 2572/4039/135 +f 2574/4041/2519 2568/2176/1545 500/4042/135 +f 2575/2161/135 2570/4038/135 2566/4035/135 +f 7119/4043/57 7254/4044/57 7258/4045/57 +f 2577/4046/135 2565/4047/135 2571/4048/135 +f 2578/4049/2520 2574/4041/2519 500/4042/135 +f 2579/4050/2521 2575/2161/135 2580/4051/2522 +f 2581/4052/2523 508/4020/135 2555/4014/2514 +f 2582/4053/135 2565/4047/135 2577/4046/135 +f 2581/4052/2523 506/4054/135 508/4020/135 +f 2581/4052/2523 504/4055/135 506/4054/135 +f 2581/4052/2523 502/4056/135 504/4055/135 +f 7133/4057/57 7027/4058/57 7135/4059/57 +f 2583/4060/135 2575/2161/135 2579/4050/2521 +f 2584/4061/2524 2578/4049/2520 500/4042/135 +f 2586/4062/135 2575/2161/135 2583/4060/135 +f 2585/4063/2525 2584/4061/2524 500/4042/135 +f 2587/2162/135 2575/2161/135 2586/4062/135 +f 1661/2631/1878 1664/2634/1881 1726/3724/135 +f 1664/2634/1881 1542/2514/1777 2588/4064/135 +f 1664/2634/1881 2588/4064/135 2589/4065/135 +f 1664/2634/1881 2589/4065/135 2590/4066/135 +f 2591/4067/135 2565/4047/135 2582/4053/135 +f 1664/2634/1881 2590/4066/135 2592/4068/135 +f 1664/2634/1881 2592/4068/135 2593/4069/135 +f 1664/2634/1881 2593/4069/135 2390/3773/135 +f 2594/4070/135 2595/4071/2521 2596/4072/135 +f 2588/4064/135 1542/2514/1777 2597/4073/135 +f 2598/1396/135 578/4022/135 2553/4010/135 +f 2597/4073/135 1542/2514/1777 2599/4074/135 +f 2598/1396/135 2553/4010/135 2550/4007/135 +f 2599/4074/135 1542/2514/1777 2498/3927/135 +f 2498/3927/135 1542/2514/1777 2600/4075/135 +f 2498/3927/135 2600/4075/135 2601/4076/135 +f 2498/3927/135 2601/4076/135 2602/4077/135 +f 2498/3927/135 2602/4077/135 2604/4078/135 +f 2498/3927/135 2604/4078/135 2538/4079/135 +f 2498/3927/135 2538/4079/135 2539/4080/135 +f 2498/3927/135 2539/4080/135 2431/3828/135 +f 2605/4081/135 2497/3926/135 2498/3927/135 +f 2606/4082/135 2565/4047/135 2591/4067/135 +f 2498/3927/135 2431/3828/135 2345/3707/135 +f 2498/3927/135 2345/3707/135 2347/3709/135 +f 2600/4075/135 1542/2514/1777 2607/4083/135 +f 2608/4084/2526 2400/3794/2457 544/4085/135 +f 2609/4086/135 2610/4087/135 2611/4088/135 +f 2607/4083/135 1542/2514/1777 2443/3840/135 +f 2609/4086/135 2612/4089/135 2610/4087/135 +f 1542/2514/1777 1541/2513/1776 1714/3841/135 +f 2609/4086/135 2613/4090/135 2612/4089/135 +f 2609/4086/135 2490/3918/135 2504/3937/135 +f 2605/4081/135 2566/4035/135 2497/3926/135 +f 2609/4086/135 2614/4091/135 2613/4090/135 +f 2609/4086/135 2504/3937/135 2615/4092/135 +f 1769/2789/2013 1767/2788/2012 1768/2790/2014 +f 2609/4086/135 2615/4092/135 2614/4091/135 +f 2608/4084/2526 552/4093/135 554/4094/135 +f 2609/4086/135 2611/4088/135 2616/4095/135 +f 2617/4096/135 2565/4047/135 2606/4082/135 +f 2608/4084/2526 548/4097/135 552/4093/135 +f 2564/4033/135 2353/3721/135 528/3720/135 +f 2608/4084/2526 544/4085/135 548/4097/135 +f 2618/4098/135 2379/3755/135 2381/3757/135 +f 544/4085/135 2400/3794/2457 538/3988/135 +f 2618/4098/135 2381/3757/135 2619/4099/135 +f 2620/4100/135 2594/4070/135 2596/4072/135 +f 2609/4086/135 2616/4095/135 2621/4101/135 +f 2622/4102/135 2576/2160/135 2587/2162/135 +f 2623/4103/135 2624/4104/135 2625/4105/135 +f 2623/4103/135 2621/4101/135 2624/4104/135 +f 2623/4103/135 2609/4086/135 2621/4101/135 +f 2347/3709/135 2605/4081/135 2498/3927/135 +f 7627/4106/57 7591/4107/57 7628/4108/57 +f 2628/4109/135 2627/4110/135 2626/4111/135 +f 2629/4112/135 2623/4103/135 2625/4105/135 +f 2631/4113/135 2627/4110/135 2628/4109/135 +f 2631/4113/135 2632/4114/135 2627/4110/135 +f 4028/4115/2527 4027/4116/2528 4046/4117/2529 +f 4072/4118/57 4726/4119/57 97/4120/57 +f 2635/4121/135 2636/4122/135 2637/4123/135 +f 2638/4124/135 2633/4125/135 2604/4078/135 +f 2635/4121/135 2622/4102/135 2587/2162/135 +f 2635/4121/135 2639/4126/135 2622/4102/135 +f 2635/4121/135 2637/4123/135 2639/4126/135 +f 4737/4127/2530 6572/2070/1457 6568/4128/2531 +f 1490/4129/57 7720/4130/57 7719/4131/57 +f 2397/3784/135 2391/4132/2532 2562/4133/135 +f 2643/4134/135 2631/4113/135 2628/4109/135 +f 2643/4134/135 2644/4135/135 2631/4113/135 +f 2643/4134/135 2645/4136/135 2644/4135/135 +f 2643/4134/135 2646/4137/135 2645/4136/135 +f 2647/4138/135 2643/4134/135 2628/4109/135 +f 2648/4139/135 2638/4124/135 2604/4078/135 +f 2649/4140/135 2650/4141/135 2651/4142/135 +f 2649/4140/135 2625/4105/135 2650/4141/135 +f 2649/4140/135 2629/4112/135 2625/4105/135 +f 2649/4140/135 2652/4143/135 2629/4112/135 +f 7155/4144/57 7269/4145/57 7156/4146/57 +f 2655/4147/135 2656/4148/135 2620/4100/135 +f 2649/4140/135 2657/4149/135 2652/4143/135 +f 2655/4147/135 2620/4100/135 2642/4150/135 +f 2649/4140/135 2658/4151/135 2657/4149/135 +f 3630/4152/2533 3631/4153/2534 3633/4154/2535 +f 480/1426/135 2661/4155/135 2662/4156/135 +f 480/1426/135 2660/4157/135 2661/4155/135 +f 7058/4158/57 7913/4159/57 7056/4160/57 +f 2400/3794/2457 546/3777/135 550/3911/135 +f 2666/4161/135 2648/4139/135 2604/4078/135 +f 2667/4162/135 2663/4163/135 2668/4164/135 +f 483/4165/135 2573/4040/135 2564/4033/135 +f 852/4166/2536 899/4167/2537 905/2560/1814 +f 2669/4168/2435 2663/4163/135 2667/4162/135 +f 2670/4169/135 2671/4170/135 2665/4171/135 +f 2672/4172/135 2656/4148/135 2655/4147/135 +f 2670/4169/135 2673/4173/135 2671/4170/135 +f 1567/4174/2538 1647/4175/2539 1570/4176/2540 +f 2670/4169/135 2663/4163/135 2669/4168/2435 +f 487/1427/135 2421/3818/135 2659/1425/135 +f 487/1427/135 2428/3826/135 2421/3818/135 +f 5563/3766/4 8572/4177/4 5473/4178/4 +f 487/1427/135 2676/4179/135 2428/3826/135 +f 7156/4146/57 7279/4180/57 7159/4181/57 +f 6574/2170/67 3936/4182/2541 3940/4183/65 +f 2680/4184/135 2647/4138/135 2628/4109/135 +f 1808/2847/2068 1807/2828/2051 1814/1846/1262 +f 2682/4185/135 2674/4186/135 2681/4187/135 +f 2336/3694/135 2651/4142/135 2337/3695/135 +f 2359/3732/2442 2630/1163/729 556/3733/135 +f 574/4001/135 2683/4188/135 2684/4189/135 +f 2336/3694/135 2649/4140/135 2651/4142/135 +f 574/4001/135 2641/4000/135 2683/4188/135 +f 2686/4190/135 2353/3721/135 2685/4191/135 +f 2687/4192/2542 2686/4190/135 2685/4191/135 +f 528/3720/135 483/4165/135 2564/4033/135 +f 7163/4193/57 7271/4194/57 7280/4195/57 +f 2688/4196/135 2690/4197/135 2691/4198/2435 +f 2354/3722/135 2353/3721/135 2686/4190/135 +f 2688/4196/135 2677/4199/135 2690/4197/135 +f 2692/4200/135 2693/4201/2522 2694/4202/2542 +f 2695/4203/135 2688/4196/135 2691/4198/2435 +f 2696/4204/135 2693/4201/2522 2692/4200/135 +f 1353/2219/1584 1329/3054/2242 1326/3053/2241 +f 491/3858/135 2394/3781/135 2675/4205/135 +f 2392/3779/135 2697/4206/135 2689/4207/135 +f 2392/3779/135 2684/4189/135 2697/4206/135 +f 2698/4208/135 2699/4209/135 2700/4210/135 +f 7845/4211/57 7897/4212/57 7846/4213/57 +f 2698/4208/135 2700/4210/135 2703/4214/135 +f 2617/4096/135 2606/4082/135 2701/4215/135 +f 2698/4208/135 2703/4214/135 2666/4161/135 +f 7846/4213/57 7895/4216/57 7849/4217/57 +f 1567/4218/2543 1555/2534/1791 1562/2535/1792 +f 7586/4219/57 7595/4220/57 7593/4221/57 +f 2712/4222/135 2713/4223/135 2714/4224/135 +f 2351/3715/135 2674/4186/135 2682/4185/135 +f 2712/4222/135 2715/4225/135 2713/4223/135 +f 2619/4099/135 2696/4204/135 2692/4200/135 +f 2716/4226/135 2712/4222/135 2714/4224/135 +f 2716/4226/135 2714/4224/135 2717/4227/135 +f 2602/4077/135 2698/4208/135 2666/4161/135 +f 2602/4077/135 2666/4161/135 2604/4078/135 +f 2718/4228/135 2711/4229/135 2719/4230/135 +f 2720/2248/135 2721/4231/135 2715/4225/135 +f 2720/2248/135 2722/4232/135 2721/4231/135 +f 2720/2248/135 2715/4225/135 2712/4222/135 +f 2723/4233/135 2718/4228/135 2719/4230/135 +f 2723/4233/135 2719/4230/135 2724/4234/135 +f 2720/2248/135 2725/2247/135 2722/4232/135 +f 2726/4235/135 2706/4236/135 2709/4237/135 +f 2727/4238/135 2724/4234/135 2430/3827/135 +f 2726/4235/135 2709/4237/135 2728/4239/135 +f 2729/4240/135 2716/4226/135 2717/4227/135 +f 2727/4238/135 2723/4233/135 2724/4234/135 +f 2729/4240/135 2730/4241/135 2731/4242/135 +f 2729/4240/135 2717/4227/135 2730/4241/135 +f 2434/3831/135 2727/4238/135 2430/3827/135 +f 2350/3714/135 2674/4186/135 2351/3715/135 +f 7441/3702/57 7319/4243/57 7443/4244/57 +f 7901/4245/57 7061/4246/57 7883/4247/57 +f 2349/3763/135 2733/4248/135 2350/3714/135 +f 2344/3727/135 2726/4235/135 2728/4239/135 +f 2618/4098/135 2619/4099/135 2692/4200/135 +f 2349/3763/135 2734/4249/135 2733/4248/135 +f 2344/3727/135 2728/4239/135 2341/3699/135 +f 2346/3708/135 2731/4242/135 2347/3709/135 +f 2618/4098/135 2692/4200/135 2336/3694/135 +f 2346/3708/135 2729/4240/135 2731/4242/135 +f 2335/3693/135 2618/4098/135 2336/3694/135 +f 7641/4250/2544 7642/4251/2545 7640/4252/2544 +f 7291/4253/2546 7314/4254/2547 7315/4255/2547 +f 2833/4256/2548 2827/4257/510 2831/787/510 +f 350/4258/2549 351/4259/2550 352/4260/2551 +f 2708/4261/2552 5002/742/483 2709/4262/483 +f 7696/4263/2553 7695/4264/2554 7694/4265/2554 +f 4763/2399/1711 4769/4266/1701 4768/4267/1701 +f 4761/4268/1712 4765/4269/1701 4759/4270/1711 +f 7799/4271/2555 7761/4272/2556 7800/4273/2556 +f 7817/4274/2557 7818/4275/2558 7816/4276/2557 +f 7139/4277/2559 7136/4278/2560 7137/4279/2560 +f 1425/762/291 1382/2254/1614 1427/4280/186 +f 5187/4281/2561 2535/4282/2562 5188/4283/2562 +f 7407/4284/2563 7330/4285/2564 7408/4286/2564 +f 2627/4287/305 5201/4288/32 5202/450/305 +f 512/4289/2565 513/4290/2566 514/4291/2566 +f 8337/4292/2567 8338/4293/2568 8336/4294/2567 +f 4388/4295/2569 4391/4296/2570 4390/4297/2570 +f 7110/4298/725 7112/4299/2571 7113/4300/2571 +f 7543/4301/2572 7498/4302/2573 7531/4303/2573 +f 2637/4304/2574 4884/4305/2575 4869/4306/2574 +f 7725/4307/2576 7726/4308/2577 7724/4309/2576 +f 125/2500/1767 114/158/118 122/171/130 +f 2786/2353/1686 2788/4310/2578 2789/4311/2578 +f 2466/4312/2579 5412/4313/2580 5411/4314/2579 +f 2838/4315/2581 5525/4316/2582 5526/4317/2582 +f 4505/4318/2583 4506/4319/2584 4507/4320/2584 +f 4499/4321/2585 4500/4322/57 4501/4323/57 +f 4497/4324/2586 4498/4325/2585 4499/4321/2585 +f 2803/2468/1748 2805/4326/2587 2804/2469/1748 +f 7929/4327/2588 7930/4328/2589 7928/4329/2588 +f 5021/4330/2590 5093/4331/2591 5013/4332/2591 +f 95/4333/2592 86/4334/2593 91/4335/2593 +f 8423/4336/19 8420/4337/2594 8421/4338/2594 +f 764/4339/548 765/4340/549 763/4341/2595 +f 103/145/105 90/4342/2592 95/4333/2592 +f 1503/4343/2596 1505/4344/685 1504/4345/685 +f 7524/32/25 7507/4346/544 7525/841/544 +f 8087/4347/2597 8141/4348/2598 8140/4349/2599 +f 1504/4350/685 1506/4351/2369 1508/3449/2369 +f 8694/400/275 8729/4352/214 8700/4353/214 +f 2469/4354/2600 5363/4355/2601 5362/4356/2600 +f 5065/4357/2602 5035/4358/2603 5058/4359/2603 +f 610/885/575 605/4360/1756 608/4361/1755 +f 7437/4362/2604 7466/4363/2428 7436/4364/2604 +f 7135/4365/2605 7132/4366/2606 7133/4367/2606 +f 8254/4368/2607 8209/4369/2608 8255/4370/276 +f 2669/4371/2609 4820/4372/2610 4819/4373/2609 +f 87/4374/2383 77/4375/2611 84/4376/2611 +f 8605/4377/2612 8606/4378/2613 8604/4379/2612 +f 7564/485/327 7566/866/562 7567/868/562 +f 7942/2372/1694 7944/4380/2614 7945/4381/2614 +f 8465/4382/2615 8462/4383/2616 8463/4384/2616 +f 529/4385/2378 480/4386/2295 483/4387/2378 +f 7963/4388/2415 7964/4389/2617 7962/4390/2415 +f 5037/4391/2618 5058/4359/2603 5035/4358/2603 +f 7587/4392/1662 7588/1149/724 7586/2305/1662 +f 2360/321/226 5250/4393/1743 5249/322/226 +f 8058/4394/2619 8093/4395/2620 8064/3421/2356 +f 5059/4396/2621 5015/4397/2622 5060/4398/2622 +f 5537/121/87 5539/4399/2623 5538/122/87 +f 2407/4400/2624 5246/4401/2625 5245/4402/2624 +f 84/4376/2611 78/4403/19 79/4404/19 +f 2642/4405/2626 5269/4406/2627 5268/4407/2626 +f 5240/4408/2628 2656/3434/305 2674/4409/2628 +f 8517/4410/2629 8518/4411/2630 8516/4412/2629 +f 2864/4413/2631 2754/4414/2632 2752/4415/2632 +f 8216/4416/2633 8286/4417/176 8215/369/260 +f 709/4418/326 8260/4419/2634 8259/4420/326 +f 8367/4421/2635 8368/4422/2636 8366/4423/2635 +f 1543/2515/1778 1542/2514/1777 1664/2634/1881 +f 1554/2524/2637 1550/2520/1782 1657/2628/1875 +f 1550/2520/1782 1543/2515/1778 1657/2628/1875 +f 1543/2515/1778 1664/2634/1881 1657/2628/1875 +f 859/1253/2638 958/1424/2639 861/4424/2640 +f 1562/4425/2641 1560/4426/2642 1652/4427/2643 +f 861/4424/2640 957/2625/2644 865/4428/2645 +f 8294/4429/4 2863/4430/4 2861/4431/4 +f 952/4432/2646 877/4433/2647 875/4434/2648 +f 872/4435/2649 952/4432/2646 875/4434/2648 +f 949/4436/2650 881/4437/2651 877/4433/2647 +f 7917/4438/57 7058/4158/57 7063/4439/57 +f 2877/4440/2652 2878/4441/2653 2879/4442/2654 +f 3312/4443/2655 3341/4444/2656 3355/4445/2657 +f 5579/4446/2658 4305/4447/2659 4304/4448/2660 +f 5578/4449/2661 5898/4450/2662 5914/4451/2663 +f 4115/3867/2479 4135/2006/1400 4129/3868/2480 +f 2888/4452/2664 2890/4453/2665 2034/1808/1227 +f 4081/4454/2666 4214/1366/850 4215/4455/2667 +f 5584/4456/2668 5576/4457/2669 5583/4458/2670 +f 5611/4459/2671 5590/4460/2672 5591/4461/2673 +f 5615/1346/833 5614/4462/2674 5629/4463/2675 +f 2893/2985/2187 2900/4464/2676 2904/4465/2677 +f 2905/4466/2678 2034/1808/1227 2033/1821/1238 +f 2905/4466/2678 2033/1821/1238 2893/2985/2187 +f 5961/4467/2679 5958/4468/2680 5962/4469/2681 +f 2905/4466/2678 2893/2985/2187 2904/4465/2677 +f 1267/2849/2070 1263/1757/1185 1247/2964/2166 +f 2905/4466/2678 2888/4452/2664 2034/1808/1227 +f 3295/4470/2682 3314/4471/2683 3376/4472/2684 +f 3349/4473/2685 3337/4474/2686 3360/4475/2687 +f 2898/4476/2688 3148/4477/2689 3211/4478/2690 +f 6043/4479/2691 6002/4480/2692 6070/4481/2693 +f 5624/4482/2694 5622/4483/2695 5623/4484/2696 +f 2914/3855/2470 1699/4485/2697 1696/4486/2698 +f 2946/3856/2471 2965/4487/2699 2950/4488/2700 +f 5916/4489/2701 5627/4490/2702 5628/4491/2703 +f 5612/4492/2704 5578/4449/2661 5593/4493/2705 +f 2918/4494/2706 2920/4495/2707 2902/4496/2708 +f 4168/4497/2709 4197/4498/2710 4178/4499/2711 +f 2922/4500/2712 2914/3855/2470 1696/4486/2698 +f 3025/4501/2713 2974/4502/2714 3021/4503/2715 +f 5792/1324/814 5821/4504/2716 5796/1325/815 +f 2926/4505/2717 2922/4500/2712 1696/4486/2698 +f 5732/4506/2718 5696/4507/2719 5703/4508/2720 +f 8649/4509/4 1437/4510/4 8651/4511/4 +f 2879/4442/2654 2883/4512/2721 2877/4440/2652 +f 2939/4513/2722 2882/4514/2723 2923/4515/2724 +f 2932/3857/2472 1699/4485/2697 2914/3855/2470 +f 2920/4495/2707 3191/4516/2725 2902/4496/2708 +f 5743/4517/2726 5703/4508/2720 5719/4518/2727 +f 4284/4519/2728 5585/4520/2729 5630/4521/2730 +f 5589/2781/2005 5645/4522/2731 5625/4523/2732 +f 5653/4524/2733 5588/4525/2734 5611/4459/2671 +f 6250/4526/2735 6303/4527/2736 6248/4528/2737 +f 5691/4529/2738 5625/4523/2732 5645/4522/2731 +f 5650/4530/2739 5614/4462/2674 5646/4531/2740 +f 2941/4532/2741 2943/4533/2742 2933/4534/2743 +f 5600/4535/2744 5637/4536/2745 5626/4537/2746 +f 5652/4538/2747 5629/4463/2675 5650/4530/2739 +f 3438/4539/2748 3420/4540/2749 3441/4541/2750 +f 3466/4542/2751 3498/4543/2752 3501/4544/2753 +f 2919/4545/2754 3077/4546/2755 2962/4547/2756 +f 6203/4548/2757 6212/4549/2758 6218/4550/2759 +f 2953/4551/2760 2942/4552/2761 2949/4553/2762 +f 5868/4554/2763 5842/4555/2764 5845/4556/2765 +f 5649/4557/2766 5617/4558/2767 5619/4559/2768 +f 2956/4560/2769 1569/4561/2770 1565/4562/2771 +f 5651/4563/2772 5576/4457/2669 5609/4564/2773 +f 5946/4565/2774 5975/4566/2775 5983/4567/2776 +f 6728/1998/1392 6755/4568/2777 6733/4569/2778 +f 2960/4570/2779 2961/4571/2780 2954/4572/2781 +f 6208/4573/2782 6224/4574/2783 6231/4575/2784 +f 2962/4547/2756 2963/4576/2785 2957/4577/2786 +f 5609/4564/2773 5656/4578/2787 5651/4563/2772 +f 5656/4578/2787 4287/4579/2788 4286/4580/2789 +f 5658/4581/2790 5637/4536/2745 5649/4557/2766 +f 2966/4582/2791 2939/4513/2722 2923/4515/2724 +f 3105/4583/2792 3028/4584/2793 3080/4585/2794 +f 3535/4586/2795 3531/4587/2796 3550/4588/2797 +f 5633/4589/2798 5662/4590/2799 5640/4591/2800 +f 3372/4592/2801 3399/4593/2802 3334/4594/2803 +f 3335/4595/2804 3332/4596/2805 3330/4597/2806 +f 5737/1323/813 5695/4598/2807 5714/1355/839 +f 3168/4599/2808 3058/4600/2809 3139/4601/2810 +f 5680/4602/2811 4295/4603/2812 4293/4604/2813 +f 5647/4605/2814 5667/4606/2815 5654/4607/2816 +f 5618/4608/2817 5684/4609/2818 5646/4531/2740 +f 5619/4559/2768 5689/4610/2819 5649/4557/2766 +f 1611/4611/2820 1615/4612/2821 1607/4613/2822 +f 2980/4614/2823 2926/4505/2717 1696/4486/2698 +f 2982/4615/2824 1674/4616/2825 1673/4617/2826 +f 2982/4615/2824 1673/4617/2826 1712/4618/2827 +f 1608/4619/2828 1610/4620/2829 1609/4621/2830 +f 2935/4622/2831 2920/4495/2707 2918/4494/2706 +f 2984/4623/2832 2982/4615/2824 1712/4618/2827 +f 5645/4522/2731 5712/4624/2833 5691/4529/2738 +f 1932/4625/2834 1911/4626/2835 1933/4627/2836 +f 2984/4623/2832 1674/4616/2825 2982/4615/2824 +f 3853/4628/2837 3856/4629/2838 3871/4630/2839 +f 2988/4631/2840 2986/4632/2841 2984/4623/2832 +f 2989/4633/2842 2990/4634/2843 2986/4632/2841 +f 5675/4635/2844 5662/4590/2799 5666/4636/2845 +f 2989/4633/2842 2986/4632/2841 2988/4631/2840 +f 2987/4637/2846 2944/4638/2847 2979/4639/2848 +f 5698/4640/2849 5665/4641/2850 5688/4642/2851 +f 5679/4643/2852 5664/4644/2853 5675/4635/2844 +f 5891/4645/2854 5591/4461/2673 5590/4460/2672 +f 5917/4646/2855 5941/4647/2856 5961/4467/2679 +f 1017/4648/2857 5705/4649/2858 5687/4650/2859 +f 2996/4651/2860 1712/4618/2827 1709/4652/2861 +f 2997/4653/2862 2998/4654/2863 2990/4634/2843 +f 2997/4653/2862 2990/4634/2843 2989/4633/2842 +f 2999/4655/2864 2947/4656/2865 2945/4657/2866 +f 6594/4658/2867 3945/4659/2868 3943/4660/2869 +f 3000/4661/2870 2980/4614/2823 1696/4486/2698 +f 3001/4662/2871 1709/4652/2861 1705/4663/2872 +f 3199/4664/2873 3064/4665/2874 3158/4666/2875 +f 3212/4667/2876 2943/4533/2742 3221/4668/2877 +f 3130/4669/2878 3059/4670/2879 3126/4671/2880 +f 6778/4672/2881 6747/4673/2882 6771/4674/2883 +f 5697/4675/2884 5681/4676/2885 5687/4650/2859 +f 5785/4677/2886 5857/4678/2887 5829/4679/2888 +f 3009/4680/2889 3001/4662/2871 1705/4663/2872 +f 7183/4681/57 7122/4682/57 7124/4683/57 +f 5989/4684/2890 5996/4685/2891 6000/4686/2892 +f 3010/4687/2893 3011/4688/2894 2985/4689/2895 +f 5665/4641/2850 5602/4690/2896 5634/4691/2897 +f 6058/4692/2898 6044/4693/2899 6061/4694/2900 +f 5731/4695/2901 5688/4642/2851 5718/4696/2902 +f 5728/4697/2903 5687/4650/2859 5705/4649/2858 +f 5671/4698/2904 5702/4699/2905 5689/4610/2819 +f 3018/4700/2906 2998/4654/2863 2997/4653/2862 +f 3020/4701/2907 3009/4680/2889 1705/4663/2872 +f 5580/4702/2908 5643/4703/2909 5605/4704/2910 +f 3019/4705/2911 2973/4706/2912 2967/4707/2913 +f 3201/4708/2914 3071/4709/2915 3107/1370/854 +f 7478/4710/57 7506/4711/57 7508/4712/57 +f 3023/4713/2916 1565/4562/2771 1564/4714/2917 +f 3346/4715/2918 3319/4716/2919 3357/4717/2920 +f 3024/4718/2921 3020/4701/2907 1705/4663/2872 +f 3023/4713/2916 3005/4719/2922 1565/4562/2771 +f 5795/4720/2923 5805/4721/2924 5797/4722/2925 +f 3026/4723/2926 3009/4680/2889 3020/4701/2907 +f 5722/4724/2927 5709/4725/2928 5713/4726/2929 +f 5726/4727/2930 5670/4728/2931 5698/4640/2849 +f 5689/4610/2819 5714/1355/839 5695/4598/2807 +f 2933/4534/2743 2932/3857/2472 2941/4532/2741 +f 3569/1625/1061 3545/4729/2932 3496/1623/1059 +f 3123/4730/2933 3124/4731/2934 3125/4732/2935 +f 3397/4733/2936 3425/4734/2937 3393/4735/2938 +f 7798/4736/57 7796/4737/57 7788/4738/57 +f 5764/1615/1051 5723/4739/2939 869/4740/2940 +f 5741/2555/1809 5706/4741/2941 5737/1323/813 +f 5299/4742/135 5282/4743/135 5283/4744/135 +f 3061/4745/2942 3086/4746/2943 3076/4747/2944 +f 3380/4748/2945 3368/4749/2946 3385/4750/2947 +f 5729/4751/2948 5673/4752/2949 5685/4753/2950 +f 6194/4754/2951 6202/4755/2952 6189/4756/2953 +f 5777/4757/2954 5685/4753/2950 5725/4758/2955 +f 6205/4759/2956 4367/1019/658 6204/4760/2957 +f 6533/3646/2436 1469/4761/57 6628/4762/2958 +f 5992/4763/2959 6000/4686/2892 6003/4764/2960 +f 5115/4765/135 5143/4766/135 5147/4767/135 +f 3047/4768/2961 1696/4486/2698 1692/4769/2962 +f 3440/4770/2963 3433/4771/2964 3448/4772/2965 +f 4006/4773/2966 4031/4774/2967 4030/4775/2968 +f 5990/4776/2969 5985/4777/2970 5963/4778/2971 +f 5752/4779/2972 5611/4459/2671 5710/4780/2973 +f 3064/4665/2874 3023/4713/2916 1564/4714/2917 +f 5814/4781/2974 5729/4751/2948 5777/4757/2954 +f 1617/4782/2975 1620/3035/2227 1615/4612/2821 +f 2983/4783/2976 3040/4784/2977 3032/4785/2978 +f 5755/4786/2979 5732/4506/2718 5743/4517/2726 +f 3288/4787/2980 3298/4788/2981 3299/4789/2982 +f 6160/4790/2983 6110/4791/2984 6163/4792/2985 +f 2169/3217/447 2139/1066/414 2174/3228/459 +f 5686/1462/937 5762/4793/2986 5702/4699/2905 +f 5920/4794/2987 5956/3036/2228 5957/4795/2988 +f 3393/4735/2938 3381/4796/2989 3397/4733/2936 +f 5929/4797/2990 6225/4798/2991 5930/4799/2992 +f 2947/4656/2865 2918/4494/2706 2945/4657/2866 +f 5750/4800/2993 5721/4801/2994 5748/4802/2995 +f 3063/4803/2996 1705/4663/2872 1704/4804/2997 +f 5713/4726/2929 5751/4805/2998 5763/4806/2999 +f 5754/4807/3000 5701/4808/3001 5717/4809/3002 +f 5735/4810/3003 5756/4811/3004 5749/4812/3005 +f 6265/4813/3006 6268/4814/3007 6267/4815/3008 +f 5757/4816/3009 5717/4809/3002 5729/4751/2948 +f 3961/4817/3010 3962/4818/3011 3960/4819/3012 +f 2938/4820/3013 2928/4821/3014 2937/4822/3015 +f 3073/4823/3016 3057/4824/3017 3047/4768/2961 +f 6139/4825/3018 6152/4826/3019 6162/4827/3020 +f 5795/4720/2923 5767/4828/3021 5787/4829/3022 +f 5731/4695/2901 5791/4830/3023 5753/4831/3024 +f 3078/4832/3025 3024/4718/2921 3075/4833/3026 +f 5765/4834/3027 5612/4492/2704 5730/4835/3028 +f 3081/4836/3029 3063/4803/2996 1704/4804/2997 +f 1756/4837/3030 1660/2779/2003 1759/2778/2002 +f 5874/4838/3031 5760/4839/3032 5850/4840/3033 +f 5856/4841/3034 5826/4842/3035 5852/4843/3036 +f 4072/4118/57 89/4844/57 4070/4845/57 +f 3287/4846/3037 3317/4847/3038 3321/4848/3039 +f 5988/4849/3040 5968/4850/3041 5959/4851/3042 +f 3085/4852/3043 3047/4768/2961 1692/4769/2962 +f 5788/4853/3044 5761/4854/3045 5783/4855/3046 +f 3087/4856/3047 3047/4768/2961 3085/4852/3043 +f 5806/4857/3048 5725/4758/2955 5750/4800/2993 +f 3090/4858/3049 3081/4836/3029 1704/4804/2997 +f 3460/4859/3050 3453/4860/3051 3477/4861/3052 +f 5835/4862/3053 5816/4863/3054 5829/4679/2888 +f 5794/4864/3055 5657/4865/3056 5704/4866/3057 +f 3646/4867/3058 3597/4868/3059 3650/3205/2316 +f 5914/4451/2663 5896/4869/3060 5912/4870/3061 +f 3093/4871/3062 3047/4768/2961 3087/4856/3047 +f 3296/2533/1790 3249/4872/3063 3297/4873/3064 +f 3095/4874/3065 3085/4852/3043 1692/4769/2962 +f 5789/4875/3066 5769/4876/3067 5778/4877/3068 +f 5798/4878/3069 5753/4831/3024 5791/4830/3023 +f 5799/4879/3070 5774/4880/3071 5784/4881/3072 +f 5730/4835/3028 5593/4493/2705 5701/4808/3001 +f 3648/4882/3073 3627/4883/3074 3642/4884/3075 +f 5782/4885/3076 5793/4886/3077 5787/4829/3022 +f 5025/4887/135 4958/4888/135 4959/4889/135 +f 6042/2586/1837 936/4890/3078 6074/2584/1835 +f 3459/4891/3079 3451/4892/3080 3445/4893/3081 +f 5802/4894/3082 5787/4829/3022 5793/4886/3077 +f 3880/4895/3083 3892/4896/3084 3898/4897/3085 +f 5501/4898/4 4701/4899/4 5503/4900/4 +f 5999/4901/3086 6000/4686/2892 5996/4685/2891 +f 5963/4778/2971 5955/4902/3087 5920/4794/2987 +f 2985/4689/2895 2913/4903/3088 2940/4904/3089 +f 5754/4807/3000 5801/4905/3090 5786/4906/3091 +f 4292/4907/3092 5786/4906/3091 5801/4905/3090 +f 3696/4908/3093 3665/4909/3094 3664/4910/3095 +f 5816/4863/3054 5733/4911/3096 5773/4912/3097 +f 6489/4913/3098 6498/4914/3099 6506/4915/3100 +f 5653/4524/2733 5818/4916/3101 5712/4624/2833 +f 4301/4917/3102 5712/4624/2833 5818/4916/3101 +f 6796/4918/3103 6767/4919/3104 6788/4920/3105 +f 4277/4921/3106 5810/4922/3107 5874/4838/3031 +f 5936/4923/3108 5935/4924/3109 5933/4925/3110 +f 1591/1318/809 1597/1443/918 1596/1442/917 +f 5755/4786/2979 5810/4922/3107 5808/4926/3111 +f 3231/4927/3112 3180/4928/3113 3224/4929/3114 +f 3446/2699/1936 3448/4772/2965 3433/4771/2964 +f 3128/4930/3115 3052/4931/3116 3060/4932/3117 +f 3128/4930/3115 3018/4700/2906 3052/4931/3116 +f 3128/4930/3115 2998/4654/2863 3018/4700/2906 +f 6440/4933/3118 6431/4934/3119 6423/4935/3120 +f 3065/4936/3121 3123/4730/2933 3121/4937/3122 +f 3132/4938/3123 1704/4804/2997 1699/4485/2697 +f 3573/4939/3124 3559/4940/3125 3557/4941/3126 +f 5684/4609/2818 5739/4942/3127 5694/4943/3128 +f 5785/4677/2886 5720/4944/3129 5736/4945/3130 +f 3153/2579/1830 3093/4871/3062 3111/4946/3131 +f 4276/4947/3132 5756/4811/3004 5808/4926/3111 +f 5710/4780/2973 5591/4461/2673 5642/4948/3133 +f 6461/4949/3134 6468/2284/1642 6478/4950/3135 +f 3637/4951/3136 3651/4952/3137 3590/4953/3138 +f 5727/4954/3139 5822/4955/3140 5746/4956/3141 +f 5759/4957/3142 5839/4958/3143 5790/4959/3144 +f 5779/4960/3145 5837/4961/3146 5824/4962/3147 +f 5830/4963/3148 5704/4866/3057 5747/4964/3149 +f 3195/4965/3150 3170/4966/3151 3190/4967/3152 +f 5826/4842/3035 5778/4877/3068 5819/4968/3153 +f 6067/2585/1836 6049/4969/3154 6034/4970/3155 +f 5281/4971/135 5318/4972/135 5280/4973/135 +f 3145/4974/3156 1559/4975/3157 1558/3091/2267 +f 3145/4974/3156 1564/4714/2917 1559/4975/3157 +f 2980/4614/2823 3017/4976/3158 3003/4977/3159 +f 5840/4978/3160 5742/4979/3161 5794/4864/3055 +f 3256/4980/3162 3579/4981/3163 3257/4982/3164 +f 5833/4983/3165 5777/4757/2954 5806/4857/3048 +f 3150/4984/3166 3132/4938/3123 1699/4485/2697 +f 5847/4985/3167 5815/4986/3168 5832/4987/3169 +f 3151/4988/3170 1564/4714/2917 3145/4974/3156 +f 3151/4988/3170 3145/4974/3156 1558/3091/2267 +f 4291/4989/3171 5765/4834/3027 5786/4906/3091 +f 4068/4990/57 76/4991/57 4065/4992/57 +f 5846/4993/3172 5788/4853/3044 5825/4994/3173 +f 5849/1616/1052 869/4740/2940 5841/4995/3174 +f 1512/4996/57 7280/4195/57 1509/4997/57 +f 5630/4521/2730 5583/4458/2670 5576/4457/2669 +f 6041/4998/3175 6052/4999/3176 6060/2577/1828 +f 5824/4962/3147 5858/5000/3177 5839/4958/3143 +f 3158/4666/2875 3151/4988/3170 1558/3091/2267 +f 5905/5001/3178 5648/5002/3179 5908/5003/3180 +f 5605/4704/2910 5581/5004/3181 5580/4702/2908 +f 3465/5005/3182 3523/5006/3183 3525/5007/3184 +f 3161/5008/3185 3095/4874/3065 1692/4769/2962 +f 3161/5008/3185 1692/4769/2962 1573/5009/3186 +f 6496/5010/3187 6503/5011/3188 6508/5012/3189 +f 5804/5013/3190 5877/5014/3191 5817/5015/3192 +f 5850/4840/3033 5746/4956/3141 5822/4955/3140 +f 7488/5016/57 7432/5017/57 7434/5018/57 +f 5852/4843/3036 5819/4968/3153 5847/4985/3167 +f 6405/1365/849 6404/5019/3193 6412/1363/847 +f 3171/5020/3194 3095/4874/3065 3161/5008/3185 +f 6375/5021/135 92/5022/135 100/5023/135 +f 3141/5024/3195 3002/5025/3196 3049/5026/3197 +f 3174/5027/3198 3142/5028/3199 3169/5029/3200 +f 5839/4958/3143 5616/1348/835 5851/1347/834 +f 6939/5030/3201 994/5031/3202 6957/5032/3203 +f 5823/5033/3204 5803/5034/3205 5820/1385/869 +f 3125/4732/2935 3121/4937/3122 3123/4730/2933 +f 5867/5035/3206 5846/4993/3172 5861/5036/3207 +f 3089/5037/3208 2995/5038/3209 3039/5039/3210 +f 5822/4955/3140 5859/5040/3211 5850/4840/3033 +f 6144/5041/3212 6137/5042/3213 6116/5043/3214 +f 5624/4482/2694 5806/4857/3048 5862/5044/3215 +f 3091/5045/3216 3113/5046/3217 3096/5047/3218 +f 6482/5048/3219 6472/2286/1644 6464/2285/1643 +f 6736/5049/3220 6708/5050/3221 6729/1579/1030 +f 5882/5051/3222 5830/4963/3148 5855/5052/3223 +f 5921/5053/3224 6239/1709/1142 5922/5054/3225 +f 3184/5055/3226 3155/5056/3227 3152/5057/3228 +f 6220/5058/3229 6213/5059/3230 5934/5060/3231 +f 5881/5061/3232 5844/5062/3233 5873/5063/3234 +f 3186/5064/3235 3161/5008/3185 1573/5009/3186 +f 5893/5065/3236 5867/5035/3206 5884/5066/3237 +f 3189/5067/3238 3150/4984/3166 1699/4485/2697 +f 5278/5068/135 5292/5069/135 5300/5070/135 +f 6105/5071/3239 6101/5072/3240 6114/5073/3241 +f 3162/5074/3242 3226/5075/3243 3187/5076/3244 +f 5977/5077/3245 5968/4850/3041 5975/4566/2775 +f 4293/4604/2813 5801/4905/3090 5848/5078/3246 +f 5832/4987/3169 5876/5079/3247 5847/4985/3167 +f 3459/4891/3079 3452/5080/3248 3498/4543/2752 +f 5284/5081/135 5299/4742/135 5283/4744/135 +f 5902/5082/3249 5811/5083/3250 5887/1614/1050 +f 5577/5084/3251 5866/5085/3252 5898/4450/2662 +f 3382/5086/3253 3385/4750/2947 3388/5087/3254 +f 5770/5088/3255 5889/5089/3256 5855/5052/3223 +f 5562/5090/4 148/5091/4 5520/5092/4 +f 5847/4985/3167 5883/5093/3257 5852/4843/3036 +f 3352/5094/3258 3398/5095/3259 3414/5096/3260 +f 5948/5097/3261 5917/4646/2855 5954/2021/1415 +f 6189/4756/2953 6174/5098/3262 6194/4754/2951 +f 3279/5099/3263 3584/5100/3264 3262/5101/1858 +f 5669/160/120 5707/5102/3265 5720/4944/3129 +f 6807/5103/3266 6802/5104/3267 6803/5105/3268 +f 5877/5014/3191 5631/5106/3269 5885/5107/3270 +f 3208/5108/3271 3169/5029/3200 3203/5109/3272 +f 6086/5110/3273 6063/5111/3274 6059/5112/3275 +f 3212/4667/2876 3189/5067/3238 1699/4485/2697 +f 4308/5113/3276 5818/4916/3101 5843/5114/3277 +f 4123/5115/3278 4106/5116/3279 4119/5117/3280 +f 6611/5118/3281 6639/5119/3282 6629/5120/3283 +f 5831/2782/2006 5588/4525/2734 5589/2781/2005 +f 6860/5121/3284 6839/5122/3285 6838/5123/3286 +f 2933/4534/2743 3212/4667/2876 1699/4485/2697 +f 5885/5107/3270 5639/5124/3287 5891/4645/2854 +f 4040/5125/3288 4026/5126/1505 4034/5127/3289 +f 5625/4523/2732 5862/5044/3215 5589/2781/2005 +f 5623/4484/2696 5833/4983/3165 5624/4482/2694 +f 3220/5128/3290 3199/4664/2873 2047/1809/1228 +f 6816/2862/2083 6940/5129/3291 6266/5130/3292 +f 2886/5131/3293 3184/5055/3226 3181/5132/3294 +f 4264/5133/3295 6148/5134/3296 6151/5135/3297 +f 4299/5136/3298 5691/4529/2738 4300/5137/3299 +f 5267/5138/135 5316/5139/135 5266/5140/135 +f 6768/5141/3300 6761/5142/3301 6764/5143/3302 +f 5574/5144/3303 5889/5089/3256 5897/5145/3304 +f 5892/5146/3305 5636/5147/3306 5900/5148/3307 +f 69/5149/3308 28/22/18 68/5150/3309 +f 6495/5151/3310 6475/5152/3311 6491/5153/3312 +f 5799/4879/3070 5906/5154/3313 5837/4961/3146 +f 3589/5155/3314 3601/5156/3315 3597/4868/3059 +f 5602/4690/2896 5871/5157/3316 5635/5158/3317 +f 3224/4929/3114 3220/5128/3290 2047/1809/1228 +f 5903/5159/3318 5845/4556/2765 5880/5160/3319 +f 5599/1293/784 5878/5161/3320 5895/5162/3321 +f 5584/4456/2668 5838/5163/3322 5866/5085/3252 +f 3229/5164/3323 3186/5064/3235 1573/5009/3186 +f 5905/5001/3178 5876/5079/3247 5900/5148/3307 +f 3231/4927/3112 3224/4929/3114 2047/1809/1228 +f 1734/5165/3324 1735/1572/1023 1733/5166/1011 +f 5770/5088/3255 5745/5167/3325 5768/5168/3326 +f 5904/5169/3327 5823/5033/3204 5865/5170/3328 +f 3233/5171/3329 3203/5109/3272 3230/5172/3330 +f 3232/5173/3331 3231/4927/3112 2047/1809/1228 +f 3232/5173/3331 3190/4967/3152 3231/4927/3112 +f 3234/5174/3332 3186/5064/3235 3229/5164/3323 +f 6206/5175/3333 6184/5176/3334 6179/5177/3335 +f 3541/5178/3336 3544/5179/3337 3553/5180/3338 +f 5608/5181/3339 5881/5061/3232 5581/5004/3181 +f 3235/5182/3340 3232/5173/3331 2047/1809/1228 +f 5575/5183/3341 5897/5145/3304 5904/5169/3327 +f 2884/5184/3342 2934/5185/3343 3202/5186/3344 +f 5845/4556/2765 5797/4722/2925 5805/4721/2924 +f 2976/5187/3345 3163/5188/3346 2977/5189/3347 +f 3237/5190/3348 3209/5191/3349 3204/5192/3350 +f 5837/4961/3146 5598/5193/3351 5858/5000/3177 +f 3237/5190/3348 3235/5182/3340 2047/1809/1228 +f 5655/5194/3352 5908/5003/3180 5648/5002/3179 +f 5988/4849/3040 6007/5195/3353 6010/5196/3354 +f 3198/5197/3355 3135/5198/3356 3191/4516/2725 +f 4172/5199/3357 4161/5200/3358 4164/5201/3359 +f 3119/5202/3360 3213/5203/3361 3120/5204/3362 +f 3242/5205/3363 1573/5009/3186 1569/4561/2770 +f 3242/5205/3363 3229/5164/3323 1573/5009/3186 +f 2887/5206/3364 2886/5131/3293 3218/5207/3365 +f 5882/5051/3222 5607/5208/3366 5606/5209/3367 +f 5599/1293/784 5610/5210/3368 5604/1291/782 +f 2906/5211/3369 3173/2581/1832 3238/2580/1831 +f 5912/4870/3061 5594/5212/3370 5914/4451/2663 +f 5583/4458/2670 5880/5160/3319 5584/4456/2668 +f 3243/5213/3371 3215/5214/3372 3227/5215/3373 +f 6103/5216/3374 6113/5217/3375 6096/5218/3376 +f 3243/5213/3371 3207/5219/3377 3215/5214/3372 +f 3191/4516/2725 3118/5220/3378 3167/5221/3379 +f 6950/1699/1132 6905/5222/3380 6924/1697/1130 +f 5582/5223/3381 5580/4702/2908 5581/5004/3181 +f 3008/5224/3382 2955/5225/3383 3003/4977/3159 +f 893/5226/3384 896/5227/1815 889/5228/3385 +f 6944/1698/1131 6916/1811/1230 6935/3058/2246 +f 5595/5229/3386 1339/3071/2255 5592/5230/3387 +f 6013/5231/3388 5993/5232/3389 6022/5233/3390 +f 3214/5234/3391 3206/5235/3392 2931/5236/3393 +f 5585/4520/2729 5903/5159/3318 5583/4458/2670 +f 5001/5237/135 5005/5238/135 5000/5239/135 +f 5939/5240/3394 5922/5054/3225 6239/1709/1142 +f 3247/5241/3395 3248/5242/3396 3249/4872/3063 +f 1564/4714/2917 3158/4666/2875 3064/4665/2874 +f 3562/5243/3397 3577/5244/3398 3579/4981/3163 +f 4075/1515/978 4087/2060/1448 4088/123/88 +f 3350/5245/3399 3329/5246/3400 3326/5247/3401 +f 3146/5248/3402 3174/5027/3198 3181/5132/3294 +f 3264/5249/3403 1732/5250/3404 1728/5251/3405 +f 3166/5252/3406 3084/5253/3407 3110/5254/3408 +f 5953/5255/3409 5948/5097/3261 5976/2020/1414 +f 3264/5249/3403 3246/5256/3410 1732/5250/3404 +f 4247/5257/3411 5953/5255/3409 4248/5258/3412 +f 3429/5259/3413 3437/5260/3414 3421/5261/3415 +f 5935/4924/3109 5945/5262/3416 5943/5263/3417 +f 5943/5263/3417 5946/4565/2774 5965/5264/3418 +f 4793/5265/135 4825/5266/135 4826/5267/135 +f 3291/5268/3419 3307/5269/3420 3309/5270/3421 +f 5938/5271/3422 5958/4468/2680 5940/5272/3423 +f 5952/5273/3424 5936/4923/3108 5951/5274/3425 +f 3278/2611/1859 3281/5275/3426 3280/2609/1857 +f 3139/4601/2810 3179/5276/3427 3168/4599/2808 +f 3283/5277/3428 3284/5278/3429 3251/5279/3430 +f 3395/5280/3431 3409/5281/3432 3387/5282/3433 +f 3432/5283/3434 3443/5284/3435 3472/5285/3436 +f 911/5286/3437 1021/2704/1941 1020/2697/1934 +f 3289/5287/3438 3290/5288/3439 1722/5289/3440 +f 5937/5290/3441 5950/5291/3442 5939/5240/3394 +f 5949/5292/3443 5963/4778/2971 5950/5291/3442 +f 5635/5158/3317 5860/5293/3444 5888/5294/3445 +f 5954/2021/1415 5961/4467/2679 5971/5295/3446 +f 3253/5296/3447 3246/5256/3410 3244/5297/3448 +f 5742/4979/3161 5642/4948/3133 5657/4865/3056 +f 3623/2589/1840 3604/5298/3449 3598/2587/1838 +f 5972/5299/3450 5965/5264/3418 5993/5232/3389 +f 5987/2022/1416 4249/5300/3451 5976/2020/1414 +f 4160/5301/3452 4174/5302/3453 4163/5303/3454 +f 7724/5304/57 7760/5305/57 7770/5306/57 +f 6240/5307/3455 1027/5308/3456 5967/5309/3457 +f 3305/5310/3458 3276/5311/3459 3264/5249/3403 +f 6727/1844/1260 6715/5312/3460 6723/5313/3461 +f 3307/5269/3420 3289/5287/3438 1722/5289/3440 +f 5951/5274/3425 5933/4925/3110 5979/5314/3462 +f 5970/5315/3463 5981/5316/3464 5982/5317/3465 +f 5979/5314/3462 4363/2551/1805 4361/5318/3466 +f 3277/5319/3467 3247/5241/3395 3286/5320/3468 +f 3308/5321/3469 3281/5275/3426 3278/2611/1859 +f 3311/5322/3470 3305/5310/3458 3264/5249/3403 +f 3311/5322/3470 3264/5249/3403 1728/5251/3405 +f 3314/5323/2683 3275/5324/3471 3306/5325/3472 +f 5660/5326/3473 5648/5002/3179 5654/4607/2816 +f 5983/4567/2776 5965/5264/3418 5946/4565/2774 +f 6018/5327/3474 4254/5328/3475 5987/2022/1416 +f 6493/5329/3476 6506/4915/3100 6509/5330/3477 +f 5991/5331/3478 5984/5332/3479 6004/5333/3480 +f 4278/5334/3481 5874/4838/3031 5886/5335/3482 +f 5978/5336/3483 5989/4684/2890 5992/4763/2959 +f 5959/4851/3042 5985/4777/2970 5988/4849/3040 +f 5973/5337/3484 5990/4776/2969 5949/5292/3443 +f 3323/5338/3485 1722/5289/3440 1723/5339/3486 +f 3323/5338/3485 3307/5269/3420 1722/5289/3440 +f 5994/5340/3487 5982/5317/3465 5981/5316/3464 +f 5959/4851/3042 5969/5341/3488 5960/5342/3489 +f 5986/5343/3490 5992/4763/2959 5997/5344/3491 +f 7246/5345/57 7362/5346/57 7361/5347/57 +f 3328/5348/3492 1723/5339/3486 1770/5349/3493 +f 5975/4566/2775 5995/5350/3494 5998/5351/3495 +f 5751/4805/2998 5782/4885/3076 5763/4806/2999 +f 3157/5352/3496 3073/4823/3016 3140/5353/3497 +f 5980/5354/3498 6001/5355/3499 5973/5337/3484 +f 6003/4764/2960 5997/5344/3491 5992/4763/2959 +f 5998/5351/3495 5983/4567/2776 5975/4566/2775 +f 3080/4585/2794 3017/4976/3158 3074/5356/3500 +f 3335/5357/2804 3328/5348/3492 1770/5349/3493 +f 913/5358/3501 915/5359/3502 914/5360/3503 +f 6006/5361/3504 6003/4764/2960 6000/4686/2892 +f 3339/5362/3505 3335/5357/2804 1770/5349/3493 +f 6001/5355/3499 6007/5195/3353 5990/4776/2969 +f 5658/4581/2790 5695/4598/2807 5706/4741/2941 +f 5964/5363/3506 5986/5343/3490 6014/5364/3507 +f 3065/4936/3121 3043/5365/3508 3053/5366/3509 +f 2919/4545/2754 2885/5367/3510 2907/5368/3511 +f 3343/5369/3512 1640/5370/3513 1637/5371/3514 +f 3343/5369/3512 1642/5372/1586 1640/5370/3513 +f 3010/4687/2893 3120/5204/3362 3011/4688/2894 +f 5984/5332/3479 6014/5364/3507 6025/5373/3515 +f 3345/5374/3516 1642/2221/1586 3343/5375/3512 +f 4256/5376/3517 6018/5327/3474 6028/5377/3518 +f 6779/5378/3519 6754/2922/2130 6775/5379/3520 +f 3348/5380/3521 1642/2221/1586 3345/5374/3516 +f 6014/5364/3507 5997/5344/3491 6021/5381/3522 +f 3351/5382/3523 1642/2221/1586 3348/5380/3521 +f 3351/5382/3523 1868/2198/1564 1642/2221/1586 +f 2886/5131/3293 3174/5027/3198 3218/5207/3365 +f 3353/5383/3524 1637/5384/3514 1635/5385/3525 +f 5719/4518/2727 5699/5386/3526 5715/5387/3527 +f 5760/4839/3032 5743/4517/2726 5746/4956/3141 +f 5998/5351/3495 6016/5388/3528 6023/5389/3529 +f 6018/5327/3474 5991/5331/3478 6028/5377/3518 +f 6024/5390/3530 940/5391/3531 6032/5392/3532 +f 6028/5377/3518 6004/5333/3480 6040/5393/3533 +f 6174/5098/3262 6179/5177/3335 6184/5176/3334 +f 7128/5394/57 7186/5395/57 7126/5396/57 +f 3062/5397/3534 3036/5398/3535 3059/4670/2879 +f 6008/5399/3536 6021/5381/3522 5997/5344/3491 +f 6030/5400/3537 6016/5388/3528 6010/5196/3354 +f 3362/5401/3538 1868/2198/1564 3351/5382/3523 +f 3363/5402/3539 1635/5385/3525 1631/5403/3540 +f 6027/5404/3541 6032/5405/3532 6042/2586/1837 +f 6025/5373/3515 6021/5381/3522 6035/5406/3542 +f 6033/5407/3543 6030/5400/3537 6026/5408/3544 +f 6217/5409/3545 6221/5410/3546 6223/5411/3547 +f 1663/5412/3548 1756/4837/3030 1751/5413/734 +f 3347/5414/3549 3370/5415/3549 3369/5416/3549 +f 3371/5417/3550 1868/2198/1564 3362/5401/3538 +f 3051/5418/3551 2897/5419/3552 3007/5420/3553 +f 3370/5421/3554 3347/4031/2517 3357/4717/2920 +f 6110/4791/2984 6189/4756/2953 6202/4755/2952 +f 3373/5422/3555 1868/2198/1564 3371/5417/3550 +f 5685/4753/2950 5667/4606/2815 5679/4643/2852 +f 6042/2586/1837 6034/4970/3155 6027/5404/3541 +f 6043/4479/2691 5993/5232/3389 5965/5264/3418 +f 6004/5333/3480 6025/5373/3515 6047/5423/3556 +f 3378/5424/3557 1868/2198/1564 3373/5422/3555 +f 3379/5425/3558 1868/2198/1564 3378/5424/3557 +f 3357/4717/2920 3333/5426/3559 3370/5421/3554 +f 2928/4821/3014 3226/5075/3243 2895/5427/3560 +f 6048/5428/3561 6037/5429/3562 6054/5430/3563 +f 5930/4799/2992 5918/5431/3564 5948/5097/3261 +f 6011/5432/3565 1075/5433/3566 6051/5434/3567 +f 6054/5430/3563 6052/4999/3176 6048/5428/3561 +f 6039/5435/3568 6049/4969/3154 6055/5436/3569 +f 6036/5437/3570 6053/5438/3571 6073/5439/3572 +f 3387/5282/3433 3340/5440/3573 3383/5441/3574 +f 6047/5423/3556 6035/5406/3542 6058/4692/2898 +f 3211/4478/2690 3144/5442/3575 3205/5443/3576 +f 3391/5444/3577 1868/2198/1564 3379/5425/3558 +f 6055/5436/3569 6045/5445/3578 6039/5435/3568 +f 6891/1997/1391 6502/5446/3579 6485/5447/2469 +f 3395/5280/3431 3383/5441/3574 1770/5448/3493 +f 3395/5280/3431 3387/5282/3433 3383/5441/3574 +f 6046/5449/3580 6059/5112/3275 6063/5111/3274 +f 6061/4694/2900 6050/5450/3581 6065/5451/3582 +f 6066/5452/3583 6022/5233/3390 5993/5232/3389 +f 3219/5453/3584 3122/5454/3585 3178/5455/3586 +f 3400/5456/3587 3395/5280/3431 1770/5448/3493 +f 3402/5457/3588 1770/5448/3493 1768/5458/3589 +f 6836/5459/3590 6828/5460/3591 6826/5461/3592 +f 3402/5457/3588 3400/5456/3587 1770/5448/3493 +f 6066/5452/3583 6070/4481/2693 6076/5462/3593 +f 3405/1283/774 3369/1282/773 3370/5421/3554 +f 7025/5463/57 7133/4057/57 7131/5464/57 +f 6044/4693/2899 6036/5437/3570 6050/5450/3581 +f 1658/2780/2004 1724/2873/2090 1759/2778/2002 +f 6070/4481/2693 6041/4998/3175 6078/2576/1827 +f 3272/1302/793 3275/5324/3471 3295/5465/2682 +f 3333/5426/3559 3355/4445/2657 3377/5466/3594 +f 6165/5467/3595 6156/5468/3596 6167/5469/3597 +f 3410/5470/3598 3411/5471/3599 3310/5472/3600 +f 5766/1356/840 5817/5015/3192 5792/1324/814 +f 4363/2551/1805 6022/5233/3390 6081/5473/3601 +f 4257/5474/3602 6077/5475/3603 4260/5476/3604 +f 3415/5477/3605 1768/5458/3589 1767/2700/1937 +f 6055/5436/3569 6075/5478/3606 6080/5479/3607 +f 3415/5477/3605 3402/5457/3588 1768/5458/3589 +f 3194/5480/3608 3141/5024/3195 3164/5481/3609 +f 5019/5482/135 4957/5483/135 4958/4888/135 +f 6065/5451/3582 6082/5484/3610 6105/5071/3239 +f 3419/5485/3611 1868/2198/1564 3391/5444/3577 +f 3419/5485/3611 1862/5486/3612 1868/2198/1564 +f 6097/5487/3613 936/4890/3078 933/5488/3614 +f 6073/5439/3572 6064/5489/3615 6085/5490/3616 +f 6080/5479/3607 6059/5112/3275 6055/5436/3569 +f 6092/5491/3617 6087/2578/1829 6107/5492/3618 +f 4144/5493/3619 4126/5494/3620 4128/5495/3621 +f 6077/5475/3603 6061/4694/2900 6088/5496/3622 +f 6500/5497/3623 6508/5012/3189 6514/1870/1283 +f 3665/4909/3094 3654/5498/3624 3653/5499/3625 +f 6480/5500/3626 6490/5501/3627 6498/4914/3099 +f 6084/5502/3628 6076/5462/3593 6099/5503/3629 +f 5581/5004/3181 5873/5063/3234 5582/5223/3381 +f 6088/5496/3622 6065/5451/3582 6094/5504/3630 +f 3432/5283/3434 3426/5505/3631 3425/4734/2937 +f 6091/5506/3632 6069/5507/3633 6098/5508/3634 +f 3434/5509/3635 1631/5403/3540 1628/5510/3636 +f 3435/5511/3637 3427/5512/3638 1728/5251/3405 +f 6083/5513/3639 6071/5514/3640 6100/5515/3641 +f 6082/5484/3610 6085/5490/3616 6101/5072/3240 +f 3164/5481/3609 3217/5516/3642 3194/5480/3608 +f 96/5517/3643 105/5518/116 104/5519/119 +f 6089/5520/3644 6107/5492/3618 6087/2578/1829 +f 6101/5072/3240 6091/5506/3632 6102/5521/3645 +f 3442/5522/3646 1862/5486/3612 3419/5485/3611 +f 6094/5504/3630 6105/5071/3239 6133/5523/3647 +f 3423/5524/3648 3417/5525/3649 3438/4539/2748 +f 6096/5218/3376 6033/5407/3543 6005/5526/3650 +f 3418/5527/3651 3421/5261/3415 3437/5260/3414 +f 5800/5528/3652 5775/5529/3653 5788/4853/3044 +f 6102/5521/3645 6098/5508/3634 6112/5530/3654 +f 6111/5531/3655 6086/5110/3273 6080/5479/3607 +f 3439/5532/3656 3428/5533/3657 3406/5534/3658 +f 3331/5535/3659 3311/5322/3470 3336/5536/3660 +f 3449/5537/3661 3424/5538/3662 3422/5539/3663 +f 3452/5080/3248 3435/5511/3637 1728/5251/3405 +f 6112/5530/3654 6109/5540/3664 6116/5043/3214 +f 4850/5541/135 4858/5542/135 4857/5543/135 +f 3455/5544/3665 1628/5510/3636 1624/5545/3666 +f 6114/5073/3241 6102/5521/3645 6119/5546/3667 +f 6118/5547/3668 6054/5430/3563 6037/5429/3562 +f 1743/2753/1982 1740/1576/1027 1741/5548/3669 +f 5920/4794/2987 5950/5291/3442 5963/4778/2971 +f 6023/5389/3529 6002/4480/2692 5998/5351/3495 +f 6129/5549/3670 6124/5550/3671 6164/5551/3672 +f 3461/5552/3673 1766/5553/3674 1764/5554/3675 +f 6120/5555/3676 6097/5487/3613 933/5488/3614 +f 5835/4862/3053 5879/5556/3677 5861/5036/3207 +f 6109/5540/3664 1072/5557/3678 6126/5558/3679 +f 3465/5005/3182 3431/5559/3680 3458/5560/3681 +f 6118/5547/3668 6129/5549/3670 6136/5561/3682 +f 3467/5562/3683 1767/2700/1937 1766/5553/3674 +f 6210/5563/3684 6206/5175/3333 6199/5564/3685 +f 3469/5565/3686 1763/5566/3687 1762/5567/3688 +f 6371/5568/3689 6886/5569/3690 6358/5570/3691 +f 6093/5571/3692 6104/5572/3693 6134/5573/3694 +f 3426/5574/3695 3472/5575/3696 3471/5576/3696 +f 3432/5577/3697 3472/5575/3696 3426/5574/3695 +f 3323/5338/3485 3309/5270/3421 3307/5269/3420 +f 3474/5578/3698 3455/5544/3665 1624/5545/3666 +f 3216/5579/3699 2940/4904/3089 2913/4903/3088 +f 6078/2576/1827 6076/5462/3593 6070/4481/2693 +f 3555/3861/2475 3558/5580/3700 3576/2706/1943 +f 6121/5581/3701 6116/5043/3214 6137/5042/3213 +f 3666/5582/3702 3690/5583/3703 3672/5584/3704 +f 3479/5585/3705 1762/5567/3688 3480/5586/3706 +f 3479/5585/3705 3469/5565/3686 1762/5567/3688 +f 5796/1325/815 5827/5587/3707 5809/2556/1810 +f 3041/5588/3708 2994/5589/3709 3015/5590/3710 +f 3485/5591/3711 1860/2015/1409 1862/5486/3612 +f 3485/5591/3711 1862/5486/3612 3442/5522/3646 +f 5703/4508/2720 5693/5592/3712 5699/5386/3526 +f 3487/5593/3713 3455/5544/3665 3474/5578/3698 +f 3088/5594/3714 3031/5595/3715 3083/5596/3716 +f 3486/5597/3717 3471/5598/3718 3472/5285/3436 +f 6029/5599/3719 6011/5432/3565 6036/5437/3570 +f 6150/5600/3720 6142/5601/3721 6125/5602/3722 +f 6146/5603/3723 6119/5546/3667 6148/5134/3296 +f 6789/5604/3724 6776/5605/3725 6780/5606/3726 +f 3219/5453/3584 2911/5607/3727 2912/5608/3728 +f 3066/5609/3729 3013/5610/3730 3032/4785/2978 +f 6155/5611/3731 6176/5612/3732 6193/5613/3733 +f 5682/5614/3734 5708/5615/3735 5692/5616/3736 +f 6111/5531/3655 6155/5611/3731 6159/5617/3737 +f 6771/4674/2883 6735/5618/3738 6758/5619/3739 +f 3493/5620/3740 3460/4859/3050 3477/4861/3052 +f 6126/5558/3679 6128/5621/3741 6154/5622/3742 +f 6136/5561/3682 6164/5551/3672 6168/5623/3743 +f 6135/5624/3744 6154/5622/3742 6128/5621/3741 +f 6140/5625/3745 6156/5468/3596 6135/5624/3744 +f 6259/5626/3746 6248/4528/2737 6241/5627/3747 +f 3502/5628/3748 3479/5585/3705 3480/5586/3706 +f 3503/5629/3749 3493/5620/3740 3477/4861/3052 +f 3503/5629/3749 3505/5630/3750 3494/5631/3751 +f 3503/5629/3749 3494/5631/3751 3493/5620/3740 +f 3506/5632/3752 1860/2015/1409 3485/5591/3711 +f 5740/5633/3753 5697/4675/2884 5728/4697/2903 +f 6147/5634/3754 6117/5635/3755 6166/5636/3756 +f 6257/5637/3757 6277/5638/3758 6276/5639/3759 +f 3006/5640/3760 2988/4631/2840 2994/5589/3709 +f 6556/2271/1629 6554/5641/3761 6559/5642/3762 +f 3520/5643/3763 3514/5644/3764 3522/5645/3765 +f 3509/5646/3766 3489/5647/3767 3478/5648/3768 +f 6115/5649/3769 6159/5617/3737 6170/5650/3770 +f 3429/5259/3413 3402/5457/3588 3433/4771/2964 +f 3517/5651/3771 3511/5652/3772 3520/5643/3763 +f 3208/5108/3271 3233/5171/3329 3239/5653/3773 +f 3514/5644/3764 3502/5628/3748 3480/5586/3706 +f 3514/5644/3764 3480/5586/3706 3515/5654/3774 +f 6134/5573/3694 6139/4825/3018 6176/5612/3732 +f 3517/5651/3771 3505/5630/3750 3503/5629/3749 +f 6108/5655/3775 6134/5573/3694 6155/5611/3731 +f 3483/5656/3776 3519/5657/3776 3518/5658/3776 +f 6153/5659/3777 6099/5503/3629 6181/5660/3778 +f 3519/5661/3779 3483/5662/3780 3482/5663/3781 +f 6176/5612/3732 6162/4827/3020 6188/5664/3782 +f 3520/5643/3763 3505/5630/3750 3517/5651/3771 +f 3521/3860/2474 3507/5665/3783 3513/5666/3784 +f 3554/5667/3785 3565/5668/3786 3568/5669/3787 +f 3522/5645/3765 3515/5654/3774 3505/5630/3750 +f 6135/5624/3744 6130/5670/3788 6140/5625/3745 +f 3522/5645/3765 3514/5644/3764 3515/5654/3774 +f 3522/5645/3765 3505/5630/3750 3520/5643/3763 +f 3524/5671/3789 3452/5080/3248 1728/5251/3405 +f 1647/4175/2539 1572/5672/3790 1570/4176/2540 +f 3447/5673/3791 3422/5539/3663 3416/5674/3792 +f 3526/5675/3793 3474/5578/3698 1624/5545/3666 +f 6157/5676/3794 6143/5677/3795 6142/5601/3721 +f 3526/5675/3793 3487/5593/3713 3474/5578/3698 +f 3302/5678/3796 3295/4470/2682 3325/5679/3797 +f 6204/4760/2957 4366/5680/3798 6190/5681/3799 +f 3528/5682/3800 3518/5683/3801 3519/5661/3779 +f 3826/5684/3802 3817/5685/3803 3814/5686/3804 +f 3531/4587/2796 3524/5671/3789 1728/5251/3405 +f 3501/4544/2753 3535/4586/2795 3537/5687/3805 +f 3024/4718/2921 3083/5596/3716 3031/5595/3715 +f 5762/4793/2986 5804/5013/3190 5766/1356/840 +f 6194/4754/2951 6184/5176/3334 6214/5688/3806 +f 6192/5689/3807 6196/5690/3808 6187/5691/3809 +f 3536/5692/3810 3526/5675/3793 1624/5545/3666 +f 6191/5693/3811 6186/5694/3812 6183/5695/3813 +f 6168/5623/3743 6196/5690/3808 6199/5564/3685 +f 2902/4496/2708 2901/5696/3814 2918/4494/2706 +f 3537/5687/3805 3509/5646/3766 3501/4544/2753 +f 6193/5613/3733 6188/5664/3782 6209/5697/3815 +f 6159/5617/3737 6193/5613/3733 6195/5698/3816 +f 3456/5699/3817 3486/5597/3717 3450/5700/3818 +f 3513/5701/3784 3489/5647/3767 3509/5646/3766 +f 6160/4790/2983 6190/5681/3799 6132/5702/3819 +f 6198/1707/1140 6197/5703/3820 6186/5694/3812 +f 6163/4792/2985 6204/4760/2957 6160/4790/2983 +f 3546/5704/3821 1860/2015/1409 3506/5632/3752 +f 4909/5705/135 4891/5706/135 4877/5707/135 +f 6178/5708/3822 6206/5175/3333 6179/5177/3335 +f 6169/5709/3823 6185/5710/3824 6201/5711/3825 +f 3125/4732/2935 3068/5712/3826 3121/4937/3122 +f 6297/5713/3827 6282/2809/2032 6287/5714/3828 +f 7318/5715/57 7352/5716/57 7242/5717/57 +f 8650/5718/4 2826/5719/4 8648/5720/4 +f 4096/125/90 4672/5721/3829 4088/123/88 +f 6195/5698/3816 6209/5697/3815 6212/4549/2758 +f 6215/5722/3830 6214/5688/3806 6225/4798/2991 +f 3558/5580/3700 3521/3860/2474 3552/5723/3831 +f 2970/2771/1995 3027/5724/3832 2979/4639/2848 +f 6214/5688/3806 6217/5409/3545 5919/5725/3833 +f 5864/5726/3834 5828/5727/3835 5856/4841/3034 +f 5869/5728/3836 5829/4679/2888 5857/4678/2887 +f 5914/4451/2663 5593/4493/2705 5578/4449/2661 +f 5763/4806/2999 5787/4829/3022 5767/4828/3021 +f 6197/5703/3820 6188/5664/3782 6162/4827/3020 +f 3397/4733/2936 3418/5527/3651 3443/5284/3435 +f 3564/5729/3837 3531/4587/2796 1728/5251/3405 +f 6207/5730/3838 6218/4550/2759 6222/5731/3839 +f 6185/5710/3824 6182/5732/3840 6220/5058/3229 +f 5647/4605/2814 5636/5147/3306 5640/4591/2800 +f 6163/4792/2985 6202/4755/2952 6227/5733/3841 +f 5761/4854/3045 5672/5734/3842 5716/5735/3843 +f 6227/5733/3841 6215/5722/3830 5929/4797/2990 +f 3570/5736/3844 1728/5251/3405 1722/5289/3440 +f 3570/5736/3844 3564/5729/3837 1728/5251/3405 +f 3289/5287/3438 3292/5737/3845 3290/5288/3439 +f 4013/2074/1461 4007/5738/3846 4012/5739/3847 +f 3572/5740/3848 3281/5741/3426 1860/2015/1409 +f 3572/5740/3848 1860/2015/1409 3546/5704/3821 +f 916/5742/3849 921/5743/3850 912/5744/3851 +f 6231/4575/2784 6230/5745/3852 6240/5307/3455 +f 6210/5563/3684 6231/4575/2784 6234/5746/3853 +f 6216/5747/3854 6209/5697/3815 6188/5664/3782 +f 6228/3038/2230 6212/4549/2758 6209/5697/3815 +f 6223/5411/3547 5919/5725/3833 6217/5409/3545 +f 6225/4798/2991 5919/5725/3833 5918/5431/3564 +f 6218/4550/2759 6229/3037/2229 6235/5748/3855 +f 6201/5711/3825 6220/5058/3229 6232/5749/3856 +f 6219/5750/3857 6234/5746/3853 6236/5751/3858 +f 3578/5752/3859 1624/5545/3666 1732/5250/3404 +f 3578/5752/3859 3536/5692/3810 1624/5545/3666 +f 3578/5752/3859 3544/5179/3337 3536/5692/3810 +f 6640/5753/3860 3950/5754/3861 3954/5755/3862 +f 3346/4715/2918 3303/5756/3863 3315/5757/3864 +f 7085/5758/57 6994/5759/57 7086/5760/57 +f 3003/4977/3159 2926/4505/2717 2980/4614/2823 +f 5646/4531/2740 5597/5761/3865 5618/4608/2817 +f 5888/5294/3445 5854/5762/3866 5881/5061/3232 +f 3136/5763/3867 3169/5029/3200 3142/5028/3199 +f 3917/5764/3868 3918/5765/3869 3919/5766/3870 +f 3890/2799/2022 2371/3746/2448 2373/3748/2449 +f 5970/5315/3463 5931/5767/3871 5923/5768/3872 +f 6238/5769/3873 5944/5770/3874 6222/5731/3839 +f 3585/5771/3875 3292/5737/3845 3297/5772/3064 +f 6655/5773/135 63/5774/135 68/5775/135 +f 5641/5776/3876 5900/5148/3307 5636/5147/3306 +f 5947/5777/3877 5932/5778/3878 5940/5272/3423 +f 3253/5296/3447 3553/5180/3338 3245/5779/3879 +f 5977/5077/3245 5945/5262/3416 6238/5769/3873 +f 6237/5780/3880 5926/5781/3881 5932/5778/3878 +f 5926/5781/3881 5925/5782/3882 5923/5768/3872 +f 3587/5783/3883 3543/5784/3884 3545/4729/2932 +f 3543/5785/3885 3587/5786/3885 3268/5787/3885 +f 6205/4759/2956 6227/5733/3841 5928/5788/3886 +f 5315/5789/135 5246/5790/135 5297/5791/135 +f 6232/5749/3856 5934/5060/3231 5936/4923/3108 +f 6511/5792/3887 6512/5793/3888 6516/5794/3889 +f 3297/5772/3064 3586/5795/3890 3585/5771/3875 +f 3280/2609/1857 3281/5275/3426 3572/5796/3848 +f 1037/5797/3891 6239/5798/1142 6233/5799/1141 +f 3269/5800/3892 3268/5801/3893 3587/5783/3883 +f 4015/5802/3894 3939/5803/3895 3937/5804/3896 +f 7002/5805/57 7082/5806/57 7001/5807/57 +f 3470/5808/3897 3476/5809/3898 3516/5810/3899 +f 2003/2118/1503 2021/1789/1212 2022/2202/1568 +f 924/1362/846 923/5811/1846 917/1360/844 +f 6253/5812/3900 6254/2671/1916 6255/5813/3901 +f 3601/5156/3315 3602/5814/3902 3603/5815/3903 +f 3601/5156/3315 3588/5816/3904 3602/5814/3902 +f 6301/5817/3905 6241/5627/3747 6248/4528/2737 +f 1628/2600/1850 1627/5818/3906 1623/2598/1848 +f 4271/5819/3907 3022/5820/3908 4279/5821/3909 +f 7268/5822/57 7339/5823/57 7278/5824/57 +f 3609/5825/3910 1678/5826/3911 1675/5827/3912 +f 6249/5828/3913 6263/3803/2459 980/5829/3914 +f 3610/5830/3915 3601/5156/3315 3603/5815/3903 +f 6211/5831/3916 6219/5750/3857 6221/5410/3546 +f 3611/5832/3917 3612/5833/3918 3602/5814/3902 +f 3611/5832/3917 3613/5834/3919 3612/5833/3918 +f 3614/5835/3920 1682/5836/3921 1681/5837/3922 +f 5803/5034/3205 5758/5838/3923 5798/4878/3069 +f 3614/5835/3920 1681/5837/3922 3605/5839/3924 +f 6264/5840/3925 6251/5841/3926 6258/5842/3927 +f 3617/5843/3928 1682/5836/3921 3614/5835/3920 +f 6271/5844/3929 6247/5845/3930 6261/5846/3931 +f 3620/5847/3932 3610/5830/3915 3603/5815/3903 +f 6250/4526/2735 6270/5848/3933 6258/5842/3927 +f 7179/5849/57 7134/5850/57 7136/5851/57 +f 3607/5852/3934 3644/5853/3935 3647/5854/3936 +f 3622/5855/3937 3620/5847/3932 3603/5815/3903 +f 6261/5846/3931 6283/5856/3938 6271/5844/3929 +f 7180/5857/57 7136/5851/57 7138/5858/57 +f 3624/5859/3939 1684/5860/3940 1682/5836/3921 +f 3624/5859/3939 3622/5855/3937 3603/5815/3903 +f 6256/2670/1915 6275/2808/2031 6261/5846/3931 +f 3624/5859/3939 3603/5815/3903 1684/5860/3940 +f 6273/5861/3941 6264/5840/3925 6272/5862/3942 +f 1844/1818/1235 1835/1768/1193 1834/2885/2100 +f 5868/4554/2763 5621/5863/3943 5620/5864/3944 +f 1686/5865/3945 1684/5860/3940 3603/5815/3903 +f 3629/5866/3946 1679/5867/3947 1678/5826/3911 +f 3630/4152/2533 2990/4634/2843 2998/4654/2863 +f 6260/5868/3948 6246/5869/3949 6247/5845/3930 +f 3515/5654/3774 3678/5870/3950 3680/5871/3951 +f 998/1494/963 995/5872/3952 996/5873/3953 +f 6280/5874/3954 6281/5875/3955 6284/149/109 +f 6282/2809/2032 6253/5812/3900 6276/5639/3759 +f 3635/5876/3956 3633/4154/2535 3631/4153/2534 +f 3599/5877/3957 3635/5876/3956 3631/4153/2534 +f 3636/5878/3958 1679/5867/3947 3629/5866/3946 +f 6276/5639/3759 6287/5714/3828 6282/2809/2032 +f 3638/5879/3959 3631/4153/2534 3639/5880/3960 +f 7496/5881/57 7422/5882/57 7497/5883/57 +f 5144/5884/135 5095/5885/135 5096/5886/135 +f 6292/5887/3961 6269/5888/3962 6265/4813/3006 +f 3642/4884/3075 3611/5832/3917 3602/5814/3902 +f 3615/5889/3963 3638/5879/3959 3639/5880/3960 +f 6277/5638/3758 6299/5890/3964 6287/5714/3828 +f 5626/4537/2746 1004/5891/3965 5600/4535/2744 +f 3592/5892/3966 2986/4632/2841 3641/5893/3967 +f 6573/2069/1456 6537/5894/3968 6552/5895/3969 +f 5628/4491/2703 5910/5896/3970 5916/4489/2701 +f 8485/5897/4 8569/5898/4 8487/5899/4 +f 6298/5900/3971 6283/5856/3938 6293/2807/2030 +f 3647/5854/3936 3644/5853/3935 3633/4154/2535 +f 3648/4882/3073 3642/4884/3075 3602/5814/3902 +f 6309/5901/3972 6319/1320/810 6326/5902/3973 +f 3612/5903/3974 3613/5904/3974 3639/5905/3975 +f 3639/5905/3975 3613/5904/3974 3615/5906/3976 +f 3111/4946/3131 3225/5907/3977 3153/2579/1830 +f 3649/5908/3978 1681/5837/3922 1679/5867/3947 +f 6291/3865/2477 6246/5869/3949 6295/5909/3979 +f 7153/5910/57 7015/5911/57 7127/5912/57 +f 3604/5298/3449 3635/5876/3956 3599/5877/3957 +f 6315/5913/3980 6312/5914/3981 6318/5915/3982 +f 3594/5916/3983 1675/5827/3912 1674/4616/2825 +f 3594/5916/3983 1674/4616/2825 3592/5892/3966 +f 6252/5917/3984 6294/5918/3985 6303/4527/2736 +f 6269/5888/3962 6288/5919/3986 6268/4814/3007 +f 3626/5920/3987 3600/5921/3988 3638/5879/3959 +f 6248/4528/2737 6298/5900/3971 6301/5817/3905 +f 3651/4952/3137 3648/4882/3073 3602/5814/3902 +f 6304/5922/3989 6287/5714/3828 6299/5890/3964 +f 6247/5845/3930 6296/5923/3990 6300/148/108 +f 6261/5846/3931 6300/148/108 6256/2670/1915 +f 3588/5816/3904 3651/4952/3137 3602/5814/3902 +f 3656/5924/3991 3654/5498/3624 3655/5925/3992 +f 6308/5926/3993 6307/2664/1909 6305/2663/1908 +f 5912/4870/3061 5890/5927/3994 5908/5003/3180 +f 3165/5928/3995 3203/5109/3272 3169/5029/3200 +f 6274/3804/2460 6245/5929/3996 6260/5868/3948 +f 6303/4527/2736 6290/5930/3997 6298/5900/3971 +f 1048/5931/3998 6861/77/56 6880/5932/3999 +f 6322/3939/2489 6315/5913/3980 6317/3938/2488 +f 6354/5933/4000 6351/5934/4001 1062/5935/4002 +f 3594/5916/3983 3609/5825/3910 1675/5827/3912 +f 454/678/415 430/632/416 431/631/417 +f 3673/5936/4003 3674/5937/4004 3660/5938/4005 +f 1749/5939/4006 3674/5937/4004 1753/5940/4007 +f 3675/5941/4008 3676/5942/4009 3677/5943/4010 +f 6334/5944/4011 6324/3760/2453 6325/3759/2452 +f 3675/5941/4008 3677/5943/4010 3679/5945/4012 +f 6333/5946/4013 6172/5947/4014 6141/5948/4015 +f 3682/5949/4016 3675/5941/4008 3679/5945/4012 +f 2559/2177/1546 500/4042/135 2568/2176/1545 +f 3681/5950/4017 3666/5582/3702 3663/5951/4018 +f 6326/5952/3973 6320/5953/4019 6309/5954/3972 +f 3684/5955/4020 3676/5942/4009 3675/5941/4008 +f 3655/5925/3992 3679/5945/4012 3686/5956/4021 +f 3687/5957/4022 3674/5937/4004 3673/5936/4003 +f 3655/5925/3992 3682/5949/4016 3679/5945/4012 +f 3687/5957/4022 1753/5940/4007 3674/5937/4004 +f 6048/5428/3561 6023/5389/3529 6016/5388/3528 +f 3268/5801/3893 3265/5958/4023 3267/2756/1985 +f 2391/4132/2532 546/3777/135 2366/3740/2445 +f 3103/5959/4024 3094/5960/4025 3100/5961/4026 +f 6345/1322/812 6340/5962/4027 6347/5963/4028 +f 3691/5964/4029 3676/5942/4009 3684/5955/4020 +f 5859/5040/3211 5620/5864/3944 5886/5335/3482 +f 6346/5965/4030 6338/5966/4031 1059/5967/4032 +f 6328/5968/4033 6320/5953/4019 6346/5965/4030 +f 3656/5924/3991 3655/5925/3992 3686/5956/4021 +f 3662/5969/4034 3656/5924/3991 3686/5956/4021 +f 6348/5970/4035 6338/5971/4031 6326/5902/3973 +f 3694/5972/4036 3672/5584/3704 3690/5583/3703 +f 6348/5970/4035 6347/5963/4028 6351/5934/4001 +f 3695/3775/2455 3480/5586/3706 1762/5567/3688 +f 3695/3775/2455 3678/5870/3950 3480/5586/3706 +f 3696/4908/3093 3676/5942/4009 3691/5964/4029 +f 3697/1597/1042 1760/5973/4037 1757/5974/4038 +f 3698/5975/4039 1754/5976/4040 1753/5940/4007 +f 6341/5977/4041 6306/5978/4042 6308/5926/3993 +f 3698/5975/4039 3692/5979/4043 1754/5976/4040 +f 3698/5975/4039 1753/5940/4007 3687/5957/4022 +f 6005/5526/3650 1033/5980/4044 6096/5218/3376 +f 6350/5981/4045 6353/5982/4046 6343/5983/4047 +f 6340/5962/4027 6343/5983/4047 6353/5982/4046 +f 3700/5984/4048 3676/5985/4009 3696/5986/3093 +f 3701/5987/4049 1757/5974/4038 1754/5976/4040 +f 3701/5987/4049 1754/5976/4040 3683/5988/4050 +f 6323/5989/4051 6336/1321/811 6322/3939/2489 +f 3702/1596/1041 1761/5990/4052 1760/5973/4037 +f 3658/5991/4053 3676/5985/4009 3700/5984/4048 +f 6296/5923/3990 6280/5874/3954 6284/149/109 +f 2159/3233/432 2157/3245/468 2188/3244/467 +f 6325/3759/2452 6339/5992/4054 4266/5993/4055 +f 6355/5994/4056 6351/5934/4001 6347/5963/4028 +f 3703/5995/2456 1762/5996/3688 1761/5990/4052 +f 3703/3776/2456 3695/3775/2455 1762/5567/3688 +f 6349/5997/4057 6316/5998/4058 6318/5915/3982 +f 6308/5926/3993 6316/5998/4058 6341/5977/4041 +f 2923/4515/2724 2916/5999/4059 2915/6000/4060 +f 3680/5871/3951 3505/5630/3750 3515/5654/3774 +f 3680/5871/3951 3671/6001/4061 3505/5630/3750 +f 3660/5938/4005 3674/5937/4004 3676/5985/4009 +f 3660/5938/4005 3676/5985/4009 3658/5991/4053 +f 2759/6002/4 2876/6003/4 3704/6004/4 +f 5481/6005/4 4693/6006/4 4692/6007/4 +f 2876/6003/4 2873/6008/4 3706/6009/4 +f 2873/6008/4 2794/6010/4 3706/6009/4 +f 2794/6010/4 3707/6011/4 3706/6009/4 +f 3704/6004/4 2876/6003/4 3706/6009/4 +f 2818/6012/4 3731/6013/4 2821/6014/4 +f 2821/6014/4 3734/6015/4 2822/6016/4 +f 2815/6017/4 4683/6018/4 4682/6019/4 +f 3711/1276/4 2829/6020/4 2848/6021/4 +f 3711/1276/4 2848/6021/4 3712/6022/4 +f 3712/6022/4 2848/6021/4 2846/6023/4 +f 3712/6022/4 2846/6023/4 2844/6024/4 +f 2844/6024/4 2841/6025/4 3713/6026/4 +f 3712/6022/4 2844/6024/4 3713/6026/4 +f 3713/6026/4 2841/6025/4 2823/6027/4 +f 3714/6028/4 3713/6026/4 341/6029/4 +f 276/6030/4 3741/6031/4 273/6032/4 +f 3714/6028/4 341/6029/4 343/6033/4 +f 5521/6034/4 183/6035/4 186/6036/4 +f 339/6037/4 2823/6027/4 337/6038/4 +f 3714/6028/4 343/6033/4 345/6039/4 +f 5556/6040/4 186/6036/4 188/6041/4 +f 3714/6028/4 345/6039/4 3715/6042/4 +f 3715/6042/4 345/6039/4 298/6043/4 +f 2849/6044/4 2851/1477/4 333/1476/4 +f 2856/6045/4 283/6046/4 284/6047/4 +f 3715/6042/4 298/6043/4 297/6048/4 +f 1818/1769/1194 1817/2846/2067 1823/1767/1192 +f 3715/6042/4 297/6048/4 301/6049/4 +f 329/6050/4 2742/6051/4 2740/6052/4 +f 329/6050/4 2740/6052/4 2738/6053/4 +f 2748/6054/4 288/6055/4 2750/6056/4 +f 3715/6042/4 301/6049/4 3716/6057/4 +f 301/6049/4 307/6058/4 3716/6057/4 +f 3716/6057/4 307/6058/4 311/6059/4 +f 229/37/4 5558/6060/4 227/6061/4 +f 3716/6057/4 311/6059/4 315/6062/4 +f 325/6063/4 2862/6064/4 2864/6065/4 +f 2866/6066/4 291/6067/4 2793/6068/4 +f 321/6069/4 323/6070/4 2752/6071/4 +f 321/6069/4 2752/6071/4 319/6072/4 +f 319/6072/4 2752/6071/4 317/6073/4 +f 304/6074/4 303/6075/4 3717/6076/4 +f 3716/6057/4 315/6062/4 3717/6076/4 +f 315/6062/4 304/6074/4 3717/6076/4 +f 7553/6077/57 7599/6078/57 7608/6079/57 +f 3717/6076/4 303/6075/4 3718/6080/4 +f 309/6081/4 313/6082/4 2751/6083/4 +f 313/6082/4 317/6073/4 2751/6083/4 +f 317/6073/4 2752/6071/4 2751/6083/4 +f 3719/6084/4 3718/6080/4 2751/6083/4 +f 3719/6084/4 2751/6083/4 2872/6085/4 +f 3719/6084/4 2872/6085/4 2869/6086/4 +f 3719/6084/4 2869/6086/4 3720/6087/4 +f 3720/6087/4 2869/6086/4 2757/6088/4 +f 2759/6002/4 3705/6089/4 2760/6090/4 +f 3721/6091/4 2792/6092/4 3722/6093/4 +f 3722/6093/4 2792/6092/4 2790/6094/4 +f 3722/6093/4 2790/6094/4 3723/6095/4 +f 3723/6095/4 2790/6094/4 2788/6096/4 +f 3723/6095/4 2788/6096/4 3724/6097/4 +f 3724/6097/4 2788/6096/4 2787/6098/4 +f 3724/6097/4 2787/6098/4 3725/6099/4 +f 3725/6099/4 2787/6098/4 2785/6100/4 +f 3725/6099/4 2785/6100/4 3726/6101/4 +f 2771/6102/4 3739/6103/4 3737/6104/4 +f 2773/6105/4 3737/6104/4 3735/6106/4 +f 2775/6107/4 3735/6106/4 3733/6108/4 +f 5717/4809/3002 5660/5326/3473 5673/4752/2949 +f 2835/6109/4 4723/6110/4 2837/6111/4 +f 2777/6112/4 3729/6113/4 2779/129/4 +f 6318/5915/3982 6317/3938/2488 6315/5913/3980 +f 5472/6114/4 193/6115/4 5474/6116/4 +f 2746/6117/4 2745/6118/4 286/6119/4 +f 2748/6054/4 2746/6117/4 286/6119/4 +f 2866/6066/4 2868/6120/4 289/6121/4 +f 5468/6122/4 190/6123/4 191/6124/4 +f 2816/6125/4 4682/6019/4 4681/6126/4 +f 5503/4900/4 4700/6127/4 5505/6128/4 +f 5819/4968/3153 1009/6129/4062 5815/4986/3168 +f 5552/6130/4 188/6041/4 190/6123/4 +f 2858/6131/4 2860/6132/4 283/6046/4 +f 2793/6068/4 291/6067/4 293/6133/4 +f 3560/6134/4063 3574/6135/4064 3577/6136/3398 +f 2793/6068/4 293/6133/4 295/6137/4 +f 1876/2180/1549 1851/1820/1237 1877/1917/1324 +f 5223/6138/135 5228/6139/135 5229/6140/135 +f 2803/6141/4 2802/6142/4 3736/6143/4 +f 5505/6128/4 4699/6144/4 5507/6145/4 +f 2793/6068/4 295/6137/4 248/6146/4 +f 278/6147/4 2797/6148/4 276/6030/4 +f 2803/6141/4 3736/6143/4 3738/6149/4 +f 2806/6150/4 2803/6141/4 3738/6149/4 +f 2808/6151/4 2806/6150/4 3738/6149/4 +f 5495/6152/4 4706/6153/4 4705/6154/4 +f 3739/6103/4 2769/6155/4 3740/6156/4 +f 2769/6155/4 2767/6157/4 3740/6156/4 +f 3237/5190/3348 2034/1808/1227 2890/4453/2665 +f 2808/6151/4 3738/6149/4 3741/6031/4 +f 2810/6158/4 2808/6151/4 3741/6031/4 +f 2797/6148/4 2810/6158/4 3741/6031/4 +f 273/6032/4 3741/6031/4 3742/6159/4 +f 270/6160/4 272/6161/4 3742/6159/4 +f 272/6161/4 273/6032/4 3742/6159/4 +f 3740/6156/4 2767/6157/4 3743/6162/4 +f 2767/6157/4 2765/6163/4 3743/6162/4 +f 248/6146/4 247/6164/4 2794/6010/4 +f 247/6164/4 254/6165/4 2794/6010/4 +f 2793/6068/4 248/6146/4 2794/6010/4 +f 263/6166/4 265/6167/4 3744/6168/4 +f 265/6167/4 267/6169/4 3744/6168/4 +f 267/6169/4 270/6160/4 3744/6168/4 +f 270/6160/4 3742/6159/4 3744/6168/4 +f 3743/6162/4 2765/6163/4 3745/6170/4 +f 2765/6163/4 2763/6171/4 3745/6170/4 +f 251/6172/4 258/6173/4 3746/6174/4 +f 258/6173/4 261/6175/4 3746/6174/4 +f 261/6175/4 263/6166/4 3746/6174/4 +f 263/6166/4 3744/6168/4 3746/6174/4 +f 2763/6171/4 2760/6090/4 3747/6176/4 +f 3745/6170/4 2763/6171/4 3747/6176/4 +f 3747/6176/4 2760/6090/4 3705/6089/4 +f 252/6177/4 251/6172/4 3748/6178/4 +f 256/6179/4 252/6177/4 3748/6178/4 +f 251/6172/4 3746/6174/4 3748/6178/4 +f 309/6081/4 3718/6080/4 303/6075/4 +f 256/6179/4 3748/6178/4 3707/6011/4 +f 2402/6180/4065 5450/6181/4066 2405/6182/4066 +f 3505/5630/3750 3686/5956/4021 3753/6183/4067 +f 3754/6184/4068 3755/6185/4069 3756/6186/4070 +f 3756/6186/4070 3757/6187/4071 3758/6188/4072 +f 3756/6186/4070 3758/6188/4072 3759/6189/4073 +f 3754/6184/4068 3756/6186/4070 3760/6190/4074 +f 3756/6186/4070 3759/6189/4073 3760/6190/4074 +f 3761/2230/1593 3762/6191/4075 3763/2231/1594 +f 3686/5956/4021 3679/5945/4012 3764/6192/4076 +f 3679/5945/4012 3677/5943/4010 3764/6192/4076 +f 3753/6183/4067 3686/5956/4021 3764/6192/4076 +f 6365/6193/4077 6364/2692/1932 6366/6194/4078 +f 3753/6183/4067 3764/6192/4076 3765/6195/4079 +f 4226/6196/4080 4220/6197/4081 4223/6198/4082 +f 3765/6195/4079 3762/6191/4075 3766/6199/4083 +f 3762/6191/4075 3761/2230/1593 3766/6199/4083 +f 3677/5943/4010 3767/6200/4084 3768/6201/4085 +f 1951/2077/1464 1950/2004/1398 1963/2072/1459 +f 3767/6200/4084 3770/6202/4086 3771/6203/4087 +f 3770/6202/4086 3755/6185/4069 3771/6203/4087 +f 2825/6204/4 337/6038/4 2823/6027/4 +f 3768/6201/4085 3767/6200/4084 3771/6203/4087 +f 3755/6185/4069 3754/6184/4068 3771/6203/4087 +f 3772/6205/4088 3758/6188/4072 3757/6187/4071 +f 3772/6205/4088 3759/6189/4073 3758/6188/4072 +f 3772/6205/4088 3760/6190/4074 3759/6189/4073 +f 3773/6206/4089 3772/6205/4088 3757/6187/4071 +f 3774/6207/4090 3772/6205/4088 3773/6206/4089 +f 3775/6208/4091 3776/6209/4092 3774/6207/4090 +f 3775/6208/4091 3774/6207/4090 3773/6206/4089 +f 3777/6210/4093 3776/6209/4092 3775/6208/4091 +f 3778/6211/4094 3777/6210/4093 3775/6208/4091 +f 3779/6212/4095 3777/6210/4093 3778/6211/4094 +f 3780/6213/4096 3779/6212/4095 3778/6211/4094 +f 3781/6214/4097 3779/6212/4095 3780/6213/4096 +f 3782/6215/4098 3783/6216/4099 3784/6217/4100 +f 3751/6218/4101 3752/6219/4102 3782/6215/4098 +f 3785/6220/4103 3782/6215/4098 3784/6217/4100 +f 3785/6220/4103 3751/6218/4101 3782/6215/4098 +f 6386/6221/4104 6384/6222/4105 6387/6223/4106 +f 6388/6224/4107 6387/6225/4106 6389/6226/4108 +f 6390/6227/4109 6389/6226/4108 6391/6228/4110 +f 7577/6229/57 7622/6230/57 7624/6231/57 +f 6394/6232/4111 6393/6233/4112 6395/6234/4113 +f 3794/6235/4114 3783/6216/4099 3795/6236/4115 +f 4428/6237/4 4339/6238/4 4430/6239/4 +f 5721/4801/2994 5666/4636/2845 5711/6240/4116 +f 6744/6241/4117 6765/6242/4118 6764/5143/3302 +f 3190/4967/3152 3143/6243/4119 3180/4928/3113 +f 3801/6244/4120 3787/6245/4121 3784/6246/4100 +f 3801/6247/4120 3784/6217/4100 3799/6248/4122 +f 3802/6249/4123 3781/6214/4097 3780/6213/4096 +f 3802/6249/4124 3798/6250/4125 3781/6214/4126 +f 3325/5679/3797 3376/4472/2684 3398/5095/3259 +f 6402/6251/4127 6400/6252/4128 6405/1365/849 +f 6403/6253/4129 6402/6251/4127 6406/6254/4130 +f 6405/1365/849 6406/6254/4130 6402/6251/4127 +f 3806/6255/4131 3802/6249/4124 3780/6213/4132 +f 3807/6256/4133 3787/6257/4121 3801/6247/4120 +f 3482/5663/3781 3430/6258/4134 3519/5661/3779 +f 4163/5303/3454 4185/6259/4135 4181/6260/4136 +f 5875/6261/4137 5895/5162/3321 5878/5161/3320 +f 3811/6262/4138 3789/6263/4139 3787/6264/4121 +f 3811/6262/4138 3787/6264/4121 3807/6265/4133 +f 6416/6266/4140 6417/6267/4141 6428/6268/4142 +f 6413/6269/4143 6410/6270/4144 6415/6271/4145 +f 3815/6272/4146 3780/6213/4132 3778/6211/4147 +f 3815/6272/4146 3806/6255/4131 3780/6213/4132 +f 6752/6273/4148 6773/6274/4149 6760/6275/4150 +f 4046/4117/2529 4059/6276/4151 4054/6277/4152 +f 3818/6278/4153 3815/6272/4146 3778/6211/4147 +f 3819/6279/4154 3789/6263/4139 3811/6262/4138 +f 6421/6280/4155 6415/6271/4145 6422/6281/4156 +f 5587/6282/4157 5904/5169/3327 5909/1292/783 +f 6411/6283/4158 6414/6284/4159 6424/6285/4160 +f 1644/6286/4161 1576/6287/4162 1572/5672/3790 +f 3824/6288/4163 3789/6263/4139 3819/6279/4154 +f 3824/6288/4163 3791/6289/4164 3789/6263/4139 +f 4210/6290/852 4201/6291/4165 4203/6292/4166 +f 6598/1398/879 6622/6293/4167 6623/6294/4168 +f 5315/5789/135 5244/6295/135 5245/6296/135 +f 898/1327/817 891/1314/805 895/1316/807 +f 6423/4935/3120 6429/6297/4169 6422/6281/4156 +f 6428/6268/4142 6419/6298/4170 6416/6266/4140 +f 6432/6299/4171 6430/6300/4172 6434/6301/4173 +f 6795/6302/4174 6787/6303/4175 6789/5604/3724 +f 3833/6304/4176 3791/6289/4164 3824/6288/4163 +f 3834/6305/4177 3778/6211/4177 3775/6208/4177 +f 3834/6305/4178 3818/6278/4153 3778/6211/4147 +f 6435/6306/4179 6429/6297/4169 6437/6307/4180 +f 3836/6308/4181 3834/6305/4178 3775/6208/4182 +f 6437/6307/4180 6431/4934/3119 6439/6309/4183 +f 6943/3059/2247 6959/6310/4184 6950/1699/1132 +f 6423/4935/3120 6427/6311/4185 6440/4933/3118 +f 6425/6312/4186 6432/6299/4171 6442/6313/4187 +f 6434/6301/4173 6442/6313/4187 6432/6299/4171 +f 3841/6314/4188 3793/6315/4189 3791/6289/4164 +f 3841/6314/4188 3791/6289/4164 3833/6304/4176 +f 5934/5060/3231 5944/5770/3874 5935/4924/3109 +f 6437/6307/4180 6443/6316/4190 6435/6306/4179 +f 3845/6317/4191 2400/3794/2457 3793/6315/4189 +f 3845/6317/4191 3793/6315/4189 3841/6314/4188 +f 6446/6318/4192 6439/6309/4183 6448/6319/4193 +f 6442/6313/4187 6433/6320/4194 6425/6312/4186 +f 6449/6321/4195 6444/6322/4196 6453/6323/4197 +f 6436/6324/4198 6430/6300/4172 6420/6325/4199 +f 6445/6326/4200 6441/6327/4201 6451/6328/4202 +f 3850/6329/4203 2400/3794/2457 3845/6317/4191 +f 6447/6330/4204 6446/6318/4192 6452/6331/4205 +f 6455/6332/4206 6454/6333/4207 6470/6334/4208 +f 6448/6319/4193 6452/6331/4205 6446/6318/4192 +f 3852/6335/4209 2400/3794/2457 3850/6329/4203 +f 3194/5480/3608 2878/4441/2653 3227/5215/3373 +f 6450/6336/4210 6434/6301/4173 6430/6300/4172 +f 5776/6337/4211 5713/4726/2929 5772/6338/4212 +f 3856/4629/4213 3775/6208/4213 3773/6206/4213 +f 3856/4629/2838 3836/6308/4181 3775/6208/4182 +f 6456/6339/4214 6459/6340/4215 6474/6341/4216 +f 6456/6339/4214 6457/6342/4217 6450/6336/4210 +f 4014/2059/1447 4033/6343/4218 4018/2057/1445 +f 3859/6344/4219 3856/4629/2838 3773/6206/4220 +f 3104/6345/4221 3131/1371/855 3107/1370/854 +f 6463/6346/4222 6453/6347/4197 6464/2285/1643 +f 5704/4866/3057 5652/4538/2747 5700/6348/4223 +f 6444/6322/4196 6457/6342/4217 6466/6349/4224 +f 3864/6350/4225 3773/6351/4225 3757/6352/4225 +f 3864/6353/4226 3859/6344/4219 3773/6206/4220 +f 5616/1348/835 5597/5761/3865 5614/4462/2674 +f 1369/6354/1632 1367/2264/1623 1366/2409/1716 +f 3091/5045/3216 3030/6355/4227 3076/4747/2944 +f 6466/6349/4224 6460/6356/4228 6469/6357/4229 +f 6454/6333/4207 6465/6358/4230 6470/6334/4208 +f 4912/6359/135 4869/6360/135 4884/6361/135 +f 6466/6362/4224 6453/6347/4197 6444/6363/4196 +f 6460/6356/4228 6474/6341/4216 6477/6364/4231 +f 3833/6304/4176 3827/6365/4232 3835/6366/4233 +f 3872/6367/4234 2378/3754/2450 3867/6368/4235 +f 1101/1685/1118 1103/2823/2046 1108/1703/1136 +f 6473/6369/4236 6469/6370/4229 6476/6371/4237 +f 6469/6357/4229 6477/6364/4231 6488/6372/2062 +f 6481/6373/4238 6484/6374/4239 6487/2046/1434 +f 1977/2836/2058 1973/2065/1452 1962/2041/1429 +f 4632/3051/2239 4666/6375/4240 4677/6376/4241 +f 6464/2285/1643 6473/6369/4236 6482/5048/3219 +f 6894/6377/4242 6834/6378/4243 6843/6379/4244 +f 6312/5914/3981 6310/6380/4245 6311/6381/4246 +f 4078/6382/4247 4213/6383/4248 4214/1366/850 +f 4676/6384/4249 4636/1563/1014 4637/2761/1987 +f 5718/4696/2902 5659/6385/4250 5672/5734/3842 +f 6475/5152/3311 6486/6386/4251 6491/5153/3312 +f 3884/6387/4252 3881/6388/4253 3882/6389/4254 +f 6476/6371/4237 6488/2841/2062 6497/2840/2061 +f 5960/5342/3489 6235/5748/3855 6229/3037/2229 +f 6489/4913/3098 6491/5153/3312 6486/6386/4251 +f 1128/2149/1531 1114/2831/1420 1125/2866/1421 +f 3454/6390/4255 3485/5591/3711 3442/5522/3646 +f 4576/6391/4256 4586/6392/4257 4577/6393/4258 +f 6483/6394/4259 6497/2840/2061 6503/5011/3188 +f 3872/6367/4234 3883/6395/4260 3888/2797/2020 +f 1226/2955/2158 1264/3001/2194 1239/6396/2196 +f 6825/6397/4261 7866/79/57 7865/6398/57 +f 4341/6399/4262 1893/2092/1479 4343/6400/4263 +f 4678/6401/4264 4668/6402/4265 4628/6403/4266 +f 6222/5731/3839 6235/5748/3855 6238/5769/3873 +f 3900/6404/4267 3896/6405/4268 3897/6406/4269 +f 6499/6407/4270 6501/6408/1435 6505/6409/4271 +f 2373/3748/2449 3888/2797/2020 3890/2799/2022 +f 4158/6410/4272 4124/6411/4273 4142/6412/4274 +f 2581/4052/2523 4054/6277/4152 2585/4063/2525 +f 6638/6413/4275 6634/6414/1279 6604/6415/4276 +f 2921/6416/4277 3198/5197/3355 2920/4495/2707 +f 7006/6417/57 7085/5758/57 7084/6418/57 +f 3905/6419/4278 2371/3746/2448 3904/6420/4279 +f 6507/6421/4280 6509/5330/3477 6506/4915/3100 +f 6508/5012/3189 6504/6422/4281 6511/5792/3887 +f 3857/6423/4282 3871/4630/2839 3874/6424/4283 +f 972/1445/920 964/1431/906 971/1440/915 +f 3860/6425/4284 3851/6426/4285 3861/6427/4286 +f 3907/6428/4287 3900/6404/4267 3897/6406/4269 +f 6507/6421/4280 6514/1870/1283 6517/1869/1282 +f 6801/6429/4288 6796/4918/3103 6798/6430/4289 +f 6493/5329/3476 6494/6431/4290 6495/5151/3310 +f 3359/6432/4291 3363/5402/3539 3375/6433/4292 +f 3913/6434/4293 3911/6435/4294 3908/6436/4295 +f 1050/2751/1980 1054/1603/1048 1055/1602/1047 +f 6515/1868/1281 6516/5794/3889 6518/3968/2500 +f 6500/5497/3623 6506/4915/3100 6498/4914/3099 +f 4598/6437/4296 4550/6438/4297 4552/6439/4298 +f 6700/6440/4299 6680/6441/4300 6691/6442/4301 +f 6522/6443/4302 6523/3969/2501 6524/6444/4303 +f 6825/6397/4261 1527/6445/57 6525/6446/4304 +f 3919/5766/3870 3918/5765/3869 3914/6447/4305 +f 6585/6448/4306 6584/1878/1291 6536/2992/2193 +f 6510/6449/4307 6526/6450/4308 6494/6431/4290 +f 2364/3738/2443 3915/6451/4309 3917/5764/3868 +f 756/6452/4310 757/6453/500 755/6454/4310 +f 5322/6455/4311 5309/6456/1728 5323/6457/1728 +f 7889/6458/4312 7886/6459/4313 7887/6460/4313 +f 3926/6461/4314 3927/6462/4315 3928/6463/4316 +f 8679/6464/4317 8759/333/234 8680/6465/234 +f 3929/6466/4318 3931/6467/4319 3926/6461/4314 +f 3929/6466/4318 3926/6461/4314 3928/6463/4316 +f 5194/6468/4 2564/6469/4 5193/6470/4 +f 8535/6471/4320 8536/6472/4321 8534/6473/4320 +f 3929/6466/4318 3930/6474/4322 3932/6475/4323 +f 3938/6476/4324 3937/5804/3896 3939/5803/3895 +f 3940/88/65 3937/5804/3896 3938/6476/4324 +f 3941/6477/4325 3940/88/65 3938/6476/4324 +f 3749/6478/4326 3751/6218/4101 3942/6479/1923 +f 7225/2407/564 7185/6480/4327 7211/6481/4327 +f 3943/4660/2869 3945/4659/2868 3749/6478/4326 +f 3943/4660/2869 3749/6478/4326 3942/6479/1923 +f 3950/5754/3861 3951/1853/1269 3954/5755/3862 +f 354/6482/2370 355/6483/4328 356/6484/4328 +f 3943/6485/2869 3944/2680/1922 3946/3971/2503 +f 3952/6486/4329 3951/1853/1269 3953/6487/4330 +f 3954/5755/3862 3951/1853/1269 3952/6486/4329 +f 3955/6488/4331 3954/5755/3862 3952/6486/4329 +f 1957/2032/1423 1961/2044/1432 1974/2096/1475 +f 483/4165/135 2662/4156/135 2573/4040/135 +f 5724/6489/4332 5690/6490/4333 5696/4507/2719 +f 6586/2071/1458 6565/6491/4334 6575/6492/4335 +f 2056/3090/2266 2039/2164/1538 2046/1807/1226 +f 4311/6493/4336 1904/1918/1325 1877/1917/1324 +f 6479/6494/4337 6477/6364/4231 6474/6341/4216 +f 6549/6495/4338 4736/6496/4339 4735/6497/4340 +f 3970/6498/4341 3924/946/618 3923/809/523 +f 2158/6499/431 2154/643/427 2157/3245/468 +f 6550/6500/4342 6530/6501/4343 6549/6495/4338 +f 6394/6232/4111 1491/6502/57 6557/6503/4344 +f 4095/124/89 4102/2595/1845 4098/2594/1844 +f 6857/6504/4345 6852/1554/1009 6876/6505/4346 +f 3976/6506/4347 2359/3732/2442 3959/6507/4348 +f 6537/5894/3968 6539/6508/4349 6551/2269/1627 +f 3978/6509/4350 3979/6510/4351 3961/4817/3010 +f 3978/6509/4350 3961/4817/3010 3960/4819/3012 +f 6558/1943/1347 3936/4182/2541 6566/1944/1348 +f 4155/6511/4352 4151/6512/4353 4153/6513/4354 +f 3981/6514/4355 3965/6515/4356 3947/6516/4357 +f 6557/6503/4344 6556/2271/1629 6559/5642/3762 +f 3982/1164/730 2359/3732/2442 3976/6506/4347 +f 4578/6517/4358 4597/6518/4359 4579/6519/4360 +f 4169/6520/4361 4137/6521/4362 4150/6522/4363 +f 3969/6523/4364 3973/6524/2273 3972/6525/4365 +f 5809/2556/1810 5737/1323/813 5796/1325/815 +f 5573/6526/4366 5574/5144/3303 5575/5183/3341 +f 3056/6527/4367 3027/5724/3832 3054/6528/4368 +f 1304/2135/1517 1302/3040/2231 1291/2093/1480 +f 3987/6529/4369 3971/6530/4370 3979/6510/4351 +f 6564/6531/4371 6563/6532/4372 6568/4128/2531 +f 3987/6529/4369 2451/3852/2468 3970/6498/4341 +f 3987/6529/4369 3970/6498/4341 3971/6530/4370 +f 3988/6533/4373 3979/6510/4351 3978/6509/4350 +f 6932/6534/4374 6952/6535/4375 6908/6536/4376 +f 3991/6537/4377 3987/6529/4369 3979/6510/4351 +f 4308/5113/3276 5894/6538/4378 4309/6539/4379 +f 3992/6540/4380 3977/6541/4381 3984/6542/4382 +f 1175/1700/1133 1172/1666/1099 1186/1712/1145 +f 3967/2240/1603 3977/6543/4381 3985/2239/1602 +f 6840/6544/4383 6855/6545/4384 6843/6379/4244 +f 4814/6546/135 4819/6547/135 4815/6548/135 +f 6881/6549/4385 6843/6379/4244 6855/6545/4384 +f 3995/6550/4386 2419/3814/2461 3991/6537/4377 +f 7161/6551/57 7279/4180/57 7271/4194/57 +f 3964/6552/4387 3992/6540/4380 3957/6553/4388 +f 6180/6554/4389 6207/5730/3838 6182/5732/3840 +f 4362/6555/4390 1165/6556/2103 4361/5318/3466 +f 2472/3890/135 2422/3820/135 2425/3823/135 +f 1469/4761/57 6637/6557/4391 6636/6558/4392 +f 1358/1416/897 1356/3096/1254 1362/2234/1597 +f 4003/6559/4393 3999/6560/4394 3951/1853/1269 +f 6441/6327/4201 6449/6561/4195 6463/6346/4222 +f 4556/6562/4395 4616/6563/4396 4557/6564/4397 +f 6577/2952/2155 6539/6508/4349 6538/6565/4398 +f 1546/3095/2269 2052/2208/1551 2056/3093/2266 +f 4603/6566/4399 4584/6567/4400 4550/6438/4297 +f 4195/6568/4401 4172/5199/3357 4184/6569/4402 +f 3965/6515/4356 3949/1854/1270 3947/6516/4357 +f 3986/2998/2198 3966/1852/1268 3965/6515/4356 +f 3973/6524/2273 4002/6570/2272 3786/6571/4403 +f 1194/6572/2251 1196/2916/2126 1211/2934/2138 +f 6693/6573/4404 6685/6574/4405 6686/6575/4406 +f 6587/2243/1606 6640/5753/3860 6588/6576/4407 +f 6646/6577/4408 6588/6576/4407 6589/6578/4409 +f 6596/2242/1605 6591/6579/4410 6592/6580/4411 +f 6593/6581/4412 6594/4658/2867 6595/6582/4413 +f 5082/6583/135 5091/6584/135 5086/6585/135 +f 6543/2954/2157 6583/6586/4414 6544/6587/4415 +f 6595/6588/4413 6616/6589/4416 6593/6590/4412 +f 4017/6591/4417 2584/4061/2524 4019/6592/4418 +f 4023/1835/1251 4021/1837/1253 3933/6593/4419 +f 3275/5324/3471 3298/4788/2981 3306/5325/3472 +f 6602/6594/4420 6617/1400/881 6597/1399/880 +f 6612/3992/2508 6611/5118/3281 6629/5120/3283 +f 6608/2241/1604 6610/6595/4421 6618/6596/4422 +f 6587/2243/1606 6609/6597/4423 6608/2241/1604 +f 6920/6598/4424 6958/6599/4425 6925/6600/4426 +f 4027/6601/2528 4029/6602/4427 4033/6343/4218 +f 6590/6603/4428 6605/6604/4429 6591/6605/4410 +f 6601/6606/4430 6620/6607/4431 6615/6608/4432 +f 6632/1864/1277 6593/6590/4412 6616/6589/4416 +f 4038/6609/4433 4032/6610/4434 4039/6611/4435 +f 6611/6612/3281 6620/6607/4431 6633/6613/4436 +f 500/4042/135 2581/4052/2523 2585/4063/2525 +f 1310/3041/2174 1278/2052/1440 1297/2932/2136 +f 4040/5125/3288 4039/6611/4435 4041/2038/1427 +f 6621/3945/2492 6605/6604/4429 6614/3943/2490 +f 3530/6614/4437 3525/5007/3184 3566/6615/4438 +f 6616/6589/4416 6606/6616/4439 6624/1865/1278 +f 6419/6298/4170 6424/6285/4160 6414/6284/4159 +f 6119/5546/3667 6112/5530/3654 6121/5581/3701 +f 4045/2039/1428 2574/4041/2519 4043/2037/1426 +f 6622/6293/4167 4740/6617/4440 6626/6618/4441 +f 3783/6619/57 6/6620/57 3795/6621/57 +f 4048/6622/4442 4041/2038/1427 4049/6623/4443 +f 6623/6294/4168 6627/6624/4444 6628/4762/2958 +f 4048/6622/4442 4045/2039/1428 4041/2038/1427 +f 4050/6625/4445 3920/945/617 3925/947/619 +f 4050/6625/4445 4048/6622/4442 4049/6623/4443 +f 4050/6625/4445 2568/2176/1545 4048/6622/4442 +f 6781/6626/4446 6797/6627/4447 6791/6628/4448 +f 6628/4762/2958 6531/6629/4449 6533/3646/2436 +f 3223/6630/4450 3201/4708/2914 3210/1369/853 +f 1921/1959/1363 1932/4625/2834 1944/2033/1424 +f 6637/6557/4391 6635/6631/4451 6636/6558/4392 +f 6606/6616/4439 6592/6580/4411 6624/1865/1278 +f 6633/6632/4436 6632/6633/1277 6638/6413/4275 +f 963/1622/1058 1029/2720/1954 1064/1620/1056 +f 4583/6634/4452 4552/6439/4298 4599/6635/4453 +f 6634/1866/1279 6592/6580/4411 6591/6579/4410 +f 3973/6524/2273 3788/6636/4454 3972/6525/4365 +f 4011/6637/4455 4008/6638/4456 3928/6463/4316 +f 6641/6639/4457 6633/6632/4436 6638/6413/4275 +f 4988/6640/135 5009/1610/135 4987/6641/135 +f 6629/5120/3283 6643/1408/889 6635/6631/4451 +f 5303/6642/135 5271/6643/135 5308/6644/135 +f 4059/6276/4151 2585/4063/2525 4054/6277/4152 +f 972/1600/1045 1049/6645/4458 974/2750/1979 +f 6625/6646/4459 6596/2242/1605 6592/6580/4411 +f 4009/6647/4460 3927/6462/4315 4061/6648/4461 +f 4009/6647/4460 4061/6648/4461 4010/6649/4462 +f 6594/4658/2867 3946/6650/2503 6595/6582/4413 +f 4569/6651/4463 4577/6393/4258 4586/6392/4257 +f 4267/6652/4464 6367/6653/4465 4273/6654/4466 +f 6605/6604/4429 6634/6414/1279 6591/6605/4410 +f 3896/6405/4268 3894/6655/4467 3889/6656/4468 +f 1871/1851/1267 1872/2091/1478 1882/1903/1311 +f 4062/6657/4469 4063/6658/4470 4064/6659/4471 +f 2503/3936/135 2513/3951/2493 2524/1930/1335 +f 865/1270/764 858/1257/751 861/1259/756 +f 7381/6660/57 7384/6661/57 7380/6662/57 +f 4071/6663/4472 4070/6664/4473 4069/6665/4474 +f 4072/6666/4475 4070/6664/4473 4071/6663/4472 +f 4073/6667/4476 4072/6666/4475 4071/6663/4472 +f 4074/6668/4477 4073/6667/4476 4071/6663/4472 +f 4181/6260/4136 4194/6669/4478 4184/6569/4402 +f 4051/6670/4479 4014/3067/1447 4035/1836/1252 +f 4076/6671/4480 2555/4014/2514 4077/6672/4481 +f 6661/6673/4482 6664/6674/4483 6665/6675/4484 +f 4079/6676/4485 4080/6677/4486 2555/4014/2514 +f 4079/6676/4485 4081/4454/2666 4080/6677/4486 +f 4079/6676/4485 2555/4014/2514 4076/6671/4480 +f 4134/6678/4487 4109/6679/4488 4123/5115/3278 +f 6667/6680/4489 6668/6681/4490 6663/6682/4491 +f 4085/2105/1491 4071/6663/4472 4069/6665/4492 +f 4085/2105/1491 4084/2104/1490 4071/6663/4472 +f 4086/6683/4493 4085/2105/1491 4069/6665/4492 +f 6660/6684/4494 6673/6685/4495 6674/6686/4496 +f 4089/2061/1449 4088/123/88 4087/2060/1448 +f 6676/6687/4497 6670/6688/4498 6671/6689/4499 +f 6678/6690/4500 6671/6689/4499 6672/6691/4501 +f 6673/6685/4495 6677/6692/4502 6675/6693/4503 +f 4093/6694/4504 4069/6665/4504 4067/6695/4504 +f 4093/6694/4505 4086/6683/4493 4069/6665/4492 +f 6676/6687/4497 6680/6441/4300 6677/6692/4502 +f 6674/6686/4496 6681/6696/4506 6682/6697/4507 +f 6685/6574/4405 6675/6693/4503 6677/6692/4502 +f 4097/6698/4508 4093/6694/4505 4067/6695/4509 +f 4098/2594/1844 4096/125/90 4095/124/89 +f 6686/6575/4406 6677/6692/4502 6680/6441/4300 +f 6672/6691/4501 6687/6699/4510 6678/6690/4500 +f 6681/6696/4506 6688/6700/4511 6684/6701/4512 +f 6512/5793/3888 6513/6702/4513 6516/5794/3889 +f 6697/6703/4514 6684/6701/4512 6688/6700/4511 +f 4103/6704/4515 4096/125/90 4098/2594/1844 +f 3863/6705/4516 3857/6423/4282 3866/6706/4517 +f 5893/5065/3236 5915/6707/4518 5595/5229/3386 +f 1869/1738/1168 1870/1871/1284 1886/1882/1295 +f 4108/6708/4519 4067/6695/4509 4066/6709/4520 +f 4108/6708/4519 4097/6698/4508 4067/6695/4509 +f 6687/6699/4510 6695/6710/4521 6691/6442/4301 +f 4110/6711/4522 4108/6708/4519 4066/6709/4520 +f 6555/6712/4523 6553/2819/2042 6565/6491/4334 +f 6859/6713/4524 6838/5123/3286 6862/3089/2265 +f 6704/6714/4525 6691/6442/4301 6695/6710/4521 +f 4115/3867/2479 4104/2762/1988 4112/6715/4526 +f 6702/6716/4527 6701/6717/4528 6715/5312/3460 +f 6689/6718/4529 6703/6719/4530 6698/6720/4531 +f 6705/6721/4532 6683/1531/991 6694/6722/4533 +f 6709/6723/4534 6692/1529/989 6705/6721/4532 +f 4739/6724/4535 6529/6725/4536 6631/6726/4537 +f 6717/6727/4538 6693/6573/4404 6706/6728/4539 +f 6867/6729/2146 6821/6730/4540 6822/6731/2264 +f 6708/5050/3221 6694/6722/4533 6696/6732/4541 +f 6722/6733/4542 6695/6710/4521 6709/6723/4534 +f 6710/6734/4543 6700/6440/4299 6704/6714/4525 +f 6711/1999/1393 6698/6735/4531 6703/6736/4530 +f 4126/5494/3620 4066/6709/4520 4062/6657/4469 +f 4126/5494/3620 4110/6711/4522 4066/6709/4520 +f 7716/6737/57 7774/6738/57 7773/6739/57 +f 6713/6740/4544 6705/6721/4532 6708/5050/3221 +f 4128/5495/3621 4126/5494/3620 4062/6657/4469 +f 6716/2000/1394 6703/6736/4530 6707/6741/4545 +f 6721/6742/4546 6706/6728/4539 6710/6734/4543 +f 1684/6743/1903 1685/6744/4547 1683/6745/1901 +f 4132/6746/4548 2524/1930/1335 4116/1932/1337 +f 4132/6746/4548 4116/1932/1337 4129/3868/2480 +f 3825/6747/4549 3821/6748/4550 3816/6749/4551 +f 3352/5094/3258 3310/5472/3600 3344/6750/4552 +f 6723/5313/3461 6701/6717/4528 6711/1999/1393 +f 4137/6751/4553 4062/6752/4553 4064/6753/4553 +f 4137/6521/4362 4128/5495/3621 4062/6657/4469 +f 5857/4678/2887 5907/6754/4554 5869/5728/3836 +f 3530/6614/4437 3510/6755/4555 3481/6756/4556 +f 1941/1993/1387 1945/2852/2073 1960/6757/4557 +f 6732/1580/1031 6712/6758/4558 6714/6759/4559 +f 6746/6760/4560 6710/6734/4543 6730/6761/4561 +f 3827/6365/4232 3821/6748/4550 3829/6762/4562 +f 6731/6763/786 6717/6727/4538 6721/6742/4546 +f 6723/5313/3461 6733/4569/2778 6727/1844/1260 +f 4145/2007/1401 2533/3984/2506 4139/2008/1402 +f 6063/5111/3274 6057/6764/4563 6046/5449/3580 +f 6737/6765/4564 6707/6741/4545 6726/6766/4565 +f 5979/5314/3462 5972/5299/3450 6013/5231/3388 +f 6106/6767/4566 6100/5515/3641 6117/5635/3755 +f 4150/6522/4363 4137/6521/4362 4064/6659/4567 +f 6744/6241/4117 6740/3033/2225 6742/6768/4568 +f 6743/6769/4569 6726/6766/4565 6731/1295/786 +f 4155/6511/4352 4153/6513/4354 4156/6770/4570 +f 5861/5036/3207 5825/4994/3173 5835/4862/3053 +f 6398/6771/4571 6382/6772/4572 6400/6252/4128 +f 6714/6759/4559 6748/6773/4573 6732/1580/1031 +f 6414/6284/4159 6416/6266/4140 6419/6298/4170 +f 6752/6273/4148 6736/5049/3220 6738/1578/1029 +f 5640/4591/2800 5601/6774/4574 5633/4589/2798 +f 6716/2000/1394 6750/2921/2129 6728/1998/1392 +f 6732/1580/1031 6751/6775/4575 6738/1578/1029 +f 6131/6776/4576 6145/6777/4577 6095/6778/4578 +f 6753/6779/787 6721/6742/4546 6746/6760/4560 +f 6737/6765/4564 6754/2922/2130 6750/2921/2129 +f 5966/6780/4579 5923/5768/3872 5925/5782/3882 +f 6733/4569/2778 6734/6781/4580 6719/1842/1258 +f 6746/6760/4560 6756/6782/4581 6753/6779/787 +f 6757/6783/4582 6725/6784/4583 6739/6785/4584 +f 6761/5142/3301 6739/6785/4584 6741/3031/2223 +f 6760/6275/4150 6749/6786/4585 6752/6273/4148 +f 5768/5168/3326 5739/4942/3127 5758/5838/3923 +f 6514/1870/1283 6511/5792/3887 6515/1868/1281 +f 4171/6787/4586 2532/3983/2505 4167/6788/4587 +f 6748/6773/4573 6762/6789/4588 6751/6775/4575 +f 6766/6790/4589 6757/6783/4582 6761/5142/3301 +f 3565/5668/3786 3575/6791/4590 3580/6792/4591 +f 6764/5143/3302 6741/3031/2223 6744/6241/4117 +f 6767/4919/3104 6753/1296/787 6756/6793/4581 +f 2884/5184/3342 3197/6794/4592 2881/6795/4593 +f 4179/6796/4594 4157/6797/4595 4180/6798/4596 +f 4179/6796/4594 4176/6799/4597 4157/6797/4595 +f 2945/4657/2866 2987/4637/2846 2999/4655/2864 +f 6787/6303/4175 6774/6800/4598 6776/5605/3725 +f 3379/5425/3558 3392/6801/4599 3396/6802/4600 +f 6751/6775/4575 6774/6800/4598 6770/6803/4601 +f 6641/6639/4457 6604/6415/4276 6602/6594/4420 +f 6775/5379/3520 6743/6769/4569 6763/1294/785 +f 3284/5278/3429 3287/4846/3037 3288/4787/2980 +f 3803/6804/4602 3804/6805/4603 3800/6806/4604 +f 890/1310/801 889/5228/3385 887/1308/799 +f 4191/6807/4605 4179/6796/4594 4180/6798/4596 +f 2002/2117/1502 1976/2086/1473 1992/2107/1493 +f 6782/6808/4606 6775/5379/3520 6777/6809/4607 +f 6770/6803/4601 6785/6810/4608 6773/6274/4149 +f 3811/6262/4138 3808/6811/4609 3813/6812/4610 +f 6786/6813/4611 6760/6275/4150 6773/6274/4149 +f 6772/6814/4612 6793/6815/4613 6781/6816/4446 +f 5590/4460/2672 5821/4504/2716 5891/4645/2854 +f 6756/6793/4581 6788/4920/3105 6767/4919/3104 +f 6535/6817/4614 6536/2992/2193 6534/6818/2040 +f 4198/6819/4615 4180/6798/4596 4199/6820/4616 +f 4198/6819/4615 4191/6807/4605 4180/6798/4596 +f 6791/6628/4448 6778/6821/2881 6781/6626/4446 +f 6427/6311/4185 6425/6822/4186 6433/6823/4194 +f 6794/6824/4617 6785/6810/4608 6787/6303/4175 +f 2818/6012/4 4681/6126/4 3732/6825/4 +f 4204/6826/4618 4198/6819/4615 4199/6820/4616 +f 3101/6827/4619 3076/4747/2944 3086/4746/2943 +f 2542/3997/2510 4190/6828/4620 4193/2967/2169 +f 6782/6808/4606 6783/6829/4621 6784/6830/4622 +f 4056/6831/4623 4037/6832/4624 4051/6833/4479 +f 4599/6635/4453 4551/6834/4625 1743/6835/4626 +f 6799/6836/4627 6786/6813/4611 6792/6837/4628 +f 6802/6838/3267 6792/6837/4628 6794/6824/4617 +f 6777/6809/4607 6800/6839/4629 6782/6808/4606 +f 6576/3082/2156 6571/1942/1346 6583/6840/4414 +f 4211/6841/4630 4199/6842/4616 4212/6843/4631 +f 4211/6844/4630 4204/6826/4618 4199/6820/4616 +f 4077/6672/4481 4216/6845/4632 4217/6846/4633 +f 6504/6422/4281 6505/6409/4271 6512/5793/3888 +f 6806/6847/4634 6799/6848/4627 6802/5104/3267 +f 6358/5570/3691 6893/6849/4635 6359/6850/4636 +f 4215/4455/2667 4211/6841/4630 4212/6843/4631 +f 6621/3945/2492 6617/1400/881 6603/6851/4637 +f 6669/6852/4638 6798/6430/4289 6808/6853/4639 +f 2546/4002/2511 4209/6854/4640 4082/6855/4641 +f 6664/6674/4483 6805/6856/4642 6806/6847/4634 +f 6809/6857/4643 6797/6627/4447 6805/6856/4642 +f 6668/6681/4490 6808/6853/4639 6809/6857/4643 +f 6806/6847/4634 6665/6675/4484 6664/6674/4483 +f 4081/4454/2666 4215/4455/2667 4212/6843/4631 +f 4081/4454/2666 4212/6843/4631 4080/6677/4486 +f 3936/4182/2541 3937/6858/3896 3940/4183/65 +f 4220/6197/4081 3631/4153/2534 2998/4654/2863 +f 4221/6859/4644 4072/6666/4475 4073/6667/4476 +f 4221/6859/4644 4073/6667/4476 4074/6668/4477 +f 4222/1278/769 4221/6859/4644 4075/1515/978 +f 4221/6859/4644 4074/6668/4477 4075/1515/978 +f 4223/6198/4082 4224/6860/4645 4225/6861/4646 +f 6813/6862/4647 4252/6863/4648 4243/6864/4649 +f 4223/6198/4082 4225/6861/4646 4226/6196/4080 +f 4226/6196/4080 4225/6861/4646 4227/6865/4650 +f 3764/6192/4076 3762/6191/4075 3765/6195/4079 +f 3612/5833/3918 3639/5880/3960 4228/6866/4651 +f 3639/5880/3960 3631/4153/2534 4228/6866/4651 +f 3631/4153/2534 4220/6197/4081 4228/6866/4651 +f 4220/6197/4081 4227/6865/4650 4228/6866/4651 +f 6953/6867/4652 6907/6868/4653 6908/6536/4376 +f 6266/5130/3292 6817/2860/2081 6816/2862/2083 +f 4225/6861/4646 4231/6869/4654 4230/6870/4655 +f 4231/6869/4654 4221/6859/4644 4232/6871/4656 +f 4230/6870/4655 4231/6869/4654 4232/6871/4656 +f 4221/6859/4644 4222/1278/769 4232/6871/4656 +f 2027/2184/1552 2005/2147/1529 2014/2185/1541 +f 6324/3760/2453 6323/5989/4051 6313/3758/2451 +f 4234/6872/4657 3543/5784/3884 3268/5801/3893 +f 4234/6872/4657 3268/5801/3893 3267/2756/1985 +f 4253/6873/4658 4248/5258/3412 4249/5300/3451 +f 4635/6874/4659 4663/6875/4660 4631/3050/2238 +f 4237/2755/1984 3301/2757/1986 3303/5756/3863 +f 4237/2755/1984 3303/5756/3863 3316/6876/4661 +f 4237/2755/1984 3316/6876/4661 3347/4031/2517 +f 4259/6877/4662 4256/5376/3517 4257/5474/3602 +f 4238/4030/2516 3369/1282/773 3413/6878/4663 +f 4238/4030/2516 3413/6878/4663 3426/5505/3631 +f 4238/4030/2516 3426/5505/3631 3471/5598/3718 +f 4238/4030/2516 3471/5598/3718 3491/6879/4664 +f 4238/4030/2516 3491/6879/4664 3494/5631/3751 +f 4239/6880/4665 4238/4030/2516 3494/5631/3751 +f 4239/6880/4665 3494/5631/3751 3505/5630/3750 +f 4239/6880/4665 3505/5630/3750 3753/6183/4067 +f 4240/6881/4666 4220/6197/4081 2998/4654/2863 +f 4240/6881/4666 2998/4654/2863 3128/4930/3115 +f 4267/6652/4464 4272/6882/4667 4265/6883/4668 +f 4242/2229/1592 4243/6864/4649 4251/6884/4669 +f 4273/6654/4466 4233/6885/4670 4272/6882/4667 +f 4244/6886/4671 3128/4930/3115 3129/6887/4672 +f 4245/1020/659 4246/6888/4673 4247/5257/3411 +f 4244/6886/4671 3129/6887/4672 3125/4732/2935 +f 4245/1020/659 4247/5257/3411 4248/5258/3412 +f 4244/6886/4671 3125/4732/2935 3124/4731/2934 +f 1017/1517/980 977/1451/926 1013/1513/976 +f 4244/6886/4671 3124/4731/2934 3214/5234/3391 +f 4244/6886/4671 4240/6881/4666 3128/4930/3115 +f 3529/6889/4674 4234/6872/4657 4235/6890/4675 +f 4236/6891/4676 4220/6197/4081 4240/6881/4666 +f 4253/6873/4658 4249/5300/3451 4254/5328/3475 +f 4253/6873/4658 4254/5328/3475 4255/6892/4677 +f 4253/6873/4658 4255/6892/4677 4256/5376/3517 +f 2608/4084/2526 556/3733/135 2630/1163/729 +f 4258/6893/4678 3214/5234/3391 2927/6894/4679 +f 4258/6893/4678 2927/6894/4679 2929/6895/4680 +f 4258/6893/4678 2929/6895/4680 2938/4820/3013 +f 4258/6893/4678 2938/4820/3013 2963/4576/2785 +f 4258/6893/4678 2963/4576/2785 2964/6896/4681 +f 4259/6877/4662 4257/5474/3602 4260/5476/3604 +f 4259/6877/4662 4260/5476/3604 4261/6897/4682 +f 4259/6877/4662 4261/6897/4682 4262/6898/4683 +f 4259/6877/4662 4262/6898/4683 4263/6899/4684 +f 4258/6893/4678 4244/6886/4671 3214/5234/3391 +f 4259/6877/4662 4263/6899/4684 4264/5133/3295 +f 4265/6883/4668 4264/5133/3295 4266/5993/4055 +f 4265/6883/4668 4266/5993/4055 4267/6652/4464 +f 4268/6900/4685 4252/6863/4648 4269/6901/4686 +f 4268/6900/4685 4269/6901/4686 4270/6902/4687 +f 4265/6883/4668 4259/6877/4662 4264/5133/3295 +f 5301/6903/135 5270/6904/135 5303/6642/135 +f 4251/6884/4669 4252/6863/4648 4268/6900/4685 +f 4271/5819/3907 3115/6905/4688 3193/6906/4689 +f 4271/5819/3907 3193/6906/4689 2976/5187/3345 +f 4271/5819/3907 2976/5187/3345 2975/6907/4690 +f 4233/6885/4670 4223/6198/4082 4236/6891/4676 +f 4274/6908/4691 4268/6900/4685 4270/6902/4687 +f 4274/6908/4691 4270/6902/4687 4275/6909/4692 +f 4274/6908/4691 4275/6909/4692 4276/4947/3132 +f 4274/6908/4691 4276/4947/3132 4277/4921/3106 +f 4274/6908/4691 4277/4921/3106 4278/5334/3481 +f 4290/6910/4693 4299/5136/3298 4298/6911/4694 +f 4279/5821/3909 3022/5820/3908 3011/4688/2894 +f 4279/5821/3909 3011/4688/2894 3120/5204/3362 +f 4308/5113/3276 4298/6911/4694 4301/4917/3102 +f 4280/2987/2189 3213/5203/3361 3243/5213/3371 +f 4280/2987/2189 3243/5213/3371 2877/4440/2652 +f 4280/2987/2189 2877/4440/2652 2883/4512/2721 +f 4280/2987/2189 2883/4512/2721 2893/2985/2187 +f 4281/6912/4695 4278/5334/3481 4282/6913/4696 +f 4281/6912/4695 4282/6913/4696 4283/6914/4697 +f 4281/6912/4695 4283/6914/4697 4284/4519/2728 +f 4310/6915/4698 4306/6916/4699 1338/3061/2248 +f 4281/6912/4695 4284/4519/2728 4286/4580/2789 +f 4281/6912/4695 4286/4580/2789 4287/4579/2788 +f 4281/6912/4695 4274/6908/4691 4278/5334/3481 +f 4347/6917/4700 1860/2015/1409 4353/6918/4701 +f 4677/6376/4241 4650/6919/1016 4670/6920/1015 +f 4258/6893/4678 3115/6905/4688 4271/5819/3907 +f 4290/6910/4693 4291/4989/3171 4292/4907/3092 +f 4290/6910/4693 4292/4907/3092 4293/4604/2813 +f 4356/6921/4702 1177/2894/2108 4357/6922/4703 +f 4290/6910/4693 4293/4604/2813 4295/4603/2812 +f 4355/6923/4704 1198/1909/1317 4356/6921/4702 +f 4320/6924/4705 1253/2063/1450 1252/6925/1444 +f 88/143/103 97/6926/4706 96/5517/3643 +f 4298/6911/4694 4299/5136/3298 4300/5137/3299 +f 4298/6911/4694 4300/5137/3299 4301/4917/3102 +f 4008/6638/4456 4055/6927/4707 4044/2928/2135 +f 4303/6928/4708 4304/4448/2660 4305/4447/2659 +f 4303/6928/4708 4305/4447/2659 4306/6916/4699 +f 4335/6929/4709 1953/2024/1418 4337/6930/4710 +f 5824/4962/3147 5734/6931/4711 5779/4960/3145 +f 4303/6928/4708 4308/5113/3276 4309/6539/4379 +f 4303/6928/4708 4309/6539/4379 4304/4448/2660 +f 1305/3056/2244 1276/1755/1183 1296/3022/2215 +f 4334/6932/4712 1970/2025/1419 4335/6929/4709 +f 4358/6933/4713 1165/6556/2103 4360/6934/4714 +f 4332/6935/4715 1971/3024/2217 4334/6932/4712 +f 4357/6922/4703 1166/1826/1243 4358/6936/4713 +f 1959/2035/1425 1965/2011/1405 1975/2100/1486 +f 6482/5048/3219 6476/6371/4237 6483/6394/4259 +f 4333/2880/2097 1143/2132/1514 1133/1776/1200 +f 4296/6937/4716 1982/2081/1468 1948/2010/1404 +f 4344/2897/2111 1341/2197/1563 4346/6938/4717 +f 4339/6939/4718 1911/4626/2835 4341/6399/4262 +f 1985/3023/2216 1970/2025/1419 1971/3024/2217 +f 4322/6940/4719 1794/1679/1112 4324/6941/4720 +f 4340/6942/4721 1099/2826/2049 4342/2896/2110 +f 4337/6930/4710 1933/4627/2836 4339/6939/4718 +f 1122/1754/1182 4338/6943/4722 4336/2879/2096 +f 4351/6944/4723 1258/2842/2063 4352/6945/4724 +f 4319/6946/4725 1828/2235/1598 1825/1727/1160 +f 4350/6947/4726 1259/2843/2064 4351/6944/4723 +f 1322/2854/2075 1083/1951/1355 1336/3046/2236 +f 4313/6948/4727 1877/1917/1324 1851/1820/1237 +f 4331/6949/4728 1156/1817/1234 1143/2132/1514 +f 4315/6950/4729 1851/1820/1237 1838/1819/1236 +f 4349/6951/4730 1275/2099/1485 4350/6947/4726 +f 4346/6938/4717 1314/3043/2233 4348/6952/4731 +f 4327/6953/4732 1209/2960/2162 1182/1875/1288 +f 4325/6954/4733 1232/2055/1443 1209/2960/2162 +f 4326/6955/4734 2036/1773/1197 4328/6956/4735 +f 4352/6945/4724 1238/2990/2192 4354/6957/4736 +f 4321/6958/4737 1825/1727/1160 1816/1726/1159 +f 4354/6957/4736 1217/2965/2167 4355/6923/4704 +f 6804/3993/2509 6630/6959/4738 6662/6960/4739 +f 1121/2984/2186 4340/6942/4721 4338/6943/4722 +f 4318/6961/4740 1286/2094/1481 1253/2063/1450 +f 4324/6941/4720 1773/1678/1111 4326/6955/4734 +f 1988/3045/2235 4294/6962/4741 4289/6963/4742 +f 4016/2058/1446 3937/5804/3896 3935/6964/4743 +f 2011/1823/1240 4289/6963/4742 4288/6965/4744 +f 4328/6956/4735 2009/1772/1196 4330/6966/4745 +f 3195/4965/3150 3232/5173/3331 3235/5182/3340 +f 4330/6966/4745 1990/2901/2114 4332/6935/4715 +f 1239/6396/2196 1212/2112/1497 1226/2955/2158 +f 1207/6967/1173 1204/1910/1318 1193/2919/2118 +f 1972/6968/2060 1940/2036/1385 1959/2035/1425 +f 4302/6969/4746 1947/2013/1407 1927/2012/1406 +f 4471/6970/4747 4716/6971/4748 4717/6972/4747 +f 6569/6973/4749 6540/2818/2041 6560/6974/4750 +f 1980/2108/1494 1957/3002/1423 1974/2088/1475 +f 4316/6975/4751 1292/2133/1515 1286/2094/1481 +f 4345/6976/4752 1861/2016/1410 4347/6917/4700 +f 2033/1821/1238 4288/6965/4744 4285/2986/2188 +f 4359/6977/4753 3281/5275/3426 3310/5472/3600 +f 5771/6978/4754 5784/4881/3072 5774/4880/3071 +f 4359/6977/4753 1860/6979/1409 3281/5275/3426 +f 4362/6555/4390 4361/5318/3466 4363/2551/1805 +f 4235/6890/4675 3310/5472/3600 3411/5471/3599 +f 4235/6890/4675 3411/5471/3599 3483/5662/3780 +f 4235/6890/4675 3483/5662/3780 3518/5683/3801 +f 4235/6890/4675 3518/5683/3801 3529/6889/4674 +f 4250/1021/660 4364/2552/1806 4365/6980/4755 +f 4250/1021/660 4365/6980/4755 4366/5680/3798 +f 4250/1021/660 4366/5680/3798 4367/1019/658 +f 8649/299/212 8650/6981/4756 8648/6982/212 +f 324/6983/4757 325/6984/4758 323/6985/4757 +f 2207/6986/4759 2095/2424/1724 2096/6987/1724 +f 5510/3404/2348 5512/6988/1770 5513/2504/1770 +f 8521/6989/4760 8518/4411/2630 8519/6990/2630 +f 7381/319/224 7357/6991/4761 7382/6992/4761 +f 24/6993/4762 21/6994/4763 22/6995/4763 +f 8651/6996/4756 8652/6997/4764 8650/6981/4756 +f 7529/6998/203 7495/6999/316 7521/7000/316 +f 4380/7001/4765 4383/7002/686 4382/1084/686 +f 8485/753/489 8482/7003/4766 8483/7004/4766 +f 7959/7005/4767 7960/3542/2414 7958/7006/4767 +f 2218/7007/2355 2289/7008/1681 2219/2346/1681 +f 1437/7009/578 1404/2296/1648 1438/7010/579 +f 2441/7011/4768 5282/7012/4769 5247/7013/4768 +f 2600/7014/4770 5260/169/129 5259/7015/4770 +f 8222/7016/2619 8187/7017/4771 8221/7018/4771 +f 183/7019/4772 185/7020/278 186/7021/278 +f 5558/7022/4773 5559/7023/603 5560/924/603 +f 8720/7024/4774 8791/7025/4775 8790/7026/4774 +f 7443/7027/4776 7440/7028/4777 7441/7029/4777 +f 8497/7030/4778 8498/3432/2361 8496/7031/4778 +f 2530/7032/4779 5381/7033/4780 5380/7034/4779 +f 2077/7035/4781 2079/7036/4782 2078/7037/4781 +f 8691/7038/1696 8787/7039/4783 8786/7040/1696 +f 4854/7041/4784 4825/7042/4785 4855/7043/4785 +f 5345/7044/4786 5310/7045/4787 5346/7046/4787 +f 8184/7047/4788 8281/7048/4789 8183/7049/4790 +f 1429/7050/2386 1388/2260/1619 1430/7051/4757 +f 7182/7052/4791 7219/7053/2573 7186/7054/2573 +f 7967/7055/4792 7968/7056/4793 7966/7057/4792 +f 2463/7058/4794 4874/7059/4795 2459/7060/4795 +f 2448/7061/4796 5215/7062/4797 2453/7063/4797 +f 4523/7064/4798 4524/7065/4799 4525/7066/4799 +f 8726/7067/2366 8780/7068/2384 8779/7069/2366 +f 8513/749/487 8510/7070/4800 8511/7071/4800 +f 4757/7072/4801 4727/7073/4802 4758/7074/4802 +f 2824/7075/4803 2823/7076/4804 2826/7077/4804 +f 4475/7078/4805 4476/7079/4806 4477/7080/4806 +f 504/7081/4807 505/7082/717 506/7083/717 +f 5335/7084/4808 5297/7085/4809 5336/7086/4809 +f 2480/228/169 5274/7087/4810 5289/7088/169 +f 7802/746/485 7773/7089/4811 7803/7090/4811 +f 1461/7091/4812 1463/7092/4813 1464/7093/4813 +f 2233/2373/1695 2268/7094/4814 2234/7095/274 +f 1478/7096/4815 1475/7097/616 1476/7098/616 +f 8571/7099/4816 8568/7100/1699 8569/2379/1699 +f 2092/7101/4817 2093/2425/1725 2090/7102/4817 +f 7386/7103/4818 7342/7104/4819 7387/7105/4819 +f 8200/7106/4820 8278/7107/4821 8277/7108/4820 +f 2734/7109/4822 5242/7110/4823 2733/7111/4823 +f 4439/7112/4824 4440/7113/4825 4441/7114/4825 +f 2452/7115/4826 4782/7116/4827 2522/7117/4827 +f 8723/7118/4828 348/7119/4829 347/7120/4829 +f 4847/7121/4830 4839/7122/208 4848/293/208 +f 7805/7123/4831 7770/7124/4832 7806/7125/4832 +f 8553/7126/4833 8550/7127/4834 8551/7128/4834 +f 2690/7129/4835 4977/7130/4836 4976/7131/4835 +f 8044/7132/4837 8133/7133/4838 8048/1087/688 +f 8061/7134/152 8097/7135/4839 8107/7136/4840 +f 2615/7137/4841 5431/7138/4842 5437/7139/4841 +f 2256/7140/4843 2303/7141/4844 2302/7142/4845 +f 8297/7143/4846 8298/917/596 8296/7144/4846 +f 7416/7145/4847 7367/7146/4848 7417/7147/4848 +f 2264/7148/4828 2062/7149/4829 2064/7150/4829 +f 8042/7151/1731 769/7152/478 770/7153/478 +f 4396/7154/4849 4398/7155/28 4399/39/28 +f 7299/7156/4850 7296/7157/4851 7297/7158/4851 +f 8054/7159/4788 8153/7160/4852 8152/7161/4788 +f 4529/51/34 4530/7162/4853 4531/7163/4853 +f 7633/7164/4854 7630/7165/519 7631/800/519 +f 5264/7166/4855 2699/7167/4856 5263/7168/4856 +f 7435/7169/4857 7436/4364/2604 7434/7170/4857 +f 8076/7171/610 8136/7172/4858 8075/7173/4858 +f 8633/7174/4859 8634/7175/4860 8632/7176/4859 +f 8607/7177/2613 8608/566/375 8606/7178/2613 +f 5334/7179/4861 5315/7180/4808 5335/7084/4808 +f 2441/7011/4768 5246/4401/2625 2426/7181/2625 +f 7309/7182/4862 7306/7183/1757 7307/2483/1757 +f 8070/7184/4820 8148/7185/4821 8147/7186/4820 +f 2372/7187/4863 5356/7188/4864 5355/7189/4863 +f 2118/2348/1682 2114/7190/4865 2117/7191/4865 +f 387/1121/707 384/7192/2341 385/7193/2341 +f 8702/7194/215 8731/7195/533 8703/824/533 +f 8717/7196/4866 8764/7197/4867 8763/7198/4868 +f 7445/7199/2606 7442/7200/4776 7443/7027/4776 +f 7303/7201/4869 7300/7202/4870 7301/7203/4870 +f 8339/7204/2568 8340/7205/4871 8338/4293/2568 +f 4400/7206/4 4307/7207/4 4311/7208/4 +f 4369/7209/4 4236/7210/4 4370/7211/4 +f 4476/7212/4 4316/7213/4 4478/7214/4 +f 4338/7215/4 4496/7216/4 4336/7217/4 +f 4238/7218/4 4452/7219/4 4450/7220/4 +f 4488/7221/4 4325/7222/4 4327/7223/4 +f 4241/7224/4 4456/7225/4 4454/7226/4 +f 4281/7227/4 4462/7228/4 4274/7229/4 +f 4424/7230/4 4335/7231/4 4426/7232/4 +f 4338/7215/4 4500/7233/4 4498/7234/4 +f 4426/7232/4 4337/7235/4 4428/6237/4 +f 4245/7236/4 4536/7237/4 4534/7238/4 +f 4347/7239/4 4440/7240/4 4438/7241/4 +f 4310/7242/4 4470/7243/4 4303/7244/4 +f 4381/7245/4 4271/7246/4 4279/7247/4 +f 4456/7225/4 4251/7248/4 4458/7249/4 +f 4358/7250/4 4528/7251/4 4526/7252/4 +f 4271/7246/4 4377/7253/4 4258/7254/4 +f 4373/7255/4 4236/7210/4 4240/7256/4 +f 4328/7257/4 4416/7258/4 4326/7259/4 +f 4239/7260/4 4454/7226/4 4452/7219/4 +f 4430/6239/4 4341/7261/4 4432/7262/4 +f 4381/7245/4 4280/7263/4 4383/7264/4 +f 4356/7265/4 4524/7266/4 4522/7267/4 +f 4324/7268/4 4412/7269/4 4322/7270/4 +f 4316/7213/4 4480/7271/4 4478/7214/4 +f 4297/7272/4 4397/7273/4 4395/7274/4 +f 4336/7217/4 4494/7275/4 4333/7276/4 +f 4357/7277/4 4526/7252/4 4524/7266/4 +f 4294/7278/4 4393/7279/4 4391/7280/4 +f 4520/7281/4 4356/7265/4 4522/7267/4 +f 4258/7254/4 4375/7282/4 4244/7283/4 +f 4237/7284/4 4450/7220/4 4448/7285/4 +f 4296/7286/4 4395/7274/4 4393/7279/4 +f 4420/7287/4 4332/7288/4 4422/7289/4 +f 4516/7290/4 4354/7291/4 4518/7292/4 +f 4353/7293/4 4442/7294/4 4440/7240/4 +f 4329/7295/4 4492/7296/4 4490/7297/4 +f 4303/7244/4 4468/7298/4 4298/7299/4 +f 4418/7300/4 4330/7301/4 4420/7287/4 +f 4329/7295/4 4488/7221/4 4327/7223/4 +f 4464/7302/4 4290/7303/4 4466/7304/4 +f 4512/7305/4 4349/7306/4 4350/7307/4 +f 4506/7308/4 4348/7309/4 4508/7310/4 +f 1938/2973/2175 1630/7311/326 1626/2974/2176 +f 1938/2973/2175 1633/7312/326 1630/7311/326 +f 1956/7313/4872 1636/7314/4873 1633/7312/326 +f 1956/7313/4872 1633/7312/326 1938/2973/2175 +f 1968/2083/1470 1636/7314/4873 1956/7313/4872 +f 2003/2118/1503 1636/7314/4873 1968/2083/1470 +f 2022/2202/1568 1636/7314/4873 2003/2118/1503 +f 1776/2962/2164 1636/7314/4873 2022/2202/1568 +f 1775/2800/2023 1636/7314/4873 1776/2962/2164 +f 1797/2820/2043 1636/7314/4873 1775/2800/2023 +f 1808/2847/2068 1636/7314/4873 1797/2820/2043 +f 1818/1769/1194 1636/7314/4873 1808/2847/2068 +f 1835/1768/1193 1636/7314/4873 1818/1769/1194 +f 1579/7315/4874 1835/1768/1193 1845/7316/4875 +f 1579/7315/4874 1845/7316/4875 1858/2829/2052 +f 1579/7315/4874 1858/2829/2052 1887/2830/2053 +f 1579/7315/4874 1887/2830/2053 1910/2937/2141 +f 1579/7315/4874 1636/7314/4873 1835/1768/1193 +f 1929/1641/1074 1579/7315/4874 1910/2937/2141 +f 1951/2077/1464 1579/7315/4874 1929/1641/1074 +f 1964/2113/1498 1579/7315/4874 1951/2077/1464 +f 2004/2115/1500 1579/7315/4874 1964/2113/1498 +f 2024/2203/1569 1581/7317/326 1579/7315/4874 +f 2024/2203/1569 1579/7315/4874 2004/2115/1500 +f 2051/2205/1571 1587/7318/326 1581/7317/326 +f 2051/2205/1571 1590/3103/2275 1587/7318/326 +f 2051/2205/1571 1581/7317/326 2024/2203/1569 +f 4544/7319/4876 3677/5943/4010 4545/7320/4877 +f 1199/2188/1555 1169/2893/2107 1183/2186/1553 +f 6841/2943/2147 6835/3085/2261 6833/1552/1007 +f 6738/1578/1029 6770/6803/4601 6752/6273/4148 +f 4580/7321/4878 4555/7322/4879 4613/2978/2180 +f 6840/6544/4383 6838/5123/3286 6839/5122/3285 +f 1105/7323/4880 1076/1638/1071 1098/2002/1396 +f 6583/6586/4414 6547/7324/4881 6544/6587/4415 +f 5891/4645/2854 5817/5015/3192 5885/5107/3270 +f 4565/7325/4882 3674/5937/4004 4566/1848/1264 +f 6503/5011/3188 6499/6407/4270 6504/6422/4281 +f 6927/7326/4883 6905/7327/3380 6904/7328/4884 +f 4561/7329/4885 3767/6200/4084 4567/7330/4886 +f 1856/2144/1526 1891/1894/1305 1874/2145/1527 +f 1228/2211/1576 1207/6967/1173 1222/3047/1175 +f 1936/2005/1399 1942/2042/1430 1958/2064/1451 +f 6849/2201/1567 6856/2811/2034 6850/2199/1565 +f 7706/2678/57 7771/7331/57 7705/7332/57 +f 6863/7333/4887 6862/3089/2265 6822/3088/2264 +f 4564/7334/4888 2352/3716/2439 2391/4132/2532 +f 6666/7335/4889 6809/6857/4643 6664/6674/4483 +f 6862/3089/2265 6837/7336/4890 6892/3087/2263 +f 4036/7337/4891 4022/7338/4892 4024/7339/4893 +f 4564/7334/4888 4583/6634/4452 2352/3716/2439 +f 3905/6419/4278 2364/3738/2443 2371/3746/2448 +f 6820/7340/4894 6858/2944/2148 6866/7341/4895 +f 6870/7342/4896 6513/6702/4513 6502/5446/3579 +f 4588/1960/1364 3676/5985/4009 3674/5937/4004 +f 6849/2201/1567 6824/7343/4897 6874/7344/4898 +f 4588/1960/1364 3674/5937/4004 4565/7325/4882 +f 6842/7345/4899 6866/7346/4895 6873/7347/4900 +f 6872/7348/2259 6847/2795/2019 6875/7349/2257 +f 6875/7349/2257 6859/6713/4524 6863/7333/4887 +f 6854/7350/4901 6874/7344/4898 6877/1546/1002 +f 4148/7351/4902 4166/7352/4903 4162/7353/4904 +f 4595/7354/4905 4587/7355/4906 3897/6406/4269 +f 6855/6545/4384 6854/7350/4901 6881/6549/4385 +f 6865/7356/4907 6828/5460/3591 6880/5932/3999 +f 6823/7357/4908 6519/7358/4909 6882/1547/1003 +f 6857/6504/4345 6866/7341/4895 6858/2944/2148 +f 6959/6310/4184 6904/7359/4884 6905/5222/3380 +f 6883/7360/4910 6876/6505/4346 6887/1995/1389 +f 1096/2805/2028 1100/7361/2099 1090/2806/2029 +f 6879/2206/1572 6826/5461/3592 6828/5460/3591 +f 6331/2691/1931 6846/7362/4911 6368/7363/4912 +f 4604/1876/1289 4600/7364/4913 3914/6447/4305 +f 7010/7365/57 7071/2549/57 7021/7366/57 +f 6478/4950/3135 6472/2286/1644 6480/5500/3626 +f 6868/7367/4914 6888/7368/4915 6869/7369/4916 +f 4297/7370/4917 1948/2010/1404 1947/2013/1407 +f 4590/1936/1341 4578/6517/4358 4562/1934/1339 +f 4622/7371/4918 4554/7372/4919 4621/1890/1301 +f 3844/7373/4920 3837/7374/4921 3846/7375/4922 +f 4616/6563/4396 4579/6519/4360 4597/6518/4359 +f 3377/5466/3594 3364/7376/4923 3390/7377/4924 +f 4551/6834/4625 1746/7378/4925 1743/6835/4626 +f 6359/6850/4636 6485/3853/2469 6360/7379/4926 +f 6892/3087/2263 6834/6378/4243 6841/2943/2147 +f 4559/7380/4927 1748/7381/4928 1746/7378/4925 +f 5613/7382/4929 5604/1291/782 5610/5210/3368 +f 4559/7380/4927 1746/7378/4925 4551/6834/4625 +f 4612/7383/4930 4611/7384/4931 3882/6389/4254 +f 4158/6410/4272 4168/7385/2709 4165/7386/4932 +f 6883/7387/4910 6873/7347/4900 6866/7346/4895 +f 4615/7388/4933 1748/7381/4928 4559/7380/4927 +f 3755/6185/4069 4605/7389/4934 4610/7390/4935 +f 6839/5122/3285 6896/7391/4936 6840/6544/4383 +f 6885/2810/2033 6868/7367/4914 6826/5461/3592 +f 4585/3017/2212 4615/7388/4933 4559/7380/4927 +f 4617/1877/1290 4604/1876/1289 3914/6447/4305 +f 6889/7392/4937 6884/1548/1004 6897/7393/4938 +f 4097/6698/4508 4119/5117/3280 4106/5116/3279 +f 4618/1849/1265 1749/5939/4939 1748/7381/4928 +f 6852/1554/1009 6871/7394/4940 6870/7342/4896 +f 6896/7391/4936 6856/2811/2034 6855/6545/4384 +f 6982/7395/4941 6985/7396/4942 6984/7397/4941 +f 6894/6377/4242 6889/7392/4937 6899/3086/2262 +f 6900/3028/2221 6869/7369/4916 6888/7368/4915 +f 4571/7398/4943 4564/7334/4888 2391/4132/2532 +f 4566/1848/1264 3674/5937/4004 1749/5939/4939 +f 4566/1848/1264 1749/5939/4939 4618/1849/1265 +f 6897/7393/4938 6899/3086/2262 6889/7392/4937 +f 7617/7399/57 7709/1583/57 7707/7400/57 +f 1169/3101/2107 1167/2178/1547 1183/7401/1553 +f 4623/7402/4944 3676/5985/4009 4588/1960/1364 +f 4659/7403/4945 4654/7404/4946 4655/7405/4947 +f 6845/7406/4948 6900/3028/2221 6848/2794/2018 +f 6830/7407/4949 6863/7408/4887 6831/2813/2036 +f 6166/5636/3756 6169/5709/3823 6200/7409/4950 +f 4560/7410/4951 4557/6564/4397 4555/7322/4879 +f 4591/1935/1340 4571/7398/4943 2391/4132/2532 +f 6545/7411/4952 3929/6466/4318 3932/6475/4323 +f 4650/1565/1016 4637/2761/1987 4636/1563/1014 +f 6837/7336/4890 6843/6379/4244 6834/6378/4243 +f 6747/4673/2882 6730/6761/4561 6735/5618/3738 +f 4625/7412/4953 3677/5943/4010 3676/5942/4009 +f 4625/7412/4953 3676/5942/4009 4623/7413/4944 +f 4583/6634/4452 4599/6635/4453 2352/3716/2439 +f 4575/7414/4954 4622/7371/4918 3908/6436/4295 +f 6853/1553/1008 6901/7415/4955 6871/7394/4940 +f 1798/1690/1123 1807/2828/2051 1803/2825/2048 +f 4545/7320/4877 3677/5943/4010 4625/7412/4953 +f 4052/7416/4956 4020/7417/4957 4057/7418/4958 +f 6880/5932/3999 6827/7419/4959 1048/5931/3998 +f 4601/7420/4960 2391/4132/2532 2366/3740/2445 +f 4601/7420/4960 4591/1935/1340 2391/4132/2532 +f 4626/7421/4961 4219/7422/4962 3939/5803/3895 +f 4058/7423/4963 4626/7421/4961 3939/5803/3895 +f 3786/7424/4403 3784/6217/4100 3787/6257/4121 +f 4157/6797/4595 4156/6770/4570 4626/7421/4961 +f 4157/6797/4595 4626/7421/4961 4058/7423/4963 +f 6769/7425/4964 6613/7426/4965 6790/7427/2507 +f 3790/7428/4966 3789/6263/4139 3791/6289/4164 +f 6392/7429/4967 6391/6228/4110 6393/6233/4112 +f 6662/6960/4739 6637/6557/4391 6663/6682/4491 +f 6117/5635/3755 6145/6777/4577 6169/5709/3823 +f 6947/7430/4968 6910/7431/4969 6912/7432/4970 +f 6919/7433/4971 6913/7434/4972 6920/6598/4424 +f 6917/7435/4973 6912/7432/4970 6910/7431/4969 +f 6914/7436/4974 6915/1812/1231 6916/1811/1230 +f 6811/2861/2082 6917/7435/4973 6816/2862/2083 +f 6918/7437/4975 6928/7438/2185 6929/7439/2184 +f 4642/2949/2152 2496/3925/2484 1693/3928/2485 +f 6930/7440/4976 6910/7431/4969 6919/7433/4971 +f 4642/2949/2152 4629/2948/2151 2496/3925/2484 +f 6926/7441/4977 6909/7442/4978 6921/7443/4979 +f 6923/7444/4980 6924/7445/1130 6905/7327/3380 +f 1895/1899/1307 1888/7446/1321 1899/1939/1344 +f 4649/7447/4981 4648/7448/4982 3603/5815/3903 +f 5638/7449/4983 5615/1346/833 5629/4463/2675 +f 6933/7450/4984 6925/6600/4426 6923/7444/4980 +f 6908/6536/4376 6931/7451/4985 6932/6534/4374 +f 6939/5030/3201 6907/6868/4653 6926/7441/4977 +f 4655/7405/4947 3603/5815/3903 3602/5814/3902 +f 6934/7452/4986 6923/7444/4980 6927/7326/4883 +f 4655/7405/4947 4649/7447/4981 3603/5815/3903 +f 6920/6598/4424 6936/2911/2121 6919/7433/4971 +f 1084/1953/1357 1082/2217/1582 1083/1951/1355 +f 4897/7453/135 4873/7454/135 4874/7455/135 +f 4229/1280/771 4634/1279/770 4651/2940/2144 +f 3903/7456/4987 3899/7457/4988 3906/7458/4989 +f 4659/7403/4945 4655/7405/4947 3602/5814/3902 +f 6938/2912/2122 6933/7450/4984 6934/7452/4986 +f 6943/3059/2247 6931/7451/4985 6939/5030/3201 +f 6826/5461/3592 6869/7369/4916 6836/5459/3590 +f 3398/5095/3259 3399/4593/2802 3404/7459/4990 +f 4662/7460/4991 3602/5814/3902 3612/5833/3918 +f 4663/6875/4660 4096/125/90 4658/7461/4992 +f 4662/7460/4991 3612/5833/3918 4661/7462/4993 +f 4662/7460/4991 4659/7403/4945 3602/5814/3902 +f 1086/2876/2093 1090/2806/2029 1100/7361/2099 +f 5834/7463/4994 5789/4875/3066 5828/5727/3835 +f 4664/7464/4995 4652/7465/4996 4660/7466/4997 +f 6947/7430/4968 6937/7467/4998 6945/2981/2183 +f 4667/7468/4999 1691/7469/5000 1689/7470/5001 +f 4667/7468/4999 1693/3928/2485 1691/7469/5000 +f 4667/7468/4999 4642/2949/2152 1693/3928/2485 +f 6724/7471/5002 6709/6723/4534 6713/6740/4544 +f 4668/6402/4265 2524/1930/1335 2513/3951/2493 +f 1261/2031/1422 1243/2238/1601 1246/2210/1575 +f 6951/7472/5003 6914/7436/4974 6944/1698/1131 +f 6720/3955/2494 6952/6535/4375 6702/6716/4527 +f 6682/6697/4507 6954/7473/5004 6674/6686/4496 +f 4628/6403/4266 2513/3951/2493 2496/3925/2484 +f 6912/7432/4970 6941/7474/5005 6947/7430/4968 +f 6948/7475/5006 6908/6536/4376 6952/6535/4375 +f 4628/6403/4266 4668/6402/4265 2513/3951/2493 +f 6660/6684/4494 6956/7476/5007 6811/2861/2082 +f 4674/7477/5008 4116/1932/1337 4671/1931/1336 +f 4673/1516/979 4088/123/88 4672/5721/3829 +f 4675/7478/5009 1689/7470/5001 1688/7479/5010 +f 6603/6851/4637 6604/6415/4276 6605/6604/4429 +f 4675/7478/5009 4664/7464/4995 4660/7466/4997 +f 4676/6384/4249 4116/1932/1337 4674/7477/5008 +f 1358/1416/897 1335/1945/1349 1346/7480/5011 +f 6958/6599/4425 6928/2983/2185 6951/7481/5003 +f 4323/7482/5012 1252/2056/1444 1232/2055/1443 +f 6954/7473/5004 6911/7483/5013 6956/7476/5007 +f 6688/6700/4511 6699/7484/5014 6697/6703/4514 +f 4639/7485/5015 4222/1278/769 4673/1516/979 +f 6913/7434/4972 6945/2981/2183 6958/6599/4425 +f 6702/6716/4527 6918/7437/4975 6690/7486/5016 +f 3904/6420/4279 3902/7487/5017 3905/6419/4278 +f 4086/6683/4493 4101/7488/5018 4092/7489/5019 +f 6959/6310/4184 993/7490/5020 6906/7491/5021 +f 4680/7492/5022 1688/7479/5010 1686/7493/5023 +f 4629/2948/2151 4628/6403/4266 2496/3925/2484 +f 4640/7494/5024 4104/2762/1988 4637/2761/1987 +f 6888/7368/4915 6848/2794/2018 6900/3028/2221 +f 4648/7495/4982 1686/7493/5023 3603/7496/3903 +f 4648/7495/4982 4680/7492/5022 1686/7493/5023 +f 4455/7497/5025 3708/7498/5026 3709/7499/5025 +f 4411/7500/5027 3730/7501/5028 3733/6108/5027 +f 4497/7502/5029 4705/6154/5030 4495/7503/5030 +f 4507/7504/5031 4698/7505/5032 4699/6144/5031 +f 4493/7506/5033 4707/7507/5034 4491/7508/5034 +f 4437/7509/5035 3719/6084/5036 4435/7510/5036 +f 4382/7511/5037 3742/6159/5038 4380/7512/5038 +f 4443/7513/5039 3716/6057/5040 4441/7514/5040 +f 3722/6093/5041 4431/7515/5042 3721/6091/5042 +f 4483/7516/5043 4712/7517/5044 4481/7518/5044 +f 4388/7519/5045 3706/6009/5046 3707/6011/5045 +f 4481/7518/5044 4713/7520/5047 4479/7521/5047 +f 4475/7522/5048 4714/7523/5049 4715/7524/5048 +f 4394/7525/5050 3747/6176/5051 3705/6089/5050 +f 4382/7511/5037 3746/6174/5052 3744/6168/5037 +f 4443/7513/5039 3714/6028/5053 3715/6042/5039 +f 4380/7512/5038 3741/6031/5054 4378/7526/5054 +f 3725/6099/5055 4421/7527/5056 4423/7528/5055 +f 4374/7529/5057 3738/6149/5058 3736/6143/5057 +f 4463/7530/5059 4722/7531/5060 4461/7532/5060 +f 4543/7533/5061 4682/6019/5062 4541/7534/5062 +f 4634/1279/770 4635/6874/4659 4630/2941/2145 +f 3732/6825/5063 4543/7533/5061 4371/7535/5063 +f 4503/7536/5064 4700/6127/5065 4701/4899/5064 +f 4386/7537/5066 3707/6011/5045 3748/6178/5066 +f 4407/7538/5067 3739/6103/5068 4405/7539/5068 +f 4513/7540/5069 4697/7541/5070 4511/7542/5070 +f 4533/7543/5071 4685/7544/5072 4686/7545/5071 +f 4531/7546/5073 4686/7545/5071 4687/7547/5073 +f 4531/7546/5073 4688/7548/5074 4529/7549/5074 +f 4439/7550/5075 3716/6057/5040 3717/6076/5075 +f 4409/7551/5076 3737/6104/5067 4407/7538/5067 +f 4527/7552/5077 4690/7553/5078 4525/7554/5078 +f 4392/7555/5079 3706/6009/5046 4390/7556/5046 +f 4374/7529/5057 3734/6015/5080 4372/7557/5080 +f 4386/7537/5066 3746/6174/5052 4384/7558/5052 +f 4515/7559/5081 4694/7560/5082 4695/7561/5081 +f 4515/7559/5081 4696/7562/5069 4513/7540/5069 +f 4489/7563/5083 4707/7507/5034 4708/7564/5083 +f 4405/7539/5068 3740/6156/5084 4403/7565/5084 +f 4539/7566/5085 4684/7567/5086 4537/7568/5086 +f 4419/7569/5087 3728/130/5088 4417/7570/5088 +f 4499/7571/5089 4704/7572/5029 4497/7502/5029 +f 4503/7536/5064 4702/7573/5090 4501/7574/5090 +f 4368/7575/5091 3732/6825/5063 4371/7535/5063 +f 4411/7500/5027 3735/6106/5076 4409/7551/5076 +f 3720/6087/5092 4431/7515/5042 4433/7576/5092 +f 4475/7522/5048 4716/6971/4748 4473/7577/4748 +f 4509/7578/5032 4697/7541/5070 4698/7505/5032 +f 4401/7579/5093 3740/6156/5084 3743/6162/5093 +f 4399/7580/5094 3743/6162/5093 3745/6170/5094 +f 3722/6093/5041 4427/7581/5095 4429/7582/5041 +f 4487/7583/5096 4708/7564/5083 4709/7584/5096 +f 4394/7525/5050 3704/6004/5079 4392/7555/5079 +f 4525/7554/5078 4691/7585/5097 4523/7586/5097 +f 4477/7587/5049 4713/7520/5047 4714/7523/5049 +f 4439/7550/5075 3718/6080/5035 4437/7509/5035 +f 4483/7516/5043 4710/7588/5098 4711/7589/5043 +f 4399/7580/5094 3747/6176/5051 4396/7590/5051 +f 1977/2836/2058 1984/2152/1507 1995/2151/1532 +f 4445/7591/5053 3713/6026/5099 3714/6028/5053 +f 4537/7568/5086 4685/7544/5072 4535/7592/5072 +f 4463/7530/5059 4720/7593/5100 4721/7594/5059 +f 4455/7497/5025 3710/1277/5101 4453/7595/5101 +f 4459/7596/5102 4722/7531/5060 4723/6110/5102 +f 4499/7571/5089 4702/7573/5090 4703/7597/5089 +f 4415/7598/5103 3730/7501/5028 4413/7599/5028 +f 4368/7575/5091 3734/6015/5080 3731/6013/5091 +f 4453/7595/5101 3711/1276/5104 4451/7600/5104 +f 4451/7600/5104 3712/6022/5105 4449/7601/5105 +f 4376/7602/5058 3741/6031/5054 3738/6149/5058 +f 4469/7603/5106 4719/1802/5107 4467/7604/5107 +f 3724/6097/5108 4427/7581/5095 3723/6095/5095 +f 4465/7605/5100 4719/1802/5107 4720/7593/5100 +f 4527/7552/5077 4688/7548/5074 4689/7606/5077 +f 4541/7534/5062 4683/6018/5085 4539/7566/5085 +f 4521/7607/5109 4691/7585/5097 4692/6007/5109 +f 3719/6084/5036 4433/7576/5092 4435/7510/5036 +f 4519/7608/5110 4692/6007/5109 4693/6006/5110 +f 4519/7608/5110 4694/7560/5082 4517/7609/5082 +f 4487/7583/5096 4710/7588/5098 4485/7610/5098 +f 4471/6970/4747 4718/7611/5106 4469/7603/5106 +f 3725/6099/5055 4425/7612/5108 3724/6097/5108 +f 4449/7601/5105 3713/6026/5099 4447/7613/5099 +f 4495/7503/5030 4706/6153/5033 4493/7506/5033 +f 4507/7504/5031 4700/6127/5065 4505/7614/5065 +f 4415/7598/5103 3728/130/5088 3729/6113/5103 +f 4459/7596/5102 3708/7498/5026 4457/7615/5026 +f 4724/7616/57 4231/7617/57 4225/7618/57 +f 4725/7619/57 4221/7620/57 4231/7617/57 +f 4725/7619/57 4231/7617/57 4724/7616/57 +f 1600/3097/2270 2060/3104/2276 2058/2233/1596 +f 4726/4119/57 4221/7620/57 4725/7619/57 +f 97/4120/57 4726/4119/57 2203/7621/57 +f 97/4120/57 2203/7621/57 105/7622/57 +f 3112/7623/5111 3155/5056/3227 3116/7624/5112 +f 5908/5003/3180 5883/5093/3257 5905/5001/3178 +f 3152/5057/3228 3103/5959/4024 3146/5248/3402 +f 5820/1385/869 5798/4878/3069 5812/1383/867 +f 5923/5768/3872 5932/5778/3878 5926/5781/3881 +f 129/704/57 4151/7625/57 4064/7626/57 +f 129/704/57 4153/7627/57 4151/7625/57 +f 7797/7628/57 7795/7629/57 7796/4737/57 +f 112/7630/57 4156/703/57 120/705/57 +f 2204/7631/57 106/7632/57 98/7633/57 +f 2204/7631/57 112/7630/57 106/7632/57 +f 2204/7631/57 4156/703/57 112/7630/57 +f 4727/7634/57 4156/703/57 2204/7631/57 +f 4728/7635/57 4156/703/57 4727/7634/57 +f 4626/7636/57 4156/703/57 4728/7635/57 +f 2199/7637/5113 2203/7638/5113 4726/7639/5114 +f 1495/7640/5115 1500/7641/2596 1503/4343/2596 +f 4729/7642/5114 2198/7643/5113 2199/7637/5113 +f 4729/7642/5114 2199/7637/5113 4726/7639/5114 +f 4730/7644/5116 4725/7645/5117 4724/7646/5116 +f 4731/7647/5117 4725/7645/5117 4730/7644/5116 +f 4732/7648/5116 4731/7647/5117 4730/7644/5116 +f 6295/5909/3979 5676/7649/5118 5677/3866/2478 +f 4730/7644/5116 4724/7646/5116 4225/6861/4646 +f 3927/7650/32 3926/7651/32 4733/7652/32 +f 4061/7653/32 3927/7650/32 4733/7652/32 +f 4010/7654/32 4061/7653/32 4733/7652/32 +f 4039/7655/32 4733/7652/32 4041/7656/32 +f 4032/7657/32 4733/7652/32 4039/7655/32 +f 4031/7658/32 4010/7654/32 4733/7652/32 +f 4031/7658/32 4733/7652/32 4032/7657/32 +f 4734/7659/19 3961/7660/19 3979/7661/19 +f 4734/7659/19 4005/7662/19 3961/7660/19 +f 4734/7659/19 4000/7663/19 4005/7662/19 +f 4734/7659/19 4001/7664/19 4000/7663/19 +f 4734/7659/19 3953/7665/19 4001/7664/19 +f 3952/7666/19 3953/7665/19 4734/7659/19 +f 4733/1246/326 4735/7667/326 4736/7668/326 +f 4733/1246/326 4737/7669/326 4735/7667/326 +f 4049/7670/326 4041/7671/326 4733/1246/326 +f 3921/7672/326 4049/7670/326 4733/1246/326 +f 3921/7672/326 4734/1248/326 3922/7673/326 +f 4734/1248/326 4739/7674/326 4740/7675/326 +f 4734/1248/326 4738/1247/326 4739/7674/326 +f 8487/5899/4 8567/7676/4 8489/7677/4 +f 3971/7678/326 3922/7673/326 4734/1248/326 +f 3979/7679/326 3971/7678/326 4734/1248/326 +f 3783/6619/57 4741/7680/57 4742/7681/57 +f 2195/7682/57 3783/6619/57 4742/7681/57 +f 862/7683/5119 869/1273/767 868/1272/766 +f 6745/7684/135 2/7685/135 43/7686/135 +f 6/6620/57 3797/7687/57 3795/6621/57 +f 6/6620/57 3781/7688/57 3797/7687/57 +f 10/7689/57 8/7690/57 3783/6619/57 +f 10/7689/57 3783/6619/57 2195/7682/57 +f 1686/7691/5120 1687/1483/952 1685/6744/4547 +f 12/7692/57 10/7689/57 2195/7682/57 +f 19/1354/57 3776/7693/57 3777/1352/57 +f 14/7694/57 12/7692/57 2195/7682/57 +f 3240/7695/5121 3188/7696/5122 3209/5191/3349 +f 57/7697/57 3772/7698/57 3774/7699/57 +f 3672/5584/3704 3667/7700/5123 3657/7701/5124 +f 2196/7702/57 50/7703/57 46/7704/57 +f 7849/4217/57 7893/7705/57 7851/7706/57 +f 4743/7707/57 3754/7708/57 3760/7709/57 +f 4744/7710/57 3754/7708/57 4743/7707/57 +f 4745/7711/57 3754/7708/57 4744/7710/57 +f 3769/7712/57 3754/7708/57 4745/7711/57 +f 3762/7713/57 3769/7712/57 4745/7711/57 +f 3783/6619/57 3782/7714/57 4741/7680/57 +f 3762/6191/4075 4745/7715/5125 4746/7716/5125 +f 4730/7644/5116 4224/6860/4645 6364/2692/1932 +f 4746/7716/5125 4745/7715/5125 4744/7717/2358 +f 4427/2479/1754 4428/7718/5126 4429/7719/5126 +f 4747/3428/2358 4748/7720/5125 4746/7716/5125 +f 4747/3428/2358 4746/7716/5125 4744/7717/2358 +f 2197/7721/5127 4743/3429/2359 2196/7722/5127 +f 4749/3430/2359 4743/3429/2359 2197/7721/5127 +f 4750/7723/5127 4749/3430/2359 2197/7721/5127 +f 3750/7724/5128 4751/7725/5129 4752/7726/5130 +f 4753/7727/5131 3750/7724/5128 4752/7726/5130 +f 3782/6215/4098 3752/6219/4102 3750/7724/5128 +f 4741/7728/5132 3750/7724/5128 4753/7727/5131 +f 4741/7728/5132 3782/6215/4098 3750/7724/5128 +f 5360/7729/5133 2468/7730/5134 5361/7731/5134 +f 2194/7732/5135 4754/7733/5136 2202/7734/5135 +f 2194/7732/5135 4742/7735/5136 4754/7733/5136 +f 2195/7736/5135 4742/7735/5136 2194/7732/5135 +f 4218/7737/5137 4219/7422/4962 4626/7421/4961 +f 4728/7738/5138 4218/7737/5137 4626/7421/4961 +f 4755/7739/5139 4756/7740/5140 4218/7737/5137 +f 8617/7741/1773 8618/7742/5141 8616/2508/1773 +f 4757/7072/4801 4218/7737/5137 4728/7738/5138 +f 4757/7072/4801 4755/7739/5139 4218/7737/5137 +f 2201/7743/5142 4727/7073/4802 2204/7744/5142 +f 2201/7743/5142 4758/7074/4802 4727/7073/4802 +f 2200/7745/5142 4758/7074/4802 2201/7743/5142 +f 1671/7746/135 459/7747/135 1719/7748/135 +f 416/7749/135 1690/7750/135 417/7751/135 +f 413/666/135 1713/7752/135 478/7753/135 +f 1703/7754/135 449/7755/135 1698/7756/135 +f 477/1073/135 1716/7757/135 469/701/135 +f 1733/7758/135 2178/7759/135 1729/7760/135 +f 1695/7761/135 451/7762/135 1677/7763/135 +f 2161/664/135 1755/7764/135 2126/667/135 +f 1759/7765/135 2143/7766/135 1756/7767/135 +f 1685/7768/135 471/7769/135 1683/7770/135 +f 1724/7771/135 2141/7772/135 1759/7765/135 +f 1729/7760/135 2177/7773/135 1725/7774/135 +f 1677/7763/135 454/7775/135 1670/7776/135 +f 422/7777/135 1701/7778/135 423/979/135 +f 417/7751/135 1694/7779/135 418/7780/135 +f 468/702/135 1718/7781/135 443/7782/135 +f 2192/7783/135 1765/7784/135 2191/720/135 +f 423/979/135 1706/7785/135 447/980/135 +f 1676/7786/135 426/7787/135 1672/7788/135 +f 1683/7770/135 464/7789/135 1680/7790/135 +f 1670/7776/135 431/7791/135 1671/7746/135 +f 418/7780/135 1700/7792/135 422/7777/135 +f 2132/7793/135 1745/7794/135 2136/7795/135 +f 447/980/135 1710/7796/135 413/666/135 +f 472/7797/135 1687/7798/135 416/7749/135 +f 1731/7799/135 2173/7800/135 1727/7801/135 +f 1756/7767/135 2163/7802/135 1751/7803/135 +f 1680/7790/135 463/7804/135 1676/7786/135 +f 2126/667/135 1758/7805/135 2192/7783/135 +f 2130/7806/135 1740/7807/135 2131/7808/135 +f 1725/7774/135 2142/7809/135 1724/7771/135 +f 443/7782/135 1719/7748/135 459/7747/135 +f 2186/7810/135 1738/7811/135 2130/7806/135 +f 1747/7812/135 2165/7813/135 1744/7814/135 +f 2136/7795/135 1750/7815/135 2137/663/135 +f 2131/7808/135 1742/7816/135 2132/7793/135 +f 1736/7817/135 2145/7818/135 1731/7799/135 +f 2137/663/135 1752/7819/135 2161/664/135 +f 469/701/135 1717/7820/135 468/702/135 +f 2191/720/135 1769/7821/135 2183/719/135 +f 478/7753/135 1715/7822/135 477/1073/135 +f 531/3964/135 2526/4023/135 578/4022/135 +f 1744/7814/135 2168/7823/135 1736/7817/135 +f 2156/7824/135 1727/7801/135 2173/7800/135 +f 1708/7825/135 427/7826/135 1703/7754/135 +f 2182/3234/135 1720/7827/135 2156/7824/135 +f 1735/7828/135 2185/7829/135 1733/7758/135 +f 2183/719/135 1721/7830/135 2182/3234/135 +f 1751/7803/135 2164/7831/135 1747/7812/135 +f 1698/7756/135 450/7832/135 1695/7761/135 +f 1580/7833/326 250/7834/326 1575/7835/326 +f 299/7836/326 1620/7837/326 1623/7838/326 +f 182/7839/326 904/7840/326 184/7841/326 +f 281/7842/326 1549/7843/326 282/7844/326 +f 1656/7845/326 335/7846/326 334/7847/326 +f 266/7848/326 1557/7849/326 1563/7850/326 +f 882/7851/326 176/7852/326 174/7853/326 +f 218/7854/326 946/7855/326 950/7856/326 +f 232/7857/326 960/7858/326 234/7859/326 +f 960/7858/326 235/7860/326 234/7859/326 +f 334/7847/326 1655/7861/326 1656/7845/326 +f 1561/7862/326 290/7863/326 1555/7864/326 +f 1563/7850/326 268/7865/326 266/7848/326 +f 290/7863/326 1553/7866/326 1555/7864/326 +f 200/7867/326 925/7868/326 199/7869/326 +f 1577/7870/326 268/7865/326 1568/7871/326 +f 1594/7872/326 253/7873/326 260/7874/326 +f 849/7875/326 158/7876/326 850/7877/326 +f 2626/4111/135 2499/3929/135 2552/4009/135 +f 271/7878/326 1584/7879/326 274/7880/326 +f 1584/7879/326 275/7881/326 274/7880/326 +f 237/7882/326 970/7883/326 239/7884/326 +f 1596/7885/326 275/7881/326 1591/7886/326 +f 891/7887/326 154/7888/326 885/7889/326 +f 277/7890/326 1599/7891/326 279/7892/326 +f 255/7893/326 1589/7894/326 257/7895/326 +f 882/7851/326 172/7896/326 873/7897/326 +f 187/7898/326 853/7899/326 189/7900/326 +f 237/7882/326 961/7901/326 964/7902/326 +f 230/7903/326 959/7904/326 232/7857/326 +f 1645/7905/326 306/7906/326 316/7907/326 +f 160/7908/326 894/7909/326 164/7910/326 +f 168/7911/326 894/7909/326 899/7912/326 +f 868/7913/326 172/7896/326 170/7914/326 +f 934/7915/326 222/7916/326 220/7917/326 +f 176/7852/326 889/7918/326 178/7919/326 +f 889/7918/326 180/7920/326 178/7919/326 +f 885/7889/326 152/7921/326 880/7922/326 +f 150/7923/326 866/7924/326 871/7925/326 +f 226/7926/326 943/7927/326 948/7928/326 +f 222/7916/326 943/7927/326 224/7929/326 +f 204/7930/326 939/7931/326 210/7932/326 +f 917/7933/326 208/7934/326 918/7935/326 +f 207/7936/326 923/7937/326 212/7938/326 +f 346/7939/326 1607/7940/326 1615/7941/326 +f 194/7942/326 866/7924/326 196/7943/326 +f 346/7939/326 1620/7837/326 300/7944/326 +f 150/7923/326 876/7945/326 149/7946/326 +f 180/7920/326 901/7947/326 182/7839/326 +f 330/7948/326 1655/7861/326 332/7949/326 +f 4759/4270/1711 4760/7950/5143 4761/4268/1712 +f 4761/4268/1712 4760/7950/5143 4762/2401/1712 +f 6963/416/285 6964/7951/5144 6965/3424/2300 +f 2444/7952/5143 2450/7953/1712 4764/7954/1712 +f 4763/2399/1711 2444/7952/5143 4764/7954/1712 +f 7388/7955/5145 7352/7956/5146 7389/7957/5146 +f 8375/24/20 8376/7958/5147 8374/7959/20 +f 7821/7960/5148 7822/7961/5149 7820/7962/5148 +f 2416/7963/5150 5364/7964/5151 2417/7965/5151 +f 2350/7966/5152 5242/7110/4823 5241/7967/5152 +f 8637/474/320 8634/7175/4860 8635/7968/4860 +f 1422/2410/1717 1373/2263/1622 1424/7969/5153 +f 8053/7970/4790 8150/7971/237 8055/338/237 +f 2202/7734/5135 59/7972/32 2194/7732/5135 +f 2683/548/363 4890/7973/5154 2684/7974/5154 +f 2435/7975/2340 5096/2331/1674 2432/2330/1674 +f 4777/7976/5155 4775/7977/498 4776/7978/498 +f 4777/7976/5155 4776/7978/498 4778/7979/498 +f 7325/7980/5156 7326/7981/5157 7324/7982/5156 +f 1151/2153/1533 1138/1775/1199 1142/1774/1198 +f 5197/7983/5158 2632/7984/326 2631/7985/5158 +f 8185/7986/237 8279/7987/238 8186/7988/238 +f 2429/7989/498 2374/7990/5155 4780/767/498 +f 5415/7991/367 2500/7992/5159 5406/7993/5159 +f 2374/7990/5155 4779/3124/498 4780/767/498 +f 8329/7994/5160 8330/7995/5161 8328/7996/5160 +f 4376/7997/5162 4379/7998/5163 4378/7999/5163 +f 7819/8000/2558 7820/7962/5148 7818/8001/2558 +f 358/8002/5164 359/8003/5165 360/8004/5165 +f 320/8005/185 317/426/186 318/8006/186 +f 7734/8007/5166 7736/8008/5167 7737/8009/5167 +f 2269/8010/275 2234/7095/274 2268/7094/4814 +f 2506/8011/5168 4786/8012/5169 4795/8013/5168 +f 5422/8014/5170 2502/2402/1713 5423/2404/1713 +f 6990/8015/5171 6988/8016/5172 6989/8017/5172 +f 7645/8018/32 7637/8019/32 7636/8020/32 +f 8051/8021/5173 8120/8022/5174 8050/8023/5174 +f 4455/185/141 4456/8024/32 4457/8025/32 +f 4437/134/94 4438/8026/4824 4439/7112/4824 +f 2612/8027/5175 5435/444/301 5434/8028/5175 +f 4934/8029/5176 4917/8030/5177 4935/8031/5177 +f 7970/8032/5178 8009/8033/1687 8008/2355/1687 +f 2439/3268/2327 5100/8034/5179 5099/8035/2327 +f 5219/8036/19 2508/8037/5180 5214/8038/5180 +f 2255/8039/1680 2311/8040/74 2254/8041/74 +f 2228/8042/5181 2297/8043/2352 2227/3412/2352 +f 4905/8044/296 4924/8045/297 4931/8046/296 +f 275/8047/5182 272/8048/4758 274/8049/4758 +f 2675/8050/5183 4981/834/539 2676/8051/539 +f 8633/7174/4859 8630/795/516 8631/8052/516 +f 2822/8053/5184 2819/8054/5185 2821/8055/5185 +f 8317/8056/5186 8314/8057/5187 8315/8058/5187 +f 4942/8059/5188 4899/8060/1741 4943/8061/1741 +f 2388/8062/5189 5365/8063/5150 2416/7963/5150 +f 7466/4363/2428 7468/8064/5190 7469/8065/5190 +f 7665/8066/5191 7662/8067/5192 7663/8068/5192 +f 7165/8069/5193 7166/8070/5194 7164/8071/5193 +f 5060/4398/2622 5019/8072/5195 5061/8073/5195 +f 1430/7051/4757 1390/2262/1621 1431/8074/4758 +f 5090/8075/5196 5045/275/196 5084/277/196 +f 2265/8076/5197 2317/8077/4828 2264/7148/4828 +f 7369/8078/5198 7413/8079/5199 7363/8080/5199 +f 1501/8081/5200 1502/8082/4843 1507/8083/4843 +f 269/3483/2386 270/8084/4757 267/8085/2386 +f 8497/8086/4778 8494/8087/5201 8495/8088/5201 +f 5565/8089/5202 5567/8090/5203 5566/8091/5202 +f 1484/2488/1760 1486/8092/5204 1485/8093/5204 +f 7070/8094/57 6990/8095/57 6976/8096/57 +f 7772/8097/57 7670/8098/57 7658/8099/57 +f 4775/8100/135 4782/8101/135 4770/8102/135 +f 7013/8103/57 7073/8104/57 7074/8105/57 +f 4802/8106/135 4800/8107/135 4801/8108/135 +f 4796/8109/135 4824/8110/135 4827/8111/135 +f 4802/8106/135 4801/8108/135 4803/8112/135 +f 1653/673/444 1656/2627/1874 1655/2626/1873 +f 4803/8112/135 4801/8108/135 4799/8113/135 +f 6098/5508/3634 6079/8114/5205 6109/5540/3664 +f 4760/8115/135 4759/8116/135 4781/8117/135 +f 4803/8112/135 4799/8113/135 4805/8118/135 +f 4759/8116/135 4765/8119/2465 4781/8117/135 +f 4765/8119/2465 4770/8102/135 4781/8117/135 +f 4805/8118/135 4799/8113/135 4804/8120/135 +f 4770/8102/135 4782/8101/135 4781/8117/135 +f 7034/8121/57 7023/8122/57 7038/8123/57 +f 3779/8124/57 6/6620/57 5/1353/57 +f 4814/6546/135 4809/8125/2434 4810/8126/5206 +f 4830/8127/135 4786/8128/135 4831/8129/135 +f 7080/8130/57 7040/8131/57 7038/8123/57 +f 4814/6546/135 4810/8126/5206 4811/8132/2521 +f 4806/8133/135 4829/8134/135 4832/8135/135 +f 4814/6546/135 4811/8132/2521 4812/8136/135 +f 2972/8137/5207 3061/4745/2942 3016/8138/5208 +f 1952/2043/1431 1933/4627/2836 1953/2024/1418 +f 5654/4607/2816 5641/5776/3876 5647/4605/2814 +f 1617/2739/1971 1727/2721/1955 1732/2733/1965 +f 7081/8139/57 7060/1558/57 7040/8131/57 +f 4808/8140/135 4807/8141/135 4817/8142/135 +f 4815/6548/135 4820/8143/135 4821/8144/135 +f 4836/8145/135 4789/8146/135 4790/8147/135 +f 4815/6548/135 4821/8144/135 4816/8148/135 +f 7055/8149/57 7064/8150/57 7057/8151/57 +f 4820/8143/135 4815/6548/135 4819/6547/135 +f 5746/4956/3141 5719/4518/2727 5727/4954/3139 +f 4819/6547/135 4812/8136/135 4818/8152/135 +f 4812/8136/135 4813/8153/135 4818/8152/135 +f 3030/6355/4227 2981/8154/5209 3016/8138/5208 +f 4798/8155/135 4796/8109/135 4806/8133/135 +f 7070/8094/57 6982/8156/57 7081/8139/57 +f 7086/5760/57 6997/1730/57 7087/8157/57 +f 4840/8158/135 4839/8159/135 4785/8160/135 +f 1647/2619/1866 1648/8161/2498 1643/2617/1864 +f 5297/5791/135 5247/8162/135 5296/8163/135 +f 4822/1855/135 4841/8164/135 4783/8165/135 +f 4792/8166/135 4793/5265/135 4826/5267/135 +f 8084/8167/5210 8155/242/175 8154/8168/5211 +f 5487/8169/5212 5488/8170/5213 5486/8171/5212 +f 5507/8172/5214 5508/3405/2347 5506/8173/5214 +f 7541/8174/166 7504/8175/5215 7542/8176/5215 +f 149/8177/2298 151/8178/2299 147/8179/2298 +f 310/8180/494 313/427/291 309/8181/494 +f 4374/8182/5216 4377/8183/5162 4376/7997/5162 +f 2595/8184/5217 5222/8185/5218 5221/8186/5217 +f 2210/8187/5219 2278/8188/5220 2277/8189/5221 +f 2083/457/309 2079/7036/4782 2080/8190/4782 +f 146/8191/5222 140/8192/688 142/8193/688 +f 8670/8194/5223 8736/8195/5219 8735/8196/5224 +f 7364/8197/5225 7385/8198/5226 7362/8199/5226 +f 326/8200/4758 327/8201/5182 325/8202/4758 +f 5505/8203/5227 5506/8173/5214 5504/8204/5227 +f 2652/67/48 5400/8205/1666 5399/8206/48 +f 4449/8207/5228 4450/8208/5229 4451/8209/5229 +f 8553/7126/4833 8554/8210/5230 8552/8211/4833 +f 7985/8212/2426 7972/410/281 7984/3562/2426 +f 5430/8213/5231 2412/8214/5232 5449/8215/5232 +f 4854/8216/135 4853/8217/135 4852/8218/135 +f 4855/8219/135 4853/8217/135 4854/8216/135 +f 4861/8220/135 4860/8221/135 4858/5542/135 +f 4856/8222/135 4859/8223/135 4853/8217/135 +f 4856/8222/135 4853/8217/135 4855/8219/135 +f 7098/8224/57 7105/8225/57 7106/8226/57 +f 4850/5541/135 4857/5543/135 4859/8223/135 +f 4850/5541/135 4859/8223/135 4856/8222/135 +f 4851/8227/135 4850/5541/135 4856/8222/135 +f 4849/8228/135 4851/8227/135 4843/8229/2434 +f 4849/8228/135 4850/5541/135 4851/8227/135 +f 4848/8230/135 4849/8228/135 4843/8229/2434 +f 4842/8231/135 4848/8230/135 4843/8229/2434 +f 4847/8232/135 4848/8230/135 4842/8231/135 +f 4844/8233/135 4847/8232/135 4842/8231/135 +f 4846/8234/135 4847/8232/135 4844/8233/135 +f 4845/8235/135 4846/8234/135 4844/8233/135 +f 4950/8236/5233 4920/8237/221 4951/428/221 +f 8509/8238/5234 8506/8239/5235 8507/8240/5235 +f 1446/20/16 1451/8241/5236 1450/8242/5236 +f 17/8243/5237 21/6994/4763 15/8244/5237 +f 572/8245/2408 575/8246/2409 574/8247/2409 +f 340/8248/579 341/8249/5238 339/8250/579 +f 7003/8251/5239 7004/8252/695 7002/8253/5239 +f 8209/4369/2608 8256/8254/244 8255/4370/276 +f 2677/8255/4836 4972/8256/5240 4977/7130/4836 +f 1416/8257/5241 1414/2272/1630 1418/8258/5242 +f 4943/8259/1741 4897/8260/1742 4944/8261/1742 +f 6987/8262/4942 6978/3523/5243 6980/3522/5243 +f 7093/8263/5244 7085/8264/5245 7094/8265/5245 +f 5503/8266/5246 5504/8204/5227 5502/8267/5246 +f 604/8268/1739 599/8269/5247 602/8270/5247 +f 5080/8271/5248 5003/8272/5249 5081/8273/5249 +f 7517/8274/5250 7508/8275/2421 7518/8276/2421 +f 5554/8277/581 5555/8278/5251 5556/8279/5251 +f 132/8280/5252 124/8281/1766 128/2498/1766 +f 2478/230/170 5287/8282/5253 2479/8283/5253 +f 1453/8284/5223 1459/8285/5254 1458/8286/5254 +f 8176/8287/2634 8261/873/565 8260/4419/2634 +f 5179/8288/5255 5139/8289/5256 5180/8290/5256 +f 306/8291/57 303/8292/5257 304/8293/57 +f 7674/8294/5258 7672/8295/5259 7673/8296/5259 +f 8207/8297/608 8265/8298/609 8206/8299/610 +f 8539/8300/5260 8540/736/480 8538/8301/5260 +f 5165/8302/5261 5148/8303/5176 5167/8304/5176 +f 8603/8305/5262 8604/4379/2612 8602/8306/5262 +f 8601/8307/5263 8602/8306/5262 8600/8308/5263 +f 5099/8309/135 5125/8310/135 5098/8311/135 +f 7132/8312/57 7178/8313/57 7130/8314/57 +f 7120/8315/57 7171/8316/57 7118/4026/57 +f 7175/8317/57 7132/8312/57 7134/5850/57 +f 7176/8318/57 7120/8315/57 7122/4682/57 +f 5106/8319/135 5133/8320/135 5105/8321/135 +f 5134/8322/135 5107/8323/135 5108/8324/135 +f 7492/8325/57 7448/8326/57 7450/8327/57 +f 7173/8328/57 7142/8329/57 7144/8330/57 +f 5105/8321/135 5137/8331/135 5104/8332/135 +f 7495/8333/57 7434/5018/57 7436/8334/57 +f 7184/8335/57 7110/8336/57 7185/8337/57 +f 4906/8338/135 4902/8339/135 4876/8340/135 +f 7152/8341/57 7186/5395/57 7188/8342/57 +f 7440/8343/57 7498/8344/57 7438/8345/57 +f 7452/8346/57 7493/8347/57 7499/8348/57 +f 7150/8349/57 7188/8342/57 7192/8350/57 +f 7189/8351/57 7110/8336/57 7113/8352/57 +f 7190/8353/57 7124/4683/57 7154/8354/57 +f 7191/8355/57 7154/8354/57 7157/8356/57 +f 7187/8357/57 7168/8358/57 7140/8359/57 +f 3690/5583/3703 3685/8360/5264 3693/1598/1043 +f 7148/8361/57 7192/8350/57 7198/8362/57 +f 6356/8363/5265 6355/5994/4056 6353/5982/4046 +f 3532/8364/5266 3536/5692/3810 3544/5179/3337 +f 7196/8365/57 7164/8366/57 7166/8367/57 +f 7191/8355/57 7158/8368/57 7199/8369/57 +f 1426/8370/4 8593/8371/4 1424/8372/4 +f 4892/8373/135 4917/8374/135 4865/8375/135 +f 5154/8376/135 5120/8377/135 5155/2568/135 +f 4887/8378/135 4888/8379/135 4922/8380/135 +f 7146/8381/57 7198/8362/57 7172/8382/57 +f 4945/8383/5267 4902/8384/5255 4946/8385/5255 +f 5171/8386/5268 5131/8387/5269 5172/8388/5269 +f 4421/8389/5270 4422/8390/5271 4423/8391/5271 +f 8749/8392/255 385/7193/2341 384/7192/2341 +f 4855/7043/4785 4828/8393/5272 4856/8394/5272 +f 5517/8395/5273 5519/8396/570 5520/877/570 +f 2711/8397/5274 5392/382/267 5391/8398/5274 +f 5170/8399/5275 5129/8400/5268 5171/8386/5268 +f 192/8401/188 193/280/198 191/8402/188 +f 2639/8403/5276 4869/4306/2574 4868/8404/5276 +f 542/8405/2295 547/8406/152 546/8407/152 +f 8677/8408/2355 8748/8409/1681 8678/8410/1681 +f 8419/8411/5277 8420/4337/2594 8418/8412/5277 +f 2579/8413/5278 4969/8414/5279 2583/8415/5279 +f 8313/8416/5280 8314/8057/5187 8312/8417/5280 +f 8397/2414/1718 8394/8418/5281 8395/8419/5281 +f 7526/8420/545 7483/8421/697 7527/1102/697 +f 4944/8261/1742 4901/8422/5267 4945/8383/5267 +f 550/8423/153 539/8424/32 541/272/32 +f 8435/8425/5282 8436/8426/5283 8434/8427/5282 +f 5110/8428/364 2659/8429/5284 5111/8430/5284 +f 4929/8431/5285 4909/3537/2412 4930/3536/2412 +f 2348/8432/5286 5277/8433/600 2383/8434/600 +f 2406/8435/5287 5277/8436/600 5276/8437/5287 +f 5185/316/222 5143/8438/2307 5186/3166/2307 +f 2212/8439/5288 2279/8440/5289 2278/8188/5220 +f 2712/8441/555 5107/8442/4795 5106/8443/555 +f 7247/8444/5290 7248/8445/5291 7246/8446/5290 +f 7414/8447/5292 7338/8448/5293 7415/8449/5293 +f 7044/8450/5294 7046/8451/5295 7047/8452/5296 +f 7995/8453/5297 7996/8454/5298 7994/8455/5297 +f 4946/8456/135 4943/8457/135 4944/8458/135 +f 4946/8456/135 4944/8458/135 4945/8459/135 +f 4947/8460/135 4942/8461/135 4943/8457/135 +f 4947/8460/135 4943/8457/135 4946/8456/135 +f 4935/8462/135 4932/8463/135 4934/8464/135 +f 4936/8465/135 4932/8463/135 4935/8462/135 +f 4937/8466/135 4933/8467/135 4932/8463/135 +f 4937/8466/135 4932/8463/135 4936/8465/135 +f 7530/8468/57 7528/8469/57 7529/8470/57 +f 4938/8471/135 4947/8460/135 4933/8467/135 +f 4938/8471/135 4942/8461/135 4947/8460/135 +f 4938/8471/135 4933/8467/135 4937/8466/135 +f 4948/8472/135 4949/8473/135 4950/8474/135 +f 4948/8472/135 4950/8474/135 4951/8475/135 +f 4948/8472/135 4951/8475/135 4952/8476/135 +f 7219/8477/57 7217/2760/57 7209/8478/57 +f 3866/6706/4517 3874/6424/4283 3885/8479/5299 +f 4930/8480/135 4948/8472/135 4952/8476/135 +f 5186/8481/135 5156/8482/135 5185/8483/135 +f 4925/8484/135 4930/8480/135 4952/8476/135 +f 4925/8484/135 4952/8476/135 4923/8485/135 +f 4927/8486/135 4928/8487/135 4929/8488/135 +f 4926/8489/135 4929/8488/135 4930/8480/135 +f 4926/8489/135 4930/8480/135 4925/8484/135 +f 4926/8489/135 4927/8486/135 4929/8488/135 +f 8393/8490/2364 8394/8418/5281 8392/3441/2364 +f 2654/8491/5300 4886/8492/190 4885/8493/5300 +f 8399/8494/1719 8400/8495/5301 8398/2415/1719 +f 250/8496/5242 293/8497/5241 296/8498/5241 +f 8493/8499/5302 8494/8087/5201 8492/8500/5302 +f 7739/8501/5303 7740/8502/220 7738/8503/5303 +f 8545/8504/5304 8542/8505/479 8543/735/479 +f 2301/8506/1680 2256/7140/4843 2302/7142/4845 +f 4511/8507/5305 4512/8508/5306 4513/8509/5306 +f 1491/8510/5307 1496/8511/5115 1495/7640/5115 +f 2666/8512/1769 5265/8513/5308 5273/2502/1769 +f 602/8270/5247 597/8514/84 600/117/84 +f 260/8515/167 252/8516/57 256/8517/167 +f 842/8518/326 8128/8519/5309 8082/8520/5309 +f 1528/8521/265 1525/8522/5310 1526/8523/5310 +f 5042/8524/5311 5086/8525/5312 5036/8526/5312 +f 522/8527/508 523/8528/509 524/8529/509 +f 2693/8530/5313 4812/8531/5314 4811/8532/5313 +f 158/8533/135 155/8534/216 156/8535/135 +f 7844/8536/5315 7846/3149/2296 7847/3151/2296 +f 4473/8537/5316 4474/8538/4805 4475/7078/4805 +f 8163/8539/2382 8228/8540/2381 8164/8541/2383 +f 7106/8542/5317 7075/8543/5318 7107/8544/5318 +f 8489/8545/5319 8490/8546/5320 8488/8547/5319 +f 4911/8548/5261 4933/8549/5321 4907/8550/5321 +f 2109/8551/5322 2104/8552/328 2107/8553/328 +f 4501/4323/57 4502/8554/5323 4503/8555/5323 +f 571/8556/2566 568/8557/2565 569/8558/2565 +f 7056/8559/326 7055/8560/326 7057/8561/326 +f 5012/8562/5324 5083/8563/5325 5043/8564/5325 +f 5333/8565/5326 5312/8566/4861 5334/7179/4861 +f 7713/8567/5327 7714/8568/5328 7712/8569/5327 +f 8559/8570/5329 8556/8571/5330 8557/8572/5330 +f 7145/3130/254 7142/8573/230 7143/8574/230 +f 8025/577/382 8022/8575/5331 8023/8576/5331 +f 8341/8577/4871 8342/510/337 8340/7205/4871 +f 686/8578/4852 8282/8579/4788 8184/8580/4788 +f 2698/8581/5332 5263/7168/5333 2699/7167/5333 +f 2540/8582/5334 4880/8583/5335 2550/8584/5335 +f 8467/8585/5336 8468/8586/5337 8466/8587/5336 +f 4926/8588/5338 4919/8589/5339 4927/8590/5339 +f 4823/8591/5340 4853/8592/5341 4824/8593/5341 +f 8019/8594/5342 8020/8595/5343 8018/8596/5342 +f 6983/8597/4942 6974/3548/5344 6975/253/5243 +f 7031/8598/326 7033/8599/5345 7030/8600/326 +f 5367/8601/292 2704/808/522 5368/807/522 +f 7221/8602/1761 7175/8603/2285 7222/3120/2285 +f 4935/8031/5177 4892/8604/5346 4936/8605/5346 +f 7981/8606/5347 7982/3563/2425 7980/8607/5348 +f 7330/8608/57 7286/8609/57 7289/8610/57 +f 7326/3789/57 7332/8611/57 7324/8612/57 +f 7286/8609/57 7333/8613/57 7302/8614/57 +f 7324/8612/57 7334/8615/57 7322/8616/57 +f 4978/8617/135 4973/8618/135 4974/8619/2435 +f 4978/8617/135 4974/8619/2435 4975/8620/135 +f 7335/8621/57 7292/8622/57 7294/8623/57 +f 4971/8624/135 4965/8625/135 4964/8626/135 +f 7300/8627/57 7336/8628/57 7298/8629/57 +f 4988/6640/135 4989/8630/135 5006/8631/135 +f 4970/8632/5349 4971/8624/135 4964/8626/135 +f 7335/8621/57 7296/8633/57 7336/8628/57 +f 7337/8634/57 7304/8635/57 7306/8636/57 +f 4969/8637/135 4970/8632/5349 4964/8626/135 +f 7338/8638/57 7306/8636/57 7308/8639/57 +f 4987/6641/135 5009/1610/135 4986/1609/135 +f 4963/8640/135 4969/8637/135 4964/8626/135 +f 3634/3742/2446 3646/4867/3058 3640/8641/5350 +f 4963/8640/135 4967/8642/135 4968/8643/135 +f 4963/8640/135 4968/8643/135 4969/8637/135 +f 4678/6401/4264 4652/7465/4996 4653/8644/5351 +f 4957/5483/135 5015/8645/135 4956/8646/135 +f 7343/8647/57 7308/8639/57 7310/8648/57 +f 5017/8649/2434 5018/8650/135 4963/8640/135 +f 7346/8651/57 7238/8652/57 7240/8653/57 +f 6518/3968/2500 6519/7358/4909 6523/3969/2501 +f 420/603/403 414/600/398 421/8654/404 +f 3842/8655/5352 3854/8656/5353 3863/6705/4516 +f 4979/8657/135 4978/8617/135 4975/8620/135 +f 6901/7415/4955 6519/7358/4909 6513/6702/4513 +f 4979/8657/135 4975/8620/135 4976/8658/135 +f 4979/8657/135 4976/8658/135 4977/8659/135 +f 5024/8660/135 4967/8642/135 5020/8661/135 +f 7352/5716/57 7240/8653/57 7242/5717/57 +f 5026/8662/135 5022/8663/5206 4960/8664/135 +f 5027/3768/135 4967/8642/135 5024/8660/135 +f 5028/8665/135 5021/8666/135 5023/8667/135 +f 7244/8668/57 7356/8669/57 7353/8670/57 +f 7355/8671/57 7357/8672/57 7363/8673/57 +f 5031/8674/135 5029/8675/135 4961/8676/135 +f 7256/8677/57 7354/8678/57 7341/2744/57 +f 1600/1334/824 1589/2564/1818 1595/2565/1819 +f 6438/8679/5354 6450/6336/4210 6436/6324/4198 +f 5034/8680/135 5031/8674/135 4961/8676/135 +f 6690/8681/5016 6937/7467/4998 6682/6697/4507 +f 7248/8682/57 7364/8683/57 7362/5346/57 +f 4996/8684/135 5036/8685/135 5030/8686/135 +f 7317/8687/57 7366/8688/57 7328/3787/57 +f 4996/8684/135 5030/8686/135 5038/8689/135 +f 1565/2536/1793 1568/1388/872 1563/1268/762 +f 7368/8690/57 7232/8691/57 7235/8692/57 +f 4990/8693/135 5036/8685/135 4996/8684/135 +f 5042/8694/135 5036/8685/135 4990/8693/135 +f 4980/1525/135 5012/8695/135 5043/1523/135 +f 1648/8696/326 328/8697/326 326/8698/326 +f 7371/8699/57 7314/8700/57 7290/8701/57 +f 2949/4553/2762 2943/4533/2742 2941/4532/2741 +f 7311/8702/57 7439/3703/57 7465/8703/57 +f 5711/6240/4116 5748/4802/2995 5721/4801/2994 +f 7370/8704/57 7289/8610/57 7284/8705/57 +f 4982/1524/135 5047/8706/135 5003/8707/135 +f 7236/8708/57 7368/8690/57 7235/8692/57 +f 7782/8709/5355 7769/8710/5356 7783/8711/5356 +f 2783/8712/5357 2784/2354/1685 2782/8713/5357 +f 558/8714/344 561/8715/4807 560/8716/4807 +f 614/8717/242 609/8718/2430 612/883/574 +f 564/1143/718 567/8719/5358 566/8720/5358 +f 7288/8721/5359 7284/8722/5360 7289/8723/5359 +f 37/8724/1767 38/8725/1766 36/8726/1767 +f 7689/8727/5361 7690/8728/5362 7688/8729/5361 +f 2826/7077/4804 2841/392/272 2842/394/272 +f 5394/351/247 2606/8730/5363 5416/8731/5363 +f 1524/8732/5364 1526/8733/5310 1525/8734/5310 +f 8533/8735/5365 8534/6473/4320 8532/8736/5365 +f 6998/8737/5366 7000/8738/5367 7001/8739/5367 +f 826/8740/5368 8145/8741/1733 8144/8742/5368 +f 7493/8743/142 7520/8744/2349 7499/8745/2349 +f 7243/8746/5369 7318/8747/5370 7242/8748/5369 +f 7100/8749/5371 7074/8750/5372 7102/8751/5372 +f 2516/265/190 5118/8752/5300 2511/8753/5300 +f 760/8754/501 761/8755/5373 759/8756/501 +f 8595/8757/5374 8592/8758/5375 8593/8759/5375 +f 2374/7990/5155 4817/8760/5376 4777/7976/5155 +f 5548/385/269 5549/8761/2278 5550/3106/2278 +f 5071/8762/5377 5022/8763/5378 5072/8764/5379 +f 162/8765/5380 165/8766/2290 161/8767/5380 +f 8311/8768/5381 8308/8769/372 8309/562/372 +f 7855/8770/5382 7852/8771/5383 7853/8772/5383 +f 2260/8773/4775 2333/8774/5384 2332/8775/4775 +f 5082/8776/5385 5043/8564/5325 5083/8563/5325 +f 2414/8777/5386 4986/8778/5387 2413/8779/5387 +f 8627/8780/32 8628/796/515 8626/8781/32 +f 352/8782/2551 353/8783/2370 354/6482/2370 +f 2719/8784/5388 5391/8398/5274 5390/8785/5388 +f 754/8786/366 755/6454/4310 753/8787/5389 +f 2612/8788/5175 5433/8789/5390 2610/8790/5390 +f 2679/8791/189 4888/8792/325 4887/8793/189 +f 5386/8794/5391 2377/8795/5392 5387/8796/5392 +f 2476/8797/5393 5412/4313/2580 2471/8798/2580 +f 7230/8799/5215 7188/8800/2572 7231/8801/2572 +f 8672/8802/5394 8739/783/288 8738/8803/5394 +f 2514/8804/5395 5284/8805/5396 5283/8806/5395 +f 621/8807/5389 622/8808/4310 620/552/366 +f 7534/8809/2285 7491/8810/380 7535/574/380 +f 8170/8811/2402 8241/8812/2404 8171/8813/2403 +f 7581/8814/587 7582/920/600 7580/902/587 +f 4729/7642/5114 4725/7645/5117 4731/7647/5117 +f 2777/8815/57 2778/8816/5397 2776/2325/57 +f 5069/8817/135 5070/8818/135 5071/8819/2434 +f 5067/8820/2435 5071/8819/2434 5072/8821/2521 +f 5067/8820/2435 5069/8817/135 5071/8819/2434 +f 5066/8822/135 5067/8820/2435 5072/8821/2521 +f 5068/8823/135 5067/8820/2435 5066/8822/135 +f 5064/8824/135 5068/8823/135 5066/8822/135 +f 7395/8825/57 7401/8826/57 7400/8827/57 +f 7401/8826/57 7391/8828/57 7382/8829/57 +f 5061/8830/2434 5059/8831/135 5060/8832/135 +f 5062/8833/135 5057/8834/135 5059/8831/135 +f 5062/8833/135 5059/8831/135 5061/8830/2434 +f 5056/8835/2434 5057/8834/135 5062/8833/135 +f 5055/8836/135 5063/8837/135 5065/8838/135 +f 7382/8829/57 7385/8839/57 7381/6660/57 +f 1470/8840/57 1486/8841/57 1472/8842/57 +f 5053/8843/135 5056/8835/2434 5050/8844/5398 +f 5053/8843/135 5057/8834/135 5056/8835/2434 +f 5052/8845/135 5050/8844/5398 5049/8846/135 +f 5052/8845/135 5049/8846/135 5051/8847/135 +f 5052/8845/135 5053/8843/135 5050/8844/5398 +f 5094/8848/135 5093/8849/135 5092/8850/135 +f 5089/8851/2435 5087/8852/135 5088/8853/135 +f 5090/8854/135 5085/8855/135 5087/8852/135 +f 5090/8854/135 5087/8852/135 5089/8851/2435 +f 5579/4446/2658 5901/8856/5399 5574/5144/3303 +f 5084/8857/135 5086/6585/135 5085/8855/135 +f 5084/8857/135 5085/8855/135 5090/8854/135 +f 5082/6583/135 5084/8857/135 5076/8858/2435 +f 7409/8859/57 7418/8860/57 7413/8861/57 +f 5082/6583/135 5086/6585/135 5084/8857/135 +f 5081/8862/135 5076/8858/2435 5075/8863/135 +f 5081/8862/135 5082/6583/135 5076/8858/2435 +f 5080/8864/135 5081/8862/135 5075/8863/135 +f 5077/8865/135 5080/8864/135 5075/8863/135 +f 5079/8866/135 5080/8864/135 5077/8865/135 +f 5078/8867/2435 5079/8866/135 5077/8865/135 +f 5320/8868/297 5299/8869/5400 5321/8870/5400 +f 2754/4414/2632 2751/8871/5401 2752/4415/2632 +f 5203/8872/5402 2484/8873/5403 5204/8874/5403 +f 7551/8875/5404 7548/8876/5405 7549/8877/5405 +f 2223/8878/2396 2308/1118/704 2307/3504/2396 +f 8090/8879/336 8144/8742/5368 8143/8880/5406 +f 1487/8881/5407 1489/8882/5408 1490/8883/5408 +f 6984/7397/4941 7060/930/607 6982/7395/4941 +f 7650/3515/2401 7652/8884/5409 7653/8885/5409 +f 399/8886/569 394/8887/5410 397/8888/5410 +f 2860/906/589 2800/912/594 2798/914/594 +f 2463/7058/4794 4876/8889/5411 4875/8890/4794 +f 174/8891/700 175/2473/701 173/8892/700 +f 7685/8893/5412 7694/4265/2554 7695/4264/2554 +f 2211/8894/5224 2277/8189/5221 2276/8895/5223 +f 716/8896/5413 717/8897/5414 718/8898/5415 +f 724/8899/5416 725/8900/5417 726/8901/5417 +f 6966/8902/285 6973/3425/182 6967/8903/285 +f 4800/396/5418 2457/3524/2405 4801/3525/2405 +f 827/8904/4 8104/271/193 8103/8905/4 +f 2810/8906/5419 2807/8907/5420 2808/8908/5420 +f 2835/8909/19 2830/8910/2548 2833/4256/2548 +f 2510/8911/2574 5117/8912/2575 5102/8913/2574 +f 7617/231/171 7614/8914/5421 7615/8915/5421 +f 5052/8916/611 5039/8917/5422 5053/8918/5422 +f 255/8919/1717 248/8920/1715 249/8921/1715 +f 4948/8922/248 4895/8923/249 4949/8924/249 +f 7220/8925/5423 7177/8926/1761 7221/8927/1761 +f 548/8928/277 553/8929/361 552/8930/361 +f 5033/8931/5424 5050/8932/5425 5056/8933/5424 +f 7430/8934/57 7482/8935/57 7428/8936/57 +f 7484/8937/57 7456/8938/57 7458/8939/57 +f 7432/5017/57 7483/8940/57 7430/8934/57 +f 7487/8941/57 7444/8942/57 7446/8943/57 +f 5747/4964/3149 5700/6348/4223 5745/5167/3325 +f 7444/8942/57 7490/8944/57 7442/8945/57 +f 7491/8946/57 7446/8943/57 7448/8326/57 +f 6276/5639/3759 6255/5813/3901 6257/5637/3757 +f 6278/8947/5426 6294/5918/3985 6285/8948/5427 +f 7442/8945/57 7494/8949/57 7440/8343/57 +f 3870/8950/5428 3861/6427/4286 3851/6426/4285 +f 4906/8338/135 4862/8951/135 4907/8952/135 +f 5139/8953/135 5135/8954/135 5109/8955/135 +f 7464/8956/57 7498/8344/57 7500/8957/57 +f 3068/5712/3826 3046/8958/5429 3048/8959/5430 +f 7505/8960/57 7425/8961/57 7426/8962/57 +f 7462/8963/57 7500/8957/57 7504/8964/57 +f 7501/8965/57 7422/5882/57 7425/8961/57 +f 7502/8966/57 7436/8334/57 7466/8967/57 +f 7503/8968/57 7466/8967/57 7469/8969/57 +f 7499/8348/57 7480/8970/57 7452/8346/57 +f 7193/8971/57 7113/8352/57 7114/8972/57 +f 4881/8973/135 4914/8974/135 4920/8975/135 +f 7195/8976/57 7114/8972/57 7116/4028/57 +f 3293/8977/5431 3276/5311/3459 3322/8978/5432 +f 7508/4712/57 7476/8979/57 7478/4710/57 +f 4913/8980/135 4886/8981/135 4921/8982/135 +f 7474/8983/57 7509/8984/57 7512/8985/57 +f 5125/8310/135 5150/8986/135 5098/8311/135 +f 7511/8987/57 7472/8988/57 7512/8985/57 +f 5120/8377/135 5121/2566/135 5155/2568/135 +f 7458/8939/57 7510/8989/57 7484/8937/57 +f 2390/8990/5433 5454/8991/2345 5453/8992/5433 +f 7779/8993/5434 7787/8994/5435 7753/8995/5435 +f 4372/544/360 4375/8996/5216 4374/8182/5216 +f 554/8997/362 557/8998/343 556/8999/343 +f 5495/9000/5436 5496/9001/5437 5494/9002/5436 +f 2111/9003/5438 2106/9004/5322 2109/8551/5322 +f 7891/9005/5439 7892/3171/2311 7890/9006/5439 +f 2395/9007/4864 5357/454/306 5356/7188/4864 +f 7293/9008/5440 7290/9009/2546 7291/4253/2546 +f 2551/9010/5175 4788/1136/715 2541/9011/715 +f 4980/9012/5441 2393/9013/5442 4979/9014/5442 +f 7809/3169/2309 7776/9015/5443 7798/9016/5443 +f 546/8407/152 551/9017/153 550/8423/153 +f 7284/8722/5360 7283/9018/270 7282/386/270 +f 4429/7719/5126 4430/9019/2417 4431/3545/2417 +f 8407/9020/5444 8408/9021/5445 8406/9022/5444 +f 8415/375/263 8412/441/299 8413/9023/299 +f 7544/9024/5446 7546/9025/5447 7547/9026/5447 +f 733/9027/84 727/9028/85 731/1093/85 +f 7025/1115/703 7028/9029/5448 7029/9030/5448 +f 242/9031/188 243/3417/198 241/9032/188 +f 4941/9033/2303 4900/9034/5188 4942/8059/5188 +f 5326/9035/5449 5293/9036/5450 5327/9037/5450 +f 2514/8804/5395 5282/7012/4769 2501/9038/4769 +f 5162/9039/5451 5142/9040/2412 5163/9041/2412 +f 2249/337/236 2325/3507/481 2248/9042/481 +f 5460/9043/5452 5557/9044/4773 5558/7022/4773 +f 5530/9045/5453 5531/409/280 5529/9046/5453 +f 8199/9047/1733 8276/9048/1734 8275/9049/1733 +f 8503/9050/5454 8500/9051/2360 8501/3431/2360 +f 7156/3570/2429 7158/9052/5455 7157/3571/2429 +f 5179/9053/135 5176/9054/135 5177/9055/135 +f 5179/9053/135 5177/9055/135 5178/9056/135 +f 5180/9057/135 5175/9058/135 5176/9054/135 +f 5180/9057/135 5176/9054/135 5179/9053/135 +f 5168/9059/135 5165/9060/135 5167/9061/135 +f 5169/9062/135 5165/9060/135 5168/9059/135 +f 5170/9063/135 5166/9064/135 5165/9060/135 +f 5170/9063/135 5165/9060/135 5169/9062/135 +f 8651/4511/4 1438/9065/4 8653/1503/4 +f 5171/9066/135 5180/9057/135 5166/9064/135 +f 5171/9066/135 5175/9058/135 5180/9057/135 +f 5171/9066/135 5166/9064/135 5170/9063/135 +f 5181/9067/135 5182/9068/135 5183/9069/135 +f 5181/9067/135 5183/9069/135 5184/9070/135 +f 5181/9067/135 5184/9070/135 5185/8483/135 +f 7531/9071/57 7529/8470/57 7521/9072/57 +f 7219/8477/57 7201/9073/57 7231/9074/57 +f 5163/9075/135 5181/9067/135 5185/8483/135 +f 7543/9076/57 7513/9077/57 7542/9078/57 +f 5158/9079/135 5163/9075/135 5185/8483/135 +f 5158/9079/135 5185/8483/135 5156/8482/135 +f 5160/9080/135 5161/9081/135 5162/9082/135 +f 5159/9083/135 5162/9082/135 5163/9075/135 +f 5159/9083/135 5163/9075/135 5158/9079/135 +f 5159/9083/135 5160/9080/135 5162/9082/135 +f 4786/8012/5169 2529/1135/714 4787/1137/714 +f 299/9084/5242 301/9085/1715 297/9086/5242 +f 2204/7744/5142 101/9087/19 2201/7743/5142 +f 8197/9088/5456 8226/9089/5457 8195/9090/5457 +f 4495/561/371 4496/9091/2586 4497/4324/2586 +f 5467/9092/5458 5469/3117/2283 5470/3119/2283 +f 7121/9093/5459 7118/9094/92 7119/487/92 +f 6531/6629/4449 6532/9095/5460 6533/3646/2436 +f 2658/2313/1665 5402/3494/2391 5401/9096/1665 +f 7907/9097/5461 7905/9098/5462 7904/9099/5462 +f 8059/9100/194 8106/9101/1668 8105/270/194 +f 2258/9102/4868 2305/9103/4867 2304/9104/5463 +f 2253/9105/75 2313/9106/2350 2252/9107/2350 +f 4781/9108/19 2444/9109/19 4760/9110/19 +f 2601/447/303 5259/7015/4770 5258/448/303 +f 210/9111/5464 213/9112/5465 209/9113/5464 +f 2418/9114/5466 5430/8213/5231 5429/9115/5466 +f 152/9116/2299 153/9117/5467 151/8178/2299 +f 7325/9118/5156 7322/9119/5468 7323/9120/5468 +f 5346/9121/4787 5300/9122/5469 5347/9123/5469 +f 79/4404/19 144/9124/5222 146/8191/5222 +f 8305/9125/5470 8306/9126/373 8304/9127/5470 +f 2554/9128/5471 5379/9129/5472 5378/9130/5471 +f 5332/9131/5473 5302/9132/5326 5333/9133/5326 +f 7102/8751/5372 7073/9134/5474 7103/9135/5474 +f 8577/9136/5475 8578/9137/5476 8576/9138/5475 +f 2575/9139/5477 4971/9140/5478 2580/9141/5478 +f 2616/9142/5479 5447/9143/5480 2621/9144/5480 +f 7256/9145/5481 7258/9146/5482 7259/9147/5482 +f 7538/9148/142 7485/9149/143 7539/9150/143 +f 2796/3262/2325 2873/9151/1700 2874/9152/1700 +f 694/9153/4 8232/9154/689 8166/9155/689 +f 8212/9156/5309 8259/4420/326 8258/9157/5309 +f 5211/9158/135 5203/9159/2435 5204/9160/2435 +f 5211/9158/135 5204/9160/2435 5205/9161/135 +f 5211/9158/135 5205/9161/135 5206/9162/135 +f 5211/9158/135 5206/9162/135 5207/9163/2465 +f 5211/9158/135 5207/9163/2465 5208/3976/135 +f 2673/4173/135 2376/3750/135 2375/3749/135 +f 5218/9164/135 5212/9165/135 5217/9166/135 +f 5212/9165/135 5218/9164/135 5213/9167/135 +f 7588/9168/57 7602/9169/57 7586/4219/57 +f 5217/9166/135 5212/9165/135 5216/3975/135 +f 5209/3974/135 5210/9170/135 5215/9171/135 +f 5196/9172/135 5195/9173/135 5200/9174/135 +f 7590/9175/57 7598/9176/57 7601/9177/57 +f 5197/9178/135 5198/9179/135 5194/9180/135 +f 5198/9179/135 5199/9181/135 5194/9180/135 +f 5199/9181/135 5200/9174/135 5194/9180/135 +f 5200/9174/135 5195/9173/135 5194/9180/135 +f 5197/9178/135 5194/9180/135 5201/9182/135 +f 1485/8093/5204 1488/9183/5407 1487/9184/5407 +f 5201/9182/135 5194/9180/135 5219/2368/135 +f 5187/9185/135 5188/9186/135 5192/9187/135 +f 5188/9186/135 5189/9188/135 5193/9189/135 +f 5189/9188/135 5190/9190/135 5193/9189/135 +f 5190/9190/135 5191/9191/135 5193/9189/135 +f 5191/9191/135 5219/2368/135 5193/9189/135 +f 5219/2368/135 5194/9180/135 5193/9189/135 +f 5192/9187/135 5188/9186/135 5193/9189/135 +f 7999/9192/5483 8000/9193/5484 7998/9194/5483 +f 7993/9195/5485 7991/9196/5486 7990/9197/5486 +f 7163/9198/5487 7164/8071/5193 7162/9199/5487 +f 722/9200/5488 723/9201/5416 724/8899/5416 +f 7161/9202/5489 7162/9199/5487 7160/9203/5489 +f 338/889/578 336/942/615 335/941/615 +f 576/9204/5490 579/9205/508 578/778/508 +f 7897/9206/5491 7898/2370/1693 7896/9207/5491 +f 7603/9208/5492 7601/3145/2294 7600/3144/2294 +f 8325/9209/5493 8322/9210/5494 8323/9211/5494 +f 164/9212/5465 167/9213/5495 163/9214/5465 +f 226/9215/701 227/9216/1750 225/1111/701 +f 7117/9217/91 7114/9218/5496 7115/9219/5496 +f 8079/9220/276 8125/9221/2607 8078/9222/2607 +f 1531/9223/550 1534/9224/4065 1533/9225/4065 +f 7672/9226/19 7666/9227/19 7673/9228/19 +f 8091/9229/4771 8056/340/238 8149/339/238 +f 5136/9230/248 5163/9041/2412 5142/9040/2412 +f 4463/9231/5497 4464/9232/294 4465/434/294 +f 2456/9233/555 4874/7059/4795 4873/9234/555 +f 8716/9235/5498 8763/9236/4868 8762/9237/4844 +f 1458/8286/5254 1462/9238/4812 1461/7091/4812 +f 2773/9239/5499 2774/2326/1672 2772/9240/5499 +f 8659/9241/5500 8660/814/526 8658/9242/5500 +f 5225/9243/135 5220/9244/2435 5221/9245/2434 +f 5225/9243/135 5221/9245/2434 5222/9246/135 +f 8389/9247/4 8469/9248/4 8467/9249/4 +f 5226/9250/135 5231/9251/135 5227/9252/135 +f 5231/9251/135 5226/9250/135 5230/9253/135 +f 5222/9246/135 5223/6138/135 5229/6140/135 +f 5230/9253/135 5222/9246/135 5229/6140/135 +f 7616/9254/57 7626/1763/57 7629/9255/57 +f 4180/6798/4596 4029/6602/4427 4199/6820/4616 +f 5242/9256/135 5243/9257/135 5238/9258/135 +f 5243/9257/135 5239/9259/135 5238/9258/135 +f 7650/9260/57 7642/9261/57 7635/1762/57 +f 5241/9262/135 5242/9256/135 5235/9263/135 +f 5236/9264/135 5241/9262/135 5235/9263/135 +f 7647/9265/57 7640/9266/57 7654/9267/57 +f 5233/9268/135 5234/9269/135 5237/9270/135 +f 5234/9269/135 5235/9263/135 5237/9270/135 +f 4509/9271/5501 4510/9272/5305 4511/8507/5305 +f 7286/9273/5502 7288/8721/5359 7289/8723/5359 +f 7203/9274/517 7200/9275/5503 7204/9276/5503 +f 8547/9277/5504 8548/9278/5505 8546/9279/5504 +f 7092/9280/5506 7084/9281/5244 7093/9282/5244 +f 8021/9283/5343 8022/8575/5331 8020/8595/5343 +f 502/518/344 503/9284/4807 504/7081/4807 +f 633/9285/549 634/734/477 632/848/549 +f 4846/9286/5507 4838/9287/4830 4847/7121/4830 +f 1490/8883/5408 1442/9288/2427 1445/3564/2427 +f 2431/9289/326 5211/9290/326 5212/9291/326 +f 8463/4384/2616 8460/9292/5508 8461/9293/5508 +f 534/9294/551 531/780/509 532/779/509 +f 8186/7988/238 8221/7018/4771 8187/7017/4771 +f 8403/9295/5509 8400/9296/5301 8401/9297/5301 +f 2797/913/595 2809/9298/5419 2810/8906/5419 +f 7133/9299/2606 7130/9300/5510 7131/9301/5510 +f 2235/9302/275 2270/9303/214 2241/302/214 +f 2357/9304/5511 4994/9305/5512 2356/9306/5512 +f 7795/9307/5513 7757/9308/5514 7796/9309/5514 +f 5054/9310/5515 5030/9311/5516 5055/9312/5516 +f 7095/9313/5517 7087/9314/5518 7096/9315/5518 +f 7012/9316/5519 7014/9317/5520 7013/9318/5519 +f 5468/9319/5458 5551/9320/580 5552/892/580 +f 8162/9321/5521 8245/9322/19 8161/9323/19 +f 7969/9324/4793 7970/8032/5178 7968/7056/4793 +f 4936/9325/5346 4893/9326/5275 4937/9327/5522 +f 2491/9328/5523 5287/8282/5253 5286/9329/5523 +f 7576/9330/5524 7578/901/586 7579/903/586 +f 2608/4084/2526 3793/6315/4189 2400/3794/2457 +f 2194/7732/5135 14/9331/32 2195/7736/5135 +f 8086/9332/2633 725/8900/5417 8157/9333/2633 +f 494/9334/277 495/9335/361 496/545/361 +f 7806/9336/4832 7760/9337/5525 7807/9338/5525 +f 2470/9339/2601 5364/7964/5151 5363/4355/2601 +f 35/9340/5526 36/8726/1767 34/9341/5526 +f 2723/9342/5527 5370/9343/5528 2718/9344/5528 +f 8065/9345/5457 8097/7135/4839 8063/9346/4839 +f 2107/8553/328 2102/9347/329 2105/9348/329 +f 2646/9349/5529 5199/9350/5530 2645/9351/5530 +f 2224/9352/705 2310/9353/5531 2309/1117/705 +f 7684/9354/5412 7686/9355/5532 7687/9356/5532 +f 150/9357/5533 147/8179/2298 148/9358/5533 +f 7341/9359/5534 7401/9360/5535 7350/9361/5535 +f 2522/7117/4827 4783/9362/5536 2523/9363/5536 +f 5396/9364/5537 2623/927/605 5397/928/605 +f 7750/9365/57 7696/9366/57 7666/9367/57 +f 5251/9368/135 5263/9369/135 5262/1606/135 +f 5248/9370/135 5263/9369/135 5251/9368/135 +f 7726/9371/57 7752/9372/57 7760/5305/57 +f 7674/9373/57 7694/9374/57 7684/9375/57 +f 7718/9376/57 7754/9377/57 7748/9378/57 +f 7721/9379/57 7753/9380/57 7718/9376/57 +f 1233/2212/1577 1239/2996/2196 1250/2995/2195 +f 7757/9381/57 7664/2125/57 7756/9382/57 +f 5298/9383/135 5290/9384/135 5248/9370/135 +f 7759/9385/57 7734/2126/57 7737/9386/57 +f 7758/9387/57 7668/9388/57 7762/9389/57 +f 7761/9390/57 7710/9391/57 7763/9392/57 +f 3612/5833/3918 4230/6870/4655 4229/1280/771 +f 7754/9377/57 7746/9393/57 7748/9378/57 +f 7763/9392/57 7712/9394/57 7768/9395/57 +f 7738/9396/57 7759/9385/57 7737/9386/57 +f 4279/5821/3909 3213/5203/3361 4280/2987/2189 +f 5240/9397/135 5236/9264/135 5232/9398/135 +f 6285/8948/5427 6274/3804/2460 6278/8947/5426 +f 5255/9399/135 5254/9400/135 5253/9401/135 +f 7740/9402/57 7765/9403/57 7738/9396/57 +f 5255/9399/135 5253/9401/135 5256/9404/135 +f 6524/6444/4303 6525/6446/4304 6527/9405/5538 +f 3972/6525/4365 3790/7428/4966 3980/9406/5539 +f 5286/9407/135 5309/9408/135 5285/9409/135 +f 5250/9410/135 5302/9411/135 5249/9412/135 +f 3647/5854/3936 3635/5876/3956 3604/5298/3449 +f 6144/5041/3212 6154/5622/3742 6165/5467/3595 +f 5313/9413/135 5272/9414/135 5273/9415/135 +f 3119/5202/3360 2948/9416/5540 3051/5418/3551 +f 5314/9417/135 5265/9418/135 5264/9419/135 +f 7775/9420/57 7658/8099/57 7660/9421/57 +f 5316/5139/135 5281/4971/135 5266/5140/135 +f 7705/7332/57 7776/9422/57 7702/9423/57 +f 3683/5988/4050 3692/5979/4043 3667/7700/5123 +f 6653/9424/135 68/5775/135 28/1586/135 +f 4883/9425/135 4908/9426/135 4910/9427/135 +f 7732/9428/57 7778/9429/57 7730/9430/57 +f 5260/9431/135 5258/9432/135 5259/9433/2434 +f 7359/9434/57 7318/5715/57 7320/9435/57 +f 7775/9420/57 7662/9436/57 7757/9381/57 +f 5261/9437/2434 5258/9432/135 5260/9431/135 +f 5256/9404/135 5257/1607/135 5258/9432/135 +f 5256/9404/135 5258/9432/135 5261/9437/2434 +f 2582/9438/5541 5419/9439/5542 5418/9440/5541 +f 7671/9441/5543 7658/9442/5544 7670/9443/5543 +f 8331/9444/5161 8332/9445/5545 8330/7995/5161 +f 4832/218/162 4860/9446/5546 4833/9447/5546 +f 4792/9448/5547 2473/9449/5548 4793/9450/5548 +f 2722/9451/5549 4997/9452/5550 4959/9453/5549 +f 312/9454/5153 315/9455/167 311/9456/5153 +f 7807/9338/5525 7752/9457/2308 7808/3167/2308 +f 7625/9458/32 7622/9459/32 7623/9460/32 +f 5472/9461/2284 5473/776/507 5471/3118/2284 +f 8204/9462/5551 8268/9463/612 8203/3437/612 +f 7704/9464/5552 7706/9465/5553 7705/9466/5552 +f 2557/9467/5554 5376/432/293 5385/9468/5554 +f 5556/8279/5251 5522/9469/258 5521/366/258 +f 48/9470/5555 2196/7722/5127 46/9471/5555 +f 72/9472/5556 17/8243/5237 15/8244/5237 +f 5347/9123/5469 5292/9473/5557 5348/9474/5557 +f 7691/9475/5558 7692/774/505 7690/8728/5362 +f 375/9476/5559 370/9477/228 373/9478/228 +f 7321/9479/5560 7318/8747/5370 7319/9480/5370 +f 5344/9481/5561 5317/9482/4786 5345/7044/4786 +f 4390/4297/2570 4393/9483/239 4392/341/239 +f 8710/9484/2351 8774/9485/235 8709/9486/235 +f 2734/9487/4822 5239/9488/5562 5243/9489/4822 +f 1460/9490/5563 1448/9491/5564 1452/9492/5564 +f 491/203/153 485/9493/32 484/9494/32 +f 2213/9495/5289 2280/424/290 2279/9496/5289 +f 7841/9497/5565 7828/9498/5566 7840/9499/5565 +f 4856/8394/5272 4830/9500/5567 4851/9501/5567 +f 334/9502/614 331/9503/133 332/9504/133 +f 5343/9505/135 5340/9506/135 5341/9507/135 +f 5343/9505/135 5341/9507/135 5342/9508/135 +f 5330/9509/135 5340/9506/135 5343/9505/135 +f 5332/9510/135 5329/9511/135 5331/9512/135 +f 5333/9513/135 5329/9511/135 5332/9510/135 +f 5334/9514/135 5330/9509/135 5329/9511/135 +f 5334/9514/135 5329/9511/135 5333/9513/135 +f 143/9515/135 6383/9516/135 134/9517/135 +f 5335/9518/135 5339/9519/135 5340/9506/135 +f 5335/9518/135 5340/9506/135 5330/9509/135 +f 5335/9518/135 5330/9509/135 5334/9514/135 +f 5344/9520/135 5345/9521/135 5346/9522/135 +f 5344/9520/135 5346/9522/135 5347/9523/135 +f 7014/9524/57 7076/9525/57 7073/8104/57 +f 7798/4736/57 7781/9526/57 7809/2708/57 +f 5327/9527/135 5344/9520/135 5347/9523/135 +f 7768/9395/57 7714/9528/57 7773/6739/57 +f 6644/9529/5568 6615/6608/4432 6613/7426/4965 +f 5322/9530/135 5327/9527/135 5347/9523/135 +f 5324/9531/135 5325/9532/135 5326/9533/135 +f 5323/9534/135 5326/9533/135 5327/9527/135 +f 5323/9534/135 5327/9527/135 5322/9530/135 +f 5323/9534/135 5324/9531/135 5326/9533/135 +f 7951/898/584 7948/9535/531 7949/9536/531 +f 7530/9537/4791 7490/9538/340 7532/2489/340 +f 510/9539/5358 511/9540/2565 512/4289/2565 +f 8601/8307/5263 8598/9541/5569 8599/9542/5569 +f 8301/9543/597 8302/9544/5570 8300/916/597 +f 8088/9545/5571 8142/9546/335 8141/4348/2598 +f 8164/8541/2383 8229/9547/5572 8167/9548/5572 +f 7879/9549/5573 7880/9550/5574 7878/9551/5573 +f 7681/9552/5575 7678/860/557 7680/9553/5575 +f 2446/9554/5576 5213/9555/5577 5218/9556/5578 +f 3941/6477/4325 4218/7737/5137 4756/7740/5140 +f 8082/8520/5309 8127/9557/245 8081/3271/245 +f 8166/9155/689 8231/9558/691 8165/9559/691 +f 33/9560/2388 34/9341/5526 32/9561/2388 +f 8333/9562/5545 8334/9563/5579 8332/9445/5545 +f 2411/9564/5335 5114/9565/5334 5113/9566/5335 +f 5168/9567/5177 5125/9568/5346 5169/9569/5346 +f 7715/9570/5328 7716/9571/5580 7714/8568/5328 +f 42/9572/5252 38/8725/1766 39/9573/1766 +f 5031/9574/5581 5064/9575/5582 5029/9576/5582 +f 4928/9577/5583 4916/9578/5285 4929/8431/5285 +f 5528/9579/5584 5529/9580/5453 5527/9581/5584 +f 737/9582/1739 732/9583/5247 735/9584/5247 +f 7449/9585/5585 7450/9586/2559 7448/9587/5585 +f 7207/3555/2422 7187/3408/2349 7208/3407/2349 +f 8353/9588/5586 8354/9589/5587 8352/9590/5586 +f 5321/8870/5400 5305/9591/4311 5322/6455/4311 +f 7234/9592/2394 7236/9593/5588 7235/9594/2394 +f 5568/9595/5203 5478/9596/5589 5567/8090/5203 +f 5079/239/174 5048/9597/5248 5080/8271/5248 +f 7513/9598/5590 7511/9599/517 7515/797/517 +f 2729/9600/4794 5107/8442/4795 2716/9601/4795 +f 8437/9602/5283 8438/246/179 8436/8426/5283 +f 218/9603/5495 206/307/135 217/9604/5495 +f 8674/9605/283 8745/9606/284 8675/9607/284 +f 2771/9608/493 2772/9240/5499 2770/758/493 +f 5379/9609/135 5380/9610/135 5381/9611/135 +f 5379/9609/135 5381/9611/135 5382/9612/135 +f 5379/9609/135 5382/9612/135 5383/9613/135 +f 5378/9614/135 5383/9613/135 5384/9615/135 +f 5378/9614/135 5379/9609/135 5383/9613/135 +f 5377/9616/135 5384/9615/135 5385/9617/135 +f 5377/9616/135 5378/9614/135 5384/9615/135 +f 5376/9618/135 5377/9616/135 5385/9617/135 +f 5358/9619/135 5377/9616/135 5376/9618/135 +f 5352/9620/135 5353/9621/135 5354/9622/135 +f 5352/9620/135 5354/9622/135 5355/9623/135 +f 5351/9624/135 5355/9623/135 5356/9625/135 +f 5351/9624/135 5356/9625/135 5357/9626/135 +f 5351/9624/135 5352/9620/135 5355/9623/135 +f 5350/9627/135 5357/9626/135 5358/9619/135 +f 5350/9627/135 5358/9619/135 5376/9618/135 +f 5350/9627/135 5351/9624/135 5357/9626/135 +f 5371/9628/135 5369/9629/135 5370/9630/2435 +f 5372/9631/135 5369/9629/135 5371/9628/135 +f 5373/9632/135 5368/9633/135 5369/9629/135 +f 5373/9632/135 5369/9629/135 5372/9631/135 +f 5374/9634/135 5367/9635/135 5368/9633/135 +f 5374/9634/135 5368/9633/135 5373/9632/135 +f 5375/9636/135 5367/9635/135 5374/9634/135 +f 5366/9637/135 5367/9635/135 5375/9636/135 +f 7828/9638/57 7862/9639/57 7844/9640/57 +f 5360/9641/135 5365/9642/135 5359/9643/135 +f 5360/9641/135 5359/9643/135 5367/9635/135 +f 5360/9641/135 5367/9635/135 5366/9637/135 +f 5364/9644/135 5365/9642/135 5360/9641/135 +f 5363/9645/135 5364/9644/135 5360/9641/135 +f 5362/9646/135 5363/9645/135 5360/9641/135 +f 5362/9646/135 5360/9641/135 5361/9647/135 +f 7731/213/159 7728/9648/5591 7729/9649/5591 +f 5544/9650/5592 2812/9651/5593 5543/9652/5592 +f 7885/9653/5594 7882/9654/5595 7883/9655/5595 +f 4419/9656/5596 4420/9657/5270 4421/8389/5270 +f 4877/549/364 2640/9658/5284 4878/9659/5284 +f 4940/3502/2304 4904/9660/2303 4941/9033/2303 +f 4923/9661/5382 4921/9662/5597 4925/9663/5597 +f 2723/9342/5527 5372/9664/5590 5371/9665/5527 +f 8049/9666/5598 8122/9667/5599 8043/9668/5599 +f 7849/9669/2297 7850/9670/5600 7848/3150/2297 +f 2199/7637/5113 116/9671/5601 113/9672/5601 +f 2682/9673/5602 5281/9674/5603 5280/9675/5602 +f 7202/9676/5590 7199/9677/517 7203/9274/517 +f 7334/9678/5604 7377/526/350 7359/9679/350 +f 7272/9680/5605 7274/9681/5606 7273/9682/5607 +f 8220/9683/5406 8274/9684/5368 8273/506/336 +f 8167/9548/5572 8238/9685/5608 8168/9686/5608 +f 5331/3558/2423 5298/9687/5473 5332/9131/5473 +f 1432/9688/5182 1394/2288/1646 1433/9689/488 +f 1480/9690/5609 1481/9691/1759 1482/2486/1759 +f 7939/9692/5610 7920/1127/711 7938/9693/5610 +f 8690/9694/1735 8789/9695/1736 8788/9696/1735 +f 2853/9697/5611 2741/479/324 2742/9698/324 +f 200/9699/5533 197/3154/2298 198/9700/5533 +f 7069/9701/5612 7066/9702/5613 7067/9703/5614 +f 520/9704/5490 521/9705/508 522/8527/508 +f 8085/9706/260 8157/9333/2633 8156/241/176 +f 2730/9707/5615 4954/9708/5616 4962/9709/5615 +f 7408/4286/2564 7374/9710/252 7409/359/252 +f 2571/9711/5617 5419/9712/5542 2577/9713/5542 +f 8213/371/175 8284/9714/5211 8214/9715/5210 +f 8722/9716/5618 359/8003/5165 8793/9717/5619 +f 7473/9718/5489 7470/9719/5455 7471/9720/5455 +f 2475/296/210 5408/9721/5620 2481/9722/5620 +f 7447/9723/2605 7444/9724/2606 7445/9725/2606 +f 5405/9726/5621 2609/9727/5537 5396/9364/5537 +f 5399/9728/135 5400/9729/135 5402/9730/135 +f 5400/9729/135 5401/9731/135 5402/9730/135 +f 5399/9728/135 5402/9730/135 5403/9732/135 +f 5398/9733/135 5399/9728/135 5404/9734/135 +f 5399/9728/135 5403/9732/135 5404/9734/135 +f 5396/9735/135 5397/9736/135 5395/9737/135 +f 5397/9736/135 5398/9733/135 5395/9737/135 +f 5398/9733/135 5404/9734/135 5395/9737/135 +f 5396/9735/135 5395/9737/135 5386/9738/135 +f 5387/9739/135 5388/9740/135 5390/9741/135 +f 5388/9740/135 5389/9742/135 5390/9741/135 +f 5386/9738/135 5387/9739/135 5391/9743/135 +f 5387/9739/135 5390/9741/135 5391/9743/135 +f 5386/9738/135 5391/9743/135 5392/9744/135 +f 5386/9738/135 5392/9744/135 5393/9745/135 +f 5396/9735/135 5386/9738/135 5394/9746/135 +f 5386/9738/135 5393/9745/135 5394/9746/135 +f 5410/9747/5206 5411/9748/135 5409/9749/135 +f 5411/9748/135 5412/9750/135 5408/9751/135 +f 5409/9749/135 5411/9748/135 5408/9751/135 +f 5412/9750/135 5413/9752/135 5407/9753/135 +f 5413/9752/135 5414/9754/135 5407/9753/135 +f 5408/9751/135 5412/9750/135 5407/9753/135 +f 5414/9754/135 5405/9755/135 5406/9756/135 +f 5407/9753/135 5414/9754/135 5406/9756/135 +f 2663/4163/135 2658/4151/135 2649/4140/135 +f 5406/9756/135 5405/9755/135 5415/9757/135 +f 5405/9755/135 5416/9758/135 5415/9757/135 +f 5415/9757/135 5416/9758/135 5417/9759/135 +f 5415/9757/135 5417/9759/135 5421/9760/135 +f 5417/9759/135 5418/9761/135 5420/9762/135 +f 5421/9760/135 5417/9759/135 5420/9762/135 +f 5420/9762/135 5418/9761/135 5419/9763/135 +f 2232/9764/1696 2328/9765/4783 2327/2374/1696 +f 8527/9766/5622 8524/9767/354 8525/531/354 +f 7837/9768/5623 7838/9769/5624 7836/9770/5623 +f 508/2312/718 509/9771/5358 510/9539/5358 +f 5088/9772/5625 5016/9773/5626 5089/9774/5626 +f 5358/453/307 2562/9775/5627 5377/9776/5627 +f 8706/9777/2397 8784/740/481 8783/9778/2397 +f 7316/9779/5628 7328/9780/5629 7329/9781/5629 +f 7620/9782/19 7610/9783/19 7621/9784/19 +f 2680/9785/5630 5232/9786/5631 5236/9787/5630 +f 5182/355/249 5127/9788/5233 5183/9789/5233 +f 7297/9790/4851 7294/9791/5632 7295/9792/5632 +f 7919/9793/5633 7900/9794/5634 7918/9795/5633 +f 2713/9796/5635 4955/9797/5636 2714/9798/5636 +f 6965/3424/2300 6970/9799/182 6963/416/285 +f 7562/9800/326 7561/9801/326 7563/9802/326 +f 2678/9803/190 4887/9804/189 4886/8492/190 +f 2715/840/543 4956/9805/5635 2713/9796/5635 +f 4884/4305/2575 2654/8491/5300 4885/8493/5300 +f 1517/9806/5637 1520/9807/5638 1519/9808/5638 +f 381/2445/1723 376/9809/4817 379/9810/4817 +f 6987/8262/4942 6979/9811/5344 6981/9812/4942 +f 1507/8083/4843 1510/9813/5639 1509/9814/5639 +f 7785/9815/5640 7754/9816/5641 7786/9817/5641 +f 2571/9711/5617 5421/555/368 5420/9818/5617 +f 2484/8873/5403 5205/9819/5642 5204/8874/5403 +f 2064/7150/4829 2063/9820/2549 2061/9821/2549 +f 1464/9822/4813 1466/9823/5643 1465/9824/5643 +f 8075/7173/4858 8137/9825/5551 8074/9826/5551 +f 5062/9827/5644 5033/8931/5424 5056/8933/5424 +f 186/7021/278 187/9828/279 188/9829/279 +f 8696/9830/684 8743/9831/5645 8742/9832/684 +f 7995/8453/5297 7992/9833/5485 7993/9834/5485 +f 5161/9835/5583 5149/9836/5451 5162/9039/5451 +f 7669/9837/5646 7666/9838/5647 7667/9839/5647 +f 7539/9150/143 7484/9840/165 7540/9841/165 +f 7399/9842/5648 7353/9843/5649 7393/9844/5649 +f 5434/9845/135 5435/9846/135 5432/9847/135 +f 5434/9845/135 5432/9847/135 5433/9848/135 +f 5452/9849/135 5453/9850/2435 5454/9851/135 +f 5451/9852/135 5454/9851/135 5455/9853/135 +f 5451/9852/135 5452/9849/135 5454/9851/135 +f 5450/9854/135 5455/9853/135 5456/9855/135 +f 5450/9854/135 5451/9852/135 5455/9853/135 +f 5449/9856/135 5456/9855/135 5457/9857/135 +f 5449/9856/135 5457/9857/135 5458/9858/135 +f 5449/9856/135 5450/9854/135 5456/9855/135 +f 5448/9859/135 5449/9856/135 5458/9858/135 +f 5430/9860/135 5449/9856/135 5448/9859/135 +f 5424/9861/135 5425/9862/135 5426/9863/135 +f 5424/9861/135 5426/9863/135 5427/9864/135 +f 5423/9865/135 5427/9864/135 5428/9866/135 +f 5423/9865/135 5428/9866/135 5429/9867/135 +f 5423/9865/135 5424/9861/135 5427/9864/135 +f 5422/9868/135 5429/9867/135 5430/9860/135 +f 5422/9868/135 5430/9860/135 5448/9859/135 +f 5422/9868/135 5423/9865/135 5429/9867/135 +f 5443/9869/135 5441/9870/135 5442/9871/135 +f 5444/9872/135 5440/9873/135 5441/9870/135 +f 5444/9872/135 5441/9870/135 5443/9869/135 +f 5445/9874/135 5439/9875/135 5440/9873/135 +f 5445/9874/135 5440/9873/135 5444/9872/135 +f 5446/9876/135 5439/9875/135 5445/9874/135 +f 5447/9877/135 5439/9875/135 5446/9876/135 +f 5438/9878/135 5439/9875/135 5447/9877/135 +f 6642/9879/5650 6601/6606/4430 6644/9529/5568 +f 5432/9847/135 5439/9875/135 5438/9878/135 +f 5432/9847/135 5437/9880/135 5431/9881/135 +f 5432/9847/135 5431/9881/135 5439/9875/135 +f 5436/9882/135 5437/9880/135 5432/9847/135 +f 5435/9846/135 5436/9882/135 5432/9847/135 +f 1498/9883/57 1493/9884/57 1492/9885/57 +f 1498/9883/57 1496/9886/57 1493/9884/57 +f 1498/9883/57 1500/9887/57 1496/9886/57 +f 1498/9883/57 1505/9888/57 1500/9887/57 +f 1498/9883/57 1506/9889/57 1505/9888/57 +f 1540/9890/57 1498/9883/57 1492/9885/57 +f 1502/9891/57 1499/9892/57 1498/9883/57 +f 1510/9893/57 1502/9891/57 1498/9883/57 +f 1534/9894/57 1537/9895/57 1536/9896/57 +f 1534/9894/57 1540/9890/57 1537/9895/57 +f 1534/9894/57 1498/9883/57 1540/9890/57 +f 1532/9897/57 1498/9883/57 1534/9894/57 +f 1514/9898/57 1511/9899/57 1510/9893/57 +f 1514/9898/57 1510/9893/57 1498/9883/57 +f 1528/9900/57 1532/9897/57 1529/9901/57 +f 1528/9900/57 1498/9883/57 1532/9897/57 +f 1518/9902/57 1515/9903/57 1514/9898/57 +f 1518/9902/57 1514/9898/57 1498/9883/57 +f 1523/9904/57 1528/9900/57 1526/9905/57 +f 1523/9904/57 1518/9902/57 1498/9883/57 +f 1523/9904/57 1498/9883/57 1528/9900/57 +f 1522/9906/57 1520/9907/57 1518/9902/57 +f 1522/9906/57 1518/9902/57 1523/9904/57 +f 1443/3870/57 1451/9908/57 1444/9909/57 +f 1457/9910/57 1456/9911/57 1451/9908/57 +f 1489/9912/57 1443/3870/57 1442/9913/57 +f 1449/9914/57 1448/9915/57 1457/9910/57 +f 1449/9914/57 1457/9910/57 1451/9908/57 +f 1488/9916/57 1443/3870/57 1489/9912/57 +f 1459/9917/57 1454/9918/57 1449/9914/57 +f 1753/9919/1990 1752/9920/5651 1750/9921/1040 +f 1462/3869/57 1449/9914/57 1451/9908/57 +f 1462/3869/57 1459/9917/57 1449/9914/57 +f 1466/3871/57 1463/9922/57 1462/3869/57 +f 1476/9923/57 1479/9924/57 1478/9925/57 +f 1476/9923/57 1481/9926/57 1479/9924/57 +f 1476/9923/57 1483/9927/57 1481/9926/57 +f 1476/9923/57 1486/8841/57 1483/9927/57 +f 1470/8840/57 1468/9928/57 1466/3871/57 +f 202/9929/326 932/9930/326 204/7930/326 +f 1472/8842/57 1476/9923/57 1474/9931/57 +f 1422/9932/4 8589/9933/4 1419/9934/4 +f 1472/8842/57 1486/8841/57 1476/9923/57 +f 1405/9935/4 1403/9936/4 1407/9937/4 +f 1409/9938/4 1407/9937/4 1411/9939/4 +f 1399/9940/4 1397/9941/4 1395/9942/4 +f 1389/9943/4 1387/9944/4 1371/9945/4 +f 1391/9946/4 1389/9943/4 1371/9945/4 +f 1393/9947/4 1391/9946/4 1371/9945/4 +f 1395/9942/4 1393/9947/4 1371/9945/4 +f 1401/9948/4 1399/9940/4 1371/9945/4 +f 1403/9936/4 1401/9948/4 1371/9945/4 +f 1413/9949/4 1411/9939/4 1371/9945/4 +f 1415/9950/4 1413/9949/4 1371/9945/4 +f 1367/9951/4 1415/9950/4 1371/9945/4 +f 1368/9952/4 1367/9951/4 1371/9945/4 +f 1374/9953/4 1368/9952/4 1371/9945/4 +f 1407/9937/4 1403/9936/4 1371/9945/4 +f 1411/9939/4 1407/9937/4 1371/9945/4 +f 1399/9940/4 1395/9942/4 1371/9945/4 +f 1371/9945/4 1387/9944/4 1385/9954/4 +f 1372/9955/4 1371/9945/4 1376/9956/4 +f 1385/9954/4 1383/9957/4 1381/9958/4 +f 1371/9945/4 1385/9954/4 1381/9958/4 +f 1371/9945/4 1381/9958/4 1379/9959/4 +f 1376/9956/4 1371/9945/4 1379/9959/4 +f 2246/9960/2385 2323/9961/5652 2322/3481/2385 +f 1431/9962/4758 1392/2268/1626 1432/9688/5182 +f 7686/9355/5532 7688/8729/5361 7687/9356/5532 +f 7263/9963/554 7264/9964/5653 7262/9965/554 +f 1424/7969/5153 1377/2255/1615 1426/225/167 +f 4772/9966/499 4779/3124/498 4778/7979/498 +f 8189/2320/1669 8234/9967/193 8192/9968/5654 +f 8709/9486/235 8775/739/236 8708/9969/236 +f 8191/9970/4840 8227/9971/4839 8237/9972/152 +f 552/8930/361 555/9973/362 554/8997/362 +f 2217/9974/2354 2288/9975/2355 2218/9976/2355 +f 8202/3439/613 8278/7107/4821 8201/9977/4821 +f 7917/9978/5655 7918/9795/5633 7916/9979/5655 +f 5439/9980/5656 2498/9981/5657 5440/9982/5657 +f 4870/9983/5658 2472/9984/5659 4871/9985/5659 +f 7554/9986/326 7544/9024/326 7555/9987/326 +f 7895/3170/2310 7896/9207/5491 7894/9988/2310 +f 2427/195/147 4987/9989/5386 2414/8777/5386 +f 2646/9349/5529 5196/9990/1729 5200/9991/5529 +f 7551/8875/5404 7552/9992/5660 7550/9993/5404 +f 8565/9994/5661 8562/9995/5662 8563/9996/5662 +f 2257/9997/4844 2304/9998/5463 2303/7141/4844 +f 2721/838/542 4959/9453/5549 4958/9999/542 +f 2489/10000/5663 5405/9726/5621 5414/10001/5663 +f 295/10002/5242 249/10003/1715 248/10004/1715 +f 4738/10005/5664 6528/10006/5665 6529/6725/4536 +f 8659/9241/5500 8656/10007/5666 8657/10008/5666 +f 4515/10009/5667 4516/10010/5668 4517/10011/5668 +f 2509/10012/5276 5100/8034/5179 2454/10013/5179 +f 5075/10014/5669 5008/10015/2280 5077/3109/2280 +f 5046/10016/5669 5076/276/197 5044/10017/197 +f 7999/9192/5483 7996/8454/5298 7997/10018/5298 +f 8537/10019/4321 8538/8301/5260 8536/6472/4321 +f 8211/10020/5670 8258/9157/5309 8257/348/245 +f 8475/10021/5671 8476/10022/5672 8474/10023/5671 +f 7648/10024/19 7647/10025/19 7649/10026/19 +f 598/119/85 595/10027/692 596/10028/692 +f 5117/8912/2575 2511/8753/5300 5118/8752/5300 +f 8467/8585/5336 8464/10029/2615 8465/4382/2615 +f 7796/9309/5514 7756/10030/316 7788/10031/316 +f 7733/10032/160 7702/10033/5673 7732/214/160 +f 5296/10034/296 5320/8868/297 5328/10035/296 +f 7229/224/166 7192/10036/5215 7230/8799/5215 +f 6994/10037/5674 6996/10038/5675 6997/10039/5675 +f 2755/10040/5676 2869/10041/1697 2870/10042/1697 +f 8046/10043/2634 8129/10044/326 842/8518/326 +f 2844/10045/273 2845/10046/5677 2843/393/273 +f 7010/10047/5678 7012/10048/5519 7013/10049/5519 +f 2856/10050/5679 2857/10051/588 2858/10052/588 +f 7417/7147/4848 7372/10053/5680 7411/10054/5680 +f 2544/10055/5472 5380/7034/4779 5379/9129/5472 +f 7212/10056/25 7195/10057/544 7213/10058/544 +f 2453/7063/4797 5214/8038/5180 2508/8037/5180 +f 6985/7396/4942 6975/253/5243 6977/252/5243 +f 5459/10059/5452 5461/52/35 5462/54/35 +f 7815/10060/602 7816/4276/2557 7814/922/602 +f 5177/2456/1742 5134/10061/5267 5178/10062/5267 +f 7931/10063/2589 7932/10064/5681 7930/4328/2589 +f 848/1239/741 847/1238/740 969/1436/911 +f 859/1253/2638 855/1245/747 962/1429/904 +f 855/1245/747 848/1239/741 962/1429/904 +f 848/1239/741 969/1436/911 962/1429/904 +f 867/10065/5682 865/10066/2645 957/10067/2644 +f 2757/6088/4 3721/6091/4 3720/6087/4 +f 1562/4425/2641 1650/10068/5683 1567/4174/2538 +f 2968/10069/5684 2961/4571/2780 2960/4570/2779 +f 7282/10070/57 7339/5823/57 7284/8705/57 +f 4202/10071/5685 4183/10072/5686 4195/6568/4401 +f 1639/10073/5687 1579/7315/4874 1576/6287/4162 +f 2892/10074/5688 3223/6630/4450 3236/10075/5689 +f 2917/10076/5690 2891/10077/5691 2885/5367/3510 +f 6341/5977/4041 6344/10078/5692 6337/10079/5693 +f 3257/4982/3164 3586/10080/3890 3248/5242/3396 +f 5921/5053/3224 6216/5747/3854 6197/5703/3820 +f 2937/4822/3015 2895/5427/3560 2894/10081/5694 +f 2900/4464/2676 3236/10075/5689 3241/10082/5695 +f 5786/4906/3091 5730/4835/3028 5754/4807/3000 +f 6161/10083/5696 6165/5467/3595 6173/10084/5697 +f 7431/10085/57 7594/10086/57 7596/10087/57 +f 2907/5368/3511 2887/5206/3364 2908/10088/5698 +f 3238/2580/1831 2909/10089/5699 2906/5211/3369 +f 2890/4453/2665 3209/5191/3349 3237/5190/3348 +f 4282/6913/4696 5620/5864/3944 5621/5863/3943 +f 5600/4535/2744 1004/5891/3965 1001/1460/935 +f 2910/10090/5700 3225/5907/3977 2925/10091/5701 +f 2904/4465/2677 3241/10082/5695 2889/10092/5702 +f 2880/10093/5703 2881/6795/4593 2882/4514/2723 +f 3227/5215/3373 2877/4440/2652 3243/5213/3371 +f 4304/4448/2660 5607/5208/3366 5579/4446/2658 +f 3240/7695/5121 2888/4452/2664 2889/10092/5702 +f 5610/5210/3368 5592/5230/3387 1339/3071/2255 +f 2889/10092/5702 2905/4466/2678 2904/4465/2677 +f 2892/10074/5688 2893/2985/2187 2883/4512/2721 +f 3319/4716/2919 3312/4443/2655 3333/5426/3559 +f 4306/6916/4699 5586/10094/5704 5603/10095/5705 +f 5613/7382/4929 1339/3071/2255 1338/3061/2248 +f 5613/7382/4929 1338/3061/2248 4306/6916/4699 +f 5613/7382/4929 4306/6916/4699 5603/10095/5705 +f 5613/7382/4929 5610/5210/3368 1339/3071/2255 +f 5757/4816/3009 5848/5078/3246 5801/4905/3090 +f 5617/4558/2767 5600/4535/2744 1001/1460/935 +f 2903/10096/5706 2906/5211/3369 2901/5696/3814 +f 5619/4559/2768 5617/4558/2767 1001/1460/935 +f 2927/6894/4679 2931/5236/3393 2930/10097/5707 +f 2930/10097/5707 2929/6895/4680 2927/6894/4679 +f 2944/4638/2847 2906/5211/3369 2909/10089/5699 +f 2912/5608/3728 3022/5820/3908 2975/6907/4690 +f 3092/10098/5708 2951/10099/5709 3002/5025/3196 +f 3155/5056/3227 2896/10100/5710 3200/10101/5711 +f 3854/8656/5353 3853/4628/2837 3857/6423/4282 +f 3282/10102/5712 3270/10103/5713 3271/10104/5714 +f 5773/4912/3097 5678/10105/5715 5720/4944/3129 +f 2961/4571/2780 3233/5171/3329 2954/4572/2781 +f 5633/4589/2798 5601/6774/4574 5626/4537/2746 +f 2934/5185/3343 2924/10106/5716 2925/10091/5701 +f 2959/2769/1993 2925/10091/5701 2924/10106/5716 +f 4193/2967/2169 2546/4002/2511 2542/3997/2510 +f 3354/10107/5717 1635/5385/3525 3363/5402/3539 +f 4164/5201/3359 4147/10108/5718 4149/10109/5719 +f 3286/5320/3468 3313/10110/5720 3341/4444/2656 +f 3549/10111/5721 3523/5006/3183 3512/10112/5722 +f 5642/4948/3133 5591/4461/2673 5639/5124/3287 +f 3239/5653/3773 2908/10088/5698 2887/5206/3364 +f 2950/4488/2700 2932/3857/2472 2946/3856/2471 +f 6451/6328/4202 6463/6346/4222 6468/2284/1642 +f 3115/6905/4688 3077/4546/2755 3099/10113/5723 +f 2960/4570/2779 2942/4552/2761 2953/4551/2760 +f 6150/5600/3720 6168/5623/3743 6178/5708/3822 +f 5470/10114/4 8576/10115/4 5467/10116/4 +f 2951/10099/5709 2935/4622/2831 2947/4656/2865 +f 6396/10117/5724 6384/6222/4105 6383/10118/5725 +f 6478/4950/3135 6471/10119/5726 6461/4949/3134 +f 6010/5196/3354 5995/5350/3494 5988/4849/3040 +f 5656/4578/2787 4286/4580/2789 5651/4563/2772 +f 2884/5184/3342 2952/10120/5727 2924/10106/5716 +f 5660/5326/3473 5594/5212/3370 5655/5194/3352 +f 5661/161/121 874/10121/5728 870/162/122 +f 7016/10122/57 7078/10123/57 7076/9525/57 +f 2915/6000/4060 2956/4560/2769 2958/10124/5729 +f 2974/4502/2714 2950/4488/2700 2965/4487/2699 +f 2923/4515/2724 2958/10124/5729 2966/4582/2791 +f 2967/4707/2913 2956/4560/2769 1565/4562/2771 +f 2949/4553/2762 2971/1351/838 2953/4551/2760 +f 3541/5178/3336 3534/10125/5730 3504/10126/5731 +f 3039/5039/3210 2993/10127/5732 3036/5398/3535 +f 5668/10128/5733 5643/4703/2909 5632/10129/5734 +f 2958/10124/5729 2973/4706/2912 2966/4582/2791 +f 2910/10090/5700 2970/2771/1995 2909/10089/5699 +f 5671/4698/2904 5619/4559/2768 1001/1460/935 +f 2972/8137/5207 2880/10093/5703 2939/4513/2722 +f 2983/4783/2976 2960/4570/2779 2978/10130/5735 +f 5674/10131/5736 979/10132/5737 978/10133/5738 +f 5674/10131/5736 978/10133/5738 1017/4648/2857 +f 3200/10101/5711 2895/5427/3560 3226/5075/3243 +f 5676/7649/5118 5674/10131/5736 1017/4648/2857 +f 3592/5892/3966 2984/4623/2832 2986/4632/2841 +f 5676/7649/5118 979/10132/5737 5674/10131/5736 +f 2978/10130/5735 2995/5038/3209 2983/4783/2976 +f 4601/7420/4960 3914/6447/4305 4600/7364/4913 +f 2994/5589/3709 2984/4623/2832 1712/4618/2827 +f 5681/4676/2885 5677/3866/2478 5676/7649/5118 +f 5682/5614/3734 5683/3864/2476 5677/3866/2478 +f 3117/10134/5739 3033/10135/5740 3072/10136/5741 +f 5682/5614/3734 5677/3866/2478 5681/4676/2885 +f 5686/1462/937 5671/4698/2904 1001/1460/935 +f 2981/8154/5209 2924/10106/5716 2952/10120/5727 +f 3571/10137/5742 3570/5736/3844 3581/10138/5743 +f 5690/6490/4333 1017/4648/2857 1014/10139/5744 +f 4176/6799/4597 4152/10140/5745 4155/6511/4352 +f 5692/5616/3736 4269/6901/4686 5683/3864/2476 +f 2985/4689/2895 3022/5820/3908 2911/5607/3727 +f 5692/5616/3736 5683/3864/2476 5682/5614/3734 +f 5693/5592/3712 1014/10139/5744 1010/10141/5746 +f 5969/5341/3488 6238/5769/3873 6235/5748/3855 +f 3004/10142/5747 1709/4652/2861 3001/4662/2871 +f 5695/4598/2807 5649/4557/2766 5689/4610/2819 +f 3028/4584/2793 3003/4977/3159 3017/4976/3158 +f 5718/4696/2902 5775/5529/3653 5731/4695/2901 +f 6027/5404/3541 6031/10143/5748 6019/10144/5749 +f 1631/10145/5750 1634/2606/1854 1627/10146/3906 +f 5699/5386/3526 5693/5592/3712 1010/10141/5746 +f 3012/10147/5751 3001/4662/2871 3009/4680/2889 +f 3013/5610/3730 2908/10088/5698 2968/10069/5684 +f 6199/5564/3685 6208/4573/2782 6210/5563/3684 +f 3002/5025/3196 2947/4656/2865 2999/4655/2864 +f 6060/2577/1828 6056/10148/5752 6062/10149/5753 +f 6301/5817/3905 6293/2807/2030 6297/5713/3827 +f 3034/10150/5754 2996/4651/2860 3004/10142/5747 +f 2967/4707/2913 3005/4719/2922 3019/4705/2911 +f 3018/4700/2906 2989/4633/2842 3006/5640/3760 +f 5708/5615/3735 4269/6901/4686 5692/5616/3736 +f 2937/4822/3015 2963/4576/2785 2938/4820/3013 +f 5709/4725/2928 5699/5386/3526 1010/10141/5746 +f 3007/5420/3553 2899/10151/5755 2936/10152/5756 +f 6805/6856/4642 6793/10153/4613 6799/6848/4627 +f 3042/10154/5757 2936/10152/5756 2951/10099/5709 +f 5712/4624/2833 4300/5137/3299 5691/4529/2738 +f 4131/2730/1962 4107/10155/5758 4120/10156/5759 +f 5713/4726/2929 5709/4725/2928 1010/10141/5746 +f 6380/10157/135 82/10158/135 6378/10159/135 +f 4188/2969/2171 4209/6854/4640 4193/2967/2169 +f 3008/5224/3382 3050/10160/5760 3021/4503/2715 +f 3014/10161/5761 2939/4513/2722 2966/4582/2791 +f 3032/4785/2978 2968/10069/5684 2983/4783/2976 +f 5715/5387/3527 5699/5386/3526 5709/4725/2928 +f 2966/4582/2791 3033/10135/5740 3014/10161/5761 +f 3016/8138/5208 2952/10120/5727 2972/8137/5207 +f 3009/4680/2889 3029/10162/5762 3012/10147/5751 +f 5605/4704/2910 5672/5734/3842 5659/6385/4250 +f 6428/6268/4142 6420/6325/4199 6430/6300/4172 +f 5720/4944/3129 5678/10105/5715 5669/160/120 +f 5723/4739/2939 870/162/122 869/4740/2940 +f 3043/5365/3508 3004/10142/5747 3012/10147/5751 +f 3035/10163/5763 3005/4719/2922 3023/4713/2916 +f 5725/4758/2955 5685/4753/2950 5679/4643/2852 +f 5723/4739/2939 5707/5102/3265 870/162/122 +f 5700/6348/4223 5650/4530/2739 5694/4943/3128 +f 3026/4723/2926 3038/10164/5764 3029/10162/5762 +f 6087/2578/1829 6062/10149/5753 6089/5520/3644 +f 3126/4671/2880 3055/10165/5765 3109/10166/5766 +f 2971/1351/838 2993/10127/5732 2978/10130/5735 +f 3046/8958/5429 3015/5590/3710 3034/10150/5754 +f 3862/10167/5767 3852/6335/4209 3846/7375/4922 +f 3045/10168/5768 2907/5368/3511 3013/5610/3730 +f 3053/5366/3509 3012/10147/5751 3029/10162/5762 +f 5734/6931/4711 1001/1460/935 997/10169/5769 +f 3048/8959/5430 3034/10150/5754 3043/5365/3508 +f 2979/4639/2848 3037/10170/5770 2987/4637/2846 +f 3052/4931/3116 3006/5640/3760 3041/5588/3708 +f 3055/10165/5765 3021/4503/2715 3050/10160/5760 +f 6699/7484/5014 6726/10171/4565 6707/10172/4545 +f 3058/4600/2809 3029/10162/5762 3038/10164/5764 +f 1696/4486/2698 3057/4824/3017 3000/4661/2870 +f 2987/4637/2846 3044/10173/5771 2999/4655/2864 +f 6517/1869/1282 6510/6449/4307 6507/6421/4280 +f 2999/4655/2864 3049/5026/3197 3002/5025/3196 +f 3059/4670/2879 3025/4501/2713 3055/10165/5765 +f 3060/4932/3117 3041/5588/3708 3046/8958/5429 +f 4030/4775/2968 4032/10174/4434 4038/10175/4433 +f 5751/4805/2998 1010/10141/5746 1009/6129/4062 +f 5853/10176/5772 5800/5528/3652 5846/4993/3172 +f 5010/10177/135 4990/8693/135 4991/10178/135 +f 3079/10179/5773 3007/5420/3553 3042/10154/5757 +f 3054/6528/4368 2992/2770/1994 3030/6355/4227 +f 3556/2773/1997 3555/3861/2475 3567/2705/1942 +f 5688/4642/2851 5634/4691/2897 5659/6385/4250 +f 6394/6232/4111 6559/5642/3762 6392/7429/4967 +f 6625/6646/4459 3948/3972/2504 3950/5754/3861 +f 3156/10180/5774 3086/4746/2943 3134/10181/5775 +f 5759/4957/3142 5744/1461/936 5734/6931/4711 +f 3070/10182/5776 3053/5366/3509 3058/4600/2809 +f 3014/10161/5761 3082/10183/5777 3061/4745/2942 +f 6234/5746/3853 6240/5307/3455 5924/10184/5778 +f 3265/5958/4023 3258/10185/5779 3300/10186/5780 +f 5609/4564/2773 5577/5084/3251 5578/4449/2661 +f 5766/1356/840 5702/4699/2905 5762/4793/2986 +f 5767/4828/3021 5713/4726/2929 5763/4806/2999 +f 6024/10187/3530 6019/10144/5749 6017/10188/5781 +f 5769/4876/3067 5751/4805/2998 1009/6129/4062 +f 3071/4709/2915 3044/10173/5771 3067/10189/5782 +f 5771/6978/4754 5734/6931/4711 997/10169/5769 +f 3525/5007/3184 3554/5667/3785 3561/10190/5783 +f 4981/10191/135 5006/8631/135 4989/8630/135 +f 5772/6338/4212 5713/4726/2929 5767/4828/3021 +f 3084/5253/3407 3019/4705/2911 3035/10163/5763 +f 5774/4880/3071 5734/6931/4711 5771/6978/4754 +f 3274/1301/792 3299/4789/2982 3275/5324/3471 +f 5776/6337/4211 5727/4954/3139 5722/4724/2927 +f 3133/10192/5784 3040/4784/2977 3089/5037/3208 +f 2917/10076/5690 2962/4547/2756 2957/4577/2786 +f 5778/4877/3068 5769/4876/3067 1009/6129/4062 +f 5779/4960/3145 5734/6931/4711 5774/4880/3071 +f 5781/10193/5785 5771/6978/4754 997/10169/5769 +f 3063/4803/2996 3094/5960/4025 3075/4833/3026 +f 5523/10194/4 8592/10195/4 8594/10196/4 +f 3097/1787/1210 3085/4852/3043 3095/4874/3065 +f 5842/4555/2764 5776/6337/4211 5797/4722/2925 +f 3099/10113/5723 3045/10168/5768 3066/5609/3729 +f 3075/4833/3026 3098/10197/5786 3078/4832/3025 +f 3538/10198/5787 3499/10199/5788 3495/10200/5789 +f 3102/10201/5790 3057/4824/3017 3073/4823/3016 +f 6784/6830/4622 6759/2920/2128 6779/5378/3519 +f 5783/4855/3046 5825/4994/3173 5788/4853/3044 +f 3576/2706/1943 3256/4980/3162 3255/10202/5791 +f 5716/5735/3843 5643/4703/2909 5668/10128/5733 +f 3078/4832/3025 3106/10203/5792 3083/5596/3716 +f 6735/5618/3738 6722/6733/4542 6724/7471/5002 +f 3108/10204/5793 3083/5596/3716 3106/10203/5792 +f 6445/6326/4200 6439/6309/4183 6431/4934/3119 +f 5074/10205/135 5063/8837/135 5055/8836/135 +f 5632/10129/5734 5663/10206/5794 5668/10128/5733 +f 2948/9416/5540 2898/4476/2688 2897/5419/3552 +f 3625/10207/5795 3637/4951/3136 3632/2588/1839 +f 3104/6345/4221 3056/6527/4367 3096/5047/3218 +f 3118/5220/3378 3074/5356/3500 3102/10201/5790 +f 3116/7624/5112 3106/10203/5792 3112/7623/5111 +f 3107/1370/854 3067/10189/5782 3104/6345/4221 +f 3121/4937/3122 3048/8959/5430 3065/4936/3121 +f 4940/10208/135 4939/10209/135 4931/10210/135 +f 3110/5254/3408 3035/10163/5763 3064/4665/2874 +f 5895/5162/3321 5592/5230/3387 5599/1293/784 +f 4270/6902/4687 5708/5615/3735 5740/5633/3753 +f 3096/5047/3218 3127/3878/2482 3104/6345/4221 +f 4270/6902/4687 5740/5633/3753 5749/4812/3005 +f 4270/6902/4687 4269/6901/4686 5708/5615/3735 +f 5813/2554/1808 5750/4800/2993 5748/4802/2995 +f 5815/4986/3168 1009/6129/4062 1004/5891/3965 +f 3152/5057/3228 3181/5132/3294 3184/5055/3226 +f 3135/5198/3356 3080/4585/2794 3118/5220/3378 +f 3072/10136/5741 3137/10211/5796 3117/10134/5739 +f 922/10212/5797 925/10213/5798 921/5743/3850 +f 1704/4804/2997 3136/5763/3867 3090/4858/3049 +f 3823/10214/5799 3830/10215/5800 3840/10216/5801 +f 3154/10217/5802 3051/5418/3551 3079/10179/5773 +f 3060/4932/3117 3129/6887/4672 3128/4930/3115 +f 3455/5544/3665 3434/5509/3635 1628/5510/3636 +f 5820/1385/869 5865/5170/3328 5823/5033/3204 +f 3138/10218/5803 3105/4583/2792 3135/5198/3356 +f 5967/5309/3457 5924/10184/5778 6240/5307/3455 +f 3159/10219/5804 3088/5594/3714 3108/10204/5793 +f 3140/5353/3497 3047/4768/2961 3093/4871/3062 +f 3082/10183/5777 3134/10181/5775 3086/4746/2943 +f 5900/5148/3307 5870/10220/5805 5892/5146/3305 +f 3144/5442/3575 3109/10166/5766 3138/10218/5803 +f 4118/10221/5806 4105/10222/5807 4109/6679/4488 +f 3148/4477/2689 3126/4671/2880 3144/5442/3575 +f 3143/6243/4119 3117/10134/5739 3137/10211/5796 +f 5828/5727/3835 5789/4875/3066 5826/4842/3035 +f 4063/10223/57 76/4991/57 138/10224/57 +f 5832/4987/3169 5815/4986/3168 1004/5891/3965 +f 3142/5028/3199 3090/4858/3049 3136/5763/3867 +f 3464/2701/1938 3467/5562/3683 3497/10225/5808 +f 3164/5481/3609 3049/5026/3197 3071/4709/2915 +f 3776/7693/57 57/7697/57 3774/7699/57 +f 5836/10226/5809 864/10227/5810 863/2223/1588 +f 3146/5248/3402 3100/5961/4026 3142/5028/3199 +f 5836/10226/5809 869/4740/2940 864/10227/5810 +f 5000/5239/135 5007/10228/135 4999/10229/135 +f 5632/10129/5734 5628/4491/2703 5627/4490/2702 +f 5838/5163/3322 5805/4721/2924 5802/4894/3082 +f 5938/5271/3422 5974/10230/5811 5978/5336/3483 +f 5841/4995/3174 869/4740/2940 5836/10226/5809 +f 3167/5221/3379 3102/10201/5790 3157/5352/3496 +f 3162/5074/3242 3108/10204/5793 3116/7624/5112 +f 5841/4995/3174 5836/10226/5809 863/2223/1588 +f 4203/6292/4166 4194/6669/4478 4196/10231/5812 +f 5844/5062/3233 5781/10193/5785 997/10169/5769 +f 3101/6827/4619 3160/10232/5813 3113/5046/3217 +f 5844/5062/3233 997/10169/5769 878/10233/5814 +f 3230/5172/3330 3196/10234/5815 3221/4668/2877 +f 3163/5188/3346 3069/10235/5816 3133/10192/5784 +f 3096/5047/3218 3054/6528/4368 3091/5045/3216 +f 3170/4966/3151 3134/10181/5775 3143/6243/4119 +f 3158/4666/2875 2047/1809/1228 3199/4664/2873 +f 5635/5158/3317 5634/4691/2897 5602/4690/2896 +f 5696/4507/2719 1014/10139/5744 5693/5592/3712 +f 3070/10182/5776 3192/10236/5817 3123/4730/2933 +f 5849/1616/1052 5841/4995/3174 863/2223/1588 +f 6035/5406/3542 6029/5599/3719 6044/4693/2899 +f 4064/7626/57 138/10224/57 129/704/57 +f 5854/5762/3866 5781/10193/5785 5844/5062/3233 +f 4070/4845/57 75/10237/57 4068/4990/57 +f 2945/4657/2866 2901/5696/3814 2944/4638/2847 +f 4276/4947/3132 5808/4926/3111 5810/4922/3107 +f 4898/10238/135 4867/2929/135 4868/10239/135 +f 3173/2581/1832 3140/5353/3497 3153/2579/1830 +f 5964/5363/3506 5962/4469/2681 5958/4468/2680 +f 5860/5293/3444 5781/10193/5785 5854/5762/3866 +f 4128/5495/3621 4160/5301/3452 4144/5493/3619 +f 6808/6853/4639 6791/6628/4448 6797/6627/4447 +f 3178/5455/3586 3062/5397/3534 3130/4669/2878 +f 3113/5046/3217 3172/3879/2483 3127/3878/2482 +f 2885/5367/3510 2886/5131/3293 2887/5206/3364 +f 6522/6443/4302 6527/9405/5538 6526/6450/4308 +f 3216/5579/3699 3130/4669/2878 3148/4477/2689 +f 5814/4781/2974 5680/4602/2811 5848/5078/3246 +f 6081/5473/3601 4365/6980/4755 4364/2552/1806 +f 3160/10232/5813 3185/10240/5818 3172/3879/2483 +f 3187/5076/3244 3159/10219/5804 3162/5074/3242 +f 5870/10220/5805 5832/4987/3169 1004/5891/3965 +f 5871/5157/3316 5799/4879/3070 5784/4881/3072 +f 3092/10098/5708 3182/10241/5819 3147/10242/5820 +f 5701/4808/3001 5594/5212/3370 5660/5326/3473 +f 5873/5063/3234 5844/5062/3233 878/10233/5814 +f 2977/5189/3347 3133/10192/5784 3149/10243/5821 +f 3172/3879/2483 3188/7696/5122 3175/3877/2481 +f 3595/10244/5822 3620/5847/3932 3608/10245/5823 +f 2902/4496/2708 3167/5221/3379 2903/10096/5706 +f 1022/2703/1940 908/10246/5824 1023/10247/5825 +f 6401/10248/5826 6398/6771/4571 6402/6251/4127 +f 3200/10101/5711 3116/7624/5112 3155/5056/3227 +f 6448/6319/4193 6458/10249/5827 6465/6358/4230 +f 5940/5272/3423 5931/5767/3871 5938/5271/3422 +f 3202/5186/3344 3171/5020/3194 3197/6794/4592 +f 6537/5894/3968 6575/6492/4335 6538/6565/4398 +f 6037/5429/3562 6113/5217/3375 6118/5547/3668 +f 6115/5649/3769 6090/10250/5828 6086/5110/3273 +f 5885/5107/3270 5817/5015/3192 5877/5014/3191 +f 3204/5192/3350 3177/10251/5829 3195/4965/3150 +f 3829/6762/4562 3835/6366/4233 3827/6365/4232 +f 3206/5235/3392 3168/4599/2808 3179/5276/3427 +f 3193/6906/4689 3099/10113/5723 3114/10252/5830 +f 3873/10253/5831 3885/10254/5299 3892/4896/3084 +f 2934/5185/3343 3176/1788/1211 3202/5186/3344 +f 3218/5207/3365 3169/5029/3200 3208/5108/3271 +f 6095/6778/4578 6122/10255/5832 6131/6776/4576 +f 5890/5927/3994 5852/4843/3036 5883/5093/3257 +f 6660/6684/4494 6656/10256/5833 6670/6688/4498 +f 5892/5146/3305 5870/10220/5805 1004/5891/3965 +f 3221/4668/2877 3189/5067/3238 3212/4667/2876 +f 2931/5236/3393 3179/5276/3427 3187/5076/3244 +f 3207/5219/3377 3079/10179/5773 3147/10242/5820 +f 5536/10257/4 8458/10258/4 5534/10259/4 +f 5601/6774/4574 5892/5146/3305 1004/5891/3965 +f 5590/4460/2672 5831/2782/2006 5827/5587/3707 +f 5896/4869/3060 5864/5726/3834 5856/4841/3034 +f 3542/10260/5834 3518/5683/3801 3528/5682/3800 +f 3222/10261/5835 3131/1371/855 3175/3877/2481 +f 3147/10242/5820 3215/5214/3372 3207/5219/3377 +f 3586/10080/3890 3249/4872/3063 3248/5242/3396 +f 6100/5515/3641 6095/6778/4578 6145/6777/4577 +f 6378/10159/135 92/5022/135 6377/10262/135 +f 3385/4750/2947 3451/4892/3080 3457/10263/5836 +f 6162/4827/3020 6186/5694/3812 6197/5703/3820 +f 4121/2068/1455 4148/7351/4902 4130/2066/1453 +f 5783/4855/3046 5716/5735/3843 5733/4911/3096 +f 3367/10264/5837 3375/6433/4292 3401/10265/5838 +f 5902/5082/3249 5887/1614/1050 1352/3072/2256 +f 4077/6672/4481 2549/4006/2512 4083/10266/5839 +f 3184/5055/3226 2891/10077/5691 2896/10100/5710 +f 3228/10267/5840 3175/3877/2481 3188/7696/5122 +f 5673/4752/2949 5654/4607/2816 5667/4606/2815 +f 2899/10151/5755 3205/5443/3576 2921/6416/4277 +f 3038/10164/5764 3139/4601/2810 3058/4600/2809 +f 2922/4500/2712 2955/5225/3383 2946/3856/2471 +f 3221/4668/2877 2942/4552/2761 3230/5172/3330 +f 3213/5203/3361 3207/5219/3377 3243/5213/3371 +f 5907/6754/4554 5902/5082/3249 1352/3072/2256 +f 3327/10268/5841 3332/4596/2805 3337/4474/2686 +f 3224/4929/3114 3166/5252/3406 3220/5128/3290 +f 3227/5215/3373 3182/10241/5819 3194/5480/3608 +f 3242/5205/3363 2915/6000/4060 2916/5999/4059 +f 5910/5896/3970 5873/5063/3234 878/10233/5814 +f 6410/10269/4144 6407/1364/848 6411/6283/4158 +f 3230/5172/3330 2954/4572/2781 3233/5171/3329 +f 3347/4031/2517 3346/4715/2918 3357/4717/2920 +f 7503/8968/57 7470/10270/57 7511/8987/57 +f 5866/5085/3252 5834/7463/4994 5864/5726/3834 +f 5911/10271/5842 5907/6754/4554 1352/3072/2256 +f 3313/10110/5720 3320/10272/5843 3327/10268/5841 +f 5913/10273/5844 5911/10271/5842 1352/3072/2256 +f 2881/6795/4593 3186/5064/3235 3234/5174/3332 +f 5582/5223/3381 5873/5063/3234 5910/5896/3970 +f 6122/10255/5832 6180/6554/4389 6131/6776/4576 +f 3809/10274/5845 3812/10275/5846 3822/10276/5847 +f 5915/6707/4518 5913/10273/5844 1352/3072/2256 +f 5915/6707/4518 5884/5066/3237 5913/10273/5844 +f 3245/5779/3879 3544/5179/3337 3578/5752/3859 +f 5608/5181/3339 5635/5158/3317 5888/5294/3445 +f 3241/10082/5695 3222/10261/5835 3228/10267/5840 +f 4293/4604/2813 5848/5078/3246 5680/4602/2811 +f 5678/10105/5715 5663/10206/5794 5669/160/120 +f 2925/10091/5701 3183/1786/1209 2934/5185/3343 +f 5595/5229/3386 5895/5162/3321 5893/5065/3236 +f 5595/5229/3386 5915/6707/4518 1352/3072/2256 +f 6143/5677/3795 6089/5520/3644 6062/10149/5753 +f 5916/4489/2701 878/10233/5814 874/10121/5728 +f 5916/4489/2701 5910/5896/3970 878/10233/5814 +f 3214/5234/3391 3192/10236/5817 3206/5235/3392 +f 2930/10097/5707 3187/5076/3244 3226/5075/3243 +f 2532/3983/2505 4145/2007/1401 4167/6788/4587 +f 5928/5788/3886 5929/4797/2990 5927/10277/5848 +f 1042/10278/5849 1043/10279/5850 1040/2735/1967 +f 5941/4647/2856 5940/5272/3423 5958/4468/2680 +f 3217/5516/3642 2879/4442/2654 2878/4441/2653 +f 4278/5334/3481 5886/5335/3482 5620/5864/3944 +f 2889/10092/5702 3228/10267/5840 3240/7695/5121 +f 5597/5761/3865 5858/5000/3177 5598/5193/3351 +f 2916/5999/4059 3229/5164/3323 3242/5205/3363 +f 4309/6539/4379 5899/10280/5851 5606/5209/3367 +f 4309/6539/4379 5894/6538/4378 5899/10280/5851 +f 3260/2707/1944 3255/10202/5791 3271/10104/5714 +f 3252/10281/5852 3253/5296/3447 3250/10282/5853 +f 5898/4450/2662 5864/5726/3834 5896/4869/3060 +f 5927/10277/5848 4247/5257/3411 5928/5788/3886 +f 3269/5800/3892 3259/10283/5854 3265/5958/4023 +f 3266/2774/1998 3587/5783/3883 3569/1625/1061 +f 5880/5160/3319 5805/4721/2924 5838/5163/3322 +f 3262/2610/1858 3263/10284/791 3261/10285/5855 +f 5937/10286/3441 1037/5797/3891 1033/10287/4044 +f 6056/10148/5752 6125/5602/3722 6142/5601/3721 +f 5937/10286/3441 5939/10288/3394 1037/5797/3891 +f 3254/10289/5856 3271/10104/5714 3255/10202/5791 +f 6132/5702/3819 6107/5492/3618 6160/4790/2983 +f 5758/5838/3923 5726/4727/2930 5753/4831/3024 +f 3257/4982/3164 3255/10202/5791 3256/4980/3162 +f 3259/10283/5854 3260/2707/1944 3258/10185/5779 +f 3258/10185/5779 3271/10104/5714 3270/10103/5713 +f 3264/5249/3403 3244/5297/3448 3246/5256/3410 +f 5951/5274/3425 4361/5318/3466 5952/5273/3424 +f 5618/4608/2817 5598/5193/3351 5596/10290/5857 +f 6422/6281/4156 6418/10291/5858 6423/4935/3120 +f 3689/10292/5859 3685/10293/5264 3669/10294/5860 +f 3548/10295/5861 3566/6615/4438 3279/5099/3263 +f 3251/5279/3430 3250/10282/5853 3283/5277/3428 +f 3248/5242/3396 3254/10289/5856 3257/4982/3164 +f 5808/4926/3111 5738/10296/5862 5755/4786/2979 +f 3393/4735/2938 3412/1281/772 3390/7377/4924 +f 3282/10102/5712 3277/5319/3467 3285/10297/5863 +f 3250/10282/5853 3244/5297/3448 3293/8977/5431 +f 5942/10298/5864 5947/5777/3877 5941/4647/2856 +f 5966/6780/4579 5967/5309/3457 1027/5308/3456 +f 5966/6780/4579 5925/5782/3882 5967/5309/3457 +f 6133/5523/3647 6114/5073/3241 6146/5603/3723 +f 6088/5496/3622 4260/5476/3604 6077/5475/3603 +f 3272/10299/793 3261/10285/5855 3263/10284/791 +f 5973/10300/3484 5949/10301/3443 5937/10286/3441 +f 880/10302/5865 886/10303/5866 885/10304/5867 +f 5735/4810/3003 5705/4649/2858 5724/6489/4332 +f 3267/2756/1985 3300/10186/5780 3301/2757/1986 +f 193/6115/4 5564/10305/4 5474/6116/4 +f 6730/6761/4561 6704/6714/4525 6722/6733/4542 +f 3308/5321/3469 3302/5678/3796 3344/6750/4552 +f 5979/5314/3462 4361/5318/3466 5951/5274/3425 +f 5980/10306/3498 5973/10300/3484 5937/10286/3441 +f 5981/5316/3464 5966/6780/4579 1027/5308/3456 +f 5626/4537/2746 5644/10307/5868 5633/4589/2798 +f 5980/10306/3498 5937/10286/3441 1033/10287/4044 +f 3296/10308/1790 3309/5270/3421 3318/10309/1788 +f 5294/10310/135 5288/10311/135 5289/10312/135 +f 3285/10297/5863 3286/5320/3468 3312/4443/2655 +f 3283/5277/3428 3293/8977/5431 3317/4847/3038 +f 6337/10079/5693 6335/10313/5869 6341/5977/4041 +f 6309/5954/3972 6321/10314/5870 6310/10315/4245 +f 5986/5343/3490 5938/5271/3422 5978/5336/3483 +f 3074/5356/3500 3000/4661/2870 3057/4824/3017 +f 3300/10186/5780 3270/10103/5713 3315/5757/3864 +f 3294/10316/5871 3315/5757/3864 3270/10103/5713 +f 7166/8367/57 7194/10317/57 7196/8365/57 +f 6318/5915/3982 6311/6381/4246 6349/5997/4057 +f 3294/10316/5871 3285/10297/5863 3319/4716/2919 +f 2941/4532/2741 2969/1349/836 2949/4553/2762 +f 5780/10318/5872 5710/4780/2973 5742/4979/3161 +f 5994/5340/3487 1027/5308/3456 1028/10319/5873 +f 3298/4788/2981 3321/4848/3039 3326/5247/3401 +f 5994/5340/3487 5981/5316/3464 1027/5308/3456 +f 3021/4503/2715 2965/4487/2699 3008/5224/3382 +f 3318/10309/1788 3324/10320/5874 3330/10321/2806 +f 914/5360/3503 912/5744/3851 913/5358/3501 +f 5999/4901/3086 1028/10319/5873 1075/5433/3566 +f 1723/5339/3486 3324/10320/5874 3323/5338/3485 +f 2849/6044/4 336/10322/4 2825/6204/4 +f 4154/10323/5875 4186/2968/2170 4166/7352/4903 +f 3330/4597/2806 3320/10272/5843 3318/2531/1788 +f 7373/10324/57 7290/8701/57 7292/8622/57 +f 3322/8978/5432 3305/5310/3458 3331/5535/3659 +f 6006/5361/3504 5999/4901/3086 1075/5433/3566 +f 3330/10321/2806 3328/5348/3492 3335/5357/2804 +f 3322/8978/5432 3317/4847/3038 3293/8977/5431 +f 6104/5572/3693 6127/10325/5876 6139/4825/3018 +f 6009/10326/5877 6006/5361/3504 1075/5433/3566 +f 6009/10326/5877 6008/5399/3536 6003/4764/2960 +f 3338/10327/5878 3321/4848/3039 3317/4847/3038 +f 3339/10328/3505 3337/4474/2686 3332/4596/2805 +f 6012/10329/5879 945/10330/5880 942/10331/5881 +f 6012/10329/5879 947/10332/1276 945/10330/5880 +f 3344/6750/4552 3325/5679/3797 3352/5094/3258 +f 6015/10333/5882 947/10332/1276 6012/10329/5879 +f 3326/5247/3401 3342/10334/5883 3350/5245/3399 +f 6017/10335/5781 947/10332/1276 6015/10333/5882 +f 3327/10268/5841 3341/4444/2656 3313/10110/5720 +f 6142/5601/3721 6062/10149/5753 6056/10148/5752 +f 6019/10336/5749 947/10337/1276 6017/10338/5781 +f 6019/10336/5749 1174/10339/2105 947/10337/1276 +f 6559/5642/3762 6390/6227/4109 6392/7429/4967 +f 6020/10340/5884 942/10331/5881 940/5391/3531 +f 3345/5374/3516 1637/5384/3514 3353/5383/3524 +f 4286/4580/2789 5630/4521/2730 5651/4563/2772 +f 3353/5383/3524 3348/5380/3521 3345/5374/3516 +f 3112/7623/5111 3098/10197/5786 3103/5959/4024 +f 7130/8314/57 7182/10341/57 7128/5394/57 +f 6026/5408/3544 6005/5526/3650 6033/5407/3543 +f 6040/5393/3533 6047/5423/3556 6072/10342/5885 +f 3354/10107/5717 3351/5382/3523 3348/5380/3521 +f 2903/10096/5706 3157/5352/3496 3173/2581/1832 +f 3100/5961/4026 3081/4836/3029 3090/4858/3049 +f 3342/10334/5883 3358/10343/5886 3361/10344/5887 +f 6031/10345/5748 1174/10339/2105 6019/10336/5749 +f 6032/5392/3532 940/5391/3531 936/10346/3078 +f 5942/10298/5864 5918/5431/3564 5919/5725/3833 +f 3358/10343/5886 3336/5536/3660 3365/10347/5888 +f 3359/6432/4291 3362/5401/3538 3351/5382/3523 +f 3340/5440/3573 3360/4475/2687 3337/4474/2686 +f 6072/10342/5885 6058/4692/2898 6077/5475/3603 +f 6038/10348/5889 1174/10349/2105 6031/10143/5748 +f 6039/5435/3568 1174/10349/2105 6038/10348/5889 +f 4256/10350/5890 6040/10351/5890 4257/10352/5890 +f 3334/10353/2803 3356/10354/5891 3372/10355/2801 +f 5906/5154/3313 5596/10290/5857 5598/5193/3351 +f 6040/5393/3533 4256/5376/3517 6028/5377/3518 +f 3211/4478/2690 2897/5419/3552 2898/4476/2688 +f 3364/7376/4923 3360/4475/2687 3374/10356/5892 +f 6045/5445/3578 1174/10349/2105 6039/5435/3568 +f 6046/5449/3580 1174/10349/2105 6045/5445/3578 +f 3377/5466/3594 3370/5421/3554 3333/5426/3559 +f 5886/5335/3482 5850/4840/3033 5859/5040/3211 +f 3361/10344/5887 3365/10347/5888 3368/4749/2946 +f 3371/5417/3550 3367/10264/5837 3384/10357/5893 +f 3374/10356/5892 3366/10358/5894 3381/4796/2989 +f 3386/10359/5895 3378/5424/3557 3373/5422/3555 +f 3356/10354/5891 3380/4748/2945 3382/5086/3253 +f 2882/4514/2723 3234/5174/3332 2916/5999/4059 +f 3547/10360/5896 3509/5646/3766 3537/5687/3805 +f 3010/4687/2893 2940/4904/3089 2948/9416/5540 +f 6053/5438/3571 6011/5432/3565 6051/5434/3567 +f 7728/10361/57 7778/9429/57 7752/9372/57 +f 6057/6764/4563 1174/10349/2105 6046/5449/3580 +f 3390/7377/4924 3374/10356/5892 3393/4735/2938 +f 5871/5157/3316 5781/10193/5785 5860/5293/3444 +f 3372/10355/2801 3382/5086/3253 3389/10362/5897 +f 3516/5810/3899 3504/10126/5731 3534/10125/5730 +f 3389/10362/5897 3388/5087/3254 3394/10363/5898 +f 6409/10364/5899 6406/6254/4130 6410/10269/4144 +f 6064/5489/3615 6051/5434/3567 1075/5433/3566 +f 6064/5489/3615 6053/5438/3571 6051/5434/3567 +f 5008/1608/135 4984/10365/135 4985/10366/135 +f 3538/10198/5787 3534/10125/5730 3557/4941/3126 +f 6068/10367/5900 6064/5489/3615 1075/5433/3566 +f 6069/5507/3633 1075/5433/3566 1073/10368/5901 +f 3334/4594/2803 3376/4472/2684 3314/4471/2683 +f 3396/6802/4600 3391/5444/3577 3379/5425/3558 +f 6069/5507/3633 6068/10367/5900 1075/5433/3566 +f 6072/10342/5885 4257/5474/3602 6040/5393/3533 +f 3390/7377/4924 3405/1283/774 3377/5466/3594 +f 6395/6234/4113 1527/6445/57 1530/10369/57 +f 5851/1347/834 5790/4959/3144 5839/4958/3143 +f 3375/6433/4292 1631/5403/3540 3406/5534/3658 +f 3384/10357/5893 3401/10265/5838 3408/10370/5902 +f 3067/10189/5782 3037/10170/5770 3056/6527/4367 +f 3381/4796/2989 3409/5281/3432 3418/5527/3651 +f 7722/10371/57 7770/5306/57 7777/10372/57 +f 3407/10373/5903 3389/10374/5897 3417/5525/3649 +f 6079/8114/5205 1073/10368/5901 1072/5557/3678 +f 6998/10375/57 7082/5806/57 7079/10376/57 +f 4005/10377/5904 4004/10378/5905 3962/10379/3011 +f 6079/8114/5205 6069/5507/3633 1073/10368/5901 +f 6081/5473/3601 4364/2552/1806 4363/2551/1805 +f 4127/10380/5906 4119/5117/3280 4122/10381/5907 +f 5146/10382/135 5117/10383/135 5118/10384/135 +f 6083/10385/3639 1174/10386/2105 6057/10387/4563 +f 6083/10385/3639 1168/10388/5908 1174/10386/2105 +f 6412/1363/847 6408/10389/5909 6416/6266/4140 +f 3210/1369/853 3236/10075/5689 3223/6630/4450 +f 3156/10180/5774 3177/10251/5829 3160/10232/5813 +f 3421/5261/3415 3400/5456/3587 3429/5259/3413 +f 5913/10273/5844 5879/5556/3677 5911/10271/5842 +f 3122/5454/3585 3039/5039/3210 3062/5397/3534 +f 5971/5295/3446 5962/4469/2681 5991/5331/3478 +f 3417/5525/3649 3394/10390/5898 3420/4540/2749 +f 3422/5539/3663 3396/6802/4600 3392/6801/4599 +f 3424/5538/3662 3403/10391/5910 3396/6802/4600 +f 3425/4734/2937 3413/6878/4663 3412/1281/772 +f 5733/4911/3096 5668/10128/5733 5678/10105/5715 +f 3404/7459/4990 3407/10373/5903 3423/5524/3648 +f 3406/5534/3658 3401/10265/5838 3375/6433/4292 +f 5715/5387/3527 5727/4954/3139 5719/4518/2727 +f 6094/5504/3630 4261/6897/4682 6088/5496/3622 +f 3336/5536/3660 1728/5251/3405 3427/5512/3638 +f 3031/5595/3715 3020/4701/2907 3024/4718/2921 +f 3430/6258/4134 3423/5524/3648 3463/10392/5911 +f 3902/7487/5017 3909/10393/5912 3912/10394/5913 +f 6103/5216/3374 6096/5218/3376 1033/5980/4044 +f 5831/2782/2006 5809/2556/1810 5827/5587/3707 +f 5750/4800/2993 5862/5044/3215 5806/4857/3048 +f 6104/5572/3693 6074/2584/1835 6097/5487/3613 +f 6106/6767/4566 1168/10395/5908 6083/5513/3639 +f 2913/4903/3088 3178/5455/3586 3216/5579/3699 +f 3428/5533/3657 3408/10370/5902 3401/10265/5838 +f 3443/5284/3435 3437/5260/3414 3450/5700/3818 +f 3355/4445/2657 3349/4473/2685 3364/7376/4923 +f 3433/4771/2964 3415/5477/3605 3446/2699/1936 +f 3114/10252/5830 2976/5187/3345 3193/6906/4689 +f 3416/5674/3792 3444/10396/5914 3447/5673/3791 +f 3291/5268/3419 3297/5772/3064 3292/5737/3845 +f 3015/5590/3710 1712/4618/2827 2996/4651/2860 +f 6099/5503/3629 6092/5491/3617 6132/5702/3819 +f 6148/5134/3296 6121/5581/3701 6151/5135/3297 +f 3442/5522/3646 3436/10397/5915 3454/6390/4255 +f 3368/4749/2946 3445/4893/3081 3451/4892/3080 +f 3456/5699/3817 3448/4772/2965 3460/4859/3050 +f 6120/5555/3676 933/5488/3614 929/10398/5916 +f 3404/7459/4990 3414/5096/3260 3398/5095/3259 +f 6123/10399/5917 1071/10400/5918 1069/10401/5919 +f 6124/5550/3671 6103/5216/3374 1033/5980/4044 +f 5878/5161/3320 5863/1384/868 5875/6261/4137 +f 5924/10184/5778 6236/5751/3858 6234/5746/3853 +f 3616/10402/5920 3638/5879/3959 3615/5889/3963 +f 3439/5532/3656 3462/10403/5921 3476/5809/3898 +f 6128/5621/3741 1072/5557/3678 1071/10400/5918 +f 3500/10404/5922 3479/5585/3705 3502/5628/3748 +f 5687/4650/2859 5676/7649/5118 1017/4648/2857 +f 3435/5511/3637 3445/4893/3081 3427/5512/3638 +f 6130/5670/3788 1068/10405/5923 1067/10406/5924 +f 5797/4722/2925 5772/6338/4212 5795/4720/2923 +f 3469/5565/3686 1764/5554/3675 1763/5566/3687 +f 4261/10407/5925 6133/10408/5926 4262/10409/5926 +f 6094/10410/5927 6133/10408/5926 4261/10407/5925 +f 3463/10392/5911 3438/4539/2748 3492/10411/5928 +f 3472/5285/3436 3450/5700/3818 3486/5597/3717 +f 3444/10396/5914 3470/5808/3897 3495/10200/5789 +f 3461/5552/3673 3467/5562/3683 1766/5553/3674 +f 3557/4941/3126 3563/10412/5929 3573/4939/3124 +f 6138/10413/5930 6120/10414/3676 929/10415/5916 +f 6026/5408/3544 6010/5196/3354 6007/5195/3353 +f 6140/5625/3745 1067/10406/5924 6141/5948/4015 +f 6140/5625/3745 6130/5670/3788 1067/10406/5924 +f 3457/10263/5836 3388/5087/3254 3385/4750/2947 +f 3475/10416/5931 3469/5565/3686 3479/5585/3705 +f 3468/10417/5932 3394/10363/5898 3388/5087/3254 +f 3464/2701/1938 3453/4860/3051 3446/2699/1936 +f 3436/10397/5915 3431/5559/3680 3481/6756/4556 +f 3454/6390/4255 3481/6756/4556 3510/6755/4555 +f 6146/5603/3723 4262/6898/4683 6133/5523/3647 +f 6147/10418/3754 1165/2888/2103 1168/10419/5908 +f 6147/5634/3754 1168/10395/5908 6106/6767/4566 +f 5738/10296/5862 5724/6489/4332 5732/4506/2718 +f 1116/2139/1521 1118/2832/2054 1126/2848/2069 +f 3462/10403/5921 3487/5593/3713 3488/10420/5933 +f 6149/10421/5934 6120/5555/3676 6138/10422/5930 +f 3490/10423/5935 3471/5598/3718 3486/5597/3717 +f 3457/10263/5836 3466/4542/2751 3478/5648/3768 +f 3460/4859/3050 3490/10423/5935 3456/5699/3817 +f 6151/5135/3297 6121/5581/3701 6137/5042/3213 +f 3476/5809/3898 3488/10420/5933 3504/10126/5731 +f 3491/6879/4664 3493/5620/3740 3494/5631/3751 +f 3410/5470/3598 3483/5662/3780 3411/5471/3599 +f 3410/5470/3598 3414/5096/3260 3482/5663/3781 +f 3484/10424/5936 3497/10225/5808 3508/10425/5937 +f 6093/5571/3692 6075/5478/3606 6067/2585/1836 +f 7004/10426/57 7083/10427/57 7002/5805/57 +f 2896/10100/5710 2894/10081/5694 2895/5427/3560 +f 5657/4865/3056 5638/7449/4983 5652/4538/2747 +f 6158/10428/5938 6140/5625/3745 6141/5948/4015 +f 3492/10411/5928 3441/4541/2750 3496/1623/1059 +f 6161/10083/5696 4264/5133/3295 6151/5135/3297 +f 3970/6498/4341 3922/811/525 3971/6530/4370 +f 6161/10083/5696 6151/5135/3297 6137/5042/3213 +f 6161/10083/5696 4266/5993/4055 4264/5133/3295 +f 3484/10424/5936 3477/4861/3052 3453/4860/3051 +f 3165/5928/3995 3132/4938/3123 3150/4984/3166 +f 3508/10425/5937 3503/5629/3749 3484/10424/5936 +f 6166/5636/3756 1165/6556/2103 6147/5634/3754 +f 5974/10230/5811 5982/5317/3465 5989/4684/2890 +f 3500/10404/5922 3508/10425/5937 3497/10225/5808 +f 3506/5632/3752 3510/6755/4555 3546/5704/3821 +f 6170/5650/3770 6122/10255/5832 6115/5649/3769 +f 3511/5652/3772 3502/5628/3748 3514/5644/3764 +f 6171/10429/5939 6158/10428/5938 6141/5948/4015 +f 6171/10429/5939 6141/5948/4015 6172/5947/4014 +f 6173/10084/5697 4266/5993/4055 6161/10083/5696 +f 3489/10430/3767 3473/10431/5940 3468/10432/5932 +f 6173/10084/5697 6165/5467/3595 6167/5469/3597 +f 6175/10433/5941 4266/5993/4055 6173/10084/5697 +f 6831/2813/2036 6822/6731/2264 6821/6730/4540 +f 3495/10200/5789 3516/5810/3899 3538/10198/5787 +f 6177/10434/5942 6172/5947/4014 4266/5993/4055 +f 6177/10434/5942 4266/5993/4055 6175/10433/5941 +f 3478/5648/3768 3501/4544/2753 3509/5646/3766 +f 6177/10434/5942 6171/10429/5939 6172/5947/4014 +f 6015/10333/5882 942/10331/5881 6020/10340/5884 +f 6177/10434/5942 6175/10433/5941 6171/10429/5939 +f 2378/3754/2450 3852/6335/4209 3867/6368/4235 +f 3911/6435/4294 3910/10435/5943 3906/7458/4989 +f 6780/5606/3726 6766/6790/4589 6768/5141/3300 +f 4365/10436/5944 6181/10437/5944 4366/10438/5944 +f 6181/5660/3778 4365/6980/4755 6153/5659/3777 +f 6182/5732/3840 6131/6776/4576 6180/6554/4389 +f 6183/10439/3813 6138/10413/5930 929/10415/5916 +f 6183/5695/3813 6149/10421/5934 6138/10422/5930 +f 3434/5509/3635 3406/5534/3658 1631/5403/3540 +f 3465/5005/3182 3481/6756/4556 3431/5559/3680 +f 6181/5660/3778 6132/5702/3819 6190/5681/3799 +f 3504/10126/5731 3532/8364/5266 3541/5178/3336 +f 3488/10420/5933 3526/5675/3793 3532/8364/5266 +f 6187/5691/3809 6124/5550/3671 1033/5980/4044 +f 3498/4543/2752 3524/5671/3789 3535/4586/2795 +f 3473/10431/5940 3420/4540/2749 3394/10390/5898 +f 6190/5681/3799 4366/5680/3798 6181/5660/3778 +f 6191/5693/3811 6183/5695/3813 929/10398/5916 +f 3463/10392/5911 3519/5661/3779 3430/6258/4134 +f 5957/4795/2988 5922/5054/3225 5920/4794/2987 +f 6192/5689/3807 6187/5691/3809 1033/5980/4044 +f 3642/4884/3075 3616/10402/5920 3611/5832/3917 +f 3507/5665/3783 3527/10440/5945 3473/10431/5940 +f 5596/10290/5857 5670/4728/2931 5618/4608/2817 +f 3109/10166/5766 3050/10160/5760 3105/4583/2792 +f 3539/10441/5946 3512/10112/5722 3499/10199/5788 +f 3571/10137/5742 3551/10442/5947 3550/4588/2797 +f 5666/4636/2845 5706/4741/2941 5711/6240/4116 +f 6199/5564/3685 6178/5708/3822 6168/5623/3743 +f 6200/7409/4950 1165/6556/2103 6166/5636/3756 +f 1605/10443/5948 1717/1532/992 1716/1527/987 +f 3548/10295/5861 3546/5704/3821 3510/6755/4555 +f 3441/4541/2750 3527/10440/5945 3540/1624/1060 +f 6203/4548/2757 6180/6554/4389 6170/5650/3770 +f 3545/4729/2932 3529/6889/4674 3542/10260/5834 +f 5623/4484/2696 4299/5136/3298 4295/4603/2812 +f 8392/10444/4 2799/10445/4 2800/10446/4 +f 6127/10325/5876 6149/10421/5934 6152/4826/3019 +f 3350/5245/3399 3361/10344/5887 3380/4748/2945 +f 1044/10447/5949 1045/2748/1977 1043/10279/5850 +f 7431/10085/57 7600/10448/57 7433/10449/57 +f 5694/4943/3128 5646/4531/2740 5684/4609/2818 +f 3550/4588/2797 3537/5687/3805 3535/4586/2795 +f 3547/10450/5896 3521/3860/2474 3513/5666/3784 +f 3549/10111/5721 3559/4940/3125 3565/5668/3786 +f 6213/5059/3230 6182/5732/3840 6207/5730/3838 +f 3533/3859/2473 3540/1624/1060 3527/10440/5945 +f 3478/5648/3768 3468/10417/5932 3457/10263/5836 +f 6217/5409/3545 6184/5176/3334 6211/5831/3916 +f 5790/4959/3144 5744/1461/936 5759/4957/3142 +f 6123/10399/5917 6128/5621/3741 1071/10400/5918 +f 3551/10442/5947 3547/10360/5896 3537/5687/3805 +f 3561/10190/5783 3566/6615/4438 3525/5007/3184 +f 5840/4978/3160 5899/10280/5851 5894/6538/4378 +f 3552/10451/3831 3560/6134/4063 3562/10452/3397 +f 3561/10190/5783 3568/5669/3787 3273/10453/5950 +f 3558/5580/3700 3562/5243/3397 3256/4980/3162 +f 3563/10412/5929 3553/5180/3338 3252/10281/5852 +f 6224/4574/2783 6192/5689/3807 1033/5980/4044 +f 3564/5729/3837 3550/4588/2797 3531/4587/2796 +f 5957/4795/2988 6228/3038/2230 6216/5747/3854 +f 6226/10454/5951 4361/5318/3466 1165/6556/2103 +f 6226/10454/5951 1165/6556/2103 6200/7409/4950 +f 3066/5609/3729 3114/10252/5830 3099/10113/5723 +f 4133/10455/5952 4165/7386/4932 4143/2731/1963 +f 3089/5037/3208 3149/10243/5821 3133/10192/5784 +f 3326/5247/3401 3306/5325/3472 3298/4788/2981 +f 7843/10456/57 6981/3753/57 6964/10457/57 +f 3266/2774/1998 3567/2705/1942 3259/10283/5854 +f 6230/5745/3852 1033/5980/4044 1027/5308/3456 +f 6230/5745/3852 6224/4574/2783 1033/5980/4044 +f 3197/6794/4592 3161/5008/3185 3186/5064/3235 +f 3279/5099/3263 3572/5740/3848 3548/10295/5861 +f 6233/10458/1141 929/10459/5916 1037/10460/3891 +f 6233/10461/1141 6191/10462/3811 929/10463/5916 +f 6183/5695/3813 6152/4826/3019 6149/10421/5934 +f 3573/4939/3124 3252/10281/5852 3251/5279/3430 +f 6297/5713/3827 6244/10464/5953 6301/5817/3905 +f 3568/5669/3787 3580/6792/4591 3582/10465/5954 +f 4130/2066/1453 4162/7353/4904 4140/10466/5955 +f 6236/5751/3858 6221/5410/3546 6219/5750/3857 +f 3575/6791/4590 3251/5279/3430 3284/5278/3429 +f 6935/3058/2246 6932/6534/4374 6931/7451/4985 +f 7334/8615/57 7320/9435/57 7322/8616/57 +f 885/10467/5867 892/1315/806 891/1314/805 +f 3584/5100/3264 3273/10453/5950 3263/1300/791 +f 6424/10468/4160 6418/10291/5858 6411/10469/4158 +f 3475/10416/5931 3497/10225/5808 3467/5562/3683 +f 5947/5777/3877 6223/5411/3547 6237/5780/3880 +f 3574/6135/4064 3581/10138/5743 3583/10470/5956 +f 3580/6792/4591 3284/5278/3429 3288/4787/2980 +f 5666/4636/2845 5644/10307/5868 5658/4581/2790 +f 4880/10471/135 4920/8975/135 4894/10472/135 +f 3577/6136/3398 3583/10470/5956 3585/5771/3875 +f 3582/10465/5954 3288/4787/2980 3299/4789/2982 +f 3585/10473/3875 3579/4981/3163 3577/5244/3398 +f 3076/4747/2944 3016/8138/5208 3061/4745/2942 +f 6484/6374/4239 6360/7379/4926 6485/3853/2469 +f 3581/10138/5743 1722/5289/3440 3290/5288/3439 +f 5952/5273/3424 4361/5318/3466 6226/10454/5951 +f 3583/10470/5956 3290/5288/3439 3292/5737/3845 +f 3176/1788/1211 3095/4874/3065 3171/5020/3194 +f 4246/10474/5957 5928/10475/5957 4247/10476/5957 +f 5928/5788/3886 4246/6888/4673 6205/4759/2956 +f 6164/5551/3672 6187/5691/3809 6196/5690/3808 +f 6241/5627/3747 6242/10477/5958 6243/10478/5959 +f 6241/5627/3747 6244/10464/5953 6242/10477/5958 +f 3606/10479/5960 3593/10480/5961 3607/5852/3934 +f 5659/6385/4250 5608/5181/3339 5605/4704/2910 +f 3591/10481/5962 3592/5892/3966 3593/10480/5961 +f 3597/4868/3059 3610/5830/3915 3595/10244/5822 +f 3649/5908/3978 3605/5839/3924 1681/5837/3922 +f 5976/2020/1414 4248/5258/3412 5953/5255/3409 +f 3625/10207/5795 3600/5921/3988 3626/5920/3987 +f 3608/10245/5823 3596/3203/2314 3595/10244/5822 +f 6259/5626/3746 6241/5627/3747 6243/10478/5959 +f 7140/8359/57 7181/10482/57 7187/8357/57 +f 6262/10483/5963 987/10484/5964 986/10485/5965 +f 6263/3803/2459 983/10486/5966 980/5829/3914 +f 6262/10483/5963 986/10485/5965 6251/5841/3926 +f 3621/10487/5967 3591/10481/5962 3606/10479/5960 +f 5028/8665/135 5030/8686/135 5036/8685/135 +f 6264/5840/3925 987/10484/5964 6262/10483/5963 +f 6265/4813/3006 6266/5130/3292 6242/10477/5958 +f 6265/4813/3006 6267/4815/3008 6266/5130/3292 +f 3315/5757/3864 3301/2757/1986 3300/10186/5780 +f 3611/5832/3917 3615/5889/3963 3613/5834/3919 +f 4962/10488/135 5037/10489/135 5035/10490/135 +f 6270/5848/3933 6259/5626/3746 6243/10478/5959 +f 3608/10245/5823 3622/5855/3937 3617/5843/3928 +f 6272/5862/3942 6270/5848/3933 6243/10478/5959 +f 7698/10491/57 7751/10492/57 7774/6738/57 +f 3628/10493/5968 3606/10479/5960 3618/10494/5969 +f 6273/5861/3941 989/10495/5970 987/10484/5964 +f 3629/5866/3946 3609/5825/3910 3621/10487/5967 +f 6273/5861/3941 6243/10478/5959 989/10495/5970 +f 6273/5861/3941 6272/5862/3942 6243/10478/5959 +f 7343/8647/57 7312/10496/57 7367/10497/57 +f 3667/7700/5123 3673/5936/4003 3660/5938/4005 +f 3626/5920/3987 3627/4883/3074 3625/10207/5795 +f 5829/4679/2888 5773/4912/3097 5785/4677/2886 +f 6279/3802/2458 984/10498/5971 983/10486/5966 +f 991/10499/5972 989/10495/5970 6243/10478/5959 +f 6280/5874/3954 5683/3864/2476 4269/6901/4686 +f 574/4001/135 2392/3779/135 572/3778/135 +f 5298/9383/135 5249/9412/135 5302/9411/135 +f 3643/10500/5973 3623/2589/1840 3632/2588/1839 +f 6285/8948/5427 984/10498/5971 6279/3802/2458 +f 3636/5878/3958 3621/10487/5967 3628/10493/5968 +f 6286/150/110 6284/149/109 6281/5875/3955 +f 6136/5561/3682 6125/5602/3722 6118/5547/3668 +f 6254/2671/1916 6286/150/110 6281/5875/3955 +f 6288/5919/3986 6281/5875/3955 6289/10501/5974 +f 3618/10494/5969 3640/8641/5350 3628/10493/5968 +f 3641/5893/3967 2990/4634/2843 3630/4152/2533 +f 6292/5887/3961 6265/4813/3006 6242/10477/5958 +f 3590/4953/3138 3632/2588/1839 3637/4951/3136 +f 3617/5843/3928 3605/5839/3924 3608/10245/5823 +f 6268/4814/3007 6288/5919/3986 6289/10501/5974 +f 3645/3204/2315 3628/10493/5968 3640/8641/5350 +f 6295/5909/3979 5677/3866/2478 6291/3865/2477 +f 3644/5853/3935 3630/4152/2533 3633/4154/2535 +f 5151/10502/135 5122/10503/135 5123/10504/135 +f 3650/3205/2316 3640/8641/5350 3646/4867/3058 +f 3589/5155/3314 3643/10500/5973 3590/4953/3138 +f 2936/10152/5756 2921/6416/4277 2935/4622/2831 +f 3631/4153/2534 3600/5921/3988 3599/5877/3957 +f 6299/5890/3964 6292/5887/3961 6242/10477/5958 +f 3618/10494/5969 3607/5852/3934 3619/3743/2447 +f 6302/10505/5975 986/10485/5965 984/10498/5971 +f 6266/10506/5976 6267/10507/5976 6289/10508/5977 +f 3649/5908/3978 3636/5878/3958 3645/3204/2315 +f 6289/10508/5977 6267/10507/5976 6268/10509/5978 +f 3772/7698/57 50/7703/57 3760/7709/57 +f 4838/10510/135 4785/8160/135 4839/8159/135 +f 2354/3722/135 524/3805/135 526/3719/135 +f 6249/5828/3913 980/5829/3914 979/10132/5737 +f 3365/10347/5888 3427/5512/3638 3445/4893/3081 +f 3205/5443/3576 3138/10218/5803 3198/5197/3355 +f 6249/5828/3913 979/10132/5737 6295/5909/3979 +f 6304/5922/3989 6299/5890/3964 6242/10477/5958 +f 6257/5637/3757 6255/5813/3901 6288/5919/3986 +f 3450/5700/3818 3440/4770/2963 3456/5699/3817 +f 3590/4953/3138 3588/5816/3904 3589/5155/3314 +f 6244/10464/5953 6304/5922/3989 6242/10477/5958 +f 6278/8947/5426 6260/5868/3948 6271/5844/3929 +f 3650/3205/2316 3595/10244/5822 3596/3203/2314 +f 7721/9379/57 7777/10372/57 7779/10511/57 +f 3658/5991/4053 3659/10512/5979 3657/7701/5124 +f 3662/5969/4034 3652/10513/5980 3656/5924/3991 +f 3653/5499/3625 3664/4910/3095 3665/4909/3094 +f 3659/10512/5979 3663/5951/4018 3666/5582/3702 +f 3660/5938/4005 3657/7701/5124 3667/7700/5123 +f 3653/5499/3625 3652/10513/5980 3668/10514/5981 +f 3668/10514/5981 3661/10515/5982 3669/10294/5860 +f 3661/10515/5982 3671/6001/4061 3670/10516/5983 +f 3666/5582/3702 3657/7701/5124 3659/10512/5979 +f 1054/10517/5984 6327/10518/5985 1058/10519/5986 +f 6328/5968/4033 6327/10518/5985 6321/10314/5870 +f 6329/10520/5987 6330/10521/5988 6331/2691/1931 +f 1805/1728/1161 1794/1679/1112 1806/10522/5989 +f 6329/10520/5987 6331/2691/1931 6332/10523/5990 +f 2501/3953/135 2496/3925/2484 2513/3951/2493 +f 3308/5321/3469 3310/5472/3600 3281/5275/3426 +f 6335/10313/5869 6329/10520/5987 6332/10523/5990 +f 6345/1322/812 6326/5902/3973 6319/1320/810 +f 6337/10079/5693 6330/10521/5988 6329/10520/5987 +f 5068/8823/135 5074/10205/135 5073/10524/135 +f 6306/5978/4042 6332/10523/5990 6339/5992/4054 +f 6648/10525/135 2/7685/135 6649/10526/135 +f 6306/5978/4042 6335/10313/5869 6332/10523/5990 +f 3681/10527/4017 3669/10294/5860 3685/10293/5264 +f 3684/5955/4020 3682/5949/4016 3688/10528/5991 +f 6342/10529/5992 6327/10518/5985 6328/5968/4033 +f 6342/10529/5992 1058/10519/5986 6327/10518/5985 +f 3669/10294/5860 3670/10516/5983 3689/10292/5859 +f 6344/10078/5692 6330/10521/5988 6337/10079/5693 +f 5285/9409/135 5305/10530/135 5284/5081/135 +f 6307/2664/1909 6306/5978/4042 6339/5992/4054 +f 5606/5209/3367 4304/4448/2660 4309/6539/4379 +f 6314/2662/1907 6307/2664/1909 6339/5992/4054 +f 3691/5964/4029 3688/10528/5991 3665/4909/3094 +f 1208/2833/2055 1182/1875/1288 1209/2960/2162 +f 6349/5997/4057 6330/10521/5988 6344/10078/5692 +f 6350/5981/4045 6141/5948/4015 1067/10406/5924 +f 6130/5670/3788 1069/10401/5919 1068/10405/5923 +f 6350/5981/4045 6333/5946/4013 6141/5948/4015 +f 3689/10292/5859 3678/5870/3950 3695/3775/2455 +f 6351/5934/4001 1065/10531/5993 1062/5935/4002 +f 4587/7355/4906 3908/6436/4295 3897/6406/4269 +f 5003/8707/135 4981/10191/135 4982/1524/135 +f 6352/10532/5994 1059/5967/4032 1058/10519/5986 +f 6352/10532/5994 1058/10519/5986 6342/10529/5992 +f 3692/5979/4043 3687/5957/4022 3673/5936/4003 +f 6311/6381/4246 6330/10521/5988 6349/5997/4057 +f 6352/10532/5994 6346/5965/4030 1059/5967/4032 +f 6547/7324/4881 6390/6227/4109 6554/5641/3761 +f 6310/6380/4245 6330/10521/5988 6311/6381/4246 +f 1328/10533/5995 1354/2215/1580 1355/2214/1579 +f 6354/10534/4000 1062/10535/4002 1059/5967/4032 +f 6354/10534/4000 1059/5967/4032 6338/5966/4031 +f 5016/10536/135 4992/10537/135 4993/10538/135 +f 3701/5987/4049 3697/1597/1042 1757/5974/4038 +f 6355/5994/4056 1066/10539/5996 1065/10531/5993 +f 3699/10540/2454 3693/1598/1043 3685/8360/5264 +f 6050/5450/3581 6073/5439/3572 6082/5484/3610 +f 3703/5995/2456 3702/1596/1041 3699/10540/2454 +f 2162/675/439 2143/3190/411 2140/676/413 +f 6356/8363/5265 1067/10406/5924 1066/10539/5996 +f 6356/8363/5265 6350/5981/4045 1067/10406/5924 +f 1098/2002/1396 1078/1640/1073 1099/2826/2049 +f 3664/10541/3095 3700/5984/4048 3696/5986/3093 +f 6334/5944/4011 4266/5993/4055 6172/5947/4014 +f 6334/5944/4011 6325/3759/2452 4266/5993/4055 +f 6321/10314/5870 6327/10518/5985 6330/10542/5988 +f 6321/10543/5870 6330/10521/5988 6310/6380/4245 +f 211/10544/4 4690/7553/4 205/10545/4 +f 167/10546/4 4715/7524/4 4714/7523/4 +f 5483/10547/4 5572/10548/4 4712/7517/4 +f 8387/10549/4 8471/10550/4 8469/9248/4 +f 2835/6109/4 3709/7499/4 3708/7498/4 +f 5572/10548/4 5569/10551/4 4713/7520/4 +f 5569/10551/4 5517/10552/4 4713/7520/4 +f 5517/10552/4 4714/7523/4 4713/7520/4 +f 4712/7517/4 5572/10548/4 4713/7520/4 +f 1639/10553/5997 1643/2617/1864 1638/1393/877 +f 2839/10554/4 4721/7594/4 2840/10555/4 +f 4683/6018/4 2813/10556/4 5544/10557/4 +f 4683/6018/4 5544/10557/4 4684/7567/4 +f 4684/7567/4 5544/10557/4 5542/10558/4 +f 4684/7567/4 5542/10558/4 5540/10559/4 +f 5540/10559/4 5537/10560/4 4685/7544/4 +f 4684/7567/4 5540/10559/4 4685/7544/4 +f 4685/7544/4 5537/10560/4 5533/10561/4 +f 4686/7545/4 4685/7544/4 243/10562/4 +f 3713/6026/4 339/6037/4 341/6029/4 +f 4686/7545/4 243/10562/4 245/10563/4 +f 2798/10564/4 278/6147/4 280/10565/4 +f 241/10566/4 5533/10561/4 240/10567/4 +f 4686/7545/4 245/10563/4 198/10568/4 +f 2860/6132/4 280/10565/4 283/6046/4 +f 4686/7545/4 198/10568/4 4687/7547/4 +f 4687/7547/4 198/10568/4 197/10569/4 +f 5546/10570/4 5548/10571/4 236/10572/4 +f 2574/4041/2519 4048/6622/4442 2568/2176/1545 +f 4687/7547/4 197/10569/4 201/10573/4 +f 2742/6051/4 331/10574/4 2853/1475/4 +f 4687/7547/4 201/10573/4 203/10575/4 +f 231/38/4 5466/10576/4 5464/10577/4 +f 231/38/4 5464/10577/4 5461/36/4 +f 2738/6053/4 327/10578/4 329/6050/4 +f 4687/7547/4 203/10575/4 4688/7548/4 +f 203/10575/4 209/10579/4 4688/7548/4 +f 4688/7548/4 209/10579/4 213/10580/4 +f 288/6055/4 2868/6120/4 2750/6056/4 +f 4688/7548/4 213/10580/4 217/10581/4 +f 227/6061/4 5558/6060/4 5560/10582/4 +f 2864/6065/4 323/6070/4 325/6063/4 +f 223/10583/4 225/10584/4 5475/10585/4 +f 223/10583/4 5475/10585/4 221/10586/4 +f 221/10586/4 5475/10585/4 219/10587/4 +f 206/10588/4 205/10545/4 4689/7606/4 +f 4688/7548/4 217/10581/4 4689/7606/4 +f 217/10581/4 206/10588/4 4689/7606/4 +f 254/6165/4 3707/6011/4 2794/6010/4 +f 4689/7606/4 205/10545/4 4690/7553/4 +f 211/10544/4 215/10589/4 5477/10590/4 +f 215/10589/4 219/10587/4 5477/10590/4 +f 219/10587/4 5475/10585/4 5477/10590/4 +f 4691/7585/4 4690/7553/4 5477/10590/4 +f 4691/7585/4 5477/10590/4 5568/10591/4 +f 4691/7585/4 5568/10591/4 5565/10592/4 +f 4691/7585/4 5565/10592/4 4692/6007/4 +f 4692/6007/4 5565/10592/4 5481/6005/4 +f 5483/10547/4 4711/7589/4 5484/10593/4 +f 4693/6006/4 5516/10594/4 4694/7560/4 +f 4694/7560/4 5516/10594/4 5514/10595/4 +f 4694/7560/4 5514/10595/4 4695/7561/4 +f 4695/7561/4 5514/10595/4 5512/10596/4 +f 4695/7561/4 5512/10596/4 4696/7562/4 +f 4696/7562/4 5512/10596/4 5511/10597/4 +f 4696/7562/4 5511/10597/4 4697/7541/4 +f 4697/7541/4 5511/10597/4 5509/10598/4 +f 4697/7541/4 5509/10598/4 4698/7505/4 +f 2783/10599/4 3726/6101/4 2785/6100/4 +f 5497/10600/4 4705/6154/4 4704/7572/4 +f 5499/10601/4 4704/7572/4 4703/7597/4 +f 5501/4898/4 4703/7597/4 4702/7573/4 +f 4013/2074/1461 4034/10602/3289 4026/2120/1505 +f 2777/6112/4 3733/6108/4 3730/7501/4 +f 327/10578/4 2862/6064/4 325/6063/4 +f 5275/10603/135 5293/10604/135 5274/10605/135 +f 5469/10606/4 5468/6122/4 191/6124/4 +f 5472/6114/4 5469/10606/4 191/6124/4 +f 5562/5090/4 5564/10305/4 195/10607/4 +f 5466/10576/4 233/10608/4 5550/10609/4 +f 2833/10610/4 3710/1277/4 3709/7499/4 +f 3981/6514/4355 3944/2680/1922 3989/10611/5998 +f 5560/10582/4 225/10584/4 227/6061/4 +f 5550/10609/4 236/10572/4 5548/10571/4 +f 5554/10612/4 5556/6040/4 188/6041/4 +f 5520/5092/4 148/5091/4 147/10613/4 +f 5546/10570/4 238/10614/4 5535/10615/4 +f 5520/5092/4 147/10613/4 151/10616/4 +f 5535/10615/4 240/10567/4 5533/10561/4 +f 5525/10617/4 2840/10555/4 4721/7594/4 +f 2822/6016/4 3736/6143/4 2802/6142/4 +f 135/10618/5999 143/10619/146 134/166/126 +f 5520/5092/4 151/10616/4 153/10620/4 +f 183/6035/4 5524/10621/4 181/1801/4 +f 5528/10622/4 5525/10617/4 4720/7593/4 +f 5530/10623/4 5528/10622/4 4720/7593/4 +f 5525/10617/4 4721/7594/4 4720/7593/4 +f 8374/10624/4 2867/10625/4 8372/4/4 +f 4706/6153/4 5493/10626/4 4707/7507/4 +f 5493/10626/4 5491/10627/4 4707/7507/4 +f 4685/7544/4 241/10566/4 243/10562/4 +f 5530/10623/4 4720/7593/4 4719/1802/4 +f 5532/10628/4 5530/10623/4 4719/1802/4 +f 5524/10621/4 5532/10628/4 4719/1802/4 +f 175/10629/4 177/10630/4 4718/7611/4 +f 177/10630/4 179/1803/4 4718/7611/4 +f 179/1803/4 4719/1802/4 4718/7611/4 +f 5491/10627/4 5489/10631/4 4708/7564/4 +f 4707/7507/4 5491/10627/4 4708/7564/4 +f 5520/5092/4 153/10620/4 5517/10552/4 +f 153/10620/4 159/10632/4 5517/10552/4 +f 159/10632/4 163/10633/4 5517/10552/4 +f 169/10634/4 171/10635/4 4717/6972/4 +f 171/10635/4 173/10636/4 4717/6972/4 +f 173/10636/4 175/10629/4 4717/6972/4 +f 175/10629/4 4718/7611/4 4717/6972/4 +f 5489/10631/4 5487/10637/4 4709/7584/4 +f 4708/7564/4 5489/10631/4 4709/7584/4 +f 155/10638/4 161/10639/4 4716/6971/4 +f 161/10639/4 165/10640/4 4716/6971/4 +f 165/10640/4 169/10634/4 4716/6971/4 +f 169/10634/4 4717/6972/4 4716/6971/4 +f 5487/10637/4 5484/10593/4 4710/7588/4 +f 4709/7584/4 5487/10637/4 4710/7588/4 +f 156/10641/4 155/10638/4 4715/7524/4 +f 167/10546/4 156/10641/4 4715/7524/4 +f 155/10638/4 4716/6971/4 4715/7524/4 +f 4710/7588/4 5484/10593/4 4711/7589/4 +f 8483/10642/4 8290/10643/4 8573/10644/4 +f 4266/5993/4055 6339/5992/4054 4267/6652/4464 +f 6357/1468/943 6358/5570/3691 6359/6850/4636 +f 6359/6850/4636 6360/7379/4926 6361/10645/6000 +f 6359/6850/4636 6361/10645/6000 6362/10646/6001 +f 6357/1468/943 6359/6850/4636 6363/10647/6002 +f 6359/6850/4636 6362/10646/6001 6363/10647/6002 +f 4273/6654/4466 6364/2692/1932 4224/6860/4645 +f 6339/5992/4054 6332/10523/5990 6365/6193/4077 +f 6332/10523/5990 6331/2691/1931 6365/6193/4077 +f 4267/6652/4464 6339/5992/4054 6365/6193/4077 +f 2342/3700/135 2343/2246/135 2340/3698/135 +f 4267/6652/4464 6365/6193/4077 6366/6194/4078 +f 3753/6183/4067 3766/6199/4083 3761/2230/1593 +f 6366/6194/4078 6364/2692/1932 6367/6653/4465 +f 6364/2692/1932 4273/6654/4466 6367/6653/4465 +f 6331/2691/1931 6368/7363/4912 6369/10648/6003 +f 3677/5943/4010 3769/10649/6004 3762/6191/4075 +f 6368/7363/4912 6371/5568/3689 6372/1467/942 +f 6371/5568/3689 6358/5570/3691 6372/1467/942 +f 3769/10649/6004 3771/6203/4087 3754/6184/4068 +f 6369/10648/6003 6368/7363/4912 6372/1467/942 +f 6358/5570/3691 6357/1468/943 6372/1467/942 +f 6373/10650/6005 6361/10645/6000 6360/7379/4926 +f 6373/10650/6005 6362/10646/6001 6361/10645/6000 +f 6373/10650/6005 6363/10647/6002 6362/10646/6001 +f 6374/10651/6006 6373/10650/6005 6360/7379/4926 +f 6375/10652/6007 6373/10650/6005 6374/10651/6006 +f 6376/10653/6008 6377/10654/6009 6375/10652/6007 +f 6376/10653/6008 6375/10652/6007 6374/10651/6006 +f 6378/10655/6010 6377/10654/6009 6376/10653/6008 +f 6379/10656/6011 6378/10655/6010 6376/10653/6008 +f 6380/10657/6012 6378/10655/6010 6379/10656/6011 +f 6381/10658/6013 6380/10657/6012 6379/10656/6011 +f 6382/6772/6014 6380/10657/6012 6381/10658/6013 +f 4755/7739/5139 6383/10118/5725 6384/6222/4105 +f 3941/6477/4325 4756/7740/5140 4755/7739/5139 +f 6385/89/66 4755/7739/5139 6384/6222/4105 +f 6385/89/66 3941/6477/4325 4755/7739/5139 +f 1907/1949/1353 1892/2090/1477 1898/2925/2132 +f 1171/2899/2106 1170/1824/1241 1178/2900/2113 +f 1772/1657/1090 1791/2865/2085 1783/1658/1091 +f 3792/10659/6015 3791/6289/4164 3793/6315/4189 +f 4080/6677/4486 2581/4052/2523 2555/4014/2514 +f 6396/10117/5724 6383/10118/5725 6397/10660/6016 +f 3794/6235/4114 3797/10661/6017 3796/10662/6018 +f 3796/10662/6018 3781/6214/4126 3798/6250/4125 +f 3794/6235/4114 3784/6217/4100 3783/6216/4099 +f 3799/6248/4122 3796/10662/6018 3800/6806/4604 +f 4173/10663/6019 4150/6522/4363 4152/10140/5745 +f 6403/10664/4129 6387/10665/4106 6384/10666/4105 +f 6403/6253/4129 6384/6222/4105 6401/10248/5826 +f 6404/5019/6020 6382/6772/6014 6381/10658/6013 +f 6404/5019/3193 6400/6252/4128 6382/6772/4572 +f 3803/6804/4602 3802/6249/4124 3810/10667/6021 +f 5909/1292/783 5865/5170/3328 5878/5161/3320 +f 4177/10668/6022 4169/6520/4361 4173/10663/6019 +f 6408/10389/5909 6404/5019/3193 6381/10658/6023 +f 6409/10364/5899 6387/6223/4106 6403/6253/4129 +f 3804/6805/4603 3807/6256/4133 3801/6247/4120 +f 3805/10669/6024 3808/10670/4609 3804/6805/4603 +f 6413/6269/4143 6389/6226/4108 6387/6225/4106 +f 6413/6269/4143 6387/6225/4106 6409/10671/5899 +f 3810/10667/6021 3805/10669/6024 3803/6804/4602 +f 6146/5603/3723 4263/6899/4684 4262/6898/4683 +f 3810/10667/6021 3806/6255/4131 3814/5686/3804 +f 6417/6267/4141 6381/10658/6023 6379/10656/6025 +f 6417/6267/4141 6408/10389/5909 6381/10658/6023 +f 3813/6812/4610 3809/10672/5845 3816/6749/4551 +f 3812/10275/5846 3814/5686/3804 3817/5685/3803 +f 6420/6325/4199 6417/6267/4141 6379/10656/6025 +f 6421/6280/4155 6389/6226/4108 6413/6269/4143 +f 3840/10216/5801 3832/10673/6026 3842/8655/5352 +f 3820/10674/6027 3816/6749/4551 3821/6748/4550 +f 3840/10675/5801 3831/10676/6028 3823/10677/5799 +f 3817/5685/3803 3822/10276/5847 3812/10275/5846 +f 6426/10678/6029 6391/6228/4110 6389/6226/4108 +f 6426/10678/6029 6389/6226/4108 6421/6280/4155 +f 3822/10679/5847 3816/6749/4551 3809/10672/5845 +f 6071/5514/3640 6090/10250/5828 6095/6778/4578 +f 3815/6272/4146 3814/5686/3804 3806/6255/4131 +f 3826/5684/3802 3818/6278/4153 3828/10680/6030 +f 3824/6288/4163 3820/10674/6027 3827/6365/4232 +f 4112/6715/4526 4125/10681/6031 4115/3867/2479 +f 6706/6728/4539 6686/6575/4406 6700/6440/4299 +f 5606/5209/3367 5872/10682/6032 5882/5051/3222 +f 3823/10677/5799 3825/6747/4549 3822/10679/5847 +f 6435/6306/4179 6391/6228/4110 6426/10678/6029 +f 926/10683/6033 928/1377/861 925/10213/5798 +f 6436/6324/6034 6379/10656/6034 6376/10653/6034 +f 6436/6324/4198 6420/6325/4199 6379/10656/6025 +f 4092/7489/5019 4085/2105/1491 4086/6683/4493 +f 6438/8679/5354 6436/6324/4198 6376/10653/6035 +f 3838/10684/6036 3831/10676/6028 3839/10685/6037 +f 5894/6538/4378 5780/10318/5872 5840/4978/3160 +f 6443/6316/4190 6393/6233/4112 6391/6228/4110 +f 6443/6316/4190 6391/6228/4110 6435/6306/4179 +f 6773/6274/4149 6792/6837/4628 6786/6813/4611 +f 3829/6762/4562 3838/10684/6036 3843/10686/6038 +f 6890/10687/6039 6891/10688/1391 6893/6849/4635 +f 6447/6330/4204 6395/6234/4113 6393/6233/4112 +f 6447/6330/4204 6393/6233/4112 6443/6316/4190 +f 4178/4499/2711 4165/10689/4932 4168/4497/2709 +f 4163/5303/3454 4144/5493/3619 4160/5301/3452 +f 6084/5502/3628 6081/5473/3601 6022/5233/3390 +f 1279/3004/2202 1272/2557/1811 1266/3000/2200 +f 4631/3050/2238 4658/7461/4992 4666/6375/4240 +f 6452/6331/4205 6395/6234/4113 6447/6330/4204 +f 6803/10690/3268 6794/6824/4617 6795/6302/4174 +f 3845/6317/4191 3844/7373/4920 3850/6329/4203 +f 3036/5398/3535 2991/1350/837 3025/4501/2713 +f 6454/6333/4207 6395/6234/4113 6452/6331/4205 +f 3836/6308/4181 3848/10691/6040 3834/6305/4178 +f 3261/10285/5855 3278/2611/1859 3262/2610/1858 +f 3855/10692/6041 3849/10693/6042 3858/10694/6043 +f 3843/10686/6038 3837/7374/4921 3829/6762/4562 +f 6459/6340/6044 6376/10653/6044 6374/10651/6044 +f 7410/10695/57 7419/10696/57 7418/8860/57 +f 6459/6340/4215 6438/8679/5354 6376/10653/6035 +f 7268/5822/57 7341/2744/57 7340/2746/57 +f 6462/10697/6045 6459/6340/4215 6374/10651/6046 +f 5603/10095/5705 5587/6282/4157 5604/1291/782 +f 3839/10685/6037 3847/10698/6047 3860/6425/4284 +f 3860/6425/4284 3849/10693/6042 3839/10685/6037 +f 3539/10441/5946 3557/4941/3126 3559/4940/3125 +f 3846/7375/4922 3855/10692/6041 3862/10167/5767 +f 4584/6567/4400 4607/3018/2213 4585/3017/2212 +f 6467/10699/6048 6374/10700/6048 6360/10701/6048 +f 6467/10702/6049 6462/10697/6045 6374/10651/6046 +f 3865/10703/6050 3861/6427/4286 3869/10704/6051 +f 3756/6186/4070 3882/6389/4254 3757/6187/4071 +f 3862/10167/5767 3858/10694/6043 3868/10705/6052 +f 3496/1623/1059 3542/10260/5834 3492/10411/5928 +f 6475/5152/3311 6455/6332/4206 6470/6334/4208 +f 3868/10705/6052 3867/6368/4235 3862/10167/5767 +f 4579/6519/4360 4562/1934/1339 4578/6517/4358 +f 4052/10706/4956 4033/6343/4218 4037/6832/4624 +f 5855/5052/3223 5901/8856/5399 5882/5051/3222 +f 3858/10694/6043 3865/10703/6050 3875/10707/6053 +f 3875/10707/6053 3869/10704/6051 3877/10708/6054 +f 3871/4630/2839 3859/6344/4219 3876/10709/6055 +f 3876/10709/6055 3864/6353/4226 3881/6388/4253 +f 3876/10709/6055 3874/6424/4283 3871/4630/2839 +f 3449/5537/3661 3499/10199/5788 3512/10112/5722 +f 3879/10710/6056 3873/10253/5831 3880/4895/3083 +f 3881/6388/4253 3757/6187/4071 3882/6389/4254 +f 3878/10711/6057 3881/6388/4253 3884/6387/4252 +f 3875/10707/6053 3868/10705/6052 3858/10694/6043 +f 3883/6395/4260 3877/10708/6054 3886/2798/2021 +f 6487/2046/1434 6484/6374/4239 6485/3853/2469 +f 3879/10710/6056 3869/10704/6051 3861/6427/4286 +f 5749/4812/3005 5728/4697/2903 5735/4810/3003 +f 3878/10711/6057 3885/8479/5299 3874/6424/4283 +f 3884/6387/4252 3889/10712/4468 3878/10711/6057 +f 1787/1687/1120 1779/1644/1077 1788/1688/1121 +f 5855/5052/3223 5747/4964/3149 5770/5088/3255 +f 6493/5329/3476 6495/5151/3310 6491/5153/3312 +f 3880/4895/3083 3887/10713/6058 3879/10710/6056 +f 4083/10266/5839 4207/10714/6059 4216/6845/4632 +f 3458/5560/3681 3512/10112/5722 3523/5006/3183 +f 3887/10713/6058 3877/10708/6054 3869/10704/6051 +f 3893/10715/6060 3886/2798/2021 3877/10708/6054 +f 3891/10716/6061 3893/10715/6060 3887/10713/6058 +f 3892/4896/3084 3889/6656/4468 3894/6655/4467 +f 3882/10717/4254 3896/6405/4268 3884/10718/4252 +f 4314/10719/6062 1316/2134/1516 1292/2133/1515 +f 3898/4897/3085 3894/6655/4467 3899/7457/4988 +f 3891/10716/6061 3898/4897/3085 3903/7456/4987 +f 3900/6404/4267 3899/7457/4988 3894/6655/4467 +f 6505/6409/4271 6501/6408/1435 6502/5446/3579 +f 3872/6367/4234 2373/3748/2449 2378/3754/2450 +f 3901/10720/6063 3895/10721/6064 3902/7487/5017 +f 3901/10720/6063 3890/2799/2022 3886/2798/2021 +f 4329/10722/6065 1182/1875/1288 1156/1817/1234 +f 6471/10119/5726 6470/6334/4208 6465/6358/4230 +f 3907/6428/4287 3908/6436/4295 3911/6435/4294 +f 6512/5793/3888 6505/6409/4271 6502/5446/3579 +f 3906/7458/4989 3907/6428/4287 3911/6435/4294 +f 3895/10721/6064 3903/7456/4987 3909/10393/5912 +f 3909/10393/5912 3906/7458/4989 3910/10435/5943 +f 3204/5192/3350 3235/5182/3340 3237/5190/3348 +f 6494/6431/4290 6509/5330/3477 6510/6449/4307 +f 1061/10723/6066 965/1621/1057 1064/1620/1056 +f 3913/6434/4293 3914/6447/4305 3918/5765/3869 +f 6518/3968/2500 6516/5794/3889 6513/6702/4513 +f 3905/6419/4278 3912/10394/5913 3915/6451/4309 +f 3912/10394/5913 3910/10435/5943 3916/10724/6067 +f 3916/10724/6067 3913/6434/4293 3918/5765/3869 +f 3916/10724/6067 3915/6451/4309 3912/10394/5913 +f 3848/10691/6040 3832/10673/6026 3828/10680/6030 +f 2366/3740/2445 3919/5766/3870 3914/6447/4305 +f 6524/6444/4303 6523/3969/2501 6519/7358/4909 +f 5872/10682/6032 5794/4864/3055 5830/4963/3148 +f 6526/6450/4308 6520/10725/6068 6522/6443/4302 +f 3917/5764/3868 2365/3739/2444 2364/3738/2443 +f 453/10726/1736 8790/7026/4774 8789/10727/1736 +f 4860/10728/32 4822/10729/32 4833/10730/32 +f 2619/10731/6069 4812/8531/5314 2696/10732/5314 +f 6020/10340/5884 6017/10335/5781 6015/10333/5882 +f 3753/6183/4067 4241/10733/6070 4239/6880/4665 +f 3977/6541/4381 3960/4819/3012 3962/4818/3011 +f 1331/1839/1255 1324/2155/1535 1344/1840/1256 +f 3956/10734/6071 3969/6523/4364 3968/10735/6072 +f 6546/10736/6073 6582/1879/1292 6545/7411/4952 +f 4960/8664/135 5029/8675/135 5026/8662/135 +f 6213/5059/3230 6222/5731/3839 5944/5770/3874 +f 7767/10737/57 7742/10738/57 7744/10739/57 +f 3984/10740/4382 3986/2998/2198 3993/10741/6074 +f 6549/6495/4338 6530/6501/4343 6528/10006/5665 +f 3969/6523/4364 3980/9406/5539 3968/10735/6072 +f 8298/10742/4 2754/10743/4 2863/4430/4 +f 6551/2269/1627 6552/5895/3969 6537/5894/3968 +f 3976/6506/4347 3968/10735/6072 3982/1164/730 +f 6555/6712/4523 4737/4127/2530 6535/10744/4614 +f 6555/6712/4523 6535/10744/4614 6534/2817/2040 +f 7231/9074/57 7202/10745/57 7230/10746/57 +f 6556/2271/1629 6552/5895/3969 6551/2269/1627 +f 1987/1921/1328 1988/3045/2235 1999/2140/1522 +f 3982/1164/730 3980/9406/5539 3983/1165/731 +f 6558/1943/1347 6541/2137/1519 3934/10747/6075 +f 2608/4084/2526 3983/1165/731 3792/10659/6015 +f 3983/1165/731 3790/7428/4966 3792/10659/6015 +f 6560/10748/4750 6562/3083/2260 6570/10749/6076 +f 6569/6973/4749 6570/10750/6076 6577/2952/2155 +f 3986/2998/2198 3981/6514/4355 3990/2999/2199 +f 6563/6532/4372 4735/6497/4340 4737/4127/2530 +f 1023/10751/5825 906/2712/1946 1024/2711/1945 +f 6563/6532/4372 6549/6495/4338 4735/6497/4340 +f 6563/6532/4372 6550/6500/4342 6549/6495/4338 +f 6565/6491/4334 4737/4127/2530 6555/6712/4523 +f 3978/6509/4350 3975/10752/6077 3988/6533/4373 +f 3990/2999/2199 3989/10611/5998 3994/10753/6078 +f 6568/4128/2531 6563/6532/4372 4737/4127/2530 +f 3992/6540/4380 3993/10754/6074 3957/6553/4388 +f 2406/3796/135 522/2157/135 524/3805/135 +f 1265/10755/2201 1231/2959/2161 1251/2054/1442 +f 6873/7347/4900 6368/7363/4912 6842/7345/4899 +f 3979/6510/4351 3995/6550/4386 3991/6537/4377 +f 2358/3731/2441 3995/6550/4386 3963/10756/6079 +f 6572/2070/1457 6564/6531/4371 6568/4128/2531 +f 5359/9643/135 5376/9618/135 5367/9635/135 +f 4002/3099/2272 3989/10611/5998 3996/2679/1921 +f 6575/6492/4335 6577/2952/2155 6538/6565/4398 +f 3963/10756/6079 3988/6533/4373 3997/10757/6080 +f 3993/10754/6074 3958/10758/6081 3957/6553/4388 +f 4000/10759/6082 3999/6560/4394 4004/10378/5905 +f 163/10633/4 4714/7523/4 5517/10552/4 +f 7591/4107/57 7624/6231/57 7628/4108/57 +f 6582/1879/1292 6578/10760/6083 3929/6466/4318 +f 3974/3098/2271 3990/2999/2199 3994/10753/6078 +f 3386/10359/5895 3408/10370/5902 3416/5674/3792 +f 1923/1955/1359 1931/2040/1374 1942/2042/1430 +f 3985/2239/1602 3999/6560/4394 4003/6559/4393 +f 3975/10752/6077 3997/10757/6080 3988/6533/4373 +f 3997/10757/6080 3959/6507/4348 3963/10756/6079 +f 6541/2137/1519 3932/6475/4323 3934/10747/6075 +f 2059/2988/2190 2058/2233/1596 2060/3104/2276 +f 6548/2192/1558 6581/2169/1542 6386/10761/4104 +f 3958/10758/6081 3974/10762/2271 3969/6523/4364 +f 3977/6543/4381 4004/10378/5905 3985/2239/1602 +f 3964/6552/4387 3958/10758/6081 3956/10734/6071 +f 2358/3731/2441 3959/6507/4348 2359/3732/2442 +f 1346/10763/5011 1321/1926/1331 1331/1839/1255 +f 6781/6816/4446 6771/4674/2883 6772/6814/4612 +f 6707/10172/4545 6697/6703/4514 6699/7484/5014 +f 4030/4775/2968 4007/5738/3846 4006/4773/2966 +f 2578/4049/2520 4017/6591/4417 4036/7337/4891 +f 6597/1399/880 6599/1407/888 6600/1409/890 +f 4022/7338/4892 4019/6592/4418 4020/7417/4957 +f 4025/10764/1504 4024/7339/4893 4022/7338/4892 +f 6606/6616/4439 6607/3970/2502 3948/3972/2504 +f 6085/5490/3616 6068/10367/5900 6091/5506/3632 +f 6108/5655/3775 6080/5479/3607 6075/5478/3606 +f 2689/4207/135 2688/4196/135 2392/3779/135 +f 3830/10215/5800 3828/10680/6030 3832/10673/6026 +f 6611/6612/3281 6613/7426/4965 6615/6608/4432 +f 4348/6952/4731 1295/2129/1511 4349/6951/4730 +f 6569/6973/4749 6565/6491/4334 6553/2819/2042 +f 1179/10765/6084 1183/7401/1553 1167/2178/1547 +f 6618/10766/4422 6610/10767/4421 6619/3944/2491 +f 4034/5127/3289 4039/6611/4435 4040/5125/3288 +f 4078/6382/4247 4079/6676/4485 4076/6671/4480 +f 4038/10175/4433 4012/5739/3847 4030/4775/2968 +f 5274/10605/135 5294/10310/135 5289/10312/135 +f 6621/3945/2492 6619/3944/2491 4740/6617/4440 +f 5843/5114/3277 5752/4779/2972 5780/10318/5872 +f 2578/4049/2520 4043/2037/1426 2574/4041/2519 +f 4036/7337/4891 4040/5125/3288 4043/2037/1426 +f 4044/2928/2135 3933/6593/4419 3930/6474/4322 +f 6626/6618/4441 6623/6294/4168 6622/6293/4167 +f 6465/6358/4230 6461/4949/3134 6471/10119/5726 +f 6627/6624/4444 4740/6617/4440 4739/6724/4535 +f 1513/10768/57 7145/10769/57 7143/10770/57 +f 4047/10771/6085 4046/4117/2529 4054/6277/4152 +f 6627/6624/4444 6626/6618/4441 4740/6617/4440 +f 6631/6726/4537 6529/6725/4536 6531/6629/4449 +f 6631/6726/4537 6627/6624/4444 4739/6724/4535 +f 6631/6726/4537 6628/4762/2958 6627/6624/4444 +f 4049/6623/4443 3920/945/617 4050/6625/4445 +f 3931/6467/4319 6578/10760/6083 6580/10772/6086 +f 4053/2075/1462 4035/1836/1252 4042/2073/1460 +f 6758/5619/3739 6772/6814/4612 6771/4674/2883 +f 2894/10081/5694 2957/4577/2786 2937/4822/3015 +f 4832/8135/135 4807/8141/135 4806/8133/135 +f 4025/10764/1504 4051/10773/4479 4053/10774/1462 +f 4602/10775/6087 4593/10776/6088 4608/10777/6089 +f 4133/10455/5952 4120/10156/5759 4124/6411/4273 +f 4057/7418/4958 4027/4116/2528 4052/7416/4956 +f 4008/6638/4456 3930/6474/4322 3928/6463/4316 +f 4100/10778/6090 4091/2050/1438 4094/2049/1437 +f 4011/6637/4455 3927/6462/4315 4009/6647/4460 +f 6588/6576/4407 6640/5753/3860 3954/5755/3862 +f 4022/7338/4892 4056/10779/4623 4025/10764/1504 +f 2912/5608/3728 3149/10243/5821 3219/5453/3584 +f 5725/4758/2955 5675/4635/2844 5721/4801/2994 +f 2584/4061/2524 4059/6276/4151 4019/6592/4418 +f 6643/1408/889 6636/6558/4392 6635/6631/4451 +f 6820/10780/4894 6846/7362/4911 6821/6730/4540 +f 4058/7423/4963 4018/2057/1445 4060/10781/6091 +f 1921/1959/1363 1898/2925/2132 1908/2961/2163 +f 6589/6578/4409 3955/6488/4331 6645/10782/6092 +f 6589/6578/4409 6645/10782/6092 6646/6577/4408 +f 1141/2110/1127 1152/1701/1134 1147/2111/1496 +f 6175/10433/5941 6167/5469/3597 6171/10429/5939 +f 4060/10781/6091 4033/6343/4218 4029/6602/4427 +f 4019/6592/4418 4057/7418/4958 4020/7417/4957 +f 4021/1837/1253 3935/10783/4743 3933/6593/4419 +f 6647/2728/1960 6648/10784/6093 6649/3032/6094 +f 4065/10785/6095 4062/6657/4469 4066/6709/4520 +f 4066/6709/4520 4068/10786/6096 4065/10785/6095 +f 4068/10786/6096 4069/6665/4474 4070/6664/4473 +f 6656/10256/5833 6655/10787/6097 6654/10788/6098 +f 6657/10789/6099 6655/10787/6097 6656/10256/5833 +f 6658/10790/6100 6657/10789/6099 6656/10256/5833 +f 6659/10791/6101 6658/10790/6100 6656/10256/5833 +f 4075/1515/978 4071/6663/4472 4084/2104/1490 +f 6661/6673/4482 6662/6960/4739 6663/6682/4491 +f 6876/6505/4346 6870/7342/4896 6878/1996/1390 +f 6661/6673/4482 6663/6682/4491 6666/7335/4889 +f 6661/6673/4482 6665/6675/4484 6662/6960/4739 +f 5640/4591/2800 5664/4644/2853 5647/4605/2814 +f 6671/6689/4499 6656/10256/5833 6654/10788/6102 +f 6671/6689/4499 6670/6688/4498 6656/10256/5833 +f 6672/6691/4501 6671/6689/4499 6654/10788/6102 +f 3366/10358/5894 3387/5282/3433 3409/5281/3432 +f 4343/6400/4263 1872/2091/1478 4345/6976/4752 +f 6675/6693/4503 6674/6686/4496 6673/6685/4495 +f 1307/2079/1466 1288/2558/1812 1287/3025/2218 +f 4639/7485/5015 4672/5721/3829 4635/6874/4659 +f 6679/10792/6103 6654/10793/6103 6652/10794/6103 +f 6679/1530/990 6672/6691/4501 6654/10788/6102 +f 1817/2846/2067 1820/1724/1157 1823/1767/1192 +f 6988/10795/57 7843/10456/57 6964/10457/57 +f 6483/6394/4259 6490/5501/3627 6482/5048/3219 +f 6683/1531/991 6679/1530/990 6652/10796/6104 +f 6684/6701/4512 6682/6697/4507 6681/6696/4506 +f 4553/10797/6105 4548/2980/2182 4549/2979/2181 +f 6226/10454/5951 6232/5749/3856 5952/5273/3424 +f 4106/5116/3279 4093/6694/4505 4097/6698/4508 +f 6829/2814/2037 6821/6730/4540 6846/7362/4911 +f 4107/10155/5758 4099/10798/6106 4100/10778/6090 +f 4104/10799/1988 4103/6704/4515 4112/10800/4526 +f 4654/7404/4946 4644/3016/2211 4643/3015/2210 +f 6689/6718/4529 6682/6697/4507 6684/6701/4512 +f 4092/7489/5019 4105/10222/5807 4094/2049/1437 +f 6694/6722/4533 6652/10796/6104 6651/2729/1961 +f 5642/4948/3133 5631/5106/3269 5638/7449/4983 +f 6694/6722/4533 6683/1531/991 6652/10796/6104 +f 1453/10801/57 1507/10802/57 1447/10803/57 +f 6696/6732/4541 6694/6722/4533 6651/2729/1961 +f 4113/10804/6107 4102/2595/1845 4107/10155/5758 +f 4100/10778/6090 4120/10156/5759 4107/10155/5758 +f 4114/10805/6108 4094/2049/1437 4105/10222/5807 +f 4103/6704/4515 4117/10806/1454 4112/10800/4526 +f 6701/6717/4528 6690/7486/5016 6698/6735/4531 +f 7344/10807/6109 7244/8668/57 7349/10808/6110 +f 3839/10685/6037 3843/10686/6038 3838/10684/6036 +f 6426/10678/6029 6422/6281/4156 6429/6297/4169 +f 516/3935/135 2524/1930/1335 2555/4014/2514 +f 3834/6305/4178 3828/10680/6030 3818/6278/4153 +f 3492/10411/5928 3528/5682/3800 3463/10392/5911 +f 3870/8950/5428 3866/10809/4517 3873/10253/5831 +f 4121/10810/1455 4111/2593/1843 4113/10804/6107 +f 5338/10811/135 5320/10812/135 5349/10813/135 +f 941/10814/6111 943/2615/1863 937/2546/1803 +f 6777/6809/4607 6763/1294/785 6767/4919/3104 +f 6712/6758/4558 6651/2729/1961 6647/2728/1960 +f 6712/6758/4558 6696/6732/4541 6651/2729/1961 +f 4141/10815/6112 4110/6711/4522 4126/5494/3620 +f 6714/6759/4559 6712/6758/4558 6647/2728/1960 +f 2533/3984/2506 4132/6746/4548 4139/2008/1402 +f 6718/1843/1259 6720/3955/2494 6702/6716/4527 +f 6718/1843/1259 6702/6716/4527 6715/5312/3460 +f 2037/2193/1559 1995/2151/1532 2018/2957/2160 +f 4142/6412/4274 4118/10221/5806 4134/6678/4487 +f 4136/10816/6113 4123/5115/3278 4127/10380/5906 +f 4581/3069/2253 4580/7321/4878 4606/10817/6114 +f 4129/3868/2480 4139/2008/1402 4132/6746/4548 +f 6725/10818/6115 6647/10819/6115 6649/10820/6115 +f 6725/6784/4583 6714/6759/4559 6647/2728/1960 +f 4138/2732/1964 4113/10804/6107 4131/2730/1962 +f 6170/5650/3770 6195/5698/3816 6203/4548/2757 +f 4140/10466/5955 4125/10681/6031 4130/2066/1453 +f 5897/5145/3304 5807/10821/6116 5823/5033/3204 +f 5869/5728/3836 5911/10271/5842 5879/5556/3677 +f 4146/10822/6117 4134/6678/4487 4136/10816/6113 +f 4099/10798/6106 4089/2061/1449 4091/2050/1438 +f 6733/4569/2778 6719/1842/1258 6727/1844/1260 +f 4586/10823/4257 4561/7329/4885 4569/10824/4463 +f 5736/4945/3130 5707/5102/3265 5723/4739/2939 +f 4122/10381/5907 4147/10108/5718 4127/10380/5906 +f 6486/6386/4251 6480/5500/3626 6489/4913/3098 +f 4149/10109/5719 4141/10815/6112 4144/5493/3619 +f 4152/10140/5745 4064/6659/4567 4151/6512/4353 +f 6739/6785/4584 6725/6784/4583 6649/3032/2224 +f 6396/10117/5724 6399/10825/6118 6398/6771/4571 +f 6744/6241/4117 6742/6768/4568 6745/10826/6119 +f 3447/5673/3791 3495/10200/5789 3499/10199/5788 +f 4159/10827/6120 4142/6412/4274 4146/10822/6117 +f 556/3733/135 2467/2517/1779 2451/3852/2468 +f 4161/5200/3358 4127/10380/5906 4147/10108/5718 +f 3458/5560/3681 3424/5538/3662 3449/5537/3661 +f 2909/10089/5699 2979/4639/2848 2944/4638/2847 +f 1491/6502/57 6532/9095/5460 6550/6500/4342 +f 4175/10828/6121 4143/10829/1963 4165/10689/4932 +f 1925/1963/1367 1924/1994/1388 1939/1989/1383 +f 4140/10466/5955 4167/6788/4587 4145/2007/1401 +f 4171/6787/4586 4162/7353/4904 4166/7352/4903 +f 6458/10249/5827 6451/6328/4202 6461/4949/3134 +f 3798/6250/4125 3800/6806/4604 3796/10662/6018 +f 6034/4970/3155 6038/10348/5889 6031/10143/5748 +f 4170/10830/6122 4136/10816/6113 4161/5200/3358 +f 4182/10831/6123 4146/10822/6117 4170/10830/6122 +f 994/5031/3202 6921/7443/4979 6946/10832/6124 +f 5812/1383/867 5791/4830/3023 5800/5528/3652 +f 3147/10242/5820 3042/10154/5757 3092/10098/5708 +f 3841/6314/4188 3835/6366/4233 3844/7373/4920 +f 6126/5558/3679 6116/5043/3214 6109/5540/3664 +f 4155/6511/4352 4157/6797/4595 4176/6799/4597 +f 3801/6247/4120 3800/6806/4604 3804/6805/4603 +f 4179/6796/4594 4173/10663/6019 4176/6799/4597 +f 6768/5141/3300 6765/6242/4118 6769/7425/4964 +f 6768/5141/3300 6764/5143/3302 6765/6242/4118 +f 4181/6260/4136 4149/10109/5719 4163/5303/3454 +f 4183/10072/5686 4170/10830/6122 4172/5199/3357 +f 4184/6569/4402 4164/5201/3359 4181/6260/4136 +f 6734/6781/4580 6755/4568/2777 6759/2920/2128 +f 4187/10833/6125 4174/5302/3453 4177/10668/6022 +f 6776/5605/3725 6762/6789/4588 6766/6790/4589 +f 4190/6828/4620 4166/7352/4903 4186/2968/2170 +f 4191/6807/4605 4177/10668/6022 4179/6796/4594 +f 4188/2969/2171 4175/10828/6121 4178/4499/2711 +f 4189/10834/6126 4159/10827/6120 4182/10831/6123 +f 1357/3084/2104 1091/2821/2044 1092/2804/2027 +f 6780/5606/3726 6768/5141/3300 6769/7425/4964 +f 4192/10835/6127 4182/10831/6123 4183/10072/5686 +f 3373/5422/3555 3384/10357/5893 3386/10359/5895 +f 6667/6680/4489 6801/6429/4288 6669/6852/4638 +f 3419/5485/3611 3403/10391/5910 3436/10397/5915 +f 4196/10231/5812 4185/6259/4135 4187/10833/6125 +f 2617/4096/135 2702/10836/135 2704/2172/135 +f 5142/10837/135 5124/10838/135 5110/10839/135 +f 4198/6819/4615 4187/10833/6125 4191/6807/4605 +f 6789/5604/3724 6769/7425/4964 6790/7427/2507 +f 6789/5604/3724 6780/5606/3726 6769/7425/4964 +f 4201/6291/4165 4184/6569/4402 4194/6669/4478 +f 4122/10381/5907 4108/6708/4519 4110/6711/4522 +f 3819/6279/4154 3813/6812/4610 3820/10674/6027 +f 4204/6826/4618 4196/10231/5812 4198/6819/4615 +f 6795/6302/4174 6789/5604/3724 6790/7427/2507 +f 2542/3997/2510 4171/6787/4586 4190/6828/4620 +f 6784/6830/4622 6779/5378/3519 6782/6808/4606 +f 4205/10840/6128 4178/4499/2711 4197/4498/2710 +f 4192/10841/6127 4206/10842/6129 4200/10843/6130 +f 4207/10714/6059 4197/4498/2710 4200/10843/6130 +f 3847/10698/6047 3842/10844/5352 3851/6426/4285 +f 3218/5207/3365 3239/5653/3773 2887/5206/3364 +f 4082/6855/4641 4205/10840/6128 4207/10714/6059 +f 2549/4006/2512 4082/6855/4641 4083/10266/5839 +f 6801/6429/4288 6783/6829/4621 6800/6839/4629 +f 4208/10845/851 4195/6568/4401 4201/6291/4165 +f 6803/5105/3268 6790/3991/2507 6804/3993/2509 +f 6803/10690/3268 6795/6302/4174 6790/7427/2507 +f 4211/6844/4630 4203/6292/4166 4204/6826/4618 +f 4202/10846/5685 4213/6383/4248 4206/10842/6129 +f 5896/4869/3060 5852/4843/3036 5890/5927/3994 +f 4215/4455/2667 4210/1368/852 4211/6841/4630 +f 6807/5103/3266 6803/5105/3268 6804/3993/2509 +f 4216/6845/4632 4200/10843/6130 4206/10842/6129 +f 6729/1579/1030 6696/6732/4541 6712/6758/4558 +f 6579/10847/6131 6578/10760/6083 6584/1878/1291 +f 5573/6526/4366 4306/6916/4699 4305/4447/2659 +f 4217/6846/4633 4206/10842/6129 4213/6383/4248 +f 1963/2072/1459 1936/2005/1399 1958/2064/1451 +f 6665/6675/4484 6807/5103/3266 6804/3993/2509 +f 6665/6675/4484 6804/3993/2509 6662/6960/4739 +f 6666/7335/4889 6663/6682/4491 6668/6681/4490 +f 4217/6846/4633 4076/6671/4480 4077/6672/4481 +f 2242/10848/6132 2274/10849/6133 2240/10850/6133 +f 4252/6863/4648 6281/5875/3955 4269/6901/4686 +f 6810/10851/6134 6657/10789/6099 6658/10790/6100 +f 6810/10851/6134 6658/10790/6100 6659/10791/6101 +f 6811/2861/2082 6810/10851/6134 6660/6684/4494 +f 6810/10851/6134 6659/10791/6101 6660/6684/4494 +f 4243/6864/4649 3763/2231/1594 6812/10852/6135 +f 2636/4122/135 2653/10853/135 2654/10854/135 +f 4243/6864/4649 6812/10852/6135 6813/6862/4647 +f 6813/6862/4647 6812/10852/6135 6814/10855/6136 +f 4228/6866/4651 4225/6861/4646 3612/5833/3918 +f 6266/5130/3292 6289/10501/5974 6815/10856/6137 +f 6289/10501/5974 6281/5875/3955 6815/10856/6137 +f 6281/5875/3955 4252/6863/4648 6815/10856/6137 +f 4252/6863/4648 6814/10855/6136 6815/10856/6137 +f 4230/6870/4655 4222/1278/769 4229/1280/771 +f 74/10857/6138 75/10858/6139 73/141/101 +f 6812/10852/6135 6818/10859/6140 6817/2860/2081 +f 6818/10859/6140 6810/10851/6134 6819/10860/6141 +f 6817/2860/2081 6818/10859/6140 6819/10860/6141 +f 6810/10851/6134 6811/2861/2082 6819/10860/6141 +f 4312/10861/6142 1338/3061/2248 1316/2134/1516 +f 4234/10862/4 4448/7285/4 4446/10863/4 +f 4508/7310/4 4349/7306/4 4510/10864/4 +f 4342/10865/4 4504/10866/4 4502/10867/4 +f 4406/10868/4 4315/10869/4 4317/10870/4 +f 4321/10871/4 4408/10872/4 4319/10873/4 +f 4512/7305/4 4351/10874/4 4514/10875/4 +f 4444/10876/4 4234/10862/4 4446/10863/4 +f 4362/10877/4 4532/10878/4 4530/10879/4 +f 4532/10878/4 4245/7236/4 4534/7238/4 +f 4346/10880/4 4504/10866/4 4344/10881/4 +f 4486/10882/4 4323/10883/4 4325/7222/4 +f 4460/10884/4 4251/7248/4 4268/10885/4 +f 4404/10886/4 4313/10887/4 4315/10869/4 +f 4424/7230/4 4332/7288/4 4334/10888/4 +f 4272/10889/4 4369/7209/4 4542/10890/4 +f 4259/10891/4 4540/10892/4 4538/10893/4 +f 4462/7228/4 4268/10885/4 4274/7229/4 +f 4500/7233/4 4342/10865/4 4502/10867/4 +f 4514/10875/4 4352/10894/4 4516/7290/4 +f 4321/10871/4 4412/7269/4 4410/10895/4 +f 4360/10896/4 4530/10879/4 4528/7251/4 +f 4288/10897/4 4385/10898/4 4285/10899/4 +f 4324/7268/4 4416/7258/4 4414/10900/4 +f 4285/10899/4 4383/7264/4 4280/7263/4 +f 4265/10901/4 4542/10890/4 4540/10892/4 +f 4468/7298/4 4290/7303/4 4298/7299/4 +f 4320/10902/4 4484/10903/4 4482/10904/4 +f 4518/7292/4 4355/10905/4 4520/7281/4 +f 4474/10906/4 4314/10907/4 4476/7212/4 +f 4319/10873/4 4406/10868/4 4317/10870/4 +f 4343/10908/4 4436/10909/4 4434/10910/4 +f 4375/7282/4 4240/7256/4 4244/7283/4 +f 4387/10911/4 4289/10912/4 4389/10913/4 +f 4432/7262/4 4343/10908/4 4434/10910/4 +f 4345/10914/4 4438/7241/4 4436/10909/4 +f 4294/7278/4 4389/10913/4 4289/10912/4 +f 4318/10915/4 4482/10904/4 4480/7271/4 +f 4253/10916/4 4538/10893/4 4536/7237/4 +f 4312/10917/4 4472/10918/4 4310/7242/4 +f 4494/7275/4 4331/10919/4 4333/7276/4 +f 4398/10920/4 4302/10921/4 4307/7207/4 +f 4359/10922/4 4444/10876/4 4442/7294/4 +f 4313/10887/4 4400/7206/4 4311/7208/4 +f 1242/1986/1380 935/10923/326 931/1987/1381 +f 1242/1986/1380 938/10924/326 935/10923/326 +f 1262/2559/1813 941/10925/6143 938/10924/326 +f 1262/2559/1813 938/10924/326 1242/1986/1380 +f 1288/2558/1812 941/10925/6143 1262/2559/1813 +f 1309/3052/2240 941/10925/6143 1288/2558/1812 +f 1329/3054/2242 941/10925/6143 1309/3052/2240 +f 1081/2218/1583 941/10925/6143 1329/3054/2242 +f 1080/1663/1096 941/10925/6143 1081/2218/1583 +f 1102/1689/1122 941/10925/6143 1080/1663/1096 +f 1113/1734/1164 941/10925/6143 1102/1689/1122 +f 1124/2844/2065 941/10925/6143 1113/1734/1164 +f 1140/2871/2088 941/10925/6143 1124/2844/2065 +f 884/10926/6144 1140/2871/2088 1150/2886/2101 +f 884/10926/6144 1150/2886/2101 1163/1714/1147 +f 884/10926/6144 1163/1714/1147 1192/1715/1148 +f 884/10926/6144 1192/1715/1148 1214/1929/1334 +f 884/10926/6144 941/10925/6143 1140/2871/2088 +f 1235/2018/1412 884/10926/6144 1214/1929/1334 +f 1256/2989/2191 884/10926/6144 1235/2018/1412 +f 1284/3835/2462 884/10926/6144 1256/2989/2191 +f 1308/3055/2243 884/10926/6144 1284/3835/2462 +f 1328/10533/5995 886/10927/326 884/10926/6144 +f 1328/10533/5995 884/10926/6144 1308/3055/2243 +f 1355/2214/1579 892/10928/326 886/10927/326 +f 1355/2214/1579 895/2245/1608 892/10928/326 +f 1355/2214/1579 886/10927/326 1328/10533/5995 +f 4568/10929/6145 4619/10930/6146 4569/6651/4463 +f 6823/7357/4908 6824/7343/4897 6825/6397/4261 +f 4559/7380/4927 4552/6439/4298 4550/6438/4297 +f 4624/10931/2254 4545/7320/4877 4546/10932/2252 +f 6829/2814/2037 6331/2691/1931 6832/2812/2035 +f 6481/6373/4238 6488/6372/2062 6477/6364/4231 +f 1104/10933/1219 1105/7323/4880 1114/2026/1420 +f 4589/10934/6147 3767/6200/4084 4561/7329/4885 +f 4555/7322/4879 4558/10935/6148 4549/2979/2181 +f 6844/2793/2017 6327/10518/5985 6845/7406/4948 +f 4569/10824/4463 4567/7330/4886 4568/10936/6145 +f 6842/7345/4899 6368/7363/4912 6846/7362/4911 +f 4565/7325/4882 4570/10937/6149 4572/1961/1365 +f 4571/7398/4943 4563/10938/6150 4564/7334/4888 +f 4547/10939/6151 4554/7372/4919 4574/10940/6152 +f 1817/2846/2067 1810/1718/1151 1811/1722/1155 +f 4124/6411/4273 4114/10805/6108 4118/10221/5806 +f 6600/1409/890 6639/5119/3282 6641/6639/4457 +f 4547/10939/6151 4577/6393/4258 4548/2980/2182 +f 4572/1961/1365 4573/10941/6153 4582/10942/6154 +f 1743/6835/4626 2352/3716/2439 4599/6635/4453 +f 4576/6391/4256 4574/10940/6152 4593/10776/6088 +f 6440/4933/3118 6433/6823/4194 6441/6327/4201 +f 6864/2207/1573 6865/7356/4907 6861/77/56 +f 4582/10942/6154 4560/7410/4951 4580/7321/4878 +f 4679/10943/6155 1688/7479/5010 4680/7492/5022 +f 4550/6438/4297 4585/3017/2212 4559/7380/4927 +f 3959/6507/4348 3956/10734/6071 3976/6506/4347 +f 6322/3939/2489 6313/3758/2451 6323/5989/4051 +f 4574/10940/6152 4575/7414/4954 4587/7355/4906 +f 6872/7348/2259 6330/10542/5988 6327/10518/5985 +f 6872/7348/2259 6327/10518/5985 6844/2793/2017 +f 4011/6637/4455 4007/5738/3846 4008/6638/4456 +f 4592/1962/1366 4582/10942/6154 4581/3069/2253 +f 6878/1996/1390 6870/7342/4896 6502/5446/3579 +f 3850/6329/4203 3846/7375/4922 3852/6335/4209 +f 4564/7334/4888 4598/6437/4296 4583/6634/4452 +f 4593/10776/6088 4587/7355/4906 4595/7354/4905 +f 4596/1766/1191 4594/10944/6156 4609/1764/1189 +f 4996/8684/135 5039/10945/135 5002/10946/135 +f 4590/1936/1341 4601/7420/4960 4600/7364/4913 +f 4643/3015/2210 4655/7405/4947 4654/7404/4946 +f 6788/4920/3105 6798/6430/4289 6796/4918/3103 +f 4594/10944/6156 4600/7364/4913 4604/1876/1289 +f 6884/1548/1004 6882/1547/1003 6519/7358/4909 +f 1789/1686/1119 1784/1833/1250 1798/1690/1123 +f 3770/6202/4086 4605/7389/4934 3755/6185/4069 +f 4589/10934/6147 4602/10947/6087 4605/7389/4934 +f 6825/6397/4261 6864/2207/1573 6861/77/56 +f 6833/1552/1007 6858/2944/2148 6841/2943/2147 +f 6749/6786/4585 6713/6740/4544 6736/5049/3220 +f 4608/10948/6089 4605/7389/4934 4602/10947/6087 +f 4603/6566/4399 4563/10938/6150 4579/6519/4360 +f 6827/7419/4959 1051/10949/6157 1048/5931/3998 +f 4611/10950/4931 3897/6406/4269 3882/10717/4254 +f 1360/1981/1377 1358/1416/897 1363/1418/899 +f 6836/5459/3590 1053/10951/6158 1051/10949/6157 +f 4608/10777/6089 4595/7354/4905 4611/10950/4931 +f 6836/5459/3590 1051/10949/6157 6827/7419/4959 +f 4611/7384/4931 4610/7390/4935 4608/10948/6089 +f 4101/7488/5018 4109/6679/4488 4105/10222/5807 +f 4596/1766/1191 4558/10935/6148 4597/6518/4359 +f 3755/6185/4069 4612/7383/4930 3756/6186/4070 +f 6895/3027/2220 1053/10951/6158 6836/5459/3590 +f 6893/6849/4635 6891/10688/1391 6485/3853/2469 +f 6881/6549/4385 6877/1546/1002 6889/7392/4937 +f 6869/7369/4916 6895/3027/2220 6836/5459/3590 +f 6358/5570/3691 6886/5569/3690 6890/10687/6039 +f 1160/1702/1135 1158/10952/1534 1172/1666/1099 +f 6897/7393/4938 6884/1548/1004 6519/7358/4909 +f 6520/10725/6068 6521/3967/2499 6522/6443/4302 +f 2019/2878/2095 2025/2815/2038 2008/2816/2039 +f 6898/3026/2219 1054/10517/6159 1053/10951/6158 +f 4573/10941/6153 4556/6562/4395 4560/7410/4951 +f 4615/7388/4933 4618/1849/1265 1748/7381/4928 +f 4613/2978/2180 4606/10817/6114 4580/7321/4878 +f 6765/6242/4118 6644/9529/5568 6769/7425/4964 +f 4660/7466/4997 4627/10953/6160 4647/2947/2150 +f 4619/10930/6146 4548/2980/2182 4577/6393/4258 +f 6845/7406/4948 6327/10518/5985 1054/10517/6159 +f 6845/7406/4948 1054/10517/6159 6898/3026/2219 +f 6851/2200/1566 6864/2207/1573 6825/6397/4261 +f 4622/7371/4918 3914/6447/4305 3908/6436/4295 +f 4557/6564/4397 4597/6518/4359 4558/10935/6148 +f 6546/10736/6073 6541/2137/1519 6562/3083/2260 +f 6847/2795/2019 6860/5121/3284 6859/6713/4524 +f 6874/7344/4898 6823/7357/4908 6882/1547/1003 +f 6902/3076/2258 6330/10521/5988 6872/3077/2259 +f 4614/1765/1190 4549/2979/2181 4558/10935/6148 +f 4553/10797/6105 4621/1890/1301 4554/7372/4919 +f 4623/7402/4944 4592/1962/1366 4546/3068/2252 +f 4570/10937/6149 4607/3018/2213 4573/10941/6153 +f 6824/7343/4897 6851/2200/1566 6825/6397/4261 +f 1193/2907/2118 1195/2906/2117 1207/1745/1173 +f 4606/10817/6114 4624/3070/2254 4581/3069/2253 +f 6865/7356/4907 6880/5932/3999 6861/77/56 +f 1781/1652/1085 2038/1828/1245 2050/1650/1083 +f 6871/7394/4940 6901/7415/4955 6513/6702/4513 +f 6903/10954/6161 6331/2691/1931 6330/10521/5988 +f 5519/10955/4 8564/10956/4 5561/3764/4 +f 6903/10954/6161 6330/10521/5988 6902/3076/2258 +f 5838/5163/3322 5793/4886/3077 5834/7463/4994 +f 4544/7319/4876 4568/10936/6145 4567/7330/4886 +f 4625/7412/4953 4546/10932/2252 4545/7320/4877 +f 6832/2812/2035 6331/2691/1931 6903/10954/6161 +f 6823/7357/4908 6825/6397/4261 6525/6446/4304 +f 4752/7726/5130 4751/7725/5129 3945/4659/2868 +f 6642/9879/5650 4752/7726/5130 3945/4659/2868 +f 4157/6797/4595 4060/10781/6091 4180/6798/4596 +f 6765/6242/4118 6745/10826/6119 4752/7726/5130 +f 6765/6242/4118 4752/7726/5130 6642/9879/5650 +f 3788/6636/4454 3787/6264/4121 3789/6263/4139 +f 4199/6842/4616 4028/4115/2527 4212/6843/4631 +f 4212/6843/4631 4047/10771/6085 4080/6677/4486 +f 4322/6940/4719 1816/1726/1159 1806/10522/5989 +f 4648/7495/4982 4679/10943/6155 4680/7492/5022 +f 4627/10953/6160 4628/6403/4266 4629/2948/2151 +f 4419/7569/5087 3726/6101/5056 3727/10957/5087 +f 1967/2084/1471 1941/1993/1387 1960/6757/4557 +f 6498/4914/3099 6496/5010/3187 6500/5497/3623 +f 484/10958/135 570/10959/135 491/3858/135 +f 6618/6596/4422 6590/10960/4428 6608/2241/1604 +f 6921/7443/4979 6922/3932/2486 998/10961/6162 +f 6921/7443/4979 6909/7442/4978 6922/3932/2486 +f 2042/1911/1319 1778/1646/1079 2027/2184/1552 +f 6903/10954/6161 6830/7407/4949 6832/2812/2035 +f 6678/6690/4500 6691/6442/4301 6680/6441/4300 +f 4642/2949/2152 1689/7470/5001 4647/2947/2150 +f 6474/6341/4216 6462/10697/6045 6479/6494/4337 +f 4649/7447/4981 4646/10962/6163 4648/7448/4982 +f 6927/7326/4883 6904/7328/4884 6243/10478/5959 +f 1204/1910/1318 1230/1330/820 1219/1937/1342 +f 5586/10094/5704 5575/5183/3341 5587/6282/4157 +f 4656/10963/6164 4653/8644/5351 4652/7465/4996 +f 6934/7452/4986 6243/10478/5959 6242/10477/5958 +f 1788/1688/1121 2042/1911/1319 1790/1913/1320 +f 6934/7452/4986 6927/7326/4883 6243/10478/5959 +f 4011/6637/4455 4010/6649/4462 4006/4773/2966 +f 4638/10964/6165 4665/10965/6166 4636/1563/1014 +f 6542/2270/1628 6543/2954/2157 6544/6587/4415 +f 4104/10799/1988 4658/7461/4992 4096/125/90 +f 6816/2862/2083 6917/7435/4973 6930/7440/4976 +f 4666/6375/4240 4640/10966/5024 4650/6919/1016 +f 6938/2912/2122 6934/7452/4986 6242/10477/5958 +f 6925/6600/4426 6951/7481/5003 6924/7445/1130 +f 4660/7466/4997 1689/7470/5001 4675/7478/5009 +f 4229/1280/771 4661/7462/4993 3612/5833/3918 +f 4661/7462/4993 4641/1744/1172 4657/1743/1171 +f 2046/1807/1226 1558/3091/2267 2056/3090/2266 +f 6941/7474/5005 6682/6697/4507 6937/7467/4998 +f 6942/2910/2120 6242/10477/5958 6266/5130/3292 +f 6942/2910/2120 6938/2912/2122 6242/10477/5958 +f 6942/2910/2120 6266/5130/3292 6940/5129/3291 +f 4662/7460/4991 4657/1743/1171 4659/7403/4945 +f 6200/7409/4950 6201/5711/3825 6226/10454/5951 +f 4669/10967/6167 4656/10963/6164 4664/7464/4995 +f 6946/10832/6124 996/10968/6168 994/5031/3202 +f 6946/10832/6124 998/10961/6162 996/10968/6168 +f 6946/10832/6124 6921/7443/4979 998/10961/6162 +f 1160/1702/1135 1145/10969/1126 1153/10970/1086 +f 6948/7475/5006 6720/3955/2494 6949/3933/2487 +f 1992/2107/1493 1966/2853/2074 1980/2108/1494 +f 1746/2754/1983 1745/1593/1038 1742/2752/1981 +f 4645/10971/2209 4665/10965/6166 4669/10967/6167 +f 6953/6867/4652 6949/3933/2487 6922/3932/2486 +f 5627/4490/2702 5661/161/121 5663/10206/5794 +f 6953/6867/4652 6948/7475/5006 6949/3933/2487 +f 6955/1810/1229 6702/6716/4527 6952/6535/4375 +f 7972/10972/57 8006/10973/57 7988/10974/57 +f 6956/7476/5007 6674/6686/4496 6954/7473/5004 +f 6957/5032/3203 994/5031/3202 993/7490/5020 +f 6957/5032/3203 6943/3059/2247 6939/5030/3201 +f 6915/1812/1231 6702/6716/4527 6955/1810/1229 +f 6373/10975/135 108/10976/135 6363/10977/135 +f 4644/3016/2211 4670/6920/1015 4645/3014/2209 +f 6940/5129/3291 6919/7433/4971 6936/2911/2121 +f 6600/1409/890 6602/6594/4420 6597/1399/880 +f 4653/8644/5351 4671/1931/1336 4678/6401/4264 +f 6911/7483/5013 6811/2861/2082 6956/7476/5007 +f 6886/5569/3690 6887/10978/1389 6890/10687/6039 +f 7463/10979/57 7315/10980/57 7465/8703/57 +f 4633/1742/1170 4677/6376/4241 4644/3016/2211 +f 4638/10964/6165 4674/7477/5008 4653/8644/5351 +f 4679/10943/6155 4664/7464/4995 4675/7478/5009 +f 4154/10323/5875 4138/10981/1964 4143/10829/1963 +f 6906/7491/5021 993/7490/5020 991/10982/6169 +f 6909/7442/4978 6953/6867/4652 6922/3932/2486 +f 4646/10983/6163 4669/10967/6167 4679/10943/6155 +f 6929/7439/2184 6690/7486/5016 6918/7437/4975 +f 6904/7359/4884 991/10982/6169 6243/10984/5959 +f 6904/7359/4884 6906/7491/5021 991/10982/6169 +f 8038/10985/5608 8109/10986/6170 8039/10987/6170 +f 4748/10988/135 6818/10989/135 6812/10990/135 +f 4747/10991/135 6810/10992/135 6818/10989/135 +f 4747/10991/135 6818/10989/135 4748/10988/135 +f 4749/10993/135 6657/10994/135 6810/10992/135 +f 4749/10993/135 6810/10992/135 4747/10991/135 +f 3760/7709/57 2196/7702/57 4743/7707/57 +f 5927/10277/5848 5930/4799/2992 5953/5255/3409 +f 63/5774/135 4750/10995/135 54/10996/135 +f 6346/5965/4030 6342/10529/5992 6328/5968/4033 +f 4804/8120/135 4798/8155/135 4806/8133/135 +f 3/1587/135 6648/10525/135 6650/1585/135 +f 2/7685/135 6740/10997/135 6649/10526/135 +f 2/7685/135 6742/10998/135 6740/10997/135 +f 2837/6111/4 4722/7531/4 2839/10554/4 +f 944/10999/6171 884/10926/6144 881/4437/2651 +f 52/11000/135 6745/7684/135 43/7686/135 +f 2202/11001/135 60/11002/135 65/11003/135 +f 2202/11001/135 52/11000/135 60/11002/135 +f 2202/11001/135 6745/7684/135 52/11000/135 +f 4754/11004/135 6745/7684/135 2202/11001/135 +f 4753/11005/135 6745/7684/135 4754/11004/135 +f 4752/11006/135 6745/7684/135 4753/11005/135 +f 4746/7716/5125 4748/7720/5125 6812/10852/6135 +f 3955/11007/19 3952/7666/19 4734/7659/19 +f 6645/11008/19 3955/11007/19 4734/7659/19 +f 6646/11009/19 6645/11008/19 4734/7659/19 +f 6619/11010/19 4734/7659/19 4740/11011/19 +f 6610/11012/19 4734/7659/19 6619/11010/19 +f 6609/11013/19 6646/11009/19 4734/7659/19 +f 6609/11013/19 4734/7659/19 6610/11012/19 +f 4733/7652/32 6535/11014/32 4737/11015/32 +f 4733/7652/32 6585/11016/32 6535/11014/32 +f 4733/7652/32 6579/11017/32 6585/11016/32 +f 4733/7652/32 6580/11018/32 6579/11017/32 +f 4733/7652/32 3931/11019/32 6580/11018/32 +f 3926/7651/32 3931/11019/32 4733/7652/32 +f 6383/9516/135 4757/11020/135 4758/11021/135 +f 2200/11022/135 6383/9516/135 4758/11021/135 +f 7676/11023/57 7684/9375/57 7682/11024/57 +f 143/9515/135 6399/11025/135 6397/11026/135 +f 143/9515/135 6382/11027/135 6399/11025/135 +f 6285/8948/5427 6302/10505/5975 984/10498/5971 +f 126/11028/135 6383/9516/135 2200/11022/135 +f 126/11028/135 134/9517/135 6383/9516/135 +f 6157/5676/3794 6178/5708/3822 6179/5177/3335 +f 118/11029/135 126/11028/135 2200/11022/135 +f 6415/6271/4145 6411/10469/4158 6418/10291/5858 +f 7314/8700/57 7367/10497/57 7312/10496/57 +f 109/11030/135 118/11029/135 2200/11022/135 +f 100/5023/135 6373/10975/135 6375/5021/135 +f 6546/10736/6073 6540/2993/2041 6561/1880/1293 +f 2198/11031/135 108/10976/135 116/11032/135 +f 4729/11033/135 6357/11034/135 6363/10977/135 +f 4729/11033/135 6363/10977/135 108/10976/135 +f 4729/11033/135 108/10976/135 2198/11031/135 +f 4731/11035/135 6357/11034/135 4729/11033/135 +f 4732/11036/135 6357/11034/135 4731/11035/135 +f 6370/11037/135 6357/11034/135 4732/11036/135 +f 6364/11038/135 6370/11037/135 4732/11036/135 +f 6383/9516/135 4755/11039/135 4757/11020/135 +f 6364/2692/1932 4732/7648/5116 4730/7644/5116 +f 795/11040/57 1070/11041/57 793/11042/57 +f 1021/11043/57 658/11044/57 1020/11045/57 +f 834/11046/57 1043/11047/57 808/11048/57 +f 794/11049/57 1026/11050/57 829/11051/57 +f 1061/11052/57 788/11053/57 1056/11054/57 +f 684/1231/57 1011/11055/57 683/11056/57 +f 1003/11057/57 651/11058/57 1000/11059/57 +f 820/11060/57 1055/11061/57 817/1030/57 +f 697/11062/57 1024/11063/57 704/11064/57 +f 687/11065/57 1006/11066/57 684/1231/57 +f 675/11067/57 995/11068/57 692/11069/57 +f 829/11051/57 1025/11070/57 830/11071/57 +f 664/11072/57 1005/11073/57 687/11065/57 +f 696/11074/57 1023/11075/57 697/11062/57 +f 692/11069/57 999/11076/57 664/11072/57 +f 975/11077/57 705/11078/57 976/11079/57 +f 990/11080/57 702/11081/57 988/11082/57 +f 683/11056/57 1015/11083/57 682/11084/57 +f 1000/11059/57 650/11085/57 982/11086/57 +f 1013/1613/57 656/11087/57 1008/11088/57 +f 1040/11089/57 835/11090/57 1038/11091/57 +f 1041/11092/57 838/11093/57 1036/11094/57 +f 817/1030/57 1057/11095/57 816/11096/57 +f 981/11097/57 646/11098/57 977/1611/57 +f 701/11099/57 992/11100/57 675/11067/57 +f 976/11079/57 704/11064/57 1024/11063/57 +f 1074/11101/57 793/11042/57 1070/11041/57 +f 808/11048/57 1045/11102/57 825/11103/57 +f 825/11103/57 1047/11104/57 797/11105/57 +f 988/11082/57 710/11106/57 985/11107/57 +f 659/11108/57 1022/11109/57 696/11074/57 +f 1064/11110/57 789/11111/57 1061/11052/57 +f 682/11084/57 1018/11112/57 660/11113/57 +f 797/11105/57 1050/11114/57 820/11060/57 +f 816/11096/57 1060/11115/57 815/11116/57 +f 985/11107/57 711/11117/57 981/11097/57 +f 1029/11118/57 813/11119/57 1064/11110/57 +f 1049/11120/57 782/11121/57 1041/11092/57 +f 1056/11054/57 784/11122/57 1052/11123/57 +f 1052/11123/57 783/11124/57 1049/11120/57 +f 660/11113/57 1020/11045/57 658/11044/57 +f 1008/11088/57 655/11125/57 1003/11057/57 +f 1036/11094/57 837/11126/57 1032/11127/57 +f 1034/11128/57 844/11129/57 1030/11130/57 +f 830/11071/57 1032/11127/57 837/11126/57 +f 1030/11130/57 779/11131/57 1029/11118/57 +f 982/11086/57 649/11132/57 975/11077/57 +f 1038/11091/57 843/11133/57 1034/11128/57 +f 815/11116/57 1063/11134/57 795/11040/57 +f 1513/10768/57 7141/11135/57 1512/4996/57 +f 904/7840/326 185/11136/326 184/7841/326 +f 1638/11137/326 320/11138/326 1632/11139/326 +f 185/11136/326 854/11140/326 187/7898/326 +f 282/7844/326 1548/11141/326 285/11142/326 +f 170/7914/326 862/11143/326 868/7913/326 +f 1638/11137/326 324/11144/326 322/11145/326 +f 923/7937/326 216/11146/326 212/7938/326 +f 856/11147/326 166/11148/326 162/11149/326 +f 853/7899/326 192/11150/326 189/7900/326 +f 1551/11151/326 259/11152/326 1544/11153/326 +f 324/11144/326 1648/8696/326 326/8698/326 +f 194/7942/326 858/11154/326 860/11155/326 +f 244/11156/326 912/11157/326 246/11158/326 +f 210/7932/326 946/7855/326 214/11159/326 +f 1612/11160/326 306/7906/326 1613/11161/326 +f 899/7912/326 158/7876/326 168/7911/326 +f 1544/11153/326 253/7873/326 1545/11162/326 +f 226/7926/326 953/11163/326 228/11164/326 +f 260/7874/326 1589/7894/326 1594/7872/326 +f 1607/7940/326 342/11165/326 1608/11166/326 +f 1618/11167/326 314/11168/326 310/11169/326 +f 342/11165/326 1668/11170/326 1608/11166/326 +f 1586/11171/326 249/11172/326 1580/7833/326 +f 340/11173/326 1665/11174/326 1668/11170/326 +f 1629/11175/326 320/11138/326 318/11176/326 +f 1627/11177/326 299/7836/326 1623/7838/326 +f 202/9929/326 925/7868/326 928/11178/326 +f 308/11179/326 1641/11180/326 312/11181/326 +f 1551/11151/326 264/11182/326 262/11183/326 +f 1470/8840/57 1443/3870/57 1488/9916/57 +f 335/7846/326 1665/11174/326 338/11184/326 +f 220/7917/326 930/11185/326 934/7915/326 +f 281/7842/326 1599/7891/326 1602/11186/326 +f 1618/11167/326 305/11187/326 1612/11160/326 +f 970/7883/326 242/11188/326 239/7884/326 +f 200/7867/326 912/11157/326 921/11189/326 +f 152/7921/326 876/7945/326 880/7922/326 +f 287/11190/326 1548/11141/326 1553/7866/326 +f 244/11156/326 973/11191/326 913/11192/326 +f 294/11193/326 1571/11194/326 296/11195/326 +f 250/7834/326 1571/11194/326 1575/7835/326 +f 950/7856/326 208/7934/326 218/7854/326 +f 318/11176/326 1625/11196/326 1629/11175/326 +f 316/7907/326 1641/11180/326 1645/7905/326 +f 294/11193/326 1561/7862/326 1566/11197/326 +f 230/7903/326 953/11163/326 956/11198/326 +f 1577/7870/326 271/7878/326 269/11199/326 +f 1654/11200/326 328/8697/326 1651/11201/326 +f 1634/11202/326 302/11203/326 1627/11177/326 +f 856/11147/326 157/11204/326 849/7875/326 +f 6960/3156/2300 6961/11205/5144 6962/418/285 +f 6962/418/285 6961/11205/5144 6963/416/285 +f 1554/2524/2637 1653/673/6172 1556/11206/6173 +f 6964/7951/5144 6966/8902/285 6967/8903/285 +f 6965/3424/2300 6964/7951/5144 6967/8903/285 +f 2409/11207/5334 5115/11208/6174 5114/9565/5334 +f 207/11209/216 211/11210/5380 205/306/216 +f 8060/11211/1668 8107/7136/4840 8106/11212/1668 +f 7929/4327/2588 7926/11213/6175 7927/11214/6175 +f 4409/11215/6176 4410/11216/6177 4411/11217/6177 +f 4913/11218/5382 4924/8045/297 4912/11219/297 +f 758/11220/502 759/8756/501 757/6453/500 +f 5232/9786/5631 2626/11221/709 5228/1124/709 +f 2727/11222/5590 5373/11223/1749 5372/9664/5590 +f 2556/11224/547 5191/11225/6178 5190/845/547 +f 257/11226/5153 247/11227/1717 255/8919/1717 +f 7603/9208/5492 7604/11228/6179 7602/11229/6180 +f 6982/7395/4941 6976/11230/4942 6983/8597/4942 +f 6986/11231/4942 6977/252/5243 6978/3523/5243 +f 4778/7979/498 2374/7990/5155 4777/7976/5155 +f 2209/11232/257 2292/11233/535 2208/827/535 +f 6984/7397/4941 6985/7396/4942 6986/11231/4942 +f 188/9829/279 189/260/187 190/262/187 +f 6981/9812/4942 6984/7397/4941 6987/8262/4942 +f 6984/7397/4941 6986/11231/4942 6987/8262/4942 +f 7804/11234/5434 7777/11235/4831 7805/7123/4831 +f 8459/11236/6181 8456/11237/6182 8457/11238/6182 +f 2553/11239/6183 4791/11240/6184 4790/11241/6183 +f 7780/11242/6185 7765/11243/5355 7782/8709/5355 +f 5416/8731/5363 2591/11244/6186 5417/11245/6186 +f 3934/10747/6075 3935/10783/4743 3936/4182/2541 +f 556/8999/343 559/11246/344 558/8714/344 +f 7017/11247/6187 6998/8737/5366 7016/11248/6187 +f 7311/11249/6188 7312/11250/6189 7310/11251/6188 +f 8032/11252/6190 8115/11253/19 8031/11254/19 +f 590/11255/6191 593/11256/5417 592/11257/5417 +f 8250/11258/57 8224/11259/57 8266/11260/57 +f 7015/11261/5520 7016/11248/6187 7014/9317/5520 +f 8427/11262/6192 8428/11263/6193 8426/11264/6192 +f 4387/11265/6194 4384/1086/687 4385/1085/687 +f 8389/11266/6195 8386/11267/6196 8387/11268/6196 +f 91/11269/2593 83/11270/2383 87/4374/2383 +f 4768/11271/1701 4774/768/6197 4773/3123/6197 +f 8657/10008/5666 8654/11272/6198 8655/11273/6198 +f 7553/11274/5660 7609/11275/326 7552/9992/5660 +f 7457/11276/254 7458/11277/2286 7456/362/254 +f 2236/11278/6199 2283/1083/684 2282/11279/6199 +f 8698/11280/289 8741/11281/6199 8740/782/289 +f 308/11282/1717 311/9456/5153 307/11283/1717 +f 2553/11239/6183 4789/11284/5175 2551/11285/5175 +f 8561/11286/6200 8558/11287/5329 8559/8570/5329 +f 5253/11288/6201 2363/11289/30 5252/42/30 +f 2730/9707/5615 4961/11290/6202 2731/11291/6202 +f 4939/11292/5269 4905/8044/296 4931/8046/296 +f 8695/11293/6199 8742/9832/684 8741/11281/6199 +f 1469/3467/2375 1472/11294/204 1471/287/204 +f 8165/9559/691 8230/11295/2382 8163/11296/2382 +f 4477/7080/4806 4478/11297/2291 4479/3140/2291 +f 7546/9025/5447 7548/8876/5405 7547/9026/5447 +f 4952/430/222 4910/11298/2307 4953/3500/2307 +f 233/11299/4772 235/11300/278 236/405/278 +f 391/492/329 386/11301/706 389/11302/706 +f 7727/11303/2577 7728/9648/5591 7726/4308/2577 +f 403/11304/4865 398/11305/6203 401/874/567 +f 2738/11306/6204 2736/11307/2287 2737/3131/2287 +f 7447/9723/2605 7448/9587/5585 7446/11308/2605 +f 7902/1129/712 7904/9099/5462 7905/9098/5462 +f 6588/6576/4407 3955/6488/4331 6589/6578/4409 +f 4796/8109/135 4823/11309/135 4824/8110/135 +f 6976/8096/57 6990/8095/57 6974/11310/57 +f 6272/5862/3942 6258/5842/3927 6270/5848/3933 +f 7031/11311/57 7026/11312/57 7028/11313/57 +f 7018/2548/57 7072/2550/57 7075/11314/57 +f 7031/11311/57 7028/11313/57 7032/11315/57 +f 4827/8111/135 4806/8133/135 4796/8109/135 +f 7032/11315/57 7028/11313/57 7024/11316/57 +f 4794/11317/135 4828/11318/135 4825/5266/135 +f 6961/11319/57 6960/11320/57 6989/11321/57 +f 7032/11315/57 7024/11316/57 7037/11322/57 +f 6960/11320/57 6968/11323/6205 6989/11321/57 +f 6968/11323/6205 6974/11310/57 6989/11321/57 +f 7037/11322/57 7024/11316/57 7034/8121/57 +f 6974/11310/57 6990/8095/57 6989/11321/57 +f 1002/1495/964 1005/3211/2319 999/1493/962 +f 4795/11324/135 4830/8127/135 4828/11318/135 +f 7055/8149/57 7044/11325/6109 7047/11326/6110 +f 7078/10123/57 6998/10375/57 7079/10376/57 +f 1334/11327/2137 1333/2950/2153 1319/2951/2154 +f 7055/8149/57 7047/11326/6110 7048/11328/6206 +f 7038/8123/57 7077/11329/57 7080/8130/57 +f 7055/8149/57 7048/11328/6206 7050/11330/57 +f 4786/8128/135 4834/11331/135 4831/8129/135 +f 4788/11332/135 4834/11331/135 4787/11333/135 +f 4789/8146/135 4835/11334/135 4788/11332/135 +f 4818/8152/135 4808/8140/135 4817/8142/135 +f 6815/10856/6137 6812/10852/6135 6266/5130/3292 +f 7043/1557/57 7040/8131/57 7060/1558/57 +f 7057/8151/57 7066/11335/57 7068/11336/57 +f 7084/6418/57 7004/10426/57 7006/6417/57 +f 7057/8151/57 7068/11336/57 7059/11337/57 +f 7614/11338/57 7623/11339/57 7621/11340/57 +f 7066/11335/57 7057/8151/57 7064/8150/57 +f 4790/8147/135 4837/11341/135 4836/8145/135 +f 7064/8150/57 7050/11330/57 7062/1556/57 +f 7050/11330/57 7052/11342/57 7062/1556/57 +f 4837/11341/135 4784/11343/135 4838/10510/135 +f 7023/8122/57 7018/2548/57 7038/8123/57 +f 1672/7788/135 425/11344/135 1708/7825/135 +f 6295/5909/3979 6245/5929/3996 6249/5828/3913 +f 7088/1732/57 7087/8157/57 6997/1730/57 +f 4785/8160/135 4841/8164/135 4840/8158/135 +f 4792/8166/135 4823/11309/135 4797/11345/135 +f 7070/8094/57 7089/1731/57 6992/11346/57 +f 7010/7365/57 7013/8103/57 7074/8105/57 +f 2550/11347/5335 4879/11348/6207 2598/11349/6207 +f 2564/11350/19 5192/11351/19 5193/11352/19 +f 2448/7061/4796 5217/11353/6208 5216/11354/6209 +f 569/8558/2565 566/8720/5358 567/8719/5358 +f 8365/11355/6210 8362/11356/6211 8363/11357/6211 +f 2624/11358/1730 5447/9143/5480 5446/2433/1730 +f 1533/9225/4065 1536/11359/6212 1535/11360/6212 +f 7094/8265/5245 7086/11361/5517 7095/9313/5517 +f 5072/8764/5379 5026/11362/6213 5066/11363/6213 +f 7105/11364/6214 7077/11365/5317 7106/8542/5317 +f 7071/11366/5371 7101/11367/6215 7072/11368/6215 +f 6992/11369/6216 6991/11370/5171 6990/8015/5171 +f 2816/11371/6217 2817/11372/32 2814/11373/6217 +f 2408/11374/6218 5254/11375/6219 5255/11376/6218 +f 395/11377/5322 390/11378/328 393/490/328 +f 2586/11379/6220 4969/11380/5279 4968/11381/6220 +f 2290/11382/255 2099/3393/2341 2098/3392/2341 +f 8321/11383/6221 8318/11384/6222 8319/11385/6222 +f 5518/11386/5273 5569/3543/2416 5570/3544/2416 +f 5023/11387/6223 5055/9312/5516 5030/9311/5516 +f 7102/11388/57 7101/11389/57 7100/11390/57 +f 7103/11391/57 7101/11389/57 7102/11388/57 +f 7109/11392/57 7108/11393/57 7105/8225/57 +f 7104/11394/57 7107/11395/57 7101/11389/57 +f 7104/11394/57 7101/11389/57 7103/11391/57 +f 6542/2270/1628 6547/7324/4881 6554/5641/3761 +f 7098/8224/57 7106/8226/57 7107/11395/57 +f 7098/8224/57 7107/11395/57 7104/11394/57 +f 7099/11396/57 7098/8224/57 7104/11394/57 +f 7097/11397/57 7099/11396/57 7091/11398/6109 +f 7097/11397/57 7098/8224/57 7099/11396/57 +f 7096/11399/57 7097/11397/57 7091/11398/6109 +f 7090/11400/57 7096/11399/57 7091/11398/6109 +f 7095/11401/57 7096/11399/57 7090/11400/57 +f 7092/11402/57 7095/11401/57 7090/11400/57 +f 7094/11403/57 7095/11401/57 7092/11402/57 +f 7093/11404/57 7094/11403/57 7092/11402/57 +f 2680/9785/5630 5235/11405/6224 2685/11406/6224 +f 476/11407/2395 8766/11408/2396 8765/11409/6225 +f 1412/2277/1635 1417/11410/192 1410/2280/1638 +f 8303/11411/5570 8304/9127/5470 8302/9544/5570 +f 5169/11412/5346 5126/11413/5275 5170/8399/5275 +f 7810/11414/6226 7812/921/601 7813/923/601 +f 2394/11415/5441 4982/11416/5183 2675/8050/5183 +f 4814/11417/326 2649/11418/326 2336/11419/326 +f 573/11420/2408 570/11421/2566 571/8556/2566 +f 4507/4320/2584 4508/11422/5501 4509/9271/5501 +f 8760/2345/1680 8715/11423/4845 8761/11424/4843 +f 8515/747/486 8516/4412/2629 8514/11425/486 +f 7384/11426/5225 7368/11427/4818 7386/11428/4818 +f 2348/8432/5286 5279/11429/6227 5278/11430/5286 +f 5337/11431/6228 5306/11432/1703 5339/2385/1703 +f 168/11433/5495 156/8535/135 167/9213/5495 +f 8705/11434/2385 8782/11435/6229 8781/11436/6230 +f 8291/11437/6231 8288/11438/6232 8289/11439/6231 +f 7709/11440/6233 7706/9465/5553 7707/11441/5553 +f 8744/11442/283 8673/11443/6234 8734/11444/6234 +f 8511/7071/4800 8508/11445/5234 8509/8238/5234 +f 8188/11446/2619 8223/11447/2356 8194/11448/2620 +f 8531/11449/6235 8528/11450/6236 8529/11451/6236 +f 8403/9295/5509 8404/11452/6237 8402/11453/5509 +f 544/1106/276 549/11454/277 548/11455/277 +f 2653/11456/5240 4966/11457/6238 4972/8256/5240 +f 2254/8041/74 2312/11458/75 2253/9105/75 +f 2069/11459/4328 2072/11460/5164 2071/11461/5164 +f 7247/8444/5290 7244/11462/6239 7245/11463/6239 +f 2760/11464/6240 2762/2317/1667 2761/11465/6240 +f 4866/2931/135 4892/8373/135 4865/8375/135 +f 4894/10472/135 4879/11466/135 4880/10471/135 +f 5100/11467/135 5126/11468/135 5099/8309/135 +f 5130/11469/135 5106/8319/135 5107/8323/135 +f 3180/4928/3113 3137/10211/5796 3166/5252/3406 +f 4873/7454/135 4900/11470/135 4872/11471/135 +f 4901/11472/135 4874/7455/135 4875/11473/135 +f 4902/8339/135 4875/11473/135 4876/8340/135 +f 7485/11474/57 7455/11475/57 7456/8938/57 +f 4872/11471/135 4904/11476/135 4871/11477/135 +f 4905/11478/135 4868/10239/135 4869/6360/135 +f 7199/8369/57 7160/11479/57 7200/1966/57 +f 7184/8335/57 7180/5857/57 7138/5858/57 +f 5116/11480/135 5141/11481/135 5143/4766/135 +f 4871/11477/135 4908/9426/135 4870/11482/135 +f 4877/5707/135 4903/11483/135 4909/5705/135 +f 5749/4812/3005 4275/6909/4692 4270/6902/4687 +f 6382/11027/135 80/11484/135 6380/10157/135 +f 5145/11485/135 5102/11486/135 5117/10383/135 +f 2978/10130/5735 2953/4551/2760 2971/1351/838 +f 4200/10843/6130 4189/11487/6126 4192/10841/6127 +f 4915/11488/135 4863/11489/135 4864/11490/135 +f 3416/5674/3792 3392/6801/4599 3386/10359/5895 +f 4917/8374/135 4864/11490/135 4865/8375/135 +f 4890/11491/135 4916/11492/135 4918/11493/135 +f 971/1601/1046 1056/11494/6241 1052/1599/1044 +f 5875/6261/4137 5853/10176/5772 5867/5035/3206 +f 4888/8379/135 4919/11495/135 4922/8380/135 +f 7170/4027/57 7195/8976/57 7116/4028/57 +f 4921/8982/135 4887/8378/135 4922/8380/135 +f 7160/11479/57 7162/1964/57 7200/1966/57 +f 5113/3942/135 5153/11496/135 5127/3940/135 +f 2375/11497/5391 5395/11498/26 2673/33/26 +f 8521/6989/4760 8522/532/355 8520/11499/4760 +f 8579/11500/5476 8580/11501/6242 8578/9137/5476 +f 7316/11502/19 7304/11503/19 7317/11504/19 +f 4405/283/201 4406/11505/6243 4407/11506/6243 +f 7944/4380/2614 7946/822/532 7945/4381/2614 +f 8007/358/251 8026/578/383 8027/11507/383 +f 2655/3258/2323 5268/4407/2626 5267/3259/2323 +f 4767/11508/1701 4773/3123/6197 4772/9966/6197 +f 2261/11509/4774 2332/8775/4775 2331/11510/4774 +f 262/11511/494 251/11512/5257 259/11513/5257 +f 8179/11514/5598 8252/11515/5599 8173/11516/5599 +f 8379/514/342 8376/7958/5147 8377/11517/5147 +f 3948/3972/2504 3949/1854/1270 3950/5754/3861 +f 379/9810/4817 374/11518/496 377/11519/496 +f 2483/11520/5642 5206/11521/2576 5205/9819/5642 +f 7441/7029/4777 7438/11522/2324 7439/11523/2324 +f 484/9494/32 486/11524/195 489/2391/195 +f 8641/2340/1679 8642/2390/1705 8640/11525/1679 +f 7143/8574/230 7140/11526/229 7141/11527/229 +f 7169/11528/2390 7140/11526/229 7168/11529/2390 +f 342/11530/5238 343/268/191 341/8249/5238 +f 8015/2337/1677 8016/11531/6244 8014/11532/1677 +f 2067/11533/2370 2070/11534/4328 2069/11459/4328 +f 5175/11535/6245 5132/11536/1741 5176/11537/1741 +f 2662/818/529 5124/11538/363 5123/11539/529 +f 7249/11540/5291 7232/3497/2393 7248/8445/5291 +f 5478/9596/5589 5475/926/604 5476/925/604 +f 735/9584/5247 730/11541/84 733/9027/84 +f 7791/11542/6246 7758/11543/6247 7792/11544/6247 +f 7965/11545/2617 7966/7057/4792 7964/4389/2617 +f 7224/11546/57 7221/11547/57 7222/11548/57 +f 7224/11546/57 7222/11548/57 7223/11549/57 +f 7225/11550/57 7220/11551/57 7221/11547/57 +f 7225/11550/57 7221/11547/57 7224/11546/57 +f 7213/11552/57 7210/11553/57 7212/11554/57 +f 7214/11555/57 7210/11553/57 7213/11552/57 +f 7215/11556/57 7211/11557/57 7210/11553/57 +f 7215/11556/57 7210/11553/57 7214/11555/57 +f 4941/11558/135 4938/8471/135 4939/10209/135 +f 7216/2759/57 7225/11550/57 7211/11557/57 +f 7216/2759/57 7220/11551/57 7225/11550/57 +f 7216/2759/57 7211/11557/57 7215/11556/57 +f 7226/11559/57 7227/11560/57 7228/11561/57 +f 7226/11559/57 7228/11561/57 7229/11562/57 +f 7226/11559/57 7229/11562/57 7230/10746/57 +f 5174/11563/135 5172/11564/135 5164/11565/135 +f 4940/10208/135 4924/11566/135 4953/11567/135 +f 7208/11568/57 7226/11559/57 7230/10746/57 +f 4953/11567/135 4923/8485/135 4952/8476/135 +f 7203/11569/57 7208/11568/57 7230/10746/57 +f 7203/11569/57 7230/10746/57 7202/10745/57 +f 7205/11570/57 7206/11571/57 7207/11572/57 +f 7204/11573/57 7207/11572/57 7208/11568/57 +f 7204/11573/57 7208/11568/57 7203/11569/57 +f 7204/11573/57 7205/11570/57 7207/11572/57 +f 7528/1104/202 7488/11574/203 7529/6998/203 +f 8645/11575/1706 8646/300/213 8644/2389/1706 +f 7042/11576/6248 7040/11577/19 7043/11578/6248 +f 4927/8590/5339 4918/11579/5583 4928/9577/5583 +f 142/8193/688 137/11580/6249 139/11581/6249 +f 7873/11582/1774 7874/477/321 7872/11583/1774 +f 7396/513/341 7345/11584/6250 7397/11585/6251 +f 7218/11586/4791 7178/11587/5423 7220/8925/5423 +f 7313/11588/6189 7314/4254/2547 7312/11250/6189 +f 7626/11589/6252 7628/802/520 7629/801/520 +f 7935/11590/6253 7936/11591/6254 7934/11592/6253 +f 166/11593/2290 169/897/582 165/8766/2290 +f 7792/11544/6247 7762/11594/6255 7793/11595/6255 +f 7096/9315/5518 7088/11596/79 7097/111/79 +f 5014/11597/6256 5074/11598/6223 5023/11387/6223 +f 8697/11599/685 8733/11600/6133 8743/11601/5645 +f 5061/8073/5195 5025/11602/5644 5062/9827/5644 +f 7518/8276/2421 7506/11603/6257 7519/11604/6257 +f 7053/290/206 7043/11578/6248 7052/11605/206 +f 5158/11606/5597 5155/11607/6258 5159/11608/6258 +f 5172/8388/5269 5138/437/296 5164/439/296 +f 7404/421/287 7336/11609/2343 7405/11610/2343 +f 7863/11611/6259 7880/9550/5574 7881/11612/5574 +f 7747/11613/6260 7748/569/377 7746/11614/6260 +f 2668/11615/6261 4820/11616/2610 2667/11617/6262 +f 4802/11618/326 2338/11619/379 2401/11620/326 +f 4525/7066/4799 4526/11621/33 4527/11622/33 +f 8196/11623/2357 8225/11624/5456 8197/11625/5456 +f 5499/11626/6263 5500/11627/135 5498/11628/6263 +f 7439/11523/2324 7464/11629/727 7465/1153/727 +f 8481/11630/6264 8478/11631/6265 8479/11632/6265 +f 8074/9826/5551 8138/11633/612 8073/937/612 +f 7125/11634/6266 7122/11635/4857 7123/11636/4857 +f 8429/11637/6193 8430/11638/6267 8428/11263/6193 +f 5066/11363/6213 5029/9576/5582 5064/9575/5582 +f 259/11513/5257 252/8516/57 253/11639/57 +f 8217/11640/6268 8271/11641/5571 8270/11642/2597 +f 5515/2506/1771 5516/2321/1670 5480/2323/1670 +f 2872/11643/1698 2753/11644/5401 2871/2377/1698 +f 2485/11645/6269 5207/11646/6270 5206/11521/2576 +f 2402/6180/4065 5452/11647/6271 5451/11648/4065 +f 2816/11371/6217 2811/11649/6272 2815/11650/6272 +f 7869/11651/6273 7870/2511/1775 7868/11652/6273 +f 2651/11653/6274 5444/2366/1691 5443/11654/6274 +f 460/11655/2384 8781/11436/6230 8780/7068/2384 +f 4423/8391/5271 4424/11656/1753 4425/2477/1753 +f 7797/11657/6275 7766/11658/2555 7799/4271/2555 +f 2071/11461/5164 2074/11659/5165 2073/11660/5165 +f 40/11661/5252 49/66/47 45/61/42 +f 6353/5982/4046 6347/5963/4028 6340/5962/4027 +f 3694/5972/4036 3693/1598/1043 3697/1597/1042 +f 4283/6914/4697 5621/5863/3943 5585/4520/2729 +f 3617/5843/3928 3624/5859/3939 1682/5836/3921 +f 7281/11662/57 7270/11663/57 7273/11664/6276 +f 7281/11662/57 7273/11664/6276 7274/11665/57 +f 5807/10821/6116 5768/5168/3326 5803/5034/3205 +f 7266/11666/57 7255/11667/57 7252/11668/57 +f 3582/10465/5954 3273/10453/5950 3568/5669/3787 +f 7300/8627/57 7302/8614/57 7333/8613/57 +f 7264/11669/6277 7266/11666/57 7252/11668/57 +f 5698/4640/2849 5753/4831/3024 5726/4727/2930 +f 1517/11670/57 6996/11671/57 1516/11672/57 +f 7262/11673/57 7264/11669/6277 7252/11668/57 +f 3641/5893/3967 3593/10480/5961 3592/5892/3966 +f 7298/8629/57 7336/8628/57 7296/8633/57 +f 7250/1972/57 7262/11673/57 7252/11668/57 +f 4972/11674/135 5012/8695/135 4977/8659/135 +f 7250/1972/57 7259/1974/57 7260/11675/57 +f 7250/1972/57 7260/11675/57 7262/11673/57 +f 4972/11674/135 5014/3769/135 5013/11676/135 +f 7238/8652/57 7342/11677/57 7236/8708/57 +f 3619/3743/2447 3647/5854/3936 3604/5298/3449 +f 7344/10807/6109 7345/11678/57 7250/1972/57 +f 4956/8646/135 5041/11679/135 4955/11680/135 +f 5017/8649/2434 4960/8664/135 5022/8663/5206 +f 4963/8640/135 5020/8661/135 4967/8642/135 +f 5014/3769/135 5021/8666/135 5013/11676/135 +f 7282/10070/57 7281/11662/57 7274/11665/57 +f 4979/8657/135 5012/8695/135 4980/1525/135 +f 7282/10070/57 7274/11665/57 7276/11681/57 +f 7282/10070/57 7276/11681/57 7278/5824/57 +f 7351/11682/57 7259/1974/57 7347/1973/57 +f 1577/1387/871 1583/2553/1807 1582/1305/796 +f 7353/8670/57 7349/10808/6110 7244/8668/57 +f 7354/8678/57 7259/1974/57 7351/11682/57 +f 7355/8671/57 7348/2745/57 7350/11683/57 +f 4822/1855/135 4782/8101/135 4775/8100/135 +f 5011/11684/135 4991/10178/135 4992/10537/135 +f 7358/11685/57 7356/8669/57 7246/5345/57 +f 1081/2218/1583 1079/1664/1097 1080/1663/1096 +f 5032/11686/135 4997/11687/135 4998/11688/135 +f 4997/11687/135 5025/4887/135 4959/4889/135 +f 7361/5347/57 7358/11685/57 7246/5345/57 +f 4961/8676/135 5035/10490/135 5034/8680/135 +f 3111/4946/3131 3087/4856/3047 3097/1787/1210 +f 7317/8687/57 7363/8673/57 7357/8672/57 +f 5210/9170/135 5214/2369/135 5215/9171/135 +f 7317/8687/57 7357/8672/57 7365/11689/57 +f 5016/10536/135 4994/11690/135 5040/11691/135 +f 5955/4902/3087 5960/5342/3489 5956/3036/2228 +f 7304/8635/57 7363/8673/57 7317/8687/57 +f 7369/11692/57 7363/8673/57 7304/8635/57 +f 7284/8705/57 7339/5823/57 7370/8704/57 +f 5007/10228/135 4998/11688/135 4999/10229/135 +f 6258/5842/3927 6252/5917/3984 6250/4526/2735 +f 4995/11693/135 5040/11691/135 4994/11690/135 +f 5002/10946/135 5004/11694/135 5001/5237/135 +f 5046/11695/135 4983/11696/135 4984/10365/135 +f 3942/6479/1923 3785/6220/4103 3996/11697/1921 +f 7289/8610/57 7374/11698/57 7330/8608/57 +f 3032/4785/2978 3069/10235/5816 3066/5609/3729 +f 2526/11699/6278 4783/9362/5536 4785/11700/6278 +f 7379/11701/6279 7366/11702/223 7380/317/223 +f 4469/11703/6280 4470/11704/6281 4471/11705/6281 +f 5327/9037/5450 5319/11706/5561 5344/9481/5561 +f 8545/8504/5304 8546/9279/5504 8544/11707/5304 +f 2092/7101/4817 2088/11708/6282 2091/763/496 +f 7169/11528/2390 7166/8070/5194 7167/11709/5194 +f 2061/9821/2549 2066/11710/2551 2065/11711/2551 +f 2337/11712/6283 5443/11654/6274 5442/11713/6283 +f 2545/11714/6284 5428/11715/6285 5427/11716/6284 +f 7699/11717/6286 7700/11718/6287 7701/11719/6287 +f 8712/106/75 8772/11720/2350 8711/11721/2350 +f 8311/8768/5381 8312/8417/5280 8310/11722/5381 +f 7709/11440/6233 7710/11723/6288 7708/11724/6233 +f 7213/10058/544 7170/11725/545 7214/11726/545 +f 5336/7086/4809 5296/10034/296 5328/10035/296 +f 4771/11727/499 4778/7979/498 4776/7978/498 +f 7214/11728/545 7171/11729/697 7215/11730/6289 +f 2410/11731/6290 4986/11732/5387 4985/11733/6290 +f 8711/11734/2350 8773/11735/2351 8710/9484/2351 +f 2065/11736/2551 2068/11737/2370 2067/11533/2370 +f 4766/2382/1701 4772/9966/6197 4771/11727/1702 +f 2075/11738/6291 2077/7035/4781 2078/7037/4781 +f 7391/11739/6292 7361/11740/6293 7392/11741/6293 +f 8688/11742/6294 8755/11743/5181 8687/11744/5181 +f 2638/3526/2406 5272/2503/1768 5271/11745/2406 +f 8701/11746/534 8733/11600/6133 8699/11747/6133 +f 7270/11748/6295 7272/11749/5605 7273/11750/5607 +f 7560/11751/19 7559/11752/19 7561/11753/19 +f 5089/9774/5626 5040/11754/5196 5090/8075/5196 +f 220/11755/582 221/11756/583 219/3138/582 +f 2691/11757/352 4976/7131/4835 4975/529/352 +f 2528/11758/6174 4883/11759/6296 4882/11760/6174 +f 2473/11761/5548 4794/11762/1775 4793/11763/5548 +f 7108/11764/19 7070/11765/19 7081/11766/19 +f 5265/8513/5308 2700/11767/4855 5264/7166/4855 +f 7418/11768/6297 7363/8080/5199 7413/8079/5199 +f 7907/9097/5461 7908/3164/2306 7906/11769/5461 +f 300/11770/5241 345/267/192 346/11771/192 +f 2563/11772/6178 5219/11773/326 5191/11225/6178 +f 5464/11774/36 5465/11775/2279 5463/53/36 +f 8419/8411/5277 8416/376/264 8417/11776/264 +f 2561/11777/6184 4784/11778/6298 4791/11240/6184 +f 2337/11779/6283 5441/11780/6299 2339/11781/6299 +f 4844/837/541 4836/11782/6300 4845/11783/6300 +f 8723/7118/4828 8777/11784/5197 8776/11785/4828 +f 7396/11786/57 7397/11787/57 7398/11788/6109 +f 7394/11789/6276 7398/11788/6109 7399/11790/6206 +f 7394/11789/6276 7396/11786/57 7398/11788/6109 +f 7393/11791/57 7394/11789/6276 7399/11790/6206 +f 7395/8825/57 7394/11789/6276 7393/11791/57 +f 7390/11792/57 7395/8825/57 7393/11791/57 +f 6999/11793/57 7153/5910/57 7151/3978/57 +f 3247/5241/3395 3304/2532/1789 3313/10110/5720 +f 7388/11794/6109 7386/11795/57 7387/11796/57 +f 7389/11797/57 7384/6661/57 7386/11795/57 +f 7389/11797/57 7386/11795/57 7388/11794/6109 +f 7383/11798/6109 7384/6661/57 7389/11797/57 +f 7382/8829/57 7391/8828/57 7392/11799/57 +f 7433/10449/57 7599/6078/57 7435/11800/57 +f 5054/11801/135 5057/8834/135 5053/8843/135 +f 7380/6662/57 7383/11798/6109 7377/11802/6301 +f 7380/6662/57 7384/6661/57 7383/11798/6109 +f 7379/11803/57 7377/11802/6301 7376/11804/57 +f 7379/11803/57 7376/11804/57 7378/11805/57 +f 7379/11803/57 7380/6662/57 7377/11802/6301 +f 7421/11806/57 7420/11807/57 7419/10696/57 +f 7416/11808/6276 7414/11809/57 7415/11810/57 +f 7417/11811/57 7412/11812/57 7414/11809/57 +f 7417/11811/57 7414/11809/57 7416/11808/6276 +f 5083/11813/135 5092/8850/135 5091/6584/135 +f 7411/11814/57 7413/8861/57 7412/11812/57 +f 7411/11814/57 7412/11812/57 7417/11811/57 +f 7409/8859/57 7411/11814/57 7403/11815/6276 +f 5996/4685/2891 1028/10319/5873 5999/4901/3086 +f 7409/8859/57 7413/8861/57 7411/11814/57 +f 7408/11816/57 7403/11815/6276 7402/11817/57 +f 7408/11816/57 7409/8859/57 7403/11815/6276 +f 7407/11818/57 7408/11816/57 7402/11817/57 +f 7404/11819/57 7407/11818/57 7402/11817/57 +f 7406/11820/57 7407/11818/57 7404/11819/57 +f 7405/11821/6276 7406/11820/57 7404/11819/57 +f 7078/11822/6302 7091/2493/1763 7099/11823/6302 +f 7427/11824/1732 7428/11825/91 7426/2436/1732 +f 7258/9146/5482 7260/856/553 7259/9147/5482 +f 7939/9692/5610 7936/11591/6254 7937/11826/6254 +f 7935/11590/6253 7932/11827/5681 7933/11828/5681 +f 8319/11385/6222 8316/11829/5186 8317/8056/5186 +f 5057/11830/2618 5041/11831/2621 5059/11832/2621 +f 5178/10062/5267 5135/11833/5255 5179/8288/5255 +f 230/11834/2367 231/11835/2368 229/11836/2367 +f 228/11837/1750 229/11838/2367 227/9216/1750 +f 2720/11839/6303 5104/11840/5659 2343/11841/5659 +f 8206/11842/610 8266/11843/4858 8205/11844/4858 +f 2421/11845/6207 5111/8430/5284 2659/8429/5284 +f 7783/11846/5356 7767/11847/6304 7784/11848/6304 +f 6971/3521/182 6977/252/183 6970/11849/182 +f 7461/11850/6305 7462/1154/728 7460/11851/6305 +f 4845/11852/6300 4837/11853/5507 4846/9286/5507 +f 2285/11854/283 2214/11855/6234 2275/11856/6234 +f 7540/11857/165 7510/11858/166 7541/8174/166 +f 2229/11859/6294 2296/11860/5181 2228/8042/5181 +f 2385/11861/6306 4985/11733/6290 4984/11862/6306 +f 4960/11863/6307 2731/11291/6202 4961/11290/6202 +f 8461/9293/5508 8458/11864/6181 8459/11236/6181 +f 8721/11865/5384 8793/9717/5619 8792/11866/5384 +f 5431/7138/4842 2465/11867/5170 5422/8014/5170 +f 6996/10038/5675 6992/11369/6216 6997/10039/5675 +f 2634/11868/2627 5270/11869/2407 5269/4406/2627 +f 4830/9500/5567 4843/11870/6308 4851/9501/5567 +f 2665/11871/2392 5404/34/27 5403/3493/2392 +f 8505/11872/6309 8502/11873/5454 8503/9050/5454 +f 19/97/71 20/3/3 18/98/19 +f 7172/8382/57 7144/8330/57 7146/8381/57 +f 3683/5988/4050 3694/5972/4036 3701/5987/4049 +f 3598/2587/1838 3599/5877/3957 3600/5921/3988 +f 5131/11874/135 5100/11467/135 5101/11875/135 +f 6302/10505/5975 6251/5841/3926 986/10485/5965 +f 7764/11876/57 7744/10739/57 7746/9393/57 +f 5135/8954/135 5108/8324/135 5109/8955/135 +f 5128/11877/135 5111/11878/135 5112/3941/135 +f 3150/4984/3166 3196/10234/5815 3165/5928/3995 +f 5138/11879/135 5101/11875/135 5102/11486/135 +f 5139/8953/135 5095/5885/135 5140/11880/135 +f 7496/5881/57 7492/8325/57 7450/8327/57 +f 5811/5083/3250 5736/4945/3130 5764/1615/1051 +f 5104/8332/135 5141/11481/135 5103/11881/135 +f 5110/10839/135 5136/11882/135 5142/10837/135 +f 4882/11883/135 4910/9427/135 4914/8974/135 +f 4911/11884/135 4862/8951/135 4863/11489/135 +f 1035/11885/6310 1038/11886/1968 1034/2725/1958 +f 4913/8980/135 4884/6361/135 4885/11887/135 +f 1485/11888/57 6720/3955/2494 6663/6682/4491 +f 5148/11889/135 5096/5886/135 5097/11890/135 +f 5114/11891/135 5147/4767/135 5153/11496/135 +f 5150/8986/135 5097/11890/135 5098/8311/135 +f 5123/10504/135 5149/11892/135 5151/10502/135 +f 4918/11493/135 4889/11893/135 4890/11491/135 +f 5146/10382/135 5119/11894/135 5154/8376/135 +f 1926/1992/1386 1904/1918/1325 1927/2924/1406 +f 7482/8935/57 7507/11895/57 7428/8936/57 +f 4895/11896/135 4878/11897/135 4879/11466/135 +f 7472/8988/57 7474/8983/57 7512/8985/57 +f 1732/5250/3404 3245/5779/3879 3578/5752/3859 +f 2519/11898/4780 5382/2464/1745 5381/11899/4780 +f 2712/11900/555 5105/11901/6303 2720/11839/6303 +f 8453/11902/6311 8450/11903/6312 8451/11904/6312 +f 5244/2460/1744 2407/4400/2624 5245/4402/2624 +f 7107/8544/5318 7072/11368/6215 7101/11367/6215 +f 8433/11905/6313 8430/11638/6267 8431/11906/6267 +f 260/8515/167 254/11907/5153 257/11226/5153 +f 2850/11908/693 2825/11909/4803 2824/7075/4803 +f 8475/10021/5671 8472/11910/2379 8473/3474/2379 +f 7069/9701/5612 7059/11911/6314 7068/11912/5612 +f 7633/11913/4854 7625/11914/6315 7632/11915/4854 +f 5012/11916/32 5093/11917/32 5094/11918/32 +f 2239/11919/289 2282/11279/6199 2281/423/289 +f 8045/11920/6316 8130/11921/2634 8046/10043/2634 +f 2455/11922/6317 5366/11923/6318 2438/11924/6318 +f 5534/11925/6319 5533/11926/86 5536/120/86 +f 7475/11927/5487 7476/11928/5193 7474/11929/5487 +f 7537/870/564 7497/11930/4327 7523/11931/4327 +f 4517/10011/5668 4518/11932/6320 4519/11933/6320 +f 819/11934/4852 8154/8168/5211 8153/7160/4852 +f 5070/11935/6321 5017/11936/5377 5071/8762/5377 +f 4965/11937/19 2566/11938/19 4964/11939/19 +f 7372/10053/5680 7403/11940/6322 7411/10054/5680 +f 4947/11941/5256 4907/8550/5321 4933/8549/5321 +f 2259/11942/4867 2306/3505/2395 2305/9103/4867 +f 4949/8924/249 4894/11943/5233 4950/11944/5233 +f 8194/11448/2620 8224/11945/2357 8196/11623/2357 +f 7459/11946/2286 7460/11851/6305 7458/11947/2286 +f 7479/11948/6323 7480/3491/2390 7478/11949/6323 +f 7494/11950/4791 7531/4303/2573 7498/4302/2573 +f 7431/11951/92 7432/11952/6324 7430/127/92 +f 7536/11953/57 7533/11954/57 7534/11955/57 +f 7536/11953/57 7534/11955/57 7535/11956/57 +f 7537/11957/57 7532/11958/57 7533/11954/57 +f 7537/11957/57 7533/11954/57 7536/11953/57 +f 7525/11959/57 7522/11960/57 7524/11961/57 +f 7526/11962/57 7522/11960/57 7525/11959/57 +f 7527/11963/57 7523/11964/57 7522/11960/57 +f 7527/11963/57 7522/11960/57 7526/11962/57 +f 5173/11965/135 5171/9066/135 5172/11564/135 +f 7528/8469/57 7537/11957/57 7523/11964/57 +f 7528/8469/57 7532/11958/57 7537/11957/57 +f 7528/8469/57 7523/11964/57 7527/11963/57 +f 7538/11966/57 7539/11967/57 7540/11968/57 +f 7538/11966/57 7540/11968/57 7541/11969/57 +f 7538/11966/57 7541/11969/57 7542/9078/57 +f 5041/11679/135 4954/11970/135 4955/11680/135 +f 5174/11563/135 5157/11971/135 5186/8481/135 +f 7520/11972/57 7538/11966/57 7542/9078/57 +f 2419/3814/2461 3987/6529/4369 3991/6537/4377 +f 7515/11973/57 7520/11972/57 7542/9078/57 +f 7515/11973/57 7542/9078/57 7513/9077/57 +f 7517/11974/57 7518/11975/57 7519/11976/57 +f 7516/11977/57 7519/11976/57 7520/11972/57 +f 7516/11977/57 7520/11972/57 7515/11973/57 +f 7516/11977/57 7517/11974/57 7519/11976/57 +f 5180/8290/5256 5140/11978/5321 5166/11979/5321 +f 2588/3550/2419 5457/11980/6325 2589/11981/6325 +f 7038/11982/326 7041/11983/326 7039/11984/326 +f 8158/11985/1720 8244/11986/6190 8162/9321/5521 +f 3925/947/619 2467/2517/1779 2559/2177/1546 +f 2105/9348/329 2100/11987/706 2103/11988/706 +f 2087/325/228 2082/11989/1676 2085/455/308 +f 202/11990/2299 203/11991/5467 201/3153/2299 +f 2243/304/215 2272/11992/533 2244/11993/533 +f 2806/11994/2587 2807/11995/5420 2805/4326/2587 +f 4503/8555/5323 4504/11996/2583 4505/4318/2583 +f 2545/11714/6284 5426/11997/6326 2531/11998/6326 +f 296/8498/5241 291/11999/192 294/12000/192 +f 5349/12001/6327 5316/12002/6328 5338/12003/6328 +f 623/12004/4310 624/771/502 622/8808/4310 +f 2345/12005/1673 5109/12006/5411 2346/12007/5411 +f 8295/12008/331 8296/7144/4846 8294/494/331 +f 2506/8011/5168 4794/11762/1775 2494/12009/1775 +f 7851/12010/5600 7852/8771/5383 7850/12011/5600 +f 7009/12012/6329 6994/10037/5674 7008/12013/6329 +f 2372/7187/4863 5354/12014/1689 2370/12015/1689 +f 5540/12016/2623 5541/12017/6330 5539/4399/2623 +f 8599/9542/5569 8596/12018/6331 8597/12019/6331 +f 7643/12020/2545 7635/12021/6332 7642/4251/2545 +f 5406/7993/5159 2495/12022/6333 5407/12023/6333 +f 8192/9968/5654 8233/12024/4 694/9153/4 +f 4457/8025/32 4458/12025/1726 4459/2426/1726 +f 302/12026/1715 307/11283/1717 301/12027/1715 +f 4386/12028/6194 4389/12029/2569 4388/4295/2569 +f 7610/9783/6334 7612/12030/6335 7613/12031/6335 +f 5311/12032/6228 5338/12003/6328 5316/12002/6328 +f 4521/12033/6336 4522/12034/4798 4523/7064/4798 +f 2604/12035/32 5220/12036/32 5225/12037/32 +f 7593/4221/57 7576/12038/6276 7579/12039/6276 +f 7593/4221/57 7579/12039/6276 7580/12040/57 +f 7593/4221/57 7580/12040/57 7582/12041/57 +f 7593/4221/57 7582/12041/57 7584/12042/6205 +f 7593/4221/57 7584/12042/6205 7586/4219/57 +f 5208/3976/135 5212/9165/135 5211/9158/135 +f 7606/12043/57 7595/4220/57 7604/12044/57 +f 7595/4220/57 7606/12043/57 7597/12045/57 +f 412/724/392 409/585/389 408/584/388 +f 7604/12044/57 7595/4220/57 7602/9169/57 +f 7588/9168/57 7590/9175/57 7601/9177/57 +f 7563/12046/57 7561/12047/57 7570/12048/57 +f 2745/6118/4 284/6047/4 286/6119/4 +f 7564/12049/57 7567/12050/57 7559/12051/57 +f 7567/12050/57 7568/12052/57 7559/12051/57 +f 7568/12052/57 7570/12048/57 7559/12051/57 +f 7570/12048/57 7561/12047/57 7559/12051/57 +f 4441/12053/4825 4442/12054/6337 4443/12055/6337 +f 7564/12049/57 7559/12051/57 7573/12056/57 +f 7573/12056/57 7559/12051/57 7609/12057/57 +f 7544/12058/57 7547/12059/57 7555/12060/57 +f 7547/12059/57 7548/12061/57 7557/12062/57 +f 7548/12061/57 7550/12063/57 7557/12062/57 +f 7550/12063/57 7552/12064/57 7557/12062/57 +f 7552/12064/57 7609/12057/57 7557/12062/57 +f 7609/12057/57 7559/12051/57 7557/12062/57 +f 7555/12060/57 7547/12059/57 7557/12062/57 +f 2622/12065/6338 4868/8404/5276 4867/12066/6338 +f 4804/12067/6339 2335/571/378 4805/573/378 +f 404/12068/1682 400/12069/4865 403/11304/4865 +f 7131/9301/5510 7128/12070/4777 7129/12071/4777 +f 7231/8801/2572 7186/7054/2573 7219/7053/2573 +f 627/12072/501 628/12073/5373 626/770/501 +f 7495/6999/316 7514/12074/1749 7521/7000/316 +f 8433/11905/6313 8434/8427/5282 8432/12075/6313 +f 7103/9135/5474 7076/12076/6340 7104/12077/6340 +f 4531/7163/4853 4532/12078/6341 4533/12079/6341 +f 588/12080/6342 591/12081/5416 590/11255/6191 +f 7793/12082/6255 7772/12083/6343 7794/12084/6343 +f 4937/9327/5522 4896/12085/5268 4938/12086/5268 +f 160/12087/5464 163/9214/5465 159/12088/5464 +f 2576/12089/2327 4867/12066/6338 4866/12090/2327 +f 2515/12091/326 5187/4281/326 5192/12092/326 +f 7121/9093/5459 7122/11635/4857 7120/12093/5459 +f 2729/9600/4794 5109/12006/5411 5108/12094/4794 +f 7255/12095/32 7253/12096/32 7252/12097/32 +f 7293/9008/5440 7294/9791/5632 7292/12098/5440 +f 7915/12099/6344 7916/9979/5655 7914/12100/6344 +f 7652/8884/5409 7654/12101/6345 7653/8885/5409 +f 7204/12102/5503 7197/12103/5250 7205/12104/5250 +f 7387/7105/4819 7346/12105/5145 7388/7955/5145 +f 7621/11340/57 7610/12106/6276 7613/12107/6109 +f 7621/11340/57 7613/12107/6109 7614/11338/57 +f 5222/9246/135 5226/9250/135 5225/9243/135 +f 7623/11339/57 7632/12108/57 7625/12109/57 +f 7632/12108/57 7623/11339/57 7630/12110/57 +f 7614/11338/57 7616/9254/57 7629/9255/57 +f 7630/12110/57 7614/11338/57 7629/9255/57 +f 4281/6912/4695 4291/4989/3171 4290/6910/4693 +f 5224/12111/135 5232/9398/135 5228/6139/135 +f 7654/9267/57 7656/12112/57 7647/9265/57 +f 7656/12112/57 7649/12113/57 7647/9265/57 +f 1616/12114/6346 1612/1359/843 1613/4021/2515 +f 7653/12115/57 7654/9267/57 7640/9266/57 +f 7642/9261/57 7653/12115/57 7640/9266/57 +f 2451/3852/2468 3924/946/618 3970/6498/4341 +f 7636/12116/57 7639/12117/57 7645/12118/57 +f 7639/12117/57 7640/9266/57 7645/12118/57 +f 8017/12119/6244 8018/12120/5342 8016/11531/6244 +f 5167/8304/5176 5150/12121/5177 5168/9567/5177 +f 5197/7983/5158 2644/12122/6347 5198/12123/6347 +f 5160/12124/5339 5151/12125/5583 5161/9835/5583 +f 2464/12126/211 5411/12127/2579 5410/297/211 +f 8178/12128/688 8253/12129/4837 8263/12130/4838 +f 6972/12131/6348 6980/3522/183 6973/12132/182 +f 714/12133/6349 8087/4347/2597 8140/4349/2599 +f 586/12134/32 589/12135/5488 588/12080/6342 +f 2848/12136/6350 2828/788/511 2847/12137/6350 +f 8451/11904/6312 8448/12138/2376 8449/3468/2376 +f 7269/12139/6351 7256/9145/5481 7268/12140/6351 +f 7533/12141/1761 7487/12142/2285 7534/8809/2285 +f 8627/8780/32 8624/12143/6352 8625/12144/6352 +f 330/12145/488 331/9503/133 329/12146/488 +f 8555/12147/5230 8556/8571/5330 8554/8210/5230 +f 5085/12148/5311 5010/12149/6353 5087/12150/6353 +f 2488/12151/6354 5210/451/304 5209/535/357 +f 2719/8784/5388 5389/3158/2302 2724/12152/6355 +f 7557/12153/32 7554/12154/32 7555/12155/32 +f 8108/12156/5608 8037/12157/5572 8099/12158/5572 +f 2728/741/482 5000/12159/6356 2341/12160/6356 +f 7125/11634/6266 7154/3569/2428 7124/12161/6266 +f 7398/12162/6357 7349/12163/6358 7399/9842/5648 +f 2576/12089/2327 4865/12164/2328 2570/12165/2328 +f 8195/9090/5457 8227/9971/4839 8193/12166/4839 +f 4859/12167/6359 4824/8593/5341 4853/8592/5341 +f 274/12168/4758 270/8084/4757 271/12169/4757 +f 2535/4282/2562 5189/846/546 5188/4283/2562 +f 7389/7957/5146 7360/525/349 7383/527/349 +f 4381/12170/4765 4378/7999/5163 4379/7998/5163 +f 8623/12171/6360 8624/12143/6352 8622/12172/6360 +f 7723/12173/6361 7724/12174/2576 7722/12175/6361 +f 7301/7203/4870 7298/12176/4850 7299/7156/4850 +f 2837/12177/6362 2832/12178/19 2835/8909/19 +f 363/12179/6363 8754/12180/6294 8688/11742/6294 +f 5069/12181/6364 5018/12182/6365 5070/12183/6321 +f 3752/6219/4102 3749/6478/4326 3750/7724/5128 +f 7239/206/155 7236/9593/5588 7237/12184/5588 +f 7736/8008/5167 7738/8503/5303 7737/8009/5167 +f 1421/227/57 1375/2257/1617 1420/12185/5257 +f 7376/12186/5604 7332/12187/6366 7378/12188/6366 +f 4451/8209/5229 4452/12189/140 4453/183/140 +f 7743/311/219 7744/12190/6367 7742/12191/219 +f 7080/12192/6214 7108/12193/6368 7081/12194/6368 +f 8351/2396/1709 8352/9590/5586 8350/12195/1709 +f 1441/12196/57 7558/12197/57 7644/12198/57 +f 7673/12199/57 7696/9366/57 7694/9374/57 +f 7666/9367/57 7696/9366/57 7673/12199/57 +f 5884/5066/3237 5861/5036/3207 5879/5556/3677 +f 2781/131/4 3727/10957/4 2783/10599/4 +f 1400/2301/1658 1401/2297/1654 1402/2452/1740 +f 994/1480/949 995/5872/3952 992/1478/947 +f 5295/12200/135 5247/8162/135 5282/4743/135 +f 2964/6896/4681 2962/4547/2756 3077/4546/2755 +f 7758/9387/57 7750/9365/57 7666/9367/57 +f 3338/10327/5878 3331/5535/3659 3358/10343/5886 +f 6290/5930/3997 6271/5844/3929 6283/5856/3938 +f 1077/1639/1072 1341/2197/1563 1078/1640/1073 +f 5253/9401/135 5257/1607/135 5256/9404/135 +f 3314/5323/2683 3329/5246/3400 3334/10353/2803 +f 1012/12201/6369 1011/2690/1930 1006/12202/2318 +f 3863/12203/4516 3851/6426/4285 3842/10844/5352 +f 5277/12204/135 5300/5070/135 5310/12205/135 +f 5269/12206/135 5306/12207/135 5268/12208/135 +f 5304/12209/135 5287/12210/135 5288/10311/135 +f 7680/12211/57 7678/12212/57 7676/11023/57 +f 3663/12213/4018 3668/10514/5981 3681/10527/4017 +f 7680/12211/57 7676/11023/57 7682/11024/57 +f 5308/6644/135 5272/9414/135 5313/9413/135 +f 5307/12214/135 5286/9407/135 5287/12210/135 +f 7742/10738/57 7769/12215/57 7740/9402/57 +f 7670/8098/57 7762/9389/57 7668/9388/57 +f 5268/12208/135 5311/12216/135 5267/5138/135 +f 5312/12217/135 5250/9410/135 5244/6295/135 +f 7773/6739/57 7714/9528/57 7716/6737/57 +f 5273/9415/135 5314/9417/135 5313/9413/135 +f 7774/6738/57 7700/12218/57 7698/10491/57 +f 3209/5191/3349 3185/10240/5818 3204/5192/3350 +f 7776/9422/57 7732/9428/57 7702/9423/57 +f 3340/5440/3573 1770/5448/3493 3383/5441/3574 +f 5276/12219/135 5310/12205/135 5317/12220/135 +f 5264/9419/135 5291/12221/135 5314/9417/135 +f 5279/12222/135 5318/4972/135 5292/5069/135 +f 5987/2022/1416 5971/5295/3446 6018/5327/3474 +f 7690/12223/57 7687/12224/57 7688/12225/6109 +f 5275/10603/135 5317/12220/135 5319/12226/135 +f 3072/10136/5741 2973/4706/2912 3019/4705/2911 +f 7692/12227/6109 7687/12224/57 7690/12223/57 +f 7682/11024/57 7684/9375/57 7687/12224/57 +f 7682/11024/57 7687/12224/57 7692/12227/6109 +f 7941/12228/1684 7952/899/585 7953/12229/585 +f 7542/8176/5215 7500/12230/2572 7543/4301/2572 +f 2355/12231/6296 5103/12232/5658 5116/12233/6296 +f 2862/3133/2288 2863/12234/2631 2864/4413/2631 +f 8171/8813/2403 8242/12235/1731 8172/2434/1731 +f 8718/12236/4867 8765/11409/6225 8764/7197/4867 +f 7756/10030/316 7781/12237/1749 7788/10031/316 +f 8447/3470/2377 8444/12238/6370 8445/12239/6370 +f 8034/3477/2381 8099/12158/5572 8037/12157/5572 +f 4489/12240/6371 4490/12241/310 4491/458/310 +f 608/4361/1755 603/12242/1738 606/2449/1738 +f 5067/12243/6372 5020/12244/6245 5069/12181/6364 +f 7759/12245/6185 7781/12237/1749 7755/12246/1749 +f 4963/3581/2433 2347/12247/6307 4960/11863/6307 +f 1433/9689/488 1396/175/134 1434/174/133 +f 5087/12248/6353 5011/12249/5625 5088/9772/5625 +f 7988/12250/250 7990/9197/5486 7991/9196/5486 +f 1427/4280/186 1384/2295/1653 1428/12251/185 +f 8337/4292/2567 8334/9563/5579 8335/12252/5579 +f 7395/12253/6373 7341/12254/19 7354/12255/6373 +f 7115/9219/5496 7113/4300/2571 7112/4299/2571 +f 2230/12256/4783 2329/2442/1735 2328/9765/4783 +f 5237/12257/19 2686/12258/19 5233/12259/19 +f 7571/12260/6374 7563/9802/6304 7570/12261/6374 +f 7059/12262/32 7056/12263/32 7057/12264/32 +f 7420/12265/19 7339/12266/19 7340/12267/19 +f 4750/7723/5127 48/9470/5555 54/12268/5555 +f 373/9478/228 368/12269/1676 371/2334/1676 +f 5146/12270/5382 5157/438/297 5145/12271/297 +f 7275/12272/5606 7276/12273/6375 7274/9681/5606 +f 7803/12274/57 7800/12275/57 7801/12276/57 +f 7803/12274/57 7801/12276/57 7802/12277/57 +f 7789/12278/57 7800/12275/57 7803/12274/57 +f 7792/12279/57 7790/12280/57 7791/12281/57 +f 7793/12282/57 7790/12280/57 7792/12279/57 +f 7794/12283/57 7789/12278/57 7790/12280/57 +f 7794/12283/57 7790/12280/57 7793/12282/57 +f 5337/12284/135 5335/9518/135 5336/12285/135 +f 7795/7629/57 7799/12286/57 7800/12275/57 +f 7795/7629/57 7800/12275/57 7789/12278/57 +f 7795/7629/57 7789/12278/57 7794/12283/57 +f 7804/12287/57 7805/12288/57 7806/12289/57 +f 7804/12287/57 7806/12289/57 7807/3074/57 +f 5338/10811/135 5336/12285/135 5328/12290/135 +f 7531/9071/57 7514/12291/57 7543/9076/57 +f 7787/12292/57 7804/12287/57 7807/3074/57 +f 5349/10813/135 5321/12293/135 5348/12294/135 +f 5348/12294/135 5322/9530/135 5347/9523/135 +f 7782/3073/57 7787/12292/57 7807/3074/57 +f 7784/12295/57 7785/12296/57 7786/12297/57 +f 7783/12298/57 7786/12297/57 7787/12292/57 +f 7783/12298/57 7787/12292/57 7782/3073/57 +f 7783/12298/57 7784/12295/57 7786/12297/57 +f 7571/12260/6374 7568/867/563 7569/12299/563 +f 2468/7730/5134 5362/12300/2600 5361/7731/5134 +f 2839/12301/6376 2834/12302/6362 2837/12177/6362 +f 356/6484/4328 357/12303/5164 358/8002/5164 +f 4543/1109/699 4369/12304/19 4371/12305/19 +f 8180/12306/5174 8251/12307/6377 8179/12308/5598 +f 369/2336/309 364/12309/4782 367/12310/4782 +f 1450/8242/5236 1456/12311/6378 1455/12312/6378 +f 2399/12313/6201 5254/11375/6219 2404/12314/6219 +f 5348/9474/5557 5318/12315/6327 5349/12001/6327 +f 2767/12316/346 2768/759/492 2766/520/346 +f 2732/3456/2372 4997/9452/5550 2725/12317/5550 +f 2536/12318/6379 5385/9468/5554 5384/12319/6379 +f 7281/12320/32 7271/12321/32 7270/12322/32 +f 8369/12323/2636 8370/243/177 8368/4422/2636 +f 214/12324/5465 217/9604/5495 213/9112/5465 +f 7378/12188/6366 7331/12325/6279 7379/12326/6279 +f 5159/12327/6258 5152/12328/5339 5160/12124/5339 +f 4394/343/240 4397/12329/4849 4396/12330/4849 +f 1494/3113/2281 1493/12331/5307 1491/8510/5307 +f 4443/12055/6337 4444/12332/312 4445/461/312 +f 1497/3451/2370 1499/12333/5200 1501/8081/5200 +f 629/12334/5373 630/849/548 628/12335/5373 +f 7265/12336/5653 7266/1146/721 7264/9964/5653 +f 136/12337/6380 130/12338/5252 132/8280/5252 +f 7348/12339/6381 7420/12340/6382 7340/12341/6382 +f 139/12342/6249 133/12343/6380 136/12337/6380 +f 7250/909/591 7245/11463/6239 7244/11462/6239 +f 196/12344/199 148/9358/5533 195/279/199 +f 5448/3551/2420 2599/12345/5656 5439/9980/5656 +f 2569/3388/2340 4865/12346/2328 4864/12347/2340 +f 4850/12348/6383 4822/12349/5324 4861/12350/5324 +f 2792/12351/6384 2755/10040/5676 2756/12352/6384 +f 2339/11781/6299 5440/9982/5657 2498/9981/5657 +f 7665/8066/5191 7734/8007/5166 7664/12353/5191 +f 8587/3532/2410 8584/12354/6385 8585/12355/6385 +f 7868/12356/57 7870/12357/57 7872/12358/57 +f 7868/12356/57 7872/12358/57 7874/12359/57 +f 7868/12356/57 7874/12359/57 7876/12360/57 +f 7867/12361/57 7876/12360/57 7878/12362/57 +f 7867/12361/57 7868/12356/57 7876/12360/57 +f 7864/12363/57 7878/12362/57 7880/12364/57 +f 7864/12363/57 7867/12361/57 7878/12362/57 +f 7862/9639/57 7864/12363/57 7880/12364/57 +f 7826/12365/57 7864/12363/57 7862/9639/57 +f 7814/12366/57 7816/12367/57 7818/12368/57 +f 7814/12366/57 7818/12368/57 7820/12369/57 +f 7813/12370/57 7820/12369/57 7822/12371/57 +f 7813/12370/57 7822/12371/57 7824/12372/57 +f 7813/12370/57 7814/12366/57 7820/12369/57 +f 7810/12373/57 7824/12372/57 7826/12365/57 +f 7810/12373/57 7826/12365/57 7862/9639/57 +f 7810/12373/57 7813/12370/57 7824/12372/57 +f 7852/12374/57 7848/12375/57 7850/12376/6276 +f 7854/12377/57 7848/12375/57 7852/12374/57 +f 7856/12378/57 7847/12379/57 7848/12375/57 +f 7856/12378/57 7848/12375/57 7854/12377/57 +f 7858/12380/57 7844/9640/57 7847/12379/57 +f 7858/12380/57 7847/12379/57 7856/12378/57 +f 7860/12381/57 7844/9640/57 7858/12380/57 +f 7842/12382/57 7844/9640/57 7860/12381/57 +f 2977/5189/3347 2975/6907/4690 2976/5187/3345 +f 7830/12383/57 7840/12384/57 7828/9638/57 +f 7830/12383/57 7828/9638/57 7844/9640/57 +f 7830/12383/57 7844/9640/57 7842/12382/57 +f 7838/12385/57 7840/12384/57 7830/12383/57 +f 7836/12386/57 7838/12385/57 7830/12383/57 +f 7834/12387/57 7836/12386/57 7830/12383/57 +f 7834/12387/57 7830/12383/57 7833/12388/57 +f 8491/12389/5320 8492/8500/5302 8490/8546/5320 +f 305/12390/5257 309/12391/494 303/8292/5257 +f 7702/10033/5673 7704/9464/5552 7705/9466/5552 +f 7034/12392/6386 7036/12393/6387 7037/12394/6387 +f 749/524/348 751/12395/365 752/12396/365 +f 8208/12397/2607 8264/12398/608 8207/8297/608 +f 7210/12399/24 7193/12400/25 7212/10056/25 +f 2115/12401/6203 2110/12402/6388 2113/12403/6388 +f 7594/12404/326 7593/12405/326 7595/12406/326 +f 5156/12407/5382 5154/12408/5597 5158/11606/5597 +f 2643/12409/326 5195/12410/326 5196/9990/326 +f 2552/1125/710 5230/12411/6389 5229/1126/710 +f 8591/12412/6390 8588/3533/2411 8589/12413/2411 +f 7189/12414/24 7211/6481/4327 7185/6480/4327 +f 8727/12415/4814 8692/12416/1695 8785/12417/1695 +f 24/6993/4762 25/12418/6391 23/12419/4762 +f 8173/11516/5599 8253/12129/4837 8174/12420/4837 +f 2103/12421/706 2097/12422/707 2101/3391/707 +f 6989/12423/32 6964/12424/32 6961/12425/32 +f 2492/12426/6392 5286/9329/5523 5285/12427/6392 +f 713/12428/6349 715/12429/5413 716/8896/5413 +f 2670/12430/6393 4819/4373/2609 4818/12431/6393 +f 2446/9554/5576 5217/12432/6208 2445/12433/6394 +f 8443/12434/6395 8440/12435/178 8441/245/178 +f 8367/4421/2635 8364/12436/6210 8365/11355/6210 +f 7657/12437/6396 7649/12438/6397 7656/12439/6396 +f 8655/11273/6198 8652/6997/4764 8653/12440/4764 +f 2866/12441/6398 2867/12442/6399 2868/12443/6399 +f 7451/12444/2559 7422/1150/725 7450/9586/2559 +f 7007/12445/696 7008/12013/6329 7006/1100/696 +f 4407/11506/6243 4408/12446/6176 4409/11215/6176 +f 741/2482/1756 736/12447/1738 739/12448/1738 +f 1438/12449/579 1406/2292/1650 1439/12450/5238 +f 7355/12451/6297 7419/12452/6381 7348/12339/6381 +f 8291/11437/6231 8662/12453/527 8663/12454/527 +f 8593/8759/5375 8590/12455/6390 8591/12412/6390 +f 7908/12456/57 7910/12457/57 7914/12458/57 +f 7910/12457/57 7912/12459/57 7914/12458/57 +f 7908/12456/57 7914/12458/57 7916/12460/57 +f 7906/12461/57 7908/12456/57 7918/12462/57 +f 7908/12456/57 7916/12460/57 7918/12462/57 +f 7902/12463/57 7905/12464/57 7900/12465/57 +f 7905/12464/57 7906/12461/57 7900/12465/57 +f 7906/12461/57 7918/12462/57 7900/12465/57 +f 7902/12463/57 7900/12465/57 7882/12466/57 +f 7884/12467/57 7886/12468/57 7890/12469/57 +f 7886/12468/57 7888/12470/57 7890/12469/57 +f 7882/12466/57 7884/12467/57 7892/12471/57 +f 7884/12467/57 7890/12469/57 7892/12471/57 +f 7882/12466/57 7892/12471/57 7894/12472/57 +f 7882/12466/57 7894/12472/57 7896/12473/57 +f 7902/12463/57 7882/12466/57 7898/12474/57 +f 7882/12466/57 7896/12473/57 7898/12474/57 +f 7930/12475/6110 7932/12476/57 7928/12477/57 +f 7932/12476/57 7934/12478/57 7926/12479/57 +f 7928/12477/57 7932/12476/57 7926/12479/57 +f 7934/12478/57 7936/12480/57 7925/12481/57 +f 7936/12480/57 7938/12482/57 7925/12481/57 +f 7926/12479/57 7934/12478/57 7925/12481/57 +f 7938/12482/57 7920/12483/57 7922/12484/57 +f 7925/12481/57 7938/12482/57 7922/12484/57 +f 5396/9735/135 5416/9758/135 5405/9755/135 +f 7922/12484/57 7920/12483/57 7940/12485/57 +f 7920/12483/57 7942/12486/57 7940/12485/57 +f 7940/12485/57 7942/12486/57 7945/12487/57 +f 7940/12485/57 7945/12487/57 7952/12488/57 +f 7945/12487/57 7946/12489/57 7950/12490/57 +f 7952/12488/57 7945/12487/57 7950/12490/57 +f 7950/12490/57 7946/12489/57 7948/12491/57 +f 2582/9438/5541 5417/11245/6186 2591/11244/6186 +f 5342/12492/6400 5313/12493/314 5343/464/314 +f 7671/12494/5543 7668/12495/5646 7669/9837/5646 +f 2851/1098/694 2854/12496/5611 2853/12497/5611 +f 5562/879/571 5563/12498/506 5564/775/506 +f 2436/3509/2399 5366/11923/6318 5375/12499/2399 +f 7205/12104/5250 7196/12500/2421 7206/3553/2421 +f 8035/1092/691 8100/12501/2382 8033/12502/2382 +f 5484/12503/6401 5486/12504/5212 5485/12505/6401 +f 2873/9151/1700 2875/12506/6402 2874/9152/1700 +f 316/12507/167 304/8293/57 315/9455/167 +f 1477/12508/4815 1479/12509/5609 1480/9690/5609 +f 4461/2428/1727 4462/12510/5497 4463/9231/5497 +f 8531/11449/6235 8532/8736/5365 8530/12511/6235 +f 8327/12512/6403 8328/7996/5160 8326/12513/6403 +f 8161/9323/19 8246/12514/6404 8159/12515/6405 +f 8168/9686/5608 8239/12516/6170 8169/12517/6170 +f 5438/12518/5479 2611/12519/6406 5432/12520/6406 +f 5262/12521/5332 2602/12522/302 5257/446/302 +f 2240/10850/6133 2284/12523/685 2238/12524/5645 +f 8205/11844/4858 8267/12525/5551 8204/9462/5551 +f 8003/12526/6407 8004/12527/6408 8002/12528/6407 +f 2206/829/536 2294/12529/4759 2207/6986/4759 +f 285/12530/578 283/12531/615 282/12532/615 +f 7311/11249/6188 7308/12533/4862 7309/12534/4862 +f 718/8898/5415 719/12535/32 720/12536/32 +f 5325/12537/6409 5294/12538/5449 5326/9035/5449 +f 2389/12539/6271 5453/8992/5433 5452/11647/6271 +f 172/12540/583 173/8892/700 171/896/583 +f 3946/3971/2503 3947/6516/4357 3948/3972/2504 +f 1535/11360/6212 1537/12541/1663 1538/12542/1663 +f 5377/9776/5627 2554/9128/5471 5378/9130/5471 +f 7090/12543/6410 7083/12544/5506 7092/9280/5506 +f 5028/12545/6411 5092/12546/2590 5021/4330/2590 +f 7638/12547/370 7640/4252/2544 7639/12548/370 +f 7519/11604/6257 7499/8745/2349 7520/8744/2349 +f 8678/8410/1681 402/12549/1682 404/12068/1682 +f 7978/12550/57 7980/12551/57 7974/12552/57 +f 7978/12550/57 7974/12552/57 7977/12553/57 +f 8014/12554/57 8016/12555/6276 8018/12556/57 +f 8012/12557/57 8018/12556/57 8020/12558/57 +f 8012/12557/57 8014/12554/57 8018/12556/57 +f 8011/12559/57 8020/12558/57 8022/12560/57 +f 8011/12559/57 8012/12557/57 8020/12558/57 +f 8008/12561/57 8022/12560/57 8024/12562/57 +f 8008/12561/57 8024/12562/57 8026/12563/57 +f 8008/12561/57 8011/12559/57 8022/12560/57 +f 8006/10973/57 8008/12561/57 8026/12563/57 +f 7970/12564/57 8008/12561/57 8006/10973/57 +f 7958/12565/57 7960/12566/57 7962/12567/57 +f 7958/12565/57 7962/12567/57 7964/12568/57 +f 7957/12569/57 7964/12568/57 7966/12570/57 +f 7957/12569/57 7966/12570/57 7968/12571/57 +f 7957/12569/57 7958/12565/57 7964/12568/57 +f 7954/12572/57 7968/12571/57 7970/12564/57 +f 7954/12572/57 7970/12564/57 8006/10973/57 +f 7954/12572/57 7957/12569/57 7968/12571/57 +f 7996/12573/57 7992/12574/57 7994/12575/57 +f 7998/12576/57 7991/12577/57 7992/12574/57 +f 7998/12576/57 7992/12574/57 7996/12573/57 +f 8000/12578/57 7988/10974/57 7991/12577/57 +f 8000/12578/57 7991/12577/57 7998/12576/57 +f 8002/12579/57 7988/10974/57 8000/12578/57 +f 8004/12580/57 7988/10974/57 8002/12579/57 +f 7986/12581/57 7988/10974/57 8004/12580/57 +f 5431/9881/135 5448/9859/135 5439/9875/135 +f 7974/12552/57 7988/10974/57 7986/12581/57 +f 7974/12552/57 7984/12582/57 7972/10972/57 +f 7974/12552/57 7972/10972/57 7988/10974/57 +f 7982/12583/57 7984/12582/57 7974/12552/57 +f 7980/12551/57 7982/12583/57 7974/12552/57 +f 775/12584/57 751/12585/57 750/12586/57 +f 775/12584/57 754/12587/57 751/12585/57 +f 775/12584/57 756/12588/57 754/12587/57 +f 775/12584/57 758/12589/6412 756/12588/57 +f 775/12584/57 750/12586/57 8028/12590/57 +f 4002/12591/2272 3785/6220/4103 3786/7424/4403 +f 776/12592/57 8031/12593/57 8029/12594/57 +f 776/12592/57 8032/12595/57 8031/12593/57 +f 590/12596/57 689/1038/57 588/12597/57 +f 777/12598/57 8030/12599/57 748/12600/57 +f 777/12598/57 748/12600/57 747/12601/57 +f 745/12602/57 777/12598/57 747/12601/57 +f 743/12603/57 777/12598/57 745/12602/57 +f 741/12604/57 777/12598/57 743/12603/57 +f 775/12584/57 760/12605/6413 758/12589/6412 +f 739/12606/57 777/12598/57 741/12604/57 +f 806/995/57 8033/12607/57 8034/12608/57 +f 806/995/57 8035/12609/57 8033/12607/57 +f 806/995/57 8036/12610/6414 8035/12609/57 +f 8037/12611/57 806/995/57 8034/12608/57 +f 8038/12612/57 806/995/57 8037/12611/57 +f 8688/12613/135 407/583/135 406/582/135 +f 8040/12614/57 809/992/57 8039/12615/57 +f 8041/12616/57 809/992/57 8040/12614/57 +f 799/1200/57 8058/12617/57 8064/12618/57 +f 770/12619/57 841/1228/57 8042/12620/57 +f 768/12621/57 841/1228/57 770/12619/57 +f 766/12622/57 841/1228/57 768/12621/57 +f 764/12623/57 841/1228/57 766/12622/57 +f 762/12624/57 841/1228/57 764/12623/57 +f 806/995/57 827/12625/6205 8036/12610/6414 +f 760/1229/57 841/1228/57 762/12624/57 +f 785/1170/57 8043/12626/57 8044/12627/57 +f 785/1170/57 8045/12628/57 8046/12629/6415 +f 785/1170/57 8047/12630/57 8045/12628/57 +f 785/1170/57 8048/12631/57 8047/12630/57 +f 785/1170/57 8044/12627/57 8048/12631/57 +f 2229/3331/135 2121/3177/135 2120/3176/135 +f 773/1159/57 8050/12632/57 8049/12633/57 +f 773/1159/57 8051/12634/57 8050/12632/57 +f 2124/3178/135 2207/3289/135 2125/605/135 +f 772/1158/57 731/12635/57 729/12636/57 +f 772/1158/57 733/12637/57 731/12635/57 +f 772/1158/57 735/12638/57 733/12637/57 +f 772/1158/57 737/12639/57 735/12638/57 +f 772/1158/57 729/12636/57 8052/12640/57 +f 772/1158/57 739/1157/57 737/12639/57 +f 842/1230/6415 785/1170/57 8046/12629/6415 +f 8053/12641/57 824/1209/57 8054/12642/6416 +f 8055/12643/57 824/1209/57 8053/12641/57 +f 8056/12644/57 824/1209/57 8055/12643/57 +f 8057/12645/57 824/1209/57 8056/12644/57 +f 676/1069/57 8172/12646/57 708/1070/57 +f 8058/12617/57 824/1209/57 8057/12645/57 +f 8059/12647/57 801/1191/57 8060/12648/57 +f 8061/12649/57 8060/12648/57 801/1191/57 +f 8062/12650/6301 801/1191/57 8059/12647/57 +f 8063/12651/57 8061/12649/57 801/1191/57 +f 676/1069/57 8168/12652/57 8169/12653/57 +f 8065/12654/57 8063/12651/57 801/1191/57 +f 8066/12655/57 799/1200/57 8064/12618/57 +f 8067/12656/57 799/1200/57 8066/12655/57 +f 824/1209/57 819/1208/6417 8054/12642/6416 +f 827/12625/6418 801/1191/57 8062/12650/6301 +f 833/1222/57 8068/12657/57 8069/12658/57 +f 833/1222/57 8070/12659/57 8068/12657/57 +f 833/1222/57 8071/12660/57 8070/12659/57 +f 833/1222/57 8072/12661/57 8071/12660/57 +f 8073/12662/57 8072/12661/57 833/1222/57 +f 2071/3372/135 2170/3375/135 2069/3374/135 +f 832/1221/57 8075/12663/57 8074/12664/57 +f 8076/12665/57 8075/12663/57 832/1221/57 +f 8173/12666/57 640/951/57 8179/12667/57 +f 839/1227/57 8078/12668/57 8077/3325/57 +f 8079/12669/57 8078/12668/57 839/1227/57 +f 8080/12670/57 8079/12669/57 839/1227/57 +f 8081/12671/57 8080/12670/57 839/1227/57 +f 8082/12672/6419 8081/12671/57 839/1227/57 +f 839/1227/57 842/1230/6419 8082/12672/6419 +f 826/974/57 833/1222/57 8069/12658/57 +f 818/1033/57 8083/12673/57 8084/12674/57 +f 818/1033/57 8085/12675/57 8083/12673/57 +f 8086/12676/57 8085/12675/57 818/1033/57 +f 726/12677/57 8086/12676/57 818/1033/57 +f 643/12678/57 8158/12679/57 8162/12680/57 +f 724/12681/57 726/12677/57 818/1033/57 +f 720/12682/57 722/12683/57 822/1207/57 +f 718/12684/57 720/12682/57 822/1207/57 +f 643/12678/57 8160/12685/57 644/12686/57 +f 713/12687/57 716/12688/57 821/972/57 +f 8087/12689/57 713/12687/57 821/972/57 +f 8088/12690/57 8087/12689/57 821/972/57 +f 8089/12691/57 8088/12690/57 821/972/57 +f 8090/12692/6412 8089/12691/57 821/972/57 +f 821/972/57 826/974/6413 8090/12692/6412 +f 819/1208/57 818/1033/57 8084/12674/57 +f 2449/12693/6420 4774/768/6197 4769/12694/1701 +f 8050/8023/5174 8121/12695/6377 8049/12696/5598 +f 2492/12697/6392 5284/8805/5396 2503/12698/5396 +f 8290/12699/6232 8292/495/330 8288/11438/6232 +f 2620/3436/2362 5222/8185/5218 2594/12700/5218 +f 4751/7725/5129 3749/6478/4326 3945/4659/2868 +f 7201/2470/1749 7191/12701/5590 7202/9676/5590 +f 720/12536/32 721/12702/6342 722/9200/5488 +f 8700/4353/214 8730/12703/215 8702/7194/215 +f 8423/4336/19 8424/12704/6421 8422/12705/19 +f 7883/9655/5595 7900/9794/5634 7901/12706/6422 +f 8067/12707/5456 8096/12708/5457 8065/9345/5457 +f 4983/12709/6423 2385/11861/6306 4984/11862/6306 +f 7885/9653/5594 7886/12710/4313 7884/12711/5594 +f 2343/11841/5659 5103/12232/5658 2340/12712/5658 +f 2644/12122/6347 5199/9350/5530 5198/12123/6347 +f 294/12000/192 289/12713/191 292/12714/191 +f 7979/12715/695 7977/12716/6424 7976/12717/6424 +f 7559/12718/4 7556/12719/4 7557/12720/4 +f 7771/12721/6275 7798/9016/5443 7776/9015/5443 +f 2349/12722/32 5238/12723/32 5239/12724/32 +f 2791/12725/6425 2792/12351/6384 2756/12352/6384 +f 2758/12726/6426 2760/12727/6240 2761/12728/6240 +f 8031/11254/19 8116/12729/6405 8029/12730/6404 +f 7475/11927/5487 7472/12731/5489 7473/12732/5489 +f 7468/8064/5190 7470/9719/5455 7469/8065/5190 +f 2846/12733/5677 2847/12734/6350 2845/10046/5677 +f 7279/12735/6427 7268/12140/6351 7278/12736/6427 +f 5482/2496/1765 5484/12503/6401 5485/12505/6401 +f 7790/12737/6428 7750/12738/6246 7791/11542/6246 +f 7036/12393/6387 7032/12739/5345 7037/12394/6387 +f 5501/12740/135 5502/8267/5246 5500/11627/135 +f 7277/12741/6375 7278/12736/6427 7276/12273/6375 +f 8561/11286/6200 8562/9995/5662 8560/12742/6200 +f 8724/12743/5197 8778/12744/2365 8777/12745/5197 +f 8445/12746/6370 8442/12747/6395 8443/12434/6395 +f 5063/12748/5581 5034/12749/2602 5065/4357/2602 +f 2472/9984/5659 4872/858/556 4871/9985/5659 +f 397/8888/5410 392/12750/5322 395/11377/5322 +f 524/8529/509 525/12751/551 526/851/551 +f 2587/12752/6429 4968/11381/6220 4967/12753/6429 +f 2275/11856/6234 2211/8894/5224 2276/8895/5223 +f 7987/12754/1721 8004/12527/6408 8005/12755/6408 +f 2477/12756/5411 4862/12757/1673 4876/8889/5411 +f 616/2419/348 618/551/365 619/553/365 +f 2510/8911/2574 5101/12758/5276 2509/10012/5276 +f 7574/3274/172 7573/12759/19 7575/12760/172 +f 574/12761/2409 577/12762/5490 576/9204/5490 +f 7609/12057/57 7575/12763/57 7573/12056/57 +f 8615/2507/1772 8612/12764/6430 8613/12765/6430 +f 4816/12766/19 2649/12767/19 4815/12768/19 +f 4533/12079/6341 4534/12769/513 4535/791/513 +f 7303/7201/4869 7286/9273/5502 7302/12770/4869 +f 2579/8413/5278 4971/9140/5478 4970/12771/5278 +f 8001/12772/5484 8002/12528/6407 8000/9193/5484 +f 8068/12773/1734 8147/7186/4820 8146/2438/1734 +f 4519/11933/6320 4520/12774/6336 4521/12033/6336 +f 1418/8258/5242 1369/2274/1632 1419/12775/1715 +f 105/12776/5601 2199/7637/5113 113/9672/5601 +f 2430/12777/2301 5387/8796/5392 2377/8795/5392 +f 8159/12515/6405 8247/12778/332 8160/499/332 +f 2265/12779/5197 2319/3445/2365 2318/12780/5197 +f 275/8047/5182 276/752/488 273/12781/5182 +f 67/94/68 70/12782/6431 62/84/62 +f 7412/12783/5198 7337/12784/5292 7414/12785/5292 +f 518/12786/2409 519/12787/5490 520/9704/5490 +f 8218/12788/2598 8272/507/335 8271/11641/5571 +f 2619/10731/6069 4808/12789/6432 4813/12790/6069 +f 2495/12022/6333 5408/9721/5620 5407/12023/6333 +f 4946/8385/5255 4906/12791/5256 4947/11941/5256 +f 8094/2361/57 719/12792/57 8136/12793/57 +f 8100/12794/57 8101/12795/57 8107/12796/57 +f 583/12797/6349 582/12798/5413 580/12799/5413 +f 8100/12794/57 8107/12796/57 8098/12800/57 +f 8094/2361/57 8093/12801/57 721/12802/57 +f 8264/12803/57 8253/12804/57 8252/12805/57 +f 734/12806/57 728/12807/57 732/12808/57 +f 736/12809/57 728/12807/57 734/12806/57 +f 8246/12810/57 8248/12811/57 8247/12812/57 +f 738/12813/57 728/12807/57 736/12809/57 +f 740/12814/57 728/12807/57 738/12813/57 +f 8248/12811/57 613/12815/57 8247/12812/57 +f 769/12816/57 749/12817/57 752/12818/57 +f 753/12819/57 769/12816/57 752/12818/57 +f 742/12820/57 728/12807/57 740/12814/57 +f 8139/12821/57 8141/12822/57 8142/12823/57 +f 8155/12824/57 8156/12825/6109 8157/12826/57 +f 8139/12821/57 8142/12823/57 8143/12827/57 +f 8139/12821/57 8143/12827/57 8144/12828/57 +f 8139/12821/57 8144/12828/57 8145/12829/57 +f 744/12830/57 728/12807/57 742/12820/57 +f 8139/12821/57 8145/12829/57 8146/12831/57 +f 8139/12821/57 8146/12831/57 8147/12832/57 +f 8139/12821/57 8147/12832/57 8148/12833/57 +f 8140/12834/57 8141/12822/57 8139/12821/57 +f 746/12835/57 728/12807/57 744/12830/57 +f 755/12836/57 769/12816/57 753/12819/57 +f 118/155/115 111/152/112 119/153/113 +f 380/12837/135 362/12838/135 378/12839/135 +f 765/12840/57 767/12841/57 769/12816/57 +f 757/12842/57 769/12816/57 755/12836/57 +f 1601/2570/1821 1602/2571/1822 1599/2569/1820 +f 763/12843/57 765/12840/57 769/12816/57 +f 8152/12844/57 8153/12845/57 8154/12846/57 +f 759/12847/57 769/12816/57 757/12842/57 +f 8152/12844/57 8154/12846/57 8155/12824/57 +f 8222/12848/57 589/12849/57 8223/12850/57 +f 761/12851/57 763/12843/57 769/12816/57 +f 8152/12844/57 8155/12824/57 8157/12826/57 +f 761/12851/57 769/12816/57 759/12847/57 +f 8120/2362/57 8136/12793/57 8135/12852/57 +f 8120/2362/57 8135/12852/57 8121/12853/57 +f 8115/12854/57 8119/12855/57 8116/12856/57 +f 8115/12854/57 8120/2362/57 8119/12855/57 +f 8150/12857/57 8151/12858/57 8152/12844/57 +f 8150/12857/57 8152/12844/57 8157/12826/57 +f 715/12859/57 714/12860/57 8138/12861/57 +f 8735/12862/135 8733/3588/135 8734/3590/135 +f 8149/3675/57 8150/12857/57 8157/12826/57 +f 8222/12848/57 593/12863/57 591/12864/57 +f 8105/12865/57 8106/12866/6109 8107/12796/57 +f 8109/3661/57 8095/3663/57 8094/2361/57 +f 8752/12867/135 8754/12868/135 8753/12869/135 +f 8110/2363/57 8109/3661/57 8094/2361/57 +f 8110/2363/57 8120/2362/57 8115/12854/57 +f 8239/12870/57 8226/12871/57 8225/12872/57 +f 8244/12873/57 8242/12874/57 8241/12875/57 +f 719/12792/57 717/12876/57 8137/12877/57 +f 8103/12878/57 8104/12879/57 8105/12865/57 +f 719/12792/57 8137/12877/57 8136/12793/57 +f 8111/12880/57 8110/2363/57 8115/12854/57 +f 8111/12880/57 8115/12854/57 8114/12881/57 +f 8123/12882/57 8125/12883/57 8124/12884/57 +f 616/12885/57 8242/12874/57 8243/12886/57 +f 8123/12882/57 8124/12884/57 8126/12887/57 +f 8123/12882/57 8126/12887/57 8127/12888/57 +f 8123/12882/57 8127/12888/57 8128/12889/57 +f 8123/12882/57 8128/12889/57 8129/12890/57 +f 730/12891/57 728/12807/57 727/12892/57 +f 8123/12882/57 8129/12890/57 8130/12893/57 +f 8123/12882/57 8130/12893/57 8131/12894/57 +f 8123/12882/57 8131/12894/57 8132/12895/57 +f 8123/12882/57 8132/12895/57 8133/12896/6276 +f 8139/12821/57 714/12860/57 8140/12834/57 +f 8102/12897/57 8103/12878/57 8105/12865/57 +f 732/12808/57 728/12807/57 730/12891/57 +f 8102/12897/57 8105/12865/57 8107/12796/57 +f 8101/12795/57 8102/12897/57 8107/12796/57 +f 8094/2361/57 721/12802/57 719/12792/57 +f 642/12898/57 618/12899/57 617/12900/57 +f 642/12898/57 621/12901/57 618/12899/57 +f 642/12898/57 623/12902/57 621/12901/57 +f 642/12898/57 625/12903/6412 623/12902/57 +f 642/12898/57 617/12900/57 8158/12679/57 +f 776/12592/57 8028/12590/57 8032/12595/57 +f 643/12678/57 8161/12904/57 8159/12905/57 +f 643/12678/57 8162/12680/57 8161/12904/57 +f 8701/12906/135 433/688/135 8703/12907/135 +f 644/12686/57 8160/12685/57 615/12908/57 +f 644/12686/57 615/12908/57 614/12909/57 +f 612/12910/57 644/12686/57 614/12909/57 +f 610/12911/57 644/12686/57 612/12910/57 +f 608/12912/57 644/12686/57 610/12911/57 +f 642/12898/57 627/12913/6413 625/12903/6412 +f 606/12914/57 644/12686/57 608/12912/57 +f 673/1015/57 8163/12915/57 8164/12916/57 +f 673/1015/57 8165/12917/57 8163/12915/57 +f 673/1015/57 8166/12918/6414 8165/12917/57 +f 8167/12919/57 673/1015/57 8164/12916/57 +f 8168/12652/57 673/1015/57 8167/12919/57 +f 358/12920/135 456/3287/135 356/12921/135 +f 8170/12922/57 676/1069/57 8169/12653/57 +f 8171/12923/57 676/1069/57 8170/12922/57 +f 724/12681/57 822/1207/57 722/12683/57 +f 637/12924/57 708/1070/57 8172/12646/57 +f 635/12925/57 708/1070/57 637/12924/57 +f 633/12926/57 708/1070/57 635/12925/57 +f 631/12927/57 708/1070/57 633/12926/57 +f 629/12928/57 708/1070/57 631/12927/57 +f 673/1015/57 694/12929/6414 8166/12918/6414 +f 627/1071/57 708/1070/57 629/12928/57 +f 652/967/57 8173/12666/57 8174/12930/57 +f 652/967/57 8175/12931/57 8176/12932/6205 +f 652/967/57 8177/12933/57 8175/12931/57 +f 652/967/57 8178/12934/57 8177/12933/57 +f 652/967/57 8174/12930/57 8178/12934/57 +f 442/715/135 8678/12935/135 475/716/135 +f 640/951/57 8180/12936/57 8179/12667/57 +f 640/951/57 8181/12937/57 8180/12936/57 +f 8073/12662/57 832/1221/57 8074/12664/57 +f 639/950/57 598/12938/57 596/12939/57 +f 639/950/57 600/12940/57 598/12938/57 +f 639/950/57 602/12941/57 600/12940/57 +f 639/950/57 604/12942/57 602/12941/57 +f 639/950/57 596/12939/57 8182/3282/57 +f 639/950/57 606/949/57 604/12942/57 +f 709/1072/6415 652/967/57 8176/12932/6205 +f 8183/12943/57 691/1042/57 8184/12944/6416 +f 8185/12945/57 691/1042/57 8183/12943/57 +f 8186/12946/57 691/1042/57 8185/12945/57 +f 8187/12947/57 691/1042/57 8186/12946/57 +f 809/992/57 8042/12620/57 841/1228/57 +f 8188/3370/57 691/1042/57 8187/12947/57 +f 8189/12948/57 668/1007/57 8190/12949/57 +f 8191/12950/57 8190/12949/57 668/1007/57 +f 8192/12951/6418 668/1007/57 8189/12948/57 +f 8193/12952/57 8191/12950/57 668/1007/57 +f 809/992/57 8038/12612/57 8039/12615/57 +f 8195/12953/57 8193/12952/57 668/1007/57 +f 8196/12954/57 666/624/57 8194/3371/57 +f 8197/12955/57 666/624/57 8196/12954/57 +f 691/1042/57 686/1041/6417 8184/12944/6416 +f 694/12929/6418 668/1007/57 8192/12951/6418 +f 700/1053/57 8198/12956/57 8199/12957/57 +f 700/1053/57 8200/12958/57 8198/12956/57 +f 700/1053/57 8201/12959/57 8200/12958/57 +f 700/1053/57 8202/12960/57 8201/12959/57 +f 8203/12961/57 8202/12960/57 700/1053/57 +f 8052/12640/57 773/1159/57 772/1158/57 +f 699/1052/57 8205/12962/57 8204/12963/57 +f 8206/12964/57 8205/12962/57 699/1052/57 +f 8043/12626/57 773/1159/57 8049/12633/57 +f 706/1064/57 8208/12965/57 8207/3337/57 +f 8209/12966/57 8208/12965/57 706/1064/57 +f 8210/12967/57 8209/12966/57 706/1064/57 +f 8211/12968/57 8210/12967/57 706/1064/57 +f 8212/12969/6419 8211/12968/57 706/1064/57 +f 706/1064/57 709/1072/6419 8212/12969/6419 +f 693/1054/57 700/1053/57 8199/12957/57 +f 685/1039/57 8213/12970/57 8214/12971/57 +f 685/1039/57 8215/12972/57 8213/12970/57 +f 8216/12973/57 8215/12972/57 685/1039/57 +f 592/12974/57 8216/12973/57 685/1039/57 +f 580/12975/57 689/1038/57 688/1037/57 +f 590/12596/57 592/12974/57 685/1039/57 +f 586/12976/57 588/12597/57 689/1038/57 +f 584/12977/57 586/12976/57 689/1038/57 +f 776/12592/57 8030/12599/57 777/12598/57 +f 583/12978/57 580/12975/57 688/1037/57 +f 8217/12979/57 583/12978/57 688/1037/57 +f 8218/12980/57 8217/12979/57 688/1037/57 +f 8219/12981/57 8218/12980/57 688/1037/57 +f 8220/12982/6412 8219/12981/57 688/1037/57 +f 688/1037/57 693/1054/6413 8220/12982/6412 +f 686/1041/57 685/1039/57 8214/12971/57 +f 5525/4316/2582 5527/9581/5584 5526/4317/2582 +f 2697/12983/6433 4890/7973/5154 4889/12984/6433 +f 7924/503/334 7926/11213/6175 7925/504/334 +f 8080/12985/244 8124/12986/2608 8079/9220/276 +f 7415/8449/5293 7343/12987/4847 7416/7145/4847 +f 2341/12988/6356 4999/3457/2373 2342/12989/2373 +f 8409/12990/5445 8410/442/298 8408/9021/5445 +f 4849/295/209 4841/12991/6383 4850/12348/6383 +f 7711/12992/6288 7712/8569/5327 7710/12993/6288 +f 8036/1090/689 8103/8905/4 8102/12994/689 +f 1509/9814/5639 1511/12995/2431 1512/3576/2431 +f 7350/9361/5535 7382/6992/4761 7357/6991/4761 +f 4771/11727/499 4775/7977/498 4770/2383/499 +f 367/12310/4782 361/12996/4781 365/12997/4781 +f 7397/12998/6251 7344/12999/6357 7398/12162/6357 +f 7607/13000/6434 7597/13001/6435 7606/13002/6436 +f 8565/9994/5661 8566/2380/1700 8564/13003/5661 +f 7698/13004/6286 7697/13005/6437 7696/4263/6437 +f 8455/13006/6438 8452/13007/6311 8453/11902/6311 +f 8623/12171/6360 8620/13008/6439 8621/13009/6439 +f 2387/13010/6440 5359/13011/5189 2388/8062/5189 +f 7635/12021/6332 7627/13012/6252 7626/11589/6252 +f 2840/13013/2581 2836/13014/6376 2839/12301/6376 +f 8551/7128/4834 8548/13015/5505 8549/13016/5505 +f 8391/3440/2363 8388/13017/6195 8389/11266/6195 +f 8571/7099/4816 8572/373/262 8570/13018/4816 +f 222/13019/583 223/1112/700 221/11756/583 +f 8407/9020/5444 8404/11452/6237 8405/13020/6237 +f 7392/11741/6293 7362/8199/5226 7385/8198/5226 +f 7862/13021/6259 7845/13022/5315 7844/8536/5315 +f 8118/13023/6441 729/1095/692 728/1094/692 +f 365/12997/4781 362/13024/6291 363/12179/6363 +f 8685/13025/6442 8758/13026/4317 8679/6464/4317 +f 5173/13027/2303 5133/13028/6245 5175/11535/6245 +f 5183/13029/5233 5153/13030/221 5184/314/221 +f 7159/13031/5455 7160/13032/5489 7158/9052/5455 +f 2868/12443/6399 2749/13033/6443 2750/13034/6443 +f 7501/13035/24 7523/11931/4327 7497/11930/4327 +f 2520/3559/2424 5426/13036/6326 5425/13037/2424 +f 2362/13038/32 5248/13039/32 5251/13040/32 +f 4467/436/295 4468/13041/6280 4469/11703/6280 +f 7861/13042/6444 7842/180/137 7860/13043/6444 +f 300/11770/5241 297/9086/5242 298/13044/5241 +f 7723/12173/6361 7721/3116/2282 7720/3115/2282 +f 232/13045/2368 233/11299/4772 231/11835/2368 +f 8507/8240/5235 8504/13046/6309 8505/11872/6309 +f 5220/12036/6445 2595/8184/5217 5221/8186/5217 +f 8053/7970/4790 8152/13047/4788 8151/13048/4790 +f 5081/8273/5249 5047/13049/5385 5082/8776/5385 +f 8214/9715/5210 8283/13050/4852 686/8578/4852 +f 498/547/362 499/13051/343 500/516/343 +f 7786/9817/5641 7753/8995/5435 7787/8994/5435 +f 2489/10000/5663 5413/13052/5393 2476/8797/5393 +f 2460/13053/6446 5276/8437/5287 5275/13054/6446 +f 7789/13055/6447 7751/13056/6428 7790/12737/6428 +f 8041/3520/2404 8112/13057/1731 8042/7151/1731 +f 8327/12512/6403 8324/13058/5493 8325/9209/5493 +f 751/12395/365 753/8787/5389 752/12396/365 +f 1452/9492/5564 1449/13059/6448 1447/13060/6448 +f 8481/11630/6264 8482/7003/4766 8480/13061/6264 +f 246/13062/199 198/9700/5533 245/3416/199 +f 2540/8582/5334 4882/11760/6174 4881/13063/5334 +f 7223/3122/380 7180/13064/381 7224/2405/381 +f 5340/13065/1704 5303/13066/6449 5341/13067/6449 +f 8183/7049/4790 8280/13068/237 8185/7986/237 +f 2244/11993/533 2273/13069/6132 2242/13070/6132 +f 2367/13071/538 5353/2359/1690 5352/831/538 +f 8029/12730/6404 8117/13072/332 8030/2327/332 +f 766/13073/549 767/13074/477 765/4340/549 +f 8671/13075/6450 8738/13076/5394 8737/13077/5288 +f 8092/13078/57 725/3676/57 723/13079/57 +f 636/13080/57 616/12885/57 619/13081/57 +f 605/13082/57 595/13083/57 603/13084/57 +f 607/13085/57 595/13083/57 605/13082/57 +f 620/13086/57 636/13080/57 619/13081/57 +f 609/13087/57 595/13083/57 607/13085/57 +f 622/13088/57 636/13080/57 620/13086/57 +f 611/13089/57 595/13083/57 609/13087/57 +f 632/13090/57 634/13091/57 636/13080/57 +f 613/12815/57 595/13083/57 611/13089/57 +f 624/13092/57 636/13080/57 622/13088/57 +f 8251/13093/57 8266/11260/57 8265/13094/57 +f 630/13095/57 632/13090/57 636/13080/57 +f 8122/13096/57 8135/12852/57 8134/13097/57 +f 626/13098/57 636/13080/57 624/13092/57 +f 8269/13099/57 8271/13100/57 8272/13101/57 +f 8269/13099/57 8272/13101/57 8273/13102/57 +f 8269/13099/57 8273/13102/57 8274/13103/57 +f 8268/13104/57 581/13105/57 8269/13099/57 +f 8269/13099/57 8274/13103/57 8275/13106/57 +f 8269/13099/57 8275/13106/57 8276/13107/57 +f 628/13108/57 630/13095/57 636/13080/57 +f 8269/13099/57 8276/13107/57 8277/13109/57 +f 628/13108/57 636/13080/57 626/13098/57 +f 8269/13099/57 8277/13109/57 8278/13110/57 +f 8270/13111/57 8271/13100/57 8269/13099/57 +f 8092/13078/57 721/12802/57 8093/12801/57 +f 581/13105/57 8270/13111/57 8269/13099/57 +f 8250/11258/57 8266/11260/57 8251/13093/57 +f 8245/13112/57 8249/13113/57 8246/12810/57 +f 8245/13112/57 8250/11258/57 8249/13113/57 +f 8236/13114/57 8237/13115/57 8227/13116/57 +f 8254/13117/57 8255/13118/6109 8256/13119/57 +f 8254/13117/57 8256/13119/57 8257/13120/57 +f 8254/13117/57 8257/13120/57 8258/13121/57 +f 8221/13122/57 8279/13123/57 8280/13124/57 +f 8259/13125/57 8254/13117/57 8258/13121/57 +f 8221/13122/57 8280/13124/57 8281/13126/57 +f 8221/13122/57 8281/13126/57 8282/13127/57 +f 8235/13128/57 8236/13114/57 8227/13116/57 +f 8221/13122/57 8282/13127/57 8283/13129/57 +f 8221/13122/57 8283/13129/57 8284/13130/57 +f 8221/13122/57 8284/13130/57 8285/13131/57 +f 8221/13122/57 8285/13131/57 8286/13132/57 +f 8234/13133/57 8235/13128/57 8227/13116/57 +f 8221/13122/57 8286/13132/57 8287/13134/57 +f 8221/13122/57 8287/13134/57 593/12863/57 +f 749/12817/57 8112/13135/57 8113/13136/57 +f 8239/12870/57 8225/12872/57 8224/11259/57 +f 8118/13137/57 746/12835/57 8117/13138/57 +f 585/13139/57 8268/13104/57 8267/13140/57 +f 238/407/279 239/3459/187 240/3461/187 +f 8260/13141/57 8254/13117/57 8259/13125/57 +f 8240/13142/57 8239/12870/57 8224/11259/57 +f 8240/13142/57 8250/11258/57 8245/13112/57 +f 8261/13143/57 8254/13117/57 8260/13141/57 +f 8125/12883/57 8122/13096/57 8134/13097/57 +f 8728/3604/135 355/13144/135 8729/13145/135 +f 8233/13146/57 8234/13133/57 8227/13116/57 +f 8114/12881/57 8112/13135/57 8111/12880/57 +f 8241/12875/57 8240/13142/57 8245/13112/57 +f 8241/12875/57 8245/13112/57 8244/12873/57 +f 8223/12850/57 589/12849/57 587/13147/57 +f 8262/13148/57 8254/13117/57 8261/13143/57 +f 8263/13149/57 8254/13117/57 8262/13148/57 +f 8232/13150/57 8233/13146/57 8227/13116/57 +f 597/13151/57 595/13083/57 594/13152/57 +f 587/13147/57 585/13139/57 8267/13140/57 +f 8228/13153/57 8227/13116/57 8229/13154/57 +f 587/13147/57 8267/13140/57 8266/11260/57 +f 599/13155/57 595/13083/57 597/13151/57 +f 8231/13156/57 8232/13150/57 8227/13116/57 +f 8253/12804/57 8254/13117/57 8263/13149/57 +f 8230/13157/57 8227/13116/57 8228/13153/57 +f 8230/13157/57 8231/13156/57 8227/13116/57 +f 8224/11259/57 587/13147/57 8266/11260/57 +f 8224/11259/57 8223/12850/57 587/13147/57 +f 601/13158/57 595/13083/57 599/13155/57 +f 717/12876/57 8138/12861/57 8137/12877/57 +f 603/13084/57 595/13083/57 601/13158/57 +f 8108/13159/57 8097/13160/57 8096/3662/57 +f 8668/13161/257 8751/13162/535 8667/13163/535 +f 1465/9824/5643 1468/13164/2374 1467/3465/2374 +f 2687/13165/573 5235/11405/6224 5234/13166/573 +f 2779/13167/5397 2780/13168/6451 2778/8816/5397 +f 514/4291/2566 515/13169/2408 516/3529/2408 +f 2201/7743/5142 109/13170/19 2200/7745/5142 +f 2538/13171/326 5225/13172/326 5226/13173/326 +f 7000/8738/5367 7002/8253/5239 7001/8739/5367 +f 7612/12030/6335 7614/8914/5421 7613/12031/6335 +f 8089/13174/335 8143/8880/5406 8142/9546/335 +f 4834/13175/6452 4843/11870/6308 4831/13176/6308 +f 5274/7087/4810 2460/13053/6446 5275/13054/6446 +f 5068/13177/6453 5014/13178/32 5027/13179/6453 +f 2076/13180/6363 2295/13181/6294 2229/11859/6294 +f 8455/13006/6438 8456/11237/6182 8454/13182/6438 +f 7516/13183/518 7509/13184/5250 7517/8274/5250 +f 290/13185/5238 286/13186/579 287/13187/579 +f 2355/12231/6296 5115/11208/6174 2382/13188/6174 +f 8043/9668/5599 8123/13189/4837 8044/7132/4837 +f 7803/7090/4811 7774/13190/6447 7789/13055/6447 +f 693/13191/5368 8275/13192/1733 8274/9684/5368 +f 2693/8530/5313 4810/13193/6454 2694/13194/6455 +f 7406/3399/2344 7375/13195/2563 7407/4284/2563 +f 7745/13196/6367 7746/11614/6260 7744/12190/6367 +f 8349/2398/1710 8346/13197/6456 8347/13198/6456 +f 596/10028/692 8248/13199/6441 8182/13200/6441 +f 4852/13201/5340 4826/13202/4784 4854/7041/4784 +f 2486/13203/6457 5208/536/356 5207/13204/6270 +f 7701/11719/6287 7716/9571/5580 7717/13205/5580 +f 4471/11705/6281 4472/13206/5316 4473/8537/5316 +f 4761/4268/1712 4767/2400/1701 4766/13207/1701 +f 4857/13208/161 4827/13209/6359 4859/12167/6359 +f 212/13210/5380 215/3139/2290 211/13211/5380 +f 2357/9304/5511 4983/12709/6423 4995/13212/5511 +f 2117/7191/4865 2112/13213/6203 2115/12401/6203 +f 8487/13214/490 8488/8547/5319 8486/754/490 +f 528/853/552 529/4385/2378 483/4387/2378 +f 8169/13215/6170 8240/13216/2402 8170/8811/2402 +f 2536/12318/6379 5383/2463/1746 2527/13217/1746 +f 2344/13218/528 4994/9305/5512 4993/816/528 +f 2567/3390/1674 4862/12757/1673 2497/13219/1673 +f 8704/13220/6229 8783/9778/2397 8782/13221/6229 +f 2493/13222/5658 4883/11759/6296 2505/13223/6296 +f 4447/463/313 4448/13224/5228 4449/8207/5228 +f 8687/11744/5181 8756/13225/2352 8686/13226/2352 +f 8669/13227/5221 8737/13077/5288 8736/8195/5219 +f 8692/12416/1695 8786/7040/1696 8785/12417/1695 +f 7243/8746/5369 7240/13228/154 7241/204/154 +f 2245/13229/6458 2324/3508/2398 2323/13230/5652 +f 8427/11262/6192 8424/12704/6421 8425/13231/6421 +f 8047/13232/566 8131/13233/565 8045/11920/6316 +f 285/12530/578 286/13234/579 284/13235/578 +f 7956/13236/6459 7958/7006/4767 7957/13237/6459 +f 5238/13238/4 2354/13239/4 5237/13240/4 +f 5489/13241/5213 5490/13242/6460 5488/8170/5213 +f 7663/8068/5192 7660/13243/6461 7661/13244/6461 +f 31/3485/2387 25/12418/6391 26/13245/6391 +f 2113/13246/6388 2108/13247/5410 2111/9003/5438 +f 281/13248/614 278/751/133 279/13249/133 +f 2392/13250/6462 4979/9014/5442 2393/9013/5442 +f 7889/6458/4312 7890/9006/5439 7888/13251/4312 +f 7661/13244/6461 7658/9442/5544 7659/13252/5544 +f 5493/13253/6463 5494/9002/5436 5492/13254/6463 +f 5542/13255/6330 5543/13256/5592 5541/12017/6330 +f 5535/13257/6319 5545/13258/268 5546/383/268 +f 8363/11357/6211 8360/100/73 8361/13259/73 +f 264/2458/291 258/13260/494 262/13261/494 +f 7479/11948/6323 7476/11928/5193 7477/13262/5193 +f 1521/13263/6464 1523/13264/5364 1524/8732/5364 +f 4539/13265/6465 4540/13266/698 4541/1107/698 +f 5432/12520/6406 2610/8790/5390 5433/8789/5390 +f 2781/13267/6451 2782/8713/5357 2780/13168/6451 +f 2821/8055/5185 2817/11372/32 2818/13268/32 +f 7682/13269/504 7681/13270/6466 7680/13271/6466 +f 7784/11848/6304 7764/13272/5640 7785/9815/5640 +f 8028/13273/1720 8114/13274/5521 8032/11252/6190 +f 347/7120/4829 349/13275/2549 350/4258/2549 +f 5213/13276/19 2431/13277/19 5212/13278/19 +f 2815/11650/6272 2812/9651/5593 2813/13279/5593 +f 2381/13280/6432 4807/13281/32 4808/12789/6432 +f 4513/8509/5306 4514/13282/5667 4515/10009/5667 +f 7861/13042/6444 7858/13283/1737 7859/2446/1737 +f 7794/12084/6343 7775/13284/5513 7795/9307/5513 +f 5091/13285/6411 5036/8526/5312 5086/8525/5312 +f 7597/13286/32 7594/13287/32 7595/13288/32 +f 2876/13289/6402 2758/12726/6426 2875/12506/6402 +f 4932/13290/5261 4915/13291/5176 4934/8029/5176 +f 768/13292/477 769/7152/478 767/13074/477 +f 8577/9136/5475 8574/13293/261 8575/372/261 +f 4966/11457/6238 2587/12752/6429 4967/12753/6429 +f 2267/13294/2366 2321/3482/2384 2320/3444/2366 +f 2422/13295/6467 4796/13296/6468 2423/13297/6468 +f 2421/11845/6207 5113/13298/5335 5112/13299/6207 +f 7011/13300/5678 7021/13301/6469 7020/13302/6469 +f 8010/2356/1688 8012/2338/1678 8011/2357/1688 +f 8198/13303/1734 8277/7108/4820 8276/9048/1734 +f 2167/13304/1736 2331/11510/4774 2330/13305/1736 +f 2216/415/284 2287/13306/2354 2217/9974/2354 +f 5491/13307/6460 5492/13254/6463 5490/13242/6460 +f 533/3464/552 537/13308/2378 536/3471/2378 +f 4487/2476/1752 4488/13309/6371 4489/12240/6371 +f 204/13310/5467 209/9113/5464 203/13311/5467 +f 8323/9211/5494 8320/13312/6221 8321/11383/6221 +f 2225/13313/6378 2300/1139/234 2310/9353/5531 +f 280/13314/614 282/12532/615 283/12531/615 +f 739/12448/1738 734/13315/1739 737/13316/1739 +f 7046/13317/5295 7048/3539/2413 7047/13318/5296 +f 7655/13319/6345 7656/13320/6396 7654/12101/6345 +f 745/3573/2430 740/13321/575 743/2480/575 +f 8585/13322/6385 8582/13323/6470 8583/13324/6470 +f 2539/13325/32 5203/13326/32 5211/13327/32 +f 7823/13328/5149 7824/309/218 7822/7961/5149 +f 4371/12305/19 4370/13329/359 4368/542/359 +f 5449/8215/5232 2405/6182/4066 5450/6181/4066 +f 581/13330/6349 8217/11640/6268 8270/11642/2597 +f 1420/12185/5257 1378/2259/1611 1423/13331/494 +f 5341/13067/6449 5308/13332/6400 5342/12492/6400 +f 7137/4279/2560 7134/13333/2605 7135/4365/2605 +f 7839/13334/5624 7840/9499/5565 7838/9769/5624 +f 6529/6725/4536 6530/6501/4343 6531/6629/4449 +f 5497/13335/5437 5498/11628/6263 5496/9001/5437 +f 1516/29/23 1518/13336/5637 1517/9806/5637 +f 2670/12430/6393 4817/8760/5376 2376/13337/5376 +f 2660/13338/364 5124/11538/363 2661/13339/363 +f 8469/13340/5337 8470/3475/2380 8468/8586/5337 +f 5144/13341/5261 5166/11979/5321 5140/11978/5321 +f 8529/11451/6236 8526/13342/5622 8527/9766/5622 +f 2422/13295/6467 4792/9448/5547 4797/13343/6471 +f 8182/13200/6441 8249/13344/5173 8181/13345/5173 +f 7979/13346/695 7980/8607/5348 7978/13347/695 +f 7974/2422/1722 7976/12717/6424 7977/12716/6424 +f 8092/13348/2619 8057/13349/4771 8091/9229/4771 +f 292/12714/191 288/13350/5238 290/13185/5238 +f 4925/9663/5597 4922/13351/5338 4926/13352/5338 +f 5324/2431/1729 5304/13353/6409 5325/12537/6409 +f 8039/13354/6170 8110/13355/2402 8040/3518/2402 +f 2450/7953/1712 4769/4266/1701 4764/7954/1712 +f 2682/9673/5602 5279/11429/6227 2351/13356/6227 +f 8667/13163/535 8752/13357/536 8665/13358/536 +f 7835/13359/6472 7836/9770/5623 7834/13360/6472 +f 4809/13361/6473 2694/13362/6455 4810/13363/6454 +f 4481/3142/2292 4482/13364/2342 4483/3394/2342 +f 2745/13365/6474 2855/13366/5679 2856/10050/5679 +f 5350/13367/6440 2368/830/537 5351/832/537 +f 1439/12450/5238 1408/2302/1659 1440/13368/191 +f 4741/7728/5132 4754/7733/5136 4742/7735/5136 +f 1519/9808/5638 1522/13369/6464 1521/13263/6464 +f 7911/13370/2305 7912/13371/6475 7910/13372/2305 +f 7913/13373/6475 7914/12100/6344 7912/13371/6475 +f 4411/11217/6177 4412/13374/135 4413/13375/135 +f 2614/443/300 5437/7139/4841 5436/13376/300 +f 560/8716/4807 563/13377/717 562/13378/717 +f 2793/3263/2326 2865/13379/6398 2866/12441/6398 +f 8725/13380/2365 8779/7069/2366 8778/12744/2365 +f 584/13381/5414 587/13382/32 586/12134/32 +f 615/501/241 611/13383/6476 614/8717/242 +f 8597/12019/6331 8594/13384/5374 8595/8757/5374 +f 2789/4311/2578 2790/13385/6425 2791/12725/6425 +f 7065/13386/6477 7066/13387/5613 7064/13388/6477 +f 182/13389/2368 183/7019/4772 181/3447/2368 +f 5024/13390/6372 5068/13177/6453 5027/13179/6453 +f 2263/13391/5619 2074/11659/5165 2334/13392/5618 +f 8619/13393/5141 8620/13008/6439 8618/7742/5141 +f 2710/806/521 5370/13394/5528 5369/13395/521 +f 7675/13396/5258 7676/862/558 7677/861/558 +f 1440/13368/191 1410/2280/1638 1417/11410/192 +f 5053/8918/5422 5038/13397/5515 5054/9310/5515 +f 8078/9222/2607 8134/13398/608 8077/932/608 +f 7065/13386/6477 7062/13399/606 7063/929/606 +f 2738/11306/6204 2739/480/323 2735/13400/6204 +f 7129/12071/4777 7126/13401/2324 7127/3260/2324 +f 580/12799/5413 585/13402/5415 584/13381/5414 +f 2672/13403/2322 5281/9674/5603 2681/13404/5603 +f 8181/13345/5173 8250/13405/5174 8180/12306/5174 +f 4973/13406/6478 2695/13407/351 4974/13408/353 +f 4784/11778/6298 2526/11699/6278 4785/11700/6278 +f 8066/3423/2357 8095/13409/5456 8067/13410/5456 +f 8347/13198/6456 8344/509/338 8345/13411/338 +f 7139/4277/2559 7110/4298/725 7138/13412/2559 +f 2547/13413/6389 5231/13414/561 5230/12411/6389 +f 8666/13415/4759 380/13416/1724 382/2443/1724 +f 2262/13417/5384 2334/13392/5618 2333/8774/5384 +f 762/13418/5373 763/4341/2595 761/13419/5373 +f 8682/13420/2396 8767/13421/704 8766/11408/2396 +f 8583/13324/6470 8580/11501/6242 8581/13422/6242 +f 7954/412/282 7956/13236/6459 7957/13237/6459 +f 8719/13423/6479 8792/11866/5384 8791/7025/4775 +f 5007/13424/576 5050/8932/5425 5032/13425/5425 +f 8555/13426/4 8559/13427/4 8557/13428/4 +f 8553/13429/4 8559/13427/4 8555/13426/4 +f 8303/13430/4 8311/13431/4 8309/13432/4 +f 8303/13430/4 8309/13432/4 8307/13433/4 +f 8303/13430/4 8307/13433/4 8305/13434/4 +f 8551/13435/4 8561/13436/4 8559/13427/4 +f 8551/13435/4 8559/13427/4 8553/13429/4 +f 8369/13437/4 8367/13438/4 8357/13439/4 +f 8369/13437/4 8357/13439/4 8355/13440/4 +f 8369/13437/4 8355/13440/4 8353/13441/4 +f 8369/13437/4 8353/13441/4 8351/13442/4 +f 8369/13437/4 8351/13442/4 8349/13443/4 +f 8369/13437/4 8349/13443/4 8347/13444/4 +f 8369/13437/4 8347/13444/4 8345/13445/4 +f 8369/13437/4 8345/13445/4 8343/13446/4 +f 8371/13447/4 8369/13437/4 8343/13446/4 +f 8371/13447/4 8331/13448/4 8299/13449/4 +f 8643/13450/4 8641/13451/4 8639/13452/4 +f 8637/13453/4 8643/13450/4 8639/13452/4 +f 8371/13447/4 8343/13446/4 8341/13454/4 +f 8371/13447/4 8341/13454/4 8339/13455/4 +f 8371/13447/4 8335/13456/4 8333/13457/4 +f 8371/13447/4 8333/13457/4 8331/13448/4 +f 8371/13447/4 8299/13449/4 8297/13458/4 +f 8371/13447/4 8339/13455/4 8335/13456/4 +f 2023/2130/1512 2004/2115/1500 2001/2114/1499 +f 8373/3198/4 8295/13459/4 8293/3196/4 +f 8649/4509/4 8647/13460/4 8645/13461/4 +f 8649/4509/4 8645/13461/4 8643/13450/4 +f 8549/13462/4 8561/13436/4 8551/13435/4 +f 8649/4509/4 8637/13453/4 8635/13463/4 +f 3939/5803/3895 4218/7737/5137 3938/6476/4324 +f 8649/4509/4 8643/13450/4 8637/13453/4 +f 8633/13464/4 8649/4509/4 8635/13463/4 +f 8483/10642/4 8571/13465/4 8485/5897/4 +f 8301/13466/4 8311/13431/4 8303/13430/4 +f 8301/13466/4 8325/13467/4 8323/13468/4 +f 8301/13466/4 8323/13468/4 8321/13469/4 +f 8301/13466/4 8321/13469/4 8319/13470/4 +f 8301/13466/4 8319/13470/4 8317/13471/4 +f 8301/13466/4 8317/13471/4 8315/13472/4 +f 8301/13466/4 8315/13472/4 8313/13473/4 +f 8301/13466/4 8313/13473/4 8311/13431/4 +f 8299/13449/4 8325/13467/4 8301/13466/4 +f 8299/13449/4 8327/13474/4 8325/13467/4 +f 8547/13475/4 8561/13436/4 8549/13462/4 +f 8329/13476/4 8327/13474/4 8299/13449/4 +f 8545/13477/4 8561/13436/4 8547/13475/4 +f 8331/13448/4 8329/13476/4 8299/13449/4 +f 8543/13478/4 8561/13436/4 8545/13477/4 +f 8541/13479/4 8561/13436/4 8543/13478/4 +f 1433/13480/4 8631/13481/4 8629/13482/4 +f 1433/13480/4 8629/13482/4 1432/13483/4 +f 1754/13484/6480 1755/3837/2464 1752/9920/5651 +f 1431/13485/4 1432/13483/4 8629/13482/4 +f 8539/13486/4 8561/13436/4 8541/13479/4 +f 8399/13487/4 8397/13488/4 8395/13489/4 +f 1434/13490/4 8631/13481/4 1433/13480/4 +f 8401/13491/4 8399/13487/4 8395/13489/4 +f 1435/13492/4 8633/13464/4 8631/13481/4 +f 1435/13492/4 8631/13481/4 1434/13490/4 +f 8537/13493/4 8561/13436/4 8539/13486/4 +f 8405/13494/4 8403/13495/4 8401/13491/4 +f 1429/13496/4 1430/13497/4 8627/13498/4 +f 8407/13499/4 8401/13491/4 8395/13489/4 +f 8407/13499/4 8405/13494/4 8401/13491/4 +f 1436/13500/4 8633/13464/4 1435/13492/4 +f 1436/13500/4 8649/4509/4 8633/13464/4 +f 8409/13501/4 8407/13499/4 8395/13489/4 +f 1428/13502/4 1429/13496/4 8627/13498/4 +f 8535/13503/4 8561/13436/4 8537/13493/4 +f 1428/13502/4 8627/13498/4 8625/13504/4 +f 8535/13503/4 8563/13505/4 8561/13436/4 +f 8413/13506/4 8409/13501/4 8395/13489/4 +f 5044/13507/135 4995/11693/135 4983/11696/135 +f 8413/13506/4 8411/13508/4 8409/13501/4 +f 8413/13506/4 8395/13489/4 8393/13509/4 +f 8415/13510/4 8413/13506/4 8393/13509/4 +f 1427/13511/4 1428/13502/4 8625/13504/4 +f 8533/13512/4 8563/13505/4 8535/13503/4 +f 1956/7313/4872 1955/2014/1408 1967/2084/1471 +f 8533/13512/4 8565/13513/4 8563/13505/4 +f 8417/13514/4 8415/13510/4 8393/13509/4 +f 8419/13515/4 8393/13509/4 8391/13516/4 +f 8419/13515/4 8417/13514/4 8393/13509/4 +f 8531/13517/4 8565/13513/4 8533/13512/4 +f 8421/13518/4 8419/13515/4 8391/13516/4 +f 1425/13519/4 1427/13511/4 8625/13504/4 +f 8529/13520/4 8565/13513/4 8531/13517/4 +f 1439/1504/4 8657/13521/4 8655/1505/4 +f 8402/13522/4 2807/13523/4 8400/13524/4 +f 8423/13525/4 8421/13518/4 8391/13516/4 +f 8423/13525/4 8391/13516/4 8389/9247/4 +f 8339/13455/4 8337/13526/4 8335/13456/4 +f 8623/187/4 1425/13519/4 8625/13504/4 +f 1423/13527/4 1425/13519/4 8623/187/4 +f 8475/13528/4 8383/91/4 8381/13529/4 +f 1440/13530/4 8659/13531/4 8657/13521/4 +f 1440/13530/4 8657/13521/4 1439/1504/4 +f 4762/2401/1712 2444/7952/5143 4763/2399/1711 +f 6653/13532/6481 6654/10788/6098 6655/10787/6097 +f 1417/13533/4 8661/13534/4 8659/13531/4 +f 68/5150/3309 64/87/64 69/5149/3308 +f 8471/10550/4 8385/93/4 8473/92/4 +f 1417/13533/4 8659/13531/4 1440/13530/4 +f 8477/13535/4 8381/13529/4 8379/13536/4 +f 8477/13535/4 8475/13528/4 8381/13529/4 +f 1416/13537/4 8661/13534/4 1417/13533/4 +f 8479/13538/4 8477/13535/4 8379/13536/4 +f 8479/13538/4 8379/13536/4 8377/13539/4 +f 1857/1736/1166 1845/7316/4875 1844/1818/1235 +f 8481/13540/4 8479/13538/4 8377/13539/4 +f 8467/9249/4 8423/13525/4 8389/9247/4 +f 8465/13541/4 8425/13542/4 8423/13525/4 +f 8619/13543/4 1426/8370/4 1421/13544/4 +f 8619/13543/4 1420/186/4 8621/188/4 +f 8465/13541/4 8423/13525/4 8467/9249/4 +f 8619/13543/4 1421/13544/4 1420/186/4 +f 8483/10642/4 8481/13540/4 8377/13539/4 +f 8483/10642/4 8377/13539/4 8375/3197/4 +f 6281/5875/3955 6255/5813/3901 6254/2671/1916 +f 867/10065/5682 955/13545/6482 872/4435/2649 +f 8463/13546/4 8427/13547/4 8425/13542/4 +f 8463/13546/4 8425/13542/4 8465/13541/4 +f 8373/3198/4 8297/13458/4 8295/13459/4 +f 8429/13548/4 8463/13546/4 8461/13549/4 +f 8429/13548/4 8427/13547/4 8463/13546/4 +f 8489/7677/4 8565/13513/4 8529/13520/4 +f 8489/7677/4 8567/7676/4 8565/13513/4 +f 8489/7677/4 8529/13520/4 8527/13550/4 +f 8489/7677/4 8527/13550/4 8525/13551/4 +f 8459/13552/4 8429/13548/4 8461/13549/4 +f 8431/13553/4 8429/13548/4 8459/13552/4 +f 8523/13554/4 8489/7677/4 8525/13551/4 +f 8605/13555/4 8613/13556/4 8611/13557/4 +f 8605/13555/4 8611/13557/4 8609/13558/4 +f 8605/13555/4 8609/13558/4 8607/13559/4 +f 8433/13560/4 8431/13553/4 8459/13552/4 +f 8435/13561/4 8433/13560/4 8459/13552/4 +f 8457/13562/4 8435/13561/4 8459/13552/4 +f 8521/13563/4 8489/7677/4 8523/13554/4 +f 8521/13563/4 8491/13564/4 8489/7677/4 +f 8601/13565/4 8605/13555/4 8603/13566/4 +f 8439/13567/4 8437/13568/4 8435/13561/4 +f 8439/13567/4 8435/13561/4 8457/13562/4 +f 8453/13569/4 8457/13562/4 8455/13570/4 +f 8441/13571/4 8439/13567/4 8457/13562/4 +f 8451/13572/4 8457/13562/4 8453/13569/4 +f 8449/13573/4 8441/13571/4 8457/13562/4 +f 8449/13573/4 8457/13562/4 8451/13572/4 +f 8449/13573/4 8443/13574/4 8441/13571/4 +f 8447/13575/4 8443/13574/4 8449/13573/4 +f 8597/13576/4 8601/13565/4 8599/13577/4 +f 8447/13575/4 8445/13578/4 8443/13574/4 +f 8597/13576/4 8613/13556/4 8605/13555/4 +f 8597/13576/4 8605/13555/4 8601/13565/4 +f 8519/13579/4 8491/13564/4 8521/13563/4 +f 8595/13580/4 8619/13543/4 8617/13581/4 +f 8517/13582/4 8491/13564/4 8519/13579/4 +f 8595/13580/4 8617/13581/4 8615/13583/4 +f 8595/13580/4 8615/13583/4 8613/13556/4 +f 8595/13580/4 1426/8370/4 8619/13543/4 +f 8595/13580/4 8613/13556/4 8597/13576/4 +f 8515/13584/4 8491/13564/4 8517/13582/4 +f 8513/13585/4 8491/13564/4 8515/13584/4 +f 8511/13586/4 8491/13564/4 8513/13585/4 +f 6333/5946/4013 6343/5983/4047 6324/3760/2453 +f 8509/13587/4 8491/13564/4 8511/13586/4 +f 6690/8681/5016 6689/6718/4529 6698/6720/4531 +f 8507/13588/4 8491/13564/4 8509/13587/4 +f 1556/11206/6173 1652/672/2643 1560/13589/2642 +f 8505/13590/4 8491/13564/4 8507/13588/4 +f 8505/13590/4 8493/13591/4 8491/13564/4 +f 8503/13592/4 8493/13591/4 8505/13590/4 +f 8587/13593/4 1418/13594/4 1419/9934/4 +f 8499/13595/4 8497/13596/4 8495/13597/4 +f 8499/13595/4 8495/13597/4 8493/13591/4 +f 8587/13593/4 1419/9934/4 8589/9933/4 +f 8501/13598/4 8493/13591/4 8503/13592/4 +f 8501/13598/4 8499/13595/4 8493/13591/4 +f 8585/13599/4 1418/13594/4 8587/13593/4 +f 8583/13600/4 8663/13601/4 8661/13534/4 +f 8583/13600/4 1416/13537/4 1418/13594/4 +f 8583/13600/4 8661/13534/4 1416/13537/4 +f 8583/13600/4 1418/13594/4 8585/13599/4 +f 8581/13602/4 8663/13601/4 8583/13600/4 +f 8579/13603/4 8291/13604/4 8663/13601/4 +f 8579/13603/4 8663/13601/4 8581/13602/4 +f 8577/13605/4 8291/13604/4 8579/13603/4 +f 8575/13606/4 8291/13604/4 8577/13605/4 +f 8575/13606/4 8290/10643/4 8291/13604/4 +f 8573/10644/4 8290/10643/4 8575/13606/4 +f 8367/13438/4 8365/13607/4 8363/13608/4 +f 8367/13438/4 8363/13608/4 8361/13609/4 +f 8367/13438/4 8361/13609/4 8359/13610/4 +f 8367/13438/4 8359/13610/4 8357/13439/4 +f 7033/13611/57 7995/13612/57 7993/13613/57 +f 2344/3727/135 2340/3698/135 2355/3725/135 +f 7439/3703/57 7325/13614/57 7323/3701/57 +f 7033/13611/57 7036/13615/57 7995/13612/57 +f 3677/5943/4010 4567/7330/4886 3767/6200/4084 +f 7423/13616/57 7451/13617/57 7245/13618/57 +f 7727/3711/57 7652/13619/57 7729/13620/57 +f 7902/12463/57 7942/12486/57 7920/12483/57 +f 6861/77/56 1046/13621/6483 1044/13622/57 +f 969/1436/911 1035/13623/57 1031/13624/57 +f 969/1436/911 1039/13625/57 1035/13623/57 +f 6573/2069/1456 6552/5895/3969 1491/6502/57 +f 969/1436/911 1042/13626/57 1039/13625/57 +f 7465/8703/57 7313/13627/57 7311/8702/57 +f 969/1436/911 1044/13622/57 1042/13626/57 +f 7465/8703/57 7315/10980/57 7313/13627/57 +f 7669/13628/57 7667/13629/6109 7672/13630/57 +f 969/1436/911 6861/77/56 1044/13622/57 +f 7669/13628/57 7672/13630/57 7675/13631/57 +f 6581/13632/1542 6385/89/66 6386/6221/4104 +f 1525/13633/57 7815/13634/57 7812/13635/57 +f 1525/13633/57 7817/13636/57 7815/13634/57 +f 6526/6450/4308 6527/9405/5538 6525/6446/4304 +f 1525/13633/57 7819/13637/57 7817/13636/57 +f 1525/13633/57 7821/13638/57 7819/13637/57 +f 6494/6431/4290 6526/6450/4308 6525/6446/4304 +f 6495/5151/3310 6494/6431/4290 6525/6446/4304 +f 7725/3712/57 7646/13639/57 7648/3710/57 +f 6984/3752/57 7883/4247/57 7061/4246/57 +f 7293/13640/57 7463/10979/57 7461/13641/57 +f 6455/6332/4206 6495/5151/3310 6525/6446/4304 +f 7671/13642/57 7675/13631/57 7677/13643/57 +f 2382/13644/135 2357/3729/135 2355/3725/135 +f 7039/13645/57 7041/13646/57 7042/13647/57 +f 7671/13642/57 7669/13628/57 7675/13631/57 +f 2385/3801/135 2382/13644/135 2409/3799/135 +f 1517/11670/57 6988/10795/57 6991/13648/57 +f 8015/13649/57 969/1436/911 8017/13650/57 +f 2529/3996/135 2528/13651/135 2540/3994/135 +f 7953/13652/57 7863/13653/57 7881/13654/57 +f 1441/12196/57 7644/12198/57 7646/13639/57 +f 1509/4997/57 7280/4195/57 7283/13655/57 +f 1509/4997/57 7283/13655/57 7285/13656/57 +f 3680/5871/3951 3670/10516/5983 3671/6001/4061 +f 1527/6445/57 7821/13638/57 1525/13633/57 +f 6223/5411/3547 6236/5751/3858 6237/5780/3880 +f 1527/6445/57 7823/13657/57 7821/13638/57 +f 1527/6445/57 7825/13658/57 7823/13657/57 +f 1527/6445/57 7827/13659/57 7825/13658/57 +f 1669/13660/1885 1668/13661/6484 1665/13662/1884 +f 7659/13663/57 7677/13643/57 7679/13664/57 +f 7030/13665/57 7033/13611/57 7993/13613/57 +f 8013/13666/57 969/1436/911 8015/13649/57 +f 7659/13663/57 7671/13642/57 7677/13643/57 +f 6395/6234/4113 6455/6332/4206 6525/6446/4304 +f 7461/13641/57 7295/13667/57 7293/13640/57 +f 7723/13668/57 7646/13639/57 7725/3712/57 +f 8010/13669/57 969/1436/911 8013/13666/57 +f 7661/13670/57 7679/13664/57 7681/13671/57 +f 7661/13670/57 7659/13663/57 7679/13664/57 +f 6564/6531/4371 6573/2069/1456 1491/6502/57 +f 7459/13672/57 7297/13673/57 7295/13667/57 +f 7459/13672/57 7299/13674/57 7297/13673/57 +f 8009/13675/57 969/1436/911 8010/13669/57 +f 7459/13672/57 7295/13667/57 7461/13641/57 +f 1521/1898/57 7841/13676/57 7839/13677/57 +f 7971/13678/57 969/1436/911 8009/13675/57 +f 1521/1898/57 7829/1897/57 7841/13676/57 +f 7663/13679/57 7661/13670/57 7681/13671/57 +f 7969/13680/57 969/1436/911 7971/13678/57 +f 1682/2655/1902 1680/2651/1898 1681/2653/1900 +f 1445/13681/57 7723/13668/57 7720/4130/57 +f 7967/78/57 969/1436/911 7969/13680/57 +f 7457/13682/57 7301/13683/57 7299/13674/57 +f 2352/3716/2439 2420/3817/135 2554/4012/135 +f 7457/13682/57 7303/13684/57 7301/13683/57 +f 7457/13682/57 7299/13674/57 7459/13672/57 +f 7020/3892/57 7019/13685/57 7022/13686/57 +f 7020/3892/57 7022/13686/57 7025/5463/57 +f 6981/3753/57 7887/13687/57 7885/3751/57 +f 7594/10086/57 7424/13688/57 7423/13616/57 +f 847/1238/740 7665/13689/57 7663/13679/57 +f 7594/10086/57 7427/13690/57 7424/13688/57 +f 847/1238/740 7681/13671/57 7683/13691/57 +f 7594/10086/57 7429/13692/57 7427/13690/57 +f 6981/3753/57 7859/13693/57 7857/13694/57 +f 847/1238/740 7683/13691/57 7693/13695/57 +f 2439/13696/135 2431/3828/135 2440/3845/135 +f 6981/3753/57 7861/13697/57 7859/13693/57 +f 2438/13698/135 2429/1540/135 2444/3848/135 +f 847/1238/740 1019/13699/57 1016/13700/57 +f 6981/3753/57 7857/13694/57 7887/13687/57 +f 847/1238/740 7663/13679/57 7681/13671/57 +f 1509/4997/57 1447/10803/57 1507/10802/57 +f 7605/13701/57 7596/10087/57 7607/13702/6205 +f 1012/13703/57 847/1238/740 1016/13700/57 +f 6979/13704/57 6964/10457/57 6981/3753/57 +f 6550/6500/4342 6564/6531/4371 1491/6502/57 +f 7603/13705/6276 7596/10087/57 7605/13701/57 +f 6972/13706/6485 6966/13707/6414 6964/10457/57 +f 6972/13706/6485 6964/10457/57 6979/13704/57 +f 2452/3886/135 2438/13698/135 2444/3848/135 +f 7600/10448/57 7596/10087/57 7603/13705/6276 +f 2439/13696/135 2453/3854/135 2454/13708/135 +f 2456/13709/135 2458/3863/135 2459/3862/135 +f 2425/3823/135 2456/13709/135 2462/3891/135 +f 7135/4059/57 7027/4058/57 7030/13665/57 +f 577/13710/135 549/13711/135 540/13712/135 +f 6532/9095/5460 1495/13713/57 1503/13714/57 +f 6532/9095/5460 1503/13714/57 1504/3647/57 +f 7137/13715/57 7135/4059/57 7030/13665/57 +f 1007/13716/57 847/1238/740 1012/13703/57 +f 1570/2541/1798 1561/13717/6486 1567/4218/2543 +f 7931/13718/57 7955/13719/57 7933/13720/57 +f 1490/4129/57 7749/13721/57 7747/13722/57 +f 1490/4129/57 7719/4131/57 7749/13721/57 +f 1519/13723/57 1521/1898/57 7839/13677/57 +f 1519/13723/57 7832/13724/57 7831/13725/57 +f 1519/13723/57 7835/13726/57 7832/13724/57 +f 1519/13723/57 7837/13727/57 7835/13726/57 +f 1519/13723/57 7839/13677/57 7837/13727/57 +f 7935/13728/57 7933/13720/57 7955/13719/57 +f 77/13729/57 141/2694/57 78/13730/57 +f 1519/13723/57 7831/13725/57 6988/10795/57 +f 7129/3893/57 7025/5463/57 7131/5464/57 +f 7129/3893/57 7012/13731/57 7011/3894/57 +f 1837/1793/1216 1838/1819/1236 1843/1794/1217 +f 1002/13732/57 847/1238/740 1007/13716/57 +f 7929/13733/57 7955/13719/57 7931/13718/57 +f 7937/13734/57 7935/13728/57 7955/13719/57 +f 1487/13735/57 1490/4129/57 7747/13722/57 +f 7139/13736/57 7137/13715/57 7030/13665/57 +f 7139/13736/57 7030/13665/57 7993/13613/57 +f 1487/13735/57 7745/13737/57 7743/13738/57 +f 1531/13739/57 6395/6234/4113 1530/10369/57 +f 7927/13740/57 7955/13719/57 7929/13733/57 +f 1487/13735/57 7747/13722/57 7745/13737/57 +f 7577/6229/57 7581/13741/57 7578/13742/57 +f 7577/6229/57 7583/13743/57 7581/13741/57 +f 7577/6229/57 7585/13744/57 7583/13743/57 +f 7577/6229/57 7587/13745/6276 7585/13744/57 +f 7577/6229/57 7589/13746/57 7587/13745/6276 +f 1464/3648/57 1508/13747/57 1461/3079/57 +f 1464/3648/57 1504/3647/57 1508/13747/57 +f 1485/11888/57 1487/13735/57 7743/13738/57 +f 7939/13748/57 7937/13734/57 7955/13719/57 +f 1485/11888/57 7741/13749/57 7739/3954/57 +f 1485/11888/57 7743/13738/57 7741/13749/57 +f 7921/13750/57 7939/13748/57 7955/13719/57 +f 7127/5912/57 7015/5911/57 7012/13731/57 +f 6922/3932/2486 7665/13689/57 847/1238/740 +f 7127/5912/57 7012/13731/57 7129/3893/57 +f 6922/3932/2486 847/1238/740 1002/13732/57 +f 7591/4107/57 7589/13746/57 7577/6229/57 +f 6922/3932/2486 1002/13732/57 998/10961/6162 +f 7111/13751/57 7993/13613/57 7990/13752/57 +f 7111/13751/57 7139/13736/57 7993/13613/57 +f 7924/13753/57 7955/13719/57 7927/13740/57 +f 6630/6959/4738 6629/5120/3283 6635/6631/4451 +f 7923/13754/57 7955/13719/57 7924/13753/57 +f 7923/13754/57 7956/13755/57 7955/13719/57 +f 7973/13756/57 7921/13750/57 7955/13719/57 +f 2494/3923/135 2505/13757/135 2506/13758/135 +f 2454/13708/135 2508/3946/135 2509/3948/135 +f 2507/13759/135 2505/13757/135 2528/13651/135 +f 7599/6078/57 7437/13760/57 7435/11800/57 +f 7599/6078/57 7468/13761/57 7467/13762/57 +f 6949/3933/2487 7736/13763/57 7735/3931/57 +f 8288/13764/4 2861/4431/4 2736/13765/4 +f 7599/6078/57 7467/13762/57 7437/13760/57 +f 7554/13766/57 7471/13767/57 7468/13761/57 +f 7554/13766/57 7473/13768/57 7471/13767/57 +f 7545/13769/57 7554/13766/57 7468/13761/57 +f 6479/6494/4337 6467/10702/6049 6484/6374/4239 +f 2519/3987/135 2521/13770/135 2525/13771/135 +f 531/3964/135 2452/3886/135 2522/3965/135 +f 6734/6781/4580 6720/3955/2494 6719/1842/1258 +f 7558/12197/57 7643/13772/57 7641/13773/57 +f 7549/13774/57 7546/13775/57 7545/13769/57 +f 1517/11670/57 6991/13648/57 6993/13776/57 +f 947/13777/6487 950/1413/894 946/2613/1861 +f 7877/1339/57 7956/13755/57 7923/13754/57 +f 2521/13770/135 2527/3973/135 2525/13771/135 +f 7871/13778/57 7963/13779/57 7961/13780/57 +f 2482/3906/135 2538/4079/135 2543/4004/135 +f 1533/13781/57 6395/6234/4113 1531/13739/57 +f 2499/3929/135 2543/4004/135 2552/4009/135 +f 6784/6830/4622 6720/3955/2494 6734/6781/4580 +f 7871/13778/57 7961/13780/57 7873/3819/57 +f 6783/6829/4621 6720/3955/2494 6784/6830/4622 +f 7879/13782/57 7877/1339/57 7923/13754/57 +f 7879/13782/57 7923/13754/57 7941/13783/57 +f 7149/3979/57 7003/13784/57 7000/3977/57 +f 7869/13785/57 7963/13779/57 7871/13778/57 +f 7869/13785/57 7965/13786/57 7963/13779/57 +f 7631/13787/57 7624/6231/57 7633/13788/57 +f 7869/13785/57 7967/78/57 7965/13786/57 +f 6667/6680/4489 6720/3955/2494 6783/6829/4621 +f 7628/4108/57 7624/6231/57 7631/13787/57 +f 6663/6682/4491 6720/3955/2494 6667/6680/4489 +f 6663/6682/4491 1477/13789/57 1480/13790/57 +f 7551/13791/57 7549/13774/57 7545/13769/57 +f 6663/6682/4491 1480/13790/57 1482/13792/57 +f 7147/13793/57 7005/13794/57 7003/13784/57 +f 6663/6682/4491 1482/13792/57 1484/13795/57 +f 7147/13793/57 7007/13796/57 7005/13794/57 +f 6663/6682/4491 1484/13795/57 1485/11888/57 +f 7147/13793/57 7003/13784/57 7149/3979/57 +f 2391/4132/2532 2554/4012/135 2562/4133/135 +f 7646/13639/57 1445/13681/57 1441/12196/57 +f 6533/3646/2436 1464/3648/57 1465/13797/57 +f 7866/79/57 7967/78/57 7869/13785/57 +f 6533/3646/2436 1465/13797/57 1467/13798/57 +f 6158/10428/5938 6167/5469/3597 6156/5468/3596 +f 7553/6077/57 7545/13769/57 7468/13761/57 +f 7881/13654/57 7879/13782/57 7941/13783/57 +f 7881/13654/57 7941/13783/57 7953/13652/57 +f 2563/4032/135 2508/3946/135 2603/13799/135 +f 7553/6077/57 7551/13791/57 7545/13769/57 +f 7253/13800/57 7112/13801/57 7111/13751/57 +f 7253/13800/57 7115/13802/57 7112/13801/57 +f 7253/13800/57 7117/13803/57 7115/13802/57 +f 7556/13804/57 7475/13805/57 7473/13768/57 +f 7556/13804/57 7477/13806/57 7475/13805/57 +f 7254/4044/57 7117/13803/57 7253/13800/57 +f 2349/3763/135 2348/3713/135 2383/3761/135 +f 6623/6294/4168 6628/4762/2958 1469/4761/57 +f 7556/13804/57 7473/13768/57 7554/13766/57 +f 2558/4018/135 2565/4047/135 2557/4015/135 +f 7265/13807/6206 7254/4044/57 7267/13808/6419 +f 6598/1398/879 6623/6294/4168 1469/4761/57 +f 1455/2029/57 7556/13804/57 1450/13809/57 +f 6637/6557/4391 1471/13810/57 1473/13811/57 +f 7263/13812/57 7254/4044/57 7265/13807/6206 +f 6637/6557/4391 1473/13811/57 1475/13813/57 +f 6637/6557/4391 1475/13813/57 1477/13789/57 +f 7949/13814/57 7863/13653/57 7951/13815/57 +f 6637/6557/4391 1477/13789/57 6663/6682/4491 +f 6599/1407/888 6598/1398/879 1469/4761/57 +f 7261/13816/57 7254/4044/57 7263/13812/57 +f 6636/6558/4392 6599/1407/888 1469/4761/57 +f 1516/11672/57 6996/11671/57 6995/13817/57 +f 966/1433/908 969/1436/911 1031/13624/57 +f 1516/11672/57 7009/13818/57 7007/13796/57 +f 7947/13819/57 7863/13653/57 7949/13814/57 +f 969/1436/911 847/1238/740 8027/13820/57 +f 1516/11672/57 6995/13817/57 7009/13818/57 +f 969/1436/911 8027/13820/57 8025/13821/57 +f 969/1436/911 8025/13821/57 8023/13822/57 +f 969/1436/911 8023/13822/57 8021/13823/57 +f 969/1436/911 8021/13823/57 8019/13824/57 +f 969/1436/911 8019/13824/57 8017/13650/57 +f 8027/13820/57 847/1238/740 8007/13825/57 +f 7615/13826/57 7612/13827/6206 7611/1581/57 +f 8007/13825/57 847/1238/740 7989/13828/57 +f 7989/13828/57 847/1238/740 7990/13752/57 +f 7990/13752/57 847/1238/740 7689/13829/57 +f 7990/13752/57 7689/13829/57 7686/13830/57 +f 7990/13752/57 7686/13830/57 7685/13831/57 +f 7258/4045/57 7254/4044/57 7261/13816/57 +f 7990/13752/57 7685/13831/57 7620/13832/57 +f 7990/13752/57 7620/13832/57 7622/6230/57 +f 7145/10769/57 7007/13796/57 7147/13793/57 +f 7990/13752/57 7622/6230/57 7592/13833/57 +f 7990/13752/57 7592/13833/57 7594/10086/57 +f 7944/13834/57 7863/13653/57 7947/13819/57 +f 7990/13752/57 7594/10086/57 7423/13616/57 +f 7990/13752/57 7423/13616/57 7245/13618/57 +f 7145/10769/57 1516/11672/57 7007/13796/57 +f 7689/13829/57 847/1238/740 7691/13835/57 +f 7691/13835/57 847/1238/740 7693/13695/57 +f 6394/6232/4111 6395/6234/4113 1535/13836/57 +f 847/1238/740 846/1237/739 1019/13699/57 +f 6394/6232/4111 1535/13836/57 1538/13837/57 +f 7903/13838/57 7921/13750/57 7973/13756/57 +f 6394/6232/4111 1538/13837/57 1539/13839/57 +f 7903/13838/57 7973/13756/57 7985/13840/57 +f 6394/6232/4111 1539/13839/57 1494/13841/57 +f 7903/13838/57 7985/13840/57 7983/13842/57 +f 7316/13843/57 7307/13844/57 7305/13845/57 +f 7845/4211/57 7863/13653/57 7943/13846/57 +f 7251/13847/57 7111/13751/57 7990/13752/57 +f 922/1569/1020 1032/1549/1005 1037/1562/1013 +f 7035/13848/57 7039/13645/57 7042/13647/57 +f 7035/13848/57 7042/13647/57 7053/13849/57 +f 7943/13846/57 7863/13653/57 7944/13834/57 +f 7251/13847/57 7253/13800/57 7111/13751/57 +f 7617/7399/57 7615/13826/57 7611/1581/57 +f 7903/13838/57 7976/13850/57 7975/13851/57 +f 7903/13838/57 7979/13852/57 7976/13850/57 +f 7903/13838/57 7981/13853/57 7979/13852/57 +f 7903/13838/57 7983/13842/57 7981/13853/57 +f 1535/13836/57 6395/6234/4113 1533/13781/57 +f 7903/13838/57 7975/13851/57 7987/13854/57 +f 7903/13838/57 7987/13854/57 8005/13855/57 +f 7121/13856/57 7119/4043/57 7258/4045/57 +f 3688/10528/5991 3655/5925/3992 3654/5498/3624 +f 7904/13857/57 8003/13858/57 8001/13859/57 +f 7904/13857/57 8005/13855/57 8003/13858/57 +f 7634/13860/57 7574/13861/57 7627/4106/57 +f 7245/13618/57 7251/13847/57 7990/13752/57 +f 7904/13857/57 7903/13838/57 8005/13855/57 +f 7565/13862/57 7574/13861/57 7634/13860/57 +f 7907/13863/57 7904/13857/57 8001/13859/57 +f 7565/13862/57 7572/13864/57 7574/13861/57 +f 2596/4072/135 2633/4125/135 2634/13865/135 +f 2620/4100/135 2634/13865/135 2642/4150/135 +f 7713/13866/57 7711/1582/57 7620/13832/57 +f 7257/13867/57 7155/4144/57 7125/13868/57 +f 7257/13867/57 7121/13856/57 7258/4045/57 +f 7257/13867/57 7123/13869/57 7121/13856/57 +f 7257/13867/57 7125/13868/57 7123/13869/57 +f 1424/8372/4 8591/13870/4 1422/9932/4 +f 2142/3226/455 2138/3189/410 2141/3191/2313 +f 7827/13659/57 6825/6397/4261 7865/6398/57 +f 7562/13871/57 7565/13862/57 7634/13860/57 +f 7562/13871/57 7566/13872/57 7565/13862/57 +f 7562/13871/57 7569/13873/57 7566/13872/57 +f 7562/13871/57 7571/13874/57 7569/13873/57 +f 7560/13875/57 7562/13871/57 7634/13860/57 +f 7715/13876/57 7713/13866/57 7620/13832/57 +f 7704/13877/57 7619/13878/57 7617/7399/57 +f 7704/13877/57 7617/7399/57 7707/7400/57 +f 7056/4160/57 7999/13879/57 7997/13880/57 +f 7056/4160/57 8001/13859/57 7999/13879/57 +f 7056/4160/57 7907/13863/57 8001/13859/57 +f 7056/4160/57 7909/13881/57 7907/13863/57 +f 1525/13633/57 7811/13882/57 1524/1896/57 +f 7056/4160/57 7911/13883/57 7909/13881/57 +f 138/116/83 131/13884/6488 129/13885/149 +f 7056/4160/57 7913/4159/57 7911/13883/57 +f 1455/2029/57 7479/13886/57 7477/13806/57 +f 4746/7716/5125 3763/2231/1594 3762/6191/4075 +f 489/13887/135 568/13888/135 484/10958/135 +f 2665/4171/135 2663/4163/135 2670/4169/135 +f 7717/13889/57 7715/13876/57 7620/13832/57 +f 1460/2030/57 7454/13890/57 7453/13891/57 +f 1460/2030/57 7453/13891/57 7481/2028/57 +f 7067/13892/57 7058/4158/57 7069/13893/57 +f 2674/4186/135 2672/4172/135 2681/4187/135 +f 7065/13894/6276 7058/4158/57 7067/13892/57 +f 7703/1473/57 7619/13878/57 7704/13877/57 +f 7063/4439/57 7919/13895/57 7917/4438/57 +f 7063/4439/57 7901/4245/57 7919/13895/57 +f 7063/4439/57 7058/4158/57 7065/13894/6276 +f 6657/10994/135 4750/10995/135 63/5774/135 +f 7643/13772/57 7560/13875/57 7634/13860/57 +f 2679/13896/135 2677/4199/135 2688/4196/135 +f 2353/3721/135 2680/4184/135 2685/4191/135 +f 1452/13897/57 7454/13890/57 1460/2030/57 +f 1452/13897/57 1509/4997/57 7285/13656/57 +f 1452/13897/57 7457/13682/57 7454/13890/57 +f 1452/13897/57 7303/13684/57 7457/13682/57 +f 1452/13897/57 7288/13898/57 7287/13899/57 +f 1452/13897/57 7285/13656/57 7288/13898/57 +f 1452/13897/57 7287/13899/57 7303/13684/57 +f 7731/13900/57 7651/1472/57 7733/1474/57 +f 7054/13901/57 7997/13880/57 7995/13612/57 +f 7054/13901/57 7056/4160/57 7997/13880/57 +f 6552/5895/3969 6557/6503/4344 1491/6502/57 +f 5055/8836/135 5058/13902/135 5054/11801/135 +f 7637/13903/57 7558/12197/57 7641/13773/57 +f 7638/13904/6415 7637/13903/57 7641/13773/57 +f 7271/4194/57 7277/13905/57 7275/13906/6276 +f 7271/4194/57 7279/4180/57 7277/13905/57 +f 7272/13907/57 7271/4194/57 7275/13906/6276 +f 7644/12198/57 7558/12197/57 7637/13903/57 +f 7695/13908/57 7697/13909/57 7699/13910/57 +f 7045/13911/57 7049/13912/6419 7046/13913/6415 +f 7695/13908/57 7699/13910/57 7701/13914/57 +f 7695/13908/57 7701/13914/57 7717/13889/57 +f 7280/4195/57 7165/13915/57 7163/4193/57 +f 7280/4195/57 7167/13916/57 7165/13915/57 +f 7051/13917/57 7049/13912/6419 7045/13911/57 +f 7729/13620/57 7651/1472/57 7731/13900/57 +f 1609/4621/2830 1607/4613/2822 1608/4619/2828 +f 2708/13918/135 2706/4236/135 2707/13919/135 +f 7845/4211/57 7943/13846/57 7899/13920/57 +f 7445/13921/57 7237/13922/57 7234/13923/57 +f 7445/13921/57 7239/13924/57 7237/13922/57 +f 8746/13925/135 353/13926/135 8756/13927/135 +f 2710/2174/135 2711/4229/135 2718/4228/135 +f 7447/13928/57 7234/13923/57 7233/13929/57 +f 7685/13831/57 7695/13908/57 7717/13889/57 +f 7447/13928/57 7445/13921/57 7234/13923/57 +f 7053/13849/57 7051/13917/57 7045/13911/57 +f 7685/13831/57 7717/13889/57 7620/13832/57 +f 1512/4996/57 7169/13930/57 7167/13916/57 +f 1512/4996/57 7141/11135/57 7169/13930/57 +f 7851/7706/57 7893/7705/57 7891/13931/57 +f 7443/4244/57 7239/13924/57 7445/13921/57 +f 7443/4244/57 7241/13932/57 7239/13924/57 +f 7443/4244/57 7243/13933/57 7241/13932/57 +f 7853/13934/57 7851/7706/57 7891/13931/57 +f 7443/4244/57 7319/4243/57 7243/13933/57 +f 7853/13934/57 7891/13931/57 7889/13935/57 +f 7309/13936/57 7307/13844/57 7329/13937/57 +f 7309/13936/57 7329/13937/57 7327/13938/57 +f 7855/13939/57 7889/13935/57 7887/13687/57 +f 7449/13940/57 7249/13941/57 7247/13942/57 +f 7449/13940/57 7233/13929/57 7249/13941/57 +f 7449/13940/57 7447/13928/57 7233/13929/57 +f 7855/13939/57 7853/13934/57 7889/13935/57 +f 4833/1857/135 4817/8142/135 4807/8141/135 +f 7857/13694/57 7855/13939/57 7887/13687/57 +f 7652/13619/57 7651/1472/57 7729/13620/57 +f 3024/4718/2921 3063/4803/2996 3075/4833/3026 +f 1431/13485/4 8627/13498/4 1430/13497/4 +f 7648/3710/57 7655/13943/57 7652/13619/57 +f 7648/3710/57 7657/13944/57 7655/13943/57 +f 7311/8702/57 7309/13936/57 7327/13938/57 +f 7035/13848/57 7053/13849/57 7045/13911/57 +f 7311/8702/57 7327/13938/57 7325/13614/57 +f 7451/13617/57 7449/13940/57 7247/13942/57 +f 7451/13617/57 7247/13942/57 7245/13618/57 +f 7035/13848/57 7045/13911/57 7054/13901/57 +f 7036/13615/57 7035/13848/57 7054/13901/57 +f 7036/13615/57 7054/13901/57 7995/13612/57 +f 2854/13945/4 8660/13946/4 8662/13947/4 +f 8510/13948/4 5513/13949/4 8508/13950/4 +f 5482/13951/4 8552/13952/4 8554/13953/4 +f 2854/13945/4 8662/13947/4 2741/13954/4 +f 5571/13955/4 5482/13951/4 8554/13953/4 +f 2741/13954/4 8662/13947/4 8289/13956/4 +f 8508/13950/4 5513/13949/4 5515/13957/4 +f 5571/13955/4 8554/13953/4 8556/13958/4 +f 5482/13951/4 5485/13959/4 8550/13960/4 +f 2741/13954/4 8289/13956/4 2739/13961/4 +f 8552/13952/4 5482/13951/4 8550/13960/4 +f 5571/13955/4 8556/13958/4 8558/13962/4 +f 2739/13961/4 8289/13956/4 2735/13963/4 +f 5570/13964/4 5571/13955/4 8558/13962/4 +f 8380/13965/4 8382/13966/4 2855/13967/4 +f 8382/13966/4 8384/13968/4 2855/13967/4 +f 5485/13959/4 5486/13969/4 8548/13970/4 +f 2855/13967/4 8384/13968/4 2857/13971/4 +f 8550/13960/4 5485/13959/4 8548/13970/4 +f 8384/13968/4 8386/13972/4 2857/13971/4 +f 5570/13964/4 8558/13962/4 5518/13973/4 +f 2736/13765/4 2735/13963/4 8288/13764/4 +f 8380/13965/4 2855/13967/4 2744/13974/4 +f 2735/13963/4 8289/13956/4 8288/13764/4 +f 8548/13970/4 5486/13969/4 8546/13975/4 +f 8376/13976/4 8378/13977/4 2744/13974/4 +f 8378/13977/4 8380/13965/4 2744/13974/4 +f 8508/13950/4 5515/13957/4 8506/13978/4 +f 8546/13975/4 5486/13969/4 5488/13979/4 +f 8420/13980/4 2817/13981/4 2819/13982/4 +f 492/3912/135 566/13983/135 489/13887/135 +f 8546/13975/4 5488/13979/4 8544/13984/4 +f 8376/13976/4 2744/13974/4 2743/13985/4 +f 5488/13979/4 5490/13986/4 8542/13987/4 +f 8544/13984/4 5488/13979/4 8542/13987/4 +f 2861/4431/4 8292/13988/4 8294/4429/4 +f 8542/13987/4 5490/13986/4 8540/13989/4 +f 8332/13990/4 8334/13991/4 2774/13992/4 +f 8540/13989/4 5490/13986/4 8538/13993/4 +f 2776/13994/4 8332/13990/4 2774/13992/4 +f 2677/4199/135 2654/10854/135 2653/10853/135 +f 8376/13976/4 2743/13985/4 2747/13995/4 +f 8538/13993/4 5490/13986/4 5492/13996/4 +f 8374/10624/4 8376/13976/4 2747/13995/4 +f 8538/13993/4 5492/13996/4 8536/13997/4 +f 2863/4430/4 8296/13998/4 8298/10742/4 +f 2774/13992/4 8334/13991/4 8336/13999/4 +f 2857/13971/4 8386/13972/4 2859/14000/4 +f 8506/13978/4 5515/13957/4 5480/14001/4 +f 6548/14002/1558 6388/6224/4107 6547/7324/4881 +f 8386/13972/4 8388/14003/4 2859/14000/4 +f 2859/14000/4 8388/14003/4 8390/14004/4 +f 8374/10624/4 2747/13995/4 2749/14005/4 +f 8640/14006/4 2843/14007/4 2845/14008/4 +f 8506/13978/4 5480/14001/4 8504/14009/4 +f 8536/13997/4 5492/13996/4 5494/14010/4 +f 5527/14011/4 8608/14012/4 8610/14013/4 +f 5526/14014/4 5527/14011/4 8610/14013/4 +f 2774/13992/4 8336/13999/4 8338/14015/4 +f 8504/14009/4 5480/14001/4 8502/14016/4 +f 8116/12856/57 8118/13137/57 8117/13138/57 +f 8606/14017/4 5529/14018/4 8604/14019/4 +f 8420/13980/4 2819/13982/4 8418/14020/4 +f 8502/14016/4 5480/14001/4 5479/14021/4 +f 8502/14016/4 5479/14021/4 8500/14022/4 +f 8604/14019/4 5529/14018/4 8602/14023/4 +f 5529/14018/4 5531/14024/4 8602/14023/4 +f 5526/14014/4 8610/14013/4 8612/14025/4 +f 2838/14026/4 5526/14014/4 8612/14025/4 +f 5559/14027/4 8486/14028/4 8488/1264/4 +f 8500/14022/4 5479/14021/4 8498/14029/4 +f 8602/14023/4 5531/14024/4 8600/14030/4 +f 2859/14000/4 8390/14004/4 2800/10446/4 +f 2838/14026/4 8612/14025/4 8614/14031/4 +f 8390/14004/4 8392/10444/4 2800/10446/4 +f 8498/14029/4 5479/14021/4 8496/14032/4 +f 2838/14026/4 8614/14031/4 8616/14033/4 +f 8600/14030/4 5531/14024/4 8598/14034/4 +f 5238/9258/135 5235/9263/135 5242/9256/135 +f 8536/13997/4 5494/14010/4 8534/14035/4 +f 8598/14034/4 5531/14024/4 5523/10194/4 +f 8496/14032/4 5479/14021/4 5566/14036/4 +f 8418/14020/4 2819/13982/4 2820/14037/4 +f 8494/14038/4 8496/14032/4 5566/14036/4 +f 8494/14038/4 5566/14036/4 8492/14039/4 +f 8416/14040/4 8418/14020/4 2820/14037/4 +f 2774/13992/4 8338/14015/4 2772/14041/4 +f 8598/14034/4 5523/10194/4 8596/14042/4 +f 8338/14015/4 8340/14043/4 2772/14041/4 +f 8596/14042/4 5523/10194/4 8594/10196/4 +f 8416/14040/4 2820/14037/4 8414/14044/4 +f 8492/14039/4 5566/14036/4 5567/14045/4 +f 2838/14026/4 8616/14033/4 8618/14046/4 +f 8414/14044/4 2820/14037/4 8412/14047/4 +f 8534/14035/4 5494/14010/4 5496/14048/4 +f 2838/14026/4 8618/14046/4 2836/14049/4 +f 7460/14050/57 7504/8964/57 7510/8989/57 +f 8534/14035/4 5496/14048/4 8532/14051/4 +f 2772/14041/4 8340/14043/4 8342/14052/4 +f 8492/14039/4 5567/14045/4 5478/14053/4 +f 2754/10743/4 8300/14054/4 2753/14055/4 +f 2799/10445/4 8394/14056/4 8396/14057/4 +f 5518/13973/4 8558/13962/4 8560/14058/4 +f 2753/14055/4 8300/14054/4 8302/14059/4 +f 2871/14060/4 2753/14055/4 8302/14059/4 +f 2871/14060/4 8302/14059/4 2870/14061/4 +f 5519/10955/4 5518/13973/4 8560/14058/4 +f 8412/14047/4 2820/14037/4 2801/14062/4 +f 2870/14061/4 8302/14059/4 8304/14063/4 +f 8408/14064/4 8410/14065/4 2801/14062/4 +f 5519/10955/4 8560/14058/4 8562/14066/4 +f 8410/14065/4 8412/14047/4 2801/14062/4 +f 2799/10445/4 8396/14057/4 2809/14067/4 +f 2870/14061/4 8304/14063/4 8306/14068/4 +f 8396/14057/4 8398/14069/4 2809/14067/4 +f 968/14070/6489 1061/10723/6066 1056/14071/6241 +f 8306/14068/4 8308/14072/4 2755/14073/4 +f 2870/14061/4 8306/14068/4 2755/14073/4 +f 1019/14074/6490 1018/2698/1935 1015/2689/1929 +f 2772/14041/4 8342/14052/4 2770/14075/4 +f 2755/14073/4 8308/14072/4 8310/14076/4 +f 2836/14049/4 8618/14046/4 8620/14077/4 +f 8404/14078/4 8406/14079/4 2804/14080/4 +f 8406/14079/4 8408/14064/4 2804/14080/4 +f 8408/14064/4 2801/14062/4 2804/14080/4 +f 8492/14039/4 5478/14053/4 8490/1265/4 +f 8398/14069/4 8400/13524/4 2807/13523/4 +f 5529/14018/4 8608/14012/4 5527/14011/4 +f 2809/14067/4 8398/14069/4 2807/13523/4 +f 5561/3764/4 8564/10956/4 8566/14081/4 +f 8404/14078/4 2804/14080/4 2805/14082/4 +f 8402/13522/4 8404/14078/4 2805/14082/4 +f 8490/1265/4 5478/14053/4 5476/1263/4 +f 5290/9384/135 5263/9369/135 5248/9370/135 +f 2770/14075/4 8342/14052/4 8344/14083/4 +f 2770/14075/4 8344/14083/4 2768/14084/4 +f 2755/14073/4 8310/14076/4 2756/14085/4 +f 8592/10195/4 5522/14086/4 8590/14087/4 +f 8590/14087/4 5522/14086/4 5555/14088/4 +f 2768/14084/4 8344/14083/4 8346/14089/4 +f 8532/14051/4 5496/14048/4 8530/14090/4 +f 3953/6487/4330 3999/6560/4394 4001/14091/6491 +f 2768/14084/4 8346/14089/4 2766/14092/4 +f 5563/3766/4 8568/3765/4 8570/14093/4 +f 8346/14089/4 8348/14094/4 2766/14092/4 +f 8530/14090/4 5496/14048/4 5498/14095/4 +f 2766/14092/4 8348/14094/4 2764/14096/4 +f 3671/6001/4061 3686/5956/4021 3505/5630/3750 +f 8348/14094/4 8350/14097/4 2764/14096/4 +f 2675/4205/135 487/1427/135 491/3858/135 +f 5471/14098/4 5473/4178/4 8572/4177/4 +f 2764/14096/4 8350/14097/4 8352/14099/4 +f 2836/14049/4 8620/14077/4 2834/14100/4 +f 8620/14077/4 8622/14101/4 2834/14100/4 +f 8368/3771/4 2795/3770/4 2796/14102/4 +f 8484/212/4 8486/14028/4 5557/210/4 +f 2764/14096/4 8352/14099/4 2762/14103/4 +f 8352/14099/4 8354/14104/4 2762/14103/4 +f 2756/14085/4 8310/14076/4 8312/14105/4 +f 8590/14087/4 5555/14088/4 8588/14106/4 +f 8368/3771/4 2796/14102/4 8366/14107/4 +f 1446/14108/57 7556/13804/57 7558/12197/57 +f 5471/14098/4 8572/4177/4 8574/14109/4 +f 5470/10114/4 5471/14098/4 8574/14109/4 +f 8366/14107/4 2796/14102/4 2874/14110/4 +f 3220/5128/3290 3110/5254/3408 3199/4664/2873 +f 2762/14103/4 8354/14104/4 2761/14111/4 +f 8482/211/4 5459/14112/4 5462/14113/4 +f 8354/14104/4 8356/14114/4 2761/14111/4 +f 8356/14114/4 8358/14115/4 2761/14111/4 +f 8588/14106/4 5555/14088/4 8586/14116/4 +f 5555/14088/4 5553/14117/4 8586/14116/4 +f 5467/10116/4 8576/10115/4 8578/14118/4 +f 5551/14119/4 5467/10116/4 8578/14118/4 +f 2756/14085/4 8312/14105/4 2791/14120/4 +f 8586/14116/4 5553/14117/4 8584/14121/4 +f 8366/14107/4 2874/14110/4 2875/14122/4 +f 5553/14117/4 5551/14119/4 8584/14121/4 +f 5462/14113/4 5463/14123/4 8480/14124/4 +f 8362/14125/4 8364/14126/4 2875/14122/4 +f 8364/14126/4 8366/14107/4 2875/14122/4 +f 5551/14119/4 8578/14118/4 8580/14127/4 +f 2761/14111/4 8358/14115/4 2758/14128/4 +f 8362/14125/4 2875/14122/4 2758/14128/4 +f 8358/14115/4 8360/14129/4 2758/14128/4 +f 8584/14121/4 5551/14119/4 8582/14130/4 +f 8360/14129/4 8362/14125/4 2758/14128/4 +f 8482/211/4 5462/14113/4 8480/14124/4 +f 5551/14119/4 8580/14127/4 8582/14130/4 +f 8480/14124/4 5463/14123/4 5465/14131/4 +f 2834/14100/4 8622/14101/4 8624/14132/4 +f 8530/14090/4 5498/14095/4 8528/14133/4 +f 8480/14124/4 5465/14131/4 8478/14134/4 +f 2791/14120/4 8312/14105/4 8314/14135/4 +f 8528/14133/4 5498/14095/4 5500/14136/4 +f 8478/14134/4 5465/14131/4 8476/14137/4 +f 2834/14100/4 8624/14132/4 2832/14138/4 +f 8476/14137/4 5465/14131/4 5549/14139/4 +f 8476/14137/4 5549/14139/4 8474/14140/4 +f 2832/14138/4 8624/14132/4 8626/14141/4 +f 8474/14140/4 5549/14139/4 8472/14142/4 +f 8470/14143/4 8472/14142/4 5547/14144/4 +f 8472/14142/4 5549/14139/4 5547/14144/4 +f 8528/14133/4 5500/14136/4 8526/14145/4 +f 2832/14138/4 8626/14141/4 8628/14146/4 +f 2791/14120/4 8314/14135/4 2789/14147/4 +f 2832/14138/4 8628/14146/4 2830/14148/4 +f 8526/14145/4 5500/14136/4 5502/14149/4 +f 2789/14147/4 8314/14135/4 8316/14150/4 +f 8470/14143/4 5547/14144/4 8468/14151/4 +f 8466/14152/4 8468/14151/4 5545/14153/4 +f 8526/14145/4 5502/14149/4 8524/14154/4 +f 8468/14151/4 5547/14144/4 5545/14153/4 +f 8466/14152/4 5545/14153/4 8464/14155/4 +f 2830/14148/4 8628/14146/4 8630/14156/4 +f 8464/14155/4 5545/14153/4 8462/14157/4 +f 2830/14148/4 8630/14156/4 2827/14158/4 +f 8462/14157/4 5545/14153/4 5534/10259/4 +f 8462/14157/4 5534/10259/4 8460/14159/4 +f 8524/14154/4 5502/14149/4 5504/14160/4 +f 8460/14159/4 5534/10259/4 8458/10258/4 +f 8524/14154/4 5504/14160/4 8522/14161/4 +f 2789/14147/4 8316/14150/4 8318/14162/4 +f 2827/14158/4 8630/14156/4 8632/14163/4 +f 8522/14161/4 5504/14160/4 8520/14164/4 +f 2789/14147/4 8318/14162/4 2786/14165/4 +f 6758/5619/3739 6724/7471/5002 6749/6786/4585 +f 2827/14158/4 8632/14163/4 2828/14166/4 +f 2786/14165/4 8318/14162/4 8320/14167/4 +f 2828/14166/4 8632/14163/4 8634/14168/4 +f 8520/14164/4 5504/14160/4 5506/14169/4 +f 8456/14170/4 5536/10257/4 8454/14171/4 +f 8454/14171/4 5536/10257/4 5538/14172/4 +f 2828/14166/4 8634/14168/4 8636/14173/4 +f 2828/14166/4 8636/14173/4 2847/14174/4 +f 8454/14171/4 5538/14172/4 8452/14175/4 +f 2847/14174/4 8636/14173/4 8638/14176/4 +f 2847/14174/4 8638/14176/4 2845/14008/4 +f 2786/14165/4 8320/14167/4 2784/14177/4 +f 8452/14175/4 5538/14172/4 5539/14178/4 +f 8520/14164/4 5506/14169/4 8518/14179/4 +f 8452/14175/4 5539/14178/4 8450/14180/4 +f 8450/14180/4 5539/14178/4 8448/14181/4 +f 2845/14008/4 8638/14176/4 8640/14006/4 +f 2784/14177/4 8320/14167/4 8322/14182/4 +f 8446/14183/4 8448/14181/4 5541/14184/4 +f 7075/11314/57 7038/8123/57 7018/2548/57 +f 8448/14181/4 5539/14178/4 5541/14184/4 +f 8446/14183/4 5541/14184/4 8444/14185/4 +f 8518/14179/4 5506/14169/4 5508/14186/4 +f 2843/14007/4 8642/14187/4 8644/14188/4 +f 8442/14189/4 8444/14185/4 5543/14190/4 +f 8444/14185/4 5541/14184/4 5543/14190/4 +f 8442/14189/4 5543/14190/4 8440/14191/4 +f 2843/14007/4 8644/14188/4 2842/14192/4 +f 8440/14191/4 5543/14190/4 8438/14193/4 +f 2842/14192/4 8644/14188/4 8646/14194/4 +f 2784/14177/4 8322/14182/4 2782/14195/4 +f 8518/14179/4 5508/14186/4 8516/14196/4 +f 8436/14197/4 8438/14193/4 2812/14198/4 +f 8438/14193/4 5543/14190/4 2812/14198/4 +f 8646/14194/4 8648/5720/4 2826/5719/4 +f 2842/14192/4 8646/14194/4 2826/5719/4 +f 2782/14195/4 8322/14182/4 8324/14199/4 +f 8516/14196/4 5508/14186/4 8514/14200/4 +f 8436/14197/4 2812/14198/4 8434/14201/4 +f 8514/14200/4 5508/14186/4 5510/14202/4 +f 8514/14200/4 5510/14202/4 8512/14203/4 +f 8324/14199/4 8326/14204/4 2780/14205/4 +f 2782/14195/4 8324/14199/4 2780/14205/4 +f 8432/14206/4 8434/14201/4 2811/14207/4 +f 5694/4943/3128 5745/5167/3325 5700/6348/4223 +f 8434/14201/4 2812/14198/4 2811/14207/4 +f 8432/14206/4 2811/14207/4 8430/14208/4 +f 8430/14208/4 2811/14207/4 8428/14209/4 +f 2824/14210/4 8650/5718/4 8652/14211/4 +f 2780/14205/4 8326/14204/4 8328/14212/4 +f 2780/14205/4 8328/14212/4 2778/14213/4 +f 2824/14210/4 8652/14211/4 2850/14214/4 +f 8428/14209/4 2811/14207/4 2814/14215/4 +f 2850/14214/4 8652/14211/4 8654/14216/4 +f 8428/14209/4 2814/14215/4 8426/14217/4 +f 2850/14214/4 8654/14216/4 8656/14218/4 +f 8426/14217/4 2814/14215/4 8424/14219/4 +f 2778/14213/4 8328/14212/4 8330/14220/4 +f 8510/13948/4 8512/14203/4 5513/13949/4 +f 2778/14213/4 8330/14220/4 2776/13994/4 +f 8512/14203/4 5510/14202/4 5513/13949/4 +f 8424/14219/4 2814/14215/4 2817/13981/4 +f 8422/14221/4 8424/14219/4 2817/13981/4 +f 2850/14214/4 8656/14218/4 2852/14222/4 +f 2852/14222/4 8656/14218/4 8658/14223/4 +f 2776/13994/4 8330/14220/4 8332/13990/4 +f 8422/14221/4 2817/13981/4 8420/13980/4 +f 8658/14223/4 8660/13946/4 2854/13945/4 +f 2852/14222/4 8658/14223/4 2854/13945/4 +f 535/14224/135 543/14225/135 537/14226/135 +f 551/14227/135 547/14228/135 543/14225/135 +f 540/13712/135 539/14229/135 551/14227/135 +f 579/14230/135 534/14231/135 532/14232/135 +f 577/13710/135 535/14224/135 534/14231/135 +f 577/13710/135 543/14225/135 535/14224/135 +f 577/13710/135 540/13712/135 551/14227/135 +f 577/13710/135 551/14227/135 543/14225/135 +f 577/13710/135 534/14231/135 579/14230/135 +f 549/13711/135 545/14233/135 540/13712/135 +f 573/14234/135 577/13710/135 575/14235/135 +f 555/14236/135 553/14237/135 549/13711/135 +f 501/14238/135 527/14239/135 505/14240/135 +f 571/14241/135 577/13710/135 573/14234/135 +f 569/14242/135 549/13711/135 571/14241/135 +f 559/14243/135 557/14244/135 555/14236/135 +f 559/14243/135 555/14236/135 549/13711/135 +f 563/14245/135 561/14246/135 559/14243/135 +f 563/14245/135 567/14247/135 565/14248/135 +f 563/14245/135 569/14242/135 567/14247/135 +f 563/14245/135 559/14243/135 549/13711/135 +f 563/14245/135 549/13711/135 569/14242/135 +f 527/14239/135 481/14249/135 529/14250/135 +f 488/14251/135 482/14252/135 481/14249/135 +f 486/14253/135 485/14254/135 488/14251/135 +f 486/14253/135 488/14251/135 481/14249/135 +f 521/14255/135 525/14256/135 523/14257/135 +f 521/14255/135 527/14239/135 525/14256/135 +f 490/14258/135 486/14253/135 481/14249/135 +f 497/14259/135 493/14260/135 490/14258/135 +f 497/14259/135 495/14261/135 493/14260/135 +f 497/14259/135 490/14258/135 481/14249/135 +f 501/14238/135 499/14262/135 497/14259/135 +f 5943/5263/3417 5933/4925/3110 5935/4924/3109 +f 501/14238/135 497/14259/135 481/14249/135 +f 505/14240/135 503/14263/135 501/14238/135 +f 505/14240/135 509/14264/135 507/14265/135 +f 505/14240/135 511/14266/135 509/14264/135 +f 505/14240/135 513/14267/135 511/14266/135 +f 505/14240/135 515/14268/135 513/14267/135 +f 505/14240/135 517/14269/135 515/14268/135 +f 505/14240/135 519/14270/135 517/14269/135 +f 505/14240/135 521/14255/135 519/14270/135 +f 505/14240/135 527/14239/135 521/14255/135 +f 409/585/135 387/14271/135 385/14272/135 +f 409/585/135 389/14273/135 387/14271/135 +f 409/585/135 391/14274/135 389/14273/135 +f 409/585/135 393/14275/2329 391/14274/135 +f 409/585/135 385/14272/135 8664/3377/135 +f 716/12688/57 822/1207/57 821/972/57 +f 410/586/135 8667/14276/135 8665/14277/135 +f 410/586/135 8668/3378/135 8667/14276/135 +f 2124/3178/135 2205/3281/135 2209/3285/135 +f 411/587/135 8666/14278/135 382/14279/135 +f 411/587/135 382/14279/135 381/14280/135 +f 379/14281/135 411/587/135 381/14280/135 +f 377/14282/135 411/587/135 379/14281/135 +f 375/14283/2330 411/587/135 377/14282/135 +f 409/585/135 395/717/6492 393/14275/2329 +f 373/581/2332 411/587/135 375/14283/2330 +f 440/648/135 8669/14284/135 8670/14285/135 +f 440/648/135 8671/14286/135 8669/14284/135 +f 440/648/135 8672/14287/2329 8671/14286/135 +f 8673/14288/135 440/648/135 8670/14285/135 +f 8674/3357/135 440/648/135 8673/14288/135 +f 433/688/135 8694/14289/135 8700/14290/135 +f 8676/14291/135 442/715/135 8675/3358/135 +f 8677/14292/135 442/715/135 8676/14291/135 +f 2250/3353/135 2180/3230/135 2251/3355/135 +f 404/14293/135 475/716/135 8678/12935/135 +f 403/14294/135 475/716/135 404/14293/135 +f 401/14295/135 475/716/135 403/14294/135 +f 399/14296/135 475/716/135 401/14295/135 +f 397/14297/135 475/716/135 399/14296/135 +f 440/648/135 461/14298/2331 8672/14287/2329 +f 395/717/135 475/716/135 397/14297/135 +f 419/601/135 8679/3320/135 8680/14299/135 +f 419/601/135 8681/14300/135 8682/14301/2333 +f 419/601/135 8683/14302/135 8681/14300/135 +f 419/601/135 8684/14303/135 8683/14302/135 +f 419/601/135 8680/14299/135 8684/14303/135 +f 410/586/135 8666/14278/135 411/587/135 +f 407/583/135 8686/14304/135 8685/3321/135 +f 407/583/135 8687/14305/135 8686/14304/135 +f 8065/12654/57 799/1200/57 8067/12656/57 +f 406/582/135 365/14306/135 363/14307/135 +f 406/582/135 367/14308/135 365/14306/135 +f 406/582/135 369/14309/135 367/14308/135 +f 406/582/135 371/14310/135 369/14309/135 +f 406/582/135 363/14307/135 8688/12613/135 +f 406/582/135 373/581/135 371/14310/135 +f 476/718/2334 419/601/135 8682/14301/2333 +f 8689/14311/135 458/687/135 8690/14312/135 +f 8691/14313/135 458/687/135 8689/14311/135 +f 8692/14314/135 458/687/135 8691/14313/135 +f 8693/14315/135 458/687/135 8692/14314/135 +f 2147/656/135 2235/3338/135 2241/3346/135 +f 8694/14289/135 458/687/135 8693/14315/135 +f 8695/14316/135 435/641/135 8696/14317/135 +f 8697/14318/135 8696/14317/135 435/641/135 +f 8698/14319/135 435/641/135 8695/14316/135 +f 8699/14320/135 8697/14318/135 435/641/135 +f 2242/3344/135 2147/656/135 2244/3347/135 +f 8701/12906/135 8699/14320/135 435/641/135 +f 8702/14321/135 433/688/135 8700/14290/135 +f 8703/12907/135 433/688/135 8702/14321/135 +f 458/687/135 453/686/135 8690/14312/135 +f 461/14298/135 435/641/135 8698/14319/135 +f 467/696/135 8704/14322/135 8705/14323/135 +f 467/696/135 8706/14324/135 8704/14322/135 +f 467/696/135 8707/14325/135 8706/14324/135 +f 467/696/135 8708/14326/135 8707/14325/135 +f 8709/3305/135 8708/14326/135 467/696/135 +f 8195/12953/57 666/624/57 8197/12955/57 +f 466/695/135 8711/14327/135 8710/3306/135 +f 8712/14328/135 8711/14327/135 466/695/135 +f 2157/3245/135 2215/3300/135 2216/3303/135 +f 473/709/135 8714/14329/135 8713/1971/135 +f 8715/14330/135 8714/14329/135 473/709/135 +f 8716/14331/135 8715/14330/135 473/709/135 +f 8717/14332/135 8716/14331/135 473/709/135 +f 8718/14333/2335 8717/14332/135 473/709/135 +f 473/709/135 476/718/2336 8718/14333/2335 +f 460/697/135 467/696/135 8705/14323/135 +f 452/14334/135 8719/14335/135 8720/14336/6493 +f 452/14334/135 8721/14337/135 8719/14335/135 +f 8722/14338/135 8721/14337/135 452/14334/135 +f 360/14339/135 8722/14338/135 452/14334/135 +f 2061/3380/135 2170/3375/135 2169/3381/135 +f 358/12920/135 360/14339/135 452/14334/135 +f 354/14340/135 356/12921/135 456/3287/135 +f 352/14341/135 354/14340/135 456/3287/135 +f 8203/12961/57 699/1052/57 8204/12963/57 +f 347/14342/135 350/3286/135 455/3288/135 +f 8723/14343/135 347/14342/135 455/3288/135 +f 8724/14344/135 8723/14343/135 455/3288/135 +f 8725/14345/135 8724/14344/135 455/3288/135 +f 8726/14346/2335 8725/14345/135 455/3288/135 +f 455/3288/135 460/14347/2336 8726/14346/2335 +f 453/14348/6494 452/14334/135 8720/14336/6493 +f 2668/11615/6261 4816/14349/6495 4821/14350/6261 +f 5479/2322/1671 5565/14351/5202 5566/14352/5202 +f 7018/14353/6496 7020/13302/6469 7021/13301/6469 +f 4938/12086/5268 4898/14354/5269 4939/11292/5269 +f 2434/14355/1749 5374/3510/2400 5373/11223/1749 +f 8613/12765/6430 8610/14356/374 8611/565/374 +f 8665/13358/536 8753/14357/4759 8666/13415/4759 +f 7866/14358/6497 7868/11652/6273 7867/14359/6497 +f 8734/11444/6234 8670/8194/5223 8735/8196/5224 +f 8675/9607/284 8746/14360/2354 8676/3418/2354 +f 7373/14361/286 7403/11940/6322 7371/14362/6322 +f 2802/14363/1747 2820/14364/5184 2822/8053/5184 +f 8052/14365/6441 8119/14366/5173 8051/8021/5173 +f 2714/14367/5636 4954/9708/5616 2717/14368/5616 +f 2590/3488/2389 5457/11980/6325 5456/14369/2389 +f 8715/11423/4845 8762/9237/4844 8761/11424/4843 +f 7215/11730/6289 7174/14370/202 7216/284/202 +f 7390/14371/6498 7358/14372/6292 7391/11739/6292 +f 1447/13060/6448 1454/14373/5223 1453/8284/5223 +f 7356/14374/6498 7393/9844/5649 7353/9843/5649 +f 2746/248/180 2744/14375/6474 2745/13365/6474 +f 2435/7975/2340 5098/14376/2328 5097/14377/2340 +f 592/11257/5417 8287/14378/2633 8216/4416/2633 +f 7864/1132/713 7866/14358/6497 7867/14359/6497 +f 7227/191/143 7172/14379/165 7228/14380/165 +f 7835/14381/6472 7833/2333/1675 7832/2332/1675 +f 7800/14382/2556 7763/14383/484 7801/744/484 +f 7323/9120/5468 7320/14384/5560 7321/9479/5560 +f 7877/14385/322 7878/9551/5573 7876/476/322 +f 2420/14386/6285 5429/9115/5466 5428/11715/6285 +f 377/11519/496 372/14387/227 375/14388/5559 +f 7351/14389/339 7395/12253/6373 7354/12255/6373 +f 8355/14390/5587 8356/1123/708 8354/14391/5587 +f 8477/14392/5672 8478/11631/6265 8476/14393/5672 +f 4433/3547/2418 4434/14394/93 4435/132/93 +f 7828/9498/5566 7811/14395/6226 7810/11414/6226 +f 7151/3125/728 7148/14396/6305 7149/14397/6305 +f 71/14398/6431 72/14399/5556 70/12782/6431 +f 2350/7966/5152 5240/4408/2628 2674/4409/2628 +f 8686/13226/2352 8757/14400/6442 8685/13025/6442 +f 8385/14401/358 8386/14402/6196 8384/540/358 +f 8689/14403/4783 8788/9696/1735 8787/7039/4783 +f 4413/13375/135 4414/14404/1707 4415/2393/1707 +f 7029/9030/5448 7026/255/6499 7027/14405/6499 +f 8071/14406/4821 8139/938/613 8148/7185/4821 +f 7503/14407/5590 7514/12074/1749 7502/14408/1749 +f 8681/14409/704 8768/14410/705 8767/13421/704 +f 4417/2395/1708 4418/14411/5596 4419/9656/5596 +f 157/14412/216 161/14413/5380 155/8534/216 +f 8191/9970/4840 8236/14414/1668 8190/14415/1668 +f 8177/14416/566 8263/12130/4838 8262/14417/566 +f 4537/793/514 4538/14418/6465 4539/13265/6465 +f 2598/11349/6207 4878/9659/5284 2640/9658/5284 +f 7855/8770/5382 7856/2447/297 7854/14419/5382 +f 7607/13000/6434 7604/14420/6179 7605/14421/6500 +f 1455/12312/6378 1457/14422/5563 1460/14423/5563 +f 1428/12251/185 1386/2275/1633 1429/7050/2386 +f 8683/14424/705 8769/334/233 8768/14410/705 +f 2748/14425/181 2749/13033/6443 2747/249/181 +f 154/14426/5467 159/12088/5464 153/14427/5467 +f 2697/12983/6433 4888/8792/325 2689/14428/325 +f 320/8005/185 321/14429/2386 319/14430/185 +f 328/14431/5182 329/12146/488 327/8201/5182 +f 322/14432/2386 323/6985/4757 321/14429/2386 +f 7433/14433/6324 7434/7170/4857 7432/11952/6324 +f 2226/3414/2353 2299/14434/716 2220/1138/716 +f 3932/6475/4323 3933/6593/4419 3934/10747/6075 +f 5256/14435/593 2408/14436/6501 5255/14437/6501 +f 7104/12077/6340 7078/11822/6302 7099/11823/6302 +f 7329/9781/5629 7326/7981/5157 7327/14438/5157 +f 8736/14439/135 8737/14440/2435 8738/14441/135 +f 370/14442/135 362/12838/135 368/14443/135 +f 2291/3671/135 2289/14444/135 2288/3669/135 +f 2295/3653/135 2095/3593/135 2294/3654/135 +f 372/14445/135 362/12838/135 370/14442/135 +f 2269/14446/135 2070/3674/135 2270/3683/135 +f 8229/13154/57 8226/12871/57 8238/14447/57 +f 374/14448/135 362/12838/135 372/14445/135 +f 376/14449/135 362/12838/135 374/14448/135 +f 8792/14450/135 8793/14451/2434 359/3605/135 +f 378/12839/135 362/12838/135 376/14449/135 +f 386/14452/135 384/3587/135 383/14453/135 +f 400/14454/135 402/3585/135 384/3587/135 +f 8775/2525/135 8777/14455/135 8778/14456/135 +f 8775/2525/135 8778/14456/135 8779/14457/135 +f 8775/2525/135 8779/14457/135 8780/14458/135 +f 6651/2729/1961 6653/13532/6481 6650/2727/1959 +f 8775/2525/135 8780/14458/135 8781/14459/135 +f 8791/14460/135 8792/14450/135 359/3605/135 +f 8775/2525/135 8781/14459/135 8782/14461/135 +f 8775/2525/135 8782/14461/135 8783/14462/135 +f 388/14463/135 384/3587/135 386/14452/135 +f 8775/2525/135 8783/14462/135 8784/14464/135 +f 8790/14465/135 8791/14460/135 359/3605/135 +f 8776/14466/135 8777/14455/135 8775/2525/135 +f 398/14467/135 400/14454/135 384/3587/135 +f 8757/3656/135 8772/14468/135 8771/14469/135 +f 348/2527/135 8776/14466/135 8775/2525/135 +f 390/14470/135 384/3587/135 388/14463/135 +f 8753/12869/135 8754/12868/135 380/12837/135 +f 396/14471/135 398/14467/135 384/3587/135 +f 8789/14472/135 8790/14465/135 359/3605/135 +f 392/14473/135 384/3587/135 390/14470/135 +f 2298/3628/135 2311/14474/135 2299/14475/135 +f 394/14476/135 396/14471/135 384/3587/135 +f 8788/14477/135 8789/14472/135 359/3605/135 +f 394/14476/135 384/3587/135 392/14473/135 +f 8756/13927/135 353/13926/135 8772/14468/135 +f 8756/13927/135 8772/14468/135 8757/3656/135 +f 8787/14478/135 8788/14477/135 359/3605/135 +f 8751/14479/135 8755/14480/135 8752/12867/135 +f 8751/14479/135 8756/13927/135 8755/14480/135 +f 8786/14481/135 8787/14478/135 359/3605/135 +f 8785/14482/135 8786/14481/135 359/3605/135 +f 2316/3609/135 2063/14483/135 2062/3631/135 +f 8727/14484/135 8785/14482/135 359/3605/135 +f 8741/14485/135 8742/14486/135 8743/14487/135 +f 2311/14474/135 2300/3678/135 2299/14475/135 +f 8740/14488/135 8741/14485/135 8743/14487/135 +f 8774/14489/135 351/14490/135 349/2526/135 +f 8750/14491/135 8748/14492/135 8747/14493/135 +f 8746/13925/135 8745/3592/135 8731/3591/135 +f 8746/13925/135 8731/3591/135 8730/14494/135 +f 8746/13925/135 8756/13927/135 8751/14479/135 +f 2313/3629/135 2292/3644/135 2271/3660/135 +f 2269/14446/135 2074/3598/135 2072/14495/135 +f 8264/12803/57 8251/13093/57 8265/13094/57 +f 8747/14493/135 8746/13925/135 8751/14479/135 +f 364/14496/135 362/12838/135 361/14497/2435 +f 8747/14493/135 8751/14479/135 8750/14491/135 +f 353/13926/135 351/14490/135 8773/14498/135 +f 353/13926/135 8773/14498/135 8772/14468/135 +f 366/14499/135 362/12838/135 364/14496/135 +f 8107/12796/57 8099/14500/57 8098/12800/57 +f 8759/3672/135 8760/14501/135 8761/14502/135 +f 8759/3672/135 8761/14502/135 8762/14503/135 +f 8759/3672/135 8762/14503/135 8763/14504/135 +f 8759/3672/135 8763/14504/135 8764/14505/135 +f 8738/14441/135 8739/14506/135 8740/14488/135 +f 8730/14494/135 355/13144/135 353/13926/135 +f 8759/3672/135 8764/14505/135 8765/14507/135 +f 8759/3672/135 8765/14507/135 8766/14508/135 +f 8759/3672/135 8766/14508/135 8767/14509/135 +f 8759/3672/135 8767/14509/135 8768/14510/135 +f 8759/3672/135 8768/14510/135 8769/14511/135 +f 8730/14494/135 8729/13145/135 355/13144/135 +f 368/14443/135 362/12838/135 366/14499/135 +f 8736/14439/135 8740/14488/135 8743/14487/135 +f 8736/14439/135 8738/14441/135 8740/14488/135 +f 8736/14439/135 8743/14487/135 8735/12862/135 +f 114/14512/57 96/2695/57 104/14513/57 +f 73/14514/57 88/14515/57 96/2695/57 +f 124/14516/57 114/14512/57 121/14517/57 +f 74/14518/57 73/14514/57 96/2695/57 +f 130/14519/57 114/14512/57 124/14516/57 +f 141/2694/57 74/14518/57 96/2695/57 +f 137/2693/57 130/14519/57 133/14520/57 +f 137/2693/57 96/2695/57 114/14512/57 +f 137/2693/57 114/14512/57 130/14519/57 +f 144/14521/57 137/2693/57 140/14522/57 +f 107/14523/57 115/14524/57 123/14525/57 +f 107/14523/57 123/14525/57 131/14526/57 +f 107/14523/57 131/14526/57 141/2694/57 +f 1501/14527/57 1458/3081/57 1497/3080/57 +f 78/13730/57 137/2693/57 144/14521/57 +f 1705/2686/1926 1698/2682/1919 1704/2684/1924 +f 94/14528/57 99/14529/57 107/14523/57 +f 94/14528/57 107/14523/57 77/13729/57 +f 83/14530/57 94/14528/57 77/13729/57 +f 86/14531/57 90/14532/57 94/14528/57 +f 86/14531/57 94/14528/57 83/14530/57 +f 117/14533/135 110/176/135 122/178/135 +f 110/176/135 102/14534/135 93/14535/135 +f 125/14536/135 122/178/135 128/14537/135 +f 110/176/135 93/14535/135 85/14538/135 +f 128/14537/135 122/178/135 132/14539/135 +f 110/176/135 85/14538/135 81/3816/135 +f 136/14540/135 132/14539/135 139/177/135 +f 5507/6145/4 4698/7505/4 5509/10598/4 +f 132/14539/135 122/178/135 139/177/135 +f 142/14541/135 139/177/135 146/14542/135 +f 135/14543/135 127/14544/135 119/14545/135 +f 145/14546/135 135/14543/135 119/14545/135 +f 81/3816/135 145/14546/135 119/14545/135 +f 7507/11895/57 7426/8962/57 7428/8936/57 +f 146/14542/135 139/177/135 79/14547/135 +f 119/14545/135 111/14548/135 103/14549/135 +f 81/3816/135 119/14545/135 103/14549/135 +f 84/3815/135 81/3816/135 103/14549/135 +f 84/3815/135 103/14549/135 87/14550/135 +f 103/14549/135 95/14551/135 91/14552/135 +f 87/14550/135 103/14549/135 91/14552/135 +f 33/14553/135 31/957/135 35/14554/135 +f 31/957/135 26/14555/135 24/14556/135 +f 37/14557/135 35/14554/135 39/14558/135 +f 39/14558/135 35/14554/135 42/14559/135 +f 24/14556/135 22/14560/135 17/955/135 +f 31/957/135 24/14556/135 17/955/135 +f 49/14561/135 42/14559/135 56/14562/135 +f 71/14563/135 67/14564/135 66/14565/135 +f 16/14566/135 71/14563/135 66/14565/135 +f 17/955/135 16/14566/135 66/14565/135 +f 64/14567/135 56/14562/135 29/956/135 +f 69/14568/135 64/14567/135 29/956/135 +f 35/14554/135 31/957/135 29/956/135 +f 42/14559/135 35/14554/135 29/956/135 +f 18/14569/57 15/14570/57 27/14571/57 +f 56/14562/135 42/14559/135 29/956/135 +f 66/14565/135 61/14572/135 53/14573/135 +f 29/956/135 66/14565/135 53/14573/135 +f 30/14574/135 29/956/135 1/14575/135 +f 53/14573/135 44/14576/135 41/14577/135 +f 29/956/135 53/14573/135 41/14577/135 +f 1/14575/135 29/956/135 41/14577/135 +f 34/14578/57 27/14571/57 32/14579/57 +f 23/14580/57 25/14581/57 27/14571/57 +f 38/14582/57 34/14578/57 36/14583/57 +f 40/14584/57 34/14578/57 38/14582/57 +f 15/14570/57 21/14585/57 23/14580/57 +f 15/14570/57 23/14580/57 27/14571/57 +f 47/14586/57 40/14584/57 45/14587/57 +f 55/14588/57 62/14589/57 70/14590/57 +f 55/14588/57 70/14590/57 72/14591/57 +f 55/14588/57 72/14591/57 15/14570/57 +f 18/14569/57 47/14586/57 51/14592/57 +f 18/14569/57 51/14592/57 58/14593/57 +f 18/14569/57 27/14571/57 34/14578/57 +f 18/14569/57 34/14578/57 40/14584/57 +f 672/1016/651 670/1008/652 671/14594/653 +f 18/14569/57 40/14584/57 47/14586/57 +f 11/14595/57 13/14596/57 55/14588/57 +f 11/14595/57 55/14588/57 18/14569/57 +f 4/14597/57 18/14569/57 20/14598/57 +f 7/14599/57 9/14600/57 11/14595/57 +f 7/14599/57 11/14595/57 18/14569/57 +f 7/14599/57 18/14569/57 4/14597/57 +f 7147/14601/2286 7148/14396/6305 7146/14602/2286 +f 8794/14603/6502 8795/14604/19 8796/14605/19 +f 8797/14606/6503 8794/14603/6502 8798/14607/6502 +f 8794/14603/6502 8796/14605/19 8798/14607/6502 +f 8799/14608/6504 8797/14606/6503 8800/14609/6503 +f 8797/14606/6503 8798/14607/6502 8800/14609/6503 +f 8801/14610/6505 8799/14608/6504 8802/14611/6504 +f 8799/14608/6504 8800/14609/6503 8802/14611/6504 +f 8801/14610/6505 8802/14611/6504 8803/14612/6505 +f 8804/14613/6506 8801/14610/6505 8805/14614/6506 +f 8801/14610/6505 8803/14612/6505 8805/14614/6506 +f 8806/14615/6507 8804/14613/6506 8807/14616/6507 +f 8808/14617/6508 8806/14618/6507 8807/14619/6507 +f 8804/14613/6506 8805/14614/6506 8807/14616/6507 +f 8809/14620/6509 8808/14617/6508 8810/14621/6508 +f 8808/14617/6508 8807/14619/6507 8810/14621/6508 +f 8811/14622/6510 8809/14620/6509 8812/14623/6509 +f 8809/14620/6509 8810/14621/6508 8812/14623/6509 +f 8813/14624/6511 8811/14622/6510 8814/14625/6510 +f 8811/14622/6510 8812/14623/6509 8814/14625/6510 +f 8815/14626/6512 8813/14624/6511 8816/14627/6511 +f 8813/14624/6511 8814/14625/6510 8816/14627/6511 +f 8817/14628/6513 8815/14626/6512 8818/14629/6512 +f 8815/14626/6512 8816/14627/6511 8818/14629/6512 +f 8817/14628/6513 8818/14629/6512 8819/14630/6513 +f 8820/14631/6514 8817/14628/6513 8821/14632/6514 +f 8822/14633/6515 8820/14631/6514 8821/14632/6514 +f 8817/14628/6513 8819/14630/6513 8821/14632/6514 +f 8822/14633/6515 8821/14632/6514 8823/14634/6515 +f 8824/14635/6516 8822/14633/6515 8825/14636/6516 +f 8822/14633/6515 8823/14634/6515 8825/14636/6516 +f 8826/14637/6517 8824/14635/6516 8827/14638/6517 +f 8828/14639/6518 8826/14637/6517 8827/14638/6517 +f 8824/14635/6516 8825/14636/6516 8827/14638/6517 +f 8828/14639/6518 8827/14638/6517 8829/14640/6518 +f 8830/14641/6519 8828/14639/6518 8831/14642/6519 +f 8832/14643/6520 8830/14641/6519 8831/14642/6519 +f 8828/14639/6518 8829/14640/6518 8831/14642/6519 +f 8832/14643/6520 8831/14642/6519 8833/14644/6520 +f 8834/14645/6521 8832/14643/6520 8835/14646/6521 +f 8836/14647/6522 8834/14648/6521 8835/14649/6521 +f 8832/14643/6520 8833/14644/6520 8835/14646/6521 +f 8836/14647/6522 8835/14649/6521 8837/14650/6522 +f 8836/14647/6522 8837/14650/6522 8838/14651/6523 +f 8839/14652/6523 8836/14647/6522 8838/14651/6523 +f 8840/14653/6524 8839/14652/6523 8838/14651/6523 +f 8840/14653/6524 8838/14651/6523 8841/14654/6524 +f 8840/14653/6524 8841/14654/6524 8842/14655/6525 +f 8843/14656/6525 8840/14653/6524 8842/14655/6525 +f 8843/14656/6525 8842/14655/6525 8844/14657/6526 +f 8845/14658/6526 8843/14656/6525 8844/14657/6526 +f 8846/14659/6527 8845/14658/6526 8847/14660/6527 +f 8845/14658/6526 8844/14657/6526 8847/14660/6527 +f 8848/14661/6528 8846/14659/6527 8849/14662/6528 +f 8846/14659/6527 8847/14660/6527 8849/14662/6528 +f 8850/14663/6529 8848/14661/6528 8849/14662/6528 +f 8850/14663/6529 8849/14662/6528 8851/14664/6529 +f 8852/14665/32 8850/14663/6529 8853/14666/32 +f 8850/14663/6529 8851/14664/6529 8853/14666/32 +f 8854/14667/6530 8852/14665/32 8855/14668/6530 +f 8852/14665/32 8853/14666/32 8855/14668/6530 +f 8856/14669/6531 8854/14667/6530 8857/14670/6531 +f 8858/14671/6532 8856/14669/6531 8857/14670/6531 +f 8854/14667/6530 8855/14668/6530 8857/14670/6531 +f 8858/14671/6532 8857/14670/6531 8859/14672/6532 +f 8860/14673/6533 8858/14671/6532 8861/14674/6533 +f 8858/14671/6532 8859/14672/6532 8861/14674/6533 +f 8862/14675/6534 8860/14673/6533 8863/14676/6534 +f 8860/14673/6533 8861/14674/6533 8863/14676/6534 +f 8864/14677/6535 8862/14678/6534 8865/14679/6535 +f 8862/14678/6534 8863/14680/6534 8865/14679/6535 +f 8866/14681/6536 8864/14677/6535 8867/14682/6536 +f 8868/14683/6537 8866/14681/6536 8867/14682/6536 +f 8864/14677/6535 8865/14679/6535 8867/14682/6536 +f 8868/14683/6537 8867/14682/6536 8869/14684/6537 +f 8870/14685/6538 8868/14683/6537 8871/14686/6538 +f 8868/14683/6537 8869/14684/6537 8871/14686/6538 +f 8872/14687/6539 8870/14685/6538 8873/14688/6539 +f 8874/14689/6540 8872/14687/6539 8873/14688/6539 +f 8870/14685/6538 8871/14686/6538 8873/14688/6539 +f 8874/14689/6540 8873/14688/6539 8875/14690/6540 +f 8876/14691/6541 8874/14689/6540 8877/14692/6541 +f 8874/14689/6540 8875/14690/6540 8877/14692/6541 +f 8878/14693/6542 8876/14691/6541 8879/14694/6542 +f 8876/14691/6541 8877/14692/6541 8879/14694/6542 +f 8880/14695/6543 8878/14693/6542 8881/14696/6543 +f 8878/14693/6542 8879/14694/6542 8881/14696/6543 +f 8882/14697/6544 8880/14695/6543 8883/14698/6544 +f 8880/14695/6543 8881/14696/6543 8883/14698/6544 +f 8884/14699/6545 8882/14697/6544 8885/14700/6545 +f 8882/14697/6544 8883/14698/6544 8885/14700/6545 +f 8884/14699/6545 8885/14700/6545 8886/14701/6546 +f 8887/14702/6546 8884/14699/6545 8886/14701/6546 +f 8888/14703/6547 8887/14702/6546 8886/14701/6546 +f 8888/14703/6547 8886/14701/6546 8889/14704/6547 +f 8888/14703/6547 8889/14704/6547 8890/14705/6548 +f 8891/14706/6548 8888/14703/6547 8890/14705/6548 +f 8891/14706/6548 8890/14705/6548 8892/14707/6549 +f 8893/14708/6549 8891/14706/6548 8892/14707/6549 +f 8894/14709/6550 8893/14710/6549 8892/14711/6549 +f 8894/14709/6550 8892/14711/6549 8895/14712/6550 +f 8894/14709/6550 8895/14712/6550 8896/14713/6551 +f 8897/14714/6551 8894/14709/6550 8896/14713/6551 +f 8897/14714/6551 8896/14713/6551 8898/14715/6552 +f 8899/14716/6552 8897/14714/6551 8898/14715/6552 +f 8899/14716/6552 8898/14715/6552 8900/14717/6553 +f 8901/14718/6553 8899/14716/6552 8900/14717/6553 +f 8901/14718/6553 8900/14717/6553 8902/14719/6554 +f 8903/14720/6554 8901/14718/6553 8902/14719/6554 +f 8903/14720/6554 8902/14719/6554 8904/14721/6555 +f 8905/14722/6555 8903/14720/6554 8904/14721/6555 +f 8905/14722/6555 8904/14721/6555 8906/14723/6556 +f 8907/14724/6556 8905/14722/6555 8906/14723/6556 +f 8907/14724/6556 8906/14723/6556 8908/14725/6557 +f 8909/14726/6557 8907/14724/6556 8908/14725/6557 +f 8909/14726/6557 8908/14725/6557 8796/14605/19 +f 8795/14604/19 8909/14726/6557 8796/14605/19 +f 8910/14727/6558 8911/14728/6559 8912/14729/6558 +f 8913/14730/6560 8914/14731/6561 8915/14732/6561 +f 8914/14731/6561 8912/14733/6558 8915/14732/6561 +f 8916/14734/6562 8917/14735/19 8918/14736/19 +f 8919/14737/6563 8913/14730/6560 8920/14738/6560 +f 8913/14730/6560 8915/14732/6561 8920/14738/6560 +f 8921/14739/6564 8916/14734/6562 8922/14740/6562 +f 8916/14734/6562 8918/14736/19 8922/14740/6562 +f 8917/14735/19 8919/14737/6563 8923/14741/6563 +f 8919/14737/6563 8920/14738/6560 8923/14741/6563 +f 8917/14735/19 8923/14741/6563 8918/14736/19 +f 8924/14742/6565 8921/14743/6564 8925/14744/6564 +f 8921/14739/6564 8922/14740/6562 8925/14745/6564 +f 8926/14746/6566 8924/14742/6565 8927/14747/6565 +f 8924/14742/6565 8925/14744/6564 8927/14747/6565 +f 8928/14748/6567 8926/14746/6566 8929/14749/6566 +f 8926/14746/6566 8927/14747/6565 8929/14749/6566 +f 8930/14750/6568 8928/14748/6567 8931/14751/6567 +f 8928/14748/6567 8929/14749/6566 8931/14751/6567 +f 8932/14752/6569 8930/14750/6568 8933/14753/6568 +f 8930/14750/6568 8931/14751/6567 8933/14753/6568 +f 8934/14754/6570 8932/14752/6569 8935/14755/6569 +f 8932/14752/6569 8933/14753/6568 8935/14755/6569 +f 8936/14756/6571 8934/14754/6570 8937/14757/6570 +f 8934/14754/6570 8935/14755/6569 8937/14757/6570 +f 8938/14758/6572 8936/14759/6571 8939/14760/6571 +f 8936/14756/6571 8937/14757/6570 8939/14761/6571 +f 8940/14762/6573 8938/14758/6572 8941/14763/6572 +f 8938/14758/6572 8939/14760/6571 8941/14763/6572 +f 8940/14762/6573 8941/14763/6572 8942/14764/6573 +f 8943/14765/6574 8940/14762/6573 8942/14764/6573 +f 8943/14765/6574 8942/14764/6573 8944/14766/6574 +f 8945/14767/6575 8943/14765/6574 8944/14766/6574 +f 8945/14767/6575 8944/14766/6574 8946/14768/6575 +f 8947/14769/6576 8945/14767/6575 8946/14768/6575 +f 8947/14769/6576 8946/14768/6575 8948/14770/6576 +f 8949/14771/6577 8947/14769/6576 8948/14770/6576 +f 8950/14772/6578 8949/14773/6577 8951/14774/6577 +f 8949/14771/6577 8948/14770/6576 8951/14775/6577 +f 8952/14776/6579 8950/14772/6578 8953/14777/6578 +f 8950/14772/6578 8951/14774/6577 8953/14777/6578 +f 8954/14778/6580 8952/14776/6579 8955/14779/6579 +f 8952/14776/6579 8953/14777/6578 8955/14779/6579 +f 8956/14780/6581 8954/14778/6580 8957/14781/6580 +f 8954/14778/6580 8955/14779/6579 8957/14781/6580 +f 8958/14782/6559 8956/14780/6581 8959/14783/6581 +f 8956/14780/6581 8957/14781/6580 8959/14783/6581 +f 8910/14727/6558 8958/14782/6559 8911/14728/6559 +f 8958/14782/6559 8959/14783/6581 8911/14728/6559 +f 8914/14731/6561 8910/14784/6558 8912/14733/6558 +f 8960/14785/6502 8961/14786/19 8962/14787/19 +f 8963/14788/6503 8960/14785/6502 8964/14789/6502 +f 8960/14785/6502 8962/14787/19 8964/14789/6502 +f 8965/14790/6504 8963/14788/6503 8966/14791/6503 +f 8963/14788/6503 8964/14789/6502 8966/14791/6503 +f 8967/14792/6505 8965/14790/6504 8968/14793/6504 +f 8965/14790/6504 8966/14791/6503 8968/14793/6504 +f 8967/14792/6505 8968/14793/6504 8969/14794/6505 +f 8970/14795/6506 8967/14792/6505 8971/14796/6506 +f 8967/14792/6505 8969/14794/6505 8971/14796/6506 +f 8972/14797/6507 8970/14795/6506 8973/14798/6507 +f 8974/14799/6508 8972/14800/6507 8973/14801/6507 +f 8970/14795/6506 8971/14796/6506 8973/14798/6507 +f 8975/14802/6509 8974/14799/6508 8976/14803/6508 +f 8974/14799/6508 8973/14801/6507 8976/14803/6508 +f 8977/14804/6510 8975/14802/6509 8978/14805/6509 +f 8975/14802/6509 8976/14803/6508 8978/14805/6509 +f 8979/14806/6511 8977/14804/6510 8980/14807/6510 +f 8977/14804/6510 8978/14805/6509 8980/14807/6510 +f 8981/14808/6512 8979/14806/6511 8982/14809/6511 +f 8979/14806/6511 8980/14807/6510 8982/14809/6511 +f 8983/14810/6513 8981/14808/6512 8984/14811/6512 +f 8981/14808/6512 8982/14809/6511 8984/14811/6512 +f 8983/14810/6513 8984/14811/6512 8985/14812/6513 +f 8986/14813/6514 8983/14810/6513 8987/14814/6514 +f 8988/14815/6515 8986/14813/6514 8987/14814/6514 +f 8983/14810/6513 8985/14812/6513 8987/14814/6514 +f 8988/14815/6515 8987/14814/6514 8989/14816/6515 +f 8990/14817/6516 8988/14815/6515 8991/14818/6516 +f 8988/14815/6515 8989/14816/6515 8991/14818/6516 +f 8992/14819/6517 8990/14817/6516 8993/14820/6517 +f 8994/14821/6518 8992/14819/6517 8993/14820/6517 +f 8990/14817/6516 8991/14818/6516 8993/14820/6517 +f 8994/14821/6518 8993/14820/6517 8995/14822/6518 +f 8996/14823/6519 8994/14821/6518 8997/14824/6519 +f 8998/14825/6520 8996/14823/6519 8997/14824/6519 +f 8994/14821/6518 8995/14822/6518 8997/14824/6519 +f 8998/14825/6520 8997/14824/6519 8999/14826/6520 +f 9000/14827/6521 8998/14825/6520 9001/14828/6521 +f 9002/14829/6522 9000/14830/6521 9001/14831/6521 +f 8998/14825/6520 8999/14826/6520 9001/14828/6521 +f 9002/14829/6522 9001/14831/6521 9003/14832/6522 +f 9002/14829/6522 9003/14832/6522 9004/14833/6523 +f 9005/14834/6523 9002/14829/6522 9004/14833/6523 +f 9006/14835/6524 9005/14834/6523 9004/14833/6523 +f 9006/14835/6524 9004/14833/6523 9007/14836/6524 +f 9006/14835/6524 9007/14836/6524 9008/14837/6525 +f 9009/14838/6525 9006/14835/6524 9008/14837/6525 +f 9009/14838/6525 9008/14837/6525 9010/14839/6526 +f 9011/14840/6526 9009/14838/6525 9010/14839/6526 +f 9012/14841/6527 9011/14840/6526 9013/14842/6527 +f 9011/14840/6526 9010/14839/6526 9013/14842/6527 +f 9014/14843/6528 9012/14841/6527 9015/14844/6528 +f 9012/14841/6527 9013/14842/6527 9015/14844/6528 +f 9016/14845/6529 9014/14843/6528 9015/14844/6528 +f 9016/14845/6529 9015/14844/6528 9017/14846/6529 +f 9018/14847/32 9016/14845/6529 9019/14848/32 +f 9016/14845/6529 9017/14846/6529 9019/14848/32 +f 9020/14849/6530 9018/14847/32 9021/14850/6530 +f 9018/14847/32 9019/14848/32 9021/14850/6530 +f 9022/14851/6531 9020/14849/6530 9023/14852/6531 +f 9024/14853/6532 9022/14851/6531 9023/14852/6531 +f 9020/14849/6530 9021/14850/6530 9023/14852/6531 +f 9024/14853/6532 9023/14852/6531 9025/14854/6532 +f 9026/14855/6533 9024/14853/6532 9027/14856/6533 +f 9024/14853/6532 9025/14854/6532 9027/14856/6533 +f 9028/14857/6534 9026/14855/6533 9029/14858/6534 +f 9026/14855/6533 9027/14856/6533 9029/14858/6534 +f 9030/14859/6535 9028/14860/6534 9031/14861/6535 +f 9028/14860/6534 9029/14862/6534 9031/14861/6535 +f 9032/14863/6536 9030/14859/6535 9033/14864/6536 +f 9034/14865/6537 9032/14863/6536 9033/14864/6536 +f 9030/14859/6535 9031/14861/6535 9033/14864/6536 +f 9034/14865/6537 9033/14864/6536 9035/14866/6537 +f 9036/14867/6538 9034/14865/6537 9037/14868/6538 +f 9034/14865/6537 9035/14866/6537 9037/14868/6538 +f 9038/14869/6539 9036/14867/6538 9039/14870/6539 +f 9040/14871/6540 9038/14869/6539 9039/14870/6539 +f 9036/14867/6538 9037/14868/6538 9039/14870/6539 +f 9040/14871/6540 9039/14870/6539 9041/14872/6540 +f 9042/14873/6541 9040/14871/6540 9043/14874/6541 +f 9040/14871/6540 9041/14872/6540 9043/14874/6541 +f 9044/14875/6542 9042/14873/6541 9045/14876/6542 +f 9042/14873/6541 9043/14874/6541 9045/14876/6542 +f 9046/14877/6543 9044/14875/6542 9047/14878/6543 +f 9044/14875/6542 9045/14876/6542 9047/14878/6543 +f 9048/14879/6544 9046/14877/6543 9049/14880/6544 +f 9046/14877/6543 9047/14878/6543 9049/14880/6544 +f 9050/14881/6545 9048/14879/6544 9051/14882/6545 +f 9048/14879/6544 9049/14880/6544 9051/14882/6545 +f 9050/14881/6545 9051/14882/6545 9052/14883/6546 +f 9053/14884/6546 9050/14881/6545 9052/14883/6546 +f 9054/14885/6547 9053/14884/6546 9052/14883/6546 +f 9054/14885/6547 9052/14883/6546 9055/14886/6547 +f 9054/14885/6547 9055/14886/6547 9056/14887/6548 +f 9057/14888/6548 9054/14885/6547 9056/14887/6548 +f 9057/14888/6548 9056/14887/6548 9058/14889/6549 +f 9059/14890/6549 9057/14888/6548 9058/14889/6549 +f 9060/14891/6550 9059/14892/6549 9058/14893/6549 +f 9060/14891/6550 9058/14893/6549 9061/14894/6550 +f 9060/14891/6550 9061/14894/6550 9062/14895/6551 +f 9063/14896/6551 9060/14891/6550 9062/14895/6551 +f 9063/14896/6551 9062/14895/6551 9064/14897/6552 +f 9065/14898/6552 9063/14896/6551 9064/14897/6552 +f 9065/14898/6552 9064/14897/6552 9066/14899/6553 +f 9067/14900/6553 9065/14898/6552 9066/14899/6553 +f 9067/14900/6553 9066/14899/6553 9068/14901/6554 +f 9069/14902/6554 9067/14900/6553 9068/14901/6554 +f 9069/14902/6554 9068/14901/6554 9070/14903/6555 +f 9071/14904/6555 9069/14902/6554 9070/14903/6555 +f 9071/14904/6555 9070/14903/6555 9072/14905/6556 +f 9073/14906/6556 9071/14904/6555 9072/14905/6556 +f 9073/14906/6556 9072/14905/6556 9074/14907/6557 +f 9075/14908/6557 9073/14906/6556 9074/14907/6557 +f 9075/14908/6557 9074/14907/6557 8962/14787/19 +f 8961/14786/19 9075/14908/6557 8962/14787/19 +f 9076/14909/6561 9077/14910/6558 9078/14911/6558 +f 9077/14912/6558 9079/14913/6559 9078/14914/6558 +f 9080/14915/6560 9076/14909/6561 9081/14916/6561 +f 9076/14909/6561 9078/14911/6558 9081/14916/6561 +f 9082/14917/6562 9083/14918/19 9084/14919/19 +f 9085/14920/6563 9080/14915/6560 9086/14921/6582 +f 9080/14915/6560 9081/14916/6561 9086/14921/6582 +f 9087/14922/6564 9082/14917/6562 9088/14923/6562 +f 9082/14917/6562 9084/14919/19 9088/14923/6562 +f 9083/14918/19 9085/14920/6563 9089/14924/6563 +f 9085/14920/6563 9086/14921/6582 9089/14924/6563 +f 9083/14918/19 9089/14924/6563 9084/14919/19 +f 9090/14925/6565 9087/14926/6564 9091/14927/6583 +f 9087/14922/6564 9088/14923/6562 9091/14928/6583 +f 9092/14929/6566 9090/14925/6565 9093/14930/6565 +f 9090/14925/6565 9091/14927/6583 9093/14930/6565 +f 9094/14931/6567 9092/14929/6566 9095/14932/6566 +f 9092/14929/6566 9093/14930/6565 9095/14932/6566 +f 9096/14933/6568 9094/14931/6567 9097/14934/6567 +f 9094/14931/6567 9095/14932/6566 9097/14934/6567 +f 9098/14935/6569 9096/14933/6568 9099/14936/6568 +f 9096/14933/6568 9097/14934/6567 9099/14936/6568 +f 9100/14937/6570 9098/14935/6569 9101/14938/6569 +f 9098/14935/6569 9099/14936/6568 9101/14938/6569 +f 9102/14939/6571 9100/14937/6570 9103/14940/6570 +f 9100/14937/6570 9101/14938/6569 9103/14940/6570 +f 9104/14941/6572 9102/14942/6571 9105/14943/6571 +f 9102/14939/6571 9103/14940/6570 9105/14944/6571 +f 9106/14945/6573 9104/14941/6572 9107/14946/6572 +f 9104/14941/6572 9105/14943/6571 9107/14946/6572 +f 9106/14945/6573 9107/14946/6572 9108/14947/6573 +f 9109/14948/6574 9106/14945/6573 9108/14947/6573 +f 9109/14948/6574 9108/14947/6573 9110/14949/6574 +f 9111/14950/6575 9109/14948/6574 9110/14949/6574 +f 9111/14950/6575 9110/14949/6574 9112/14951/6575 +f 9113/14952/6576 9111/14950/6575 9112/14951/6575 +f 9113/14952/6576 9112/14951/6575 9114/14953/6576 +f 9115/14954/6577 9113/14952/6576 9114/14953/6576 +f 9116/14955/6578 9115/14956/6577 9117/14957/6577 +f 9115/14954/6577 9114/14953/6576 9117/14958/6577 +f 9118/14959/6579 9116/14955/6578 9119/14960/6578 +f 9116/14955/6578 9117/14957/6577 9119/14960/6578 +f 9120/14961/6580 9118/14959/6579 9121/14962/6579 +f 9118/14959/6579 9119/14960/6578 9121/14962/6579 +f 9122/14963/6581 9120/14961/6580 9123/14964/6580 +f 9120/14961/6580 9121/14962/6579 9123/14964/6580 +f 9124/14965/6559 9122/14963/6581 9125/14966/6581 +f 9122/14963/6581 9123/14964/6580 9125/14966/6581 +f 9077/14912/6558 9124/14965/6559 9079/14913/6559 +f 9124/14965/6559 9125/14966/6581 9079/14913/6559 +f 9126/14967/6502 9127/14968/19 9128/14969/19 +f 9129/14970/6503 9126/14967/6502 9130/14971/6502 +f 9126/14967/6502 9128/14969/19 9130/14971/6502 +f 9131/14972/6504 9129/14970/6503 9132/14973/6503 +f 9129/14970/6503 9130/14971/6502 9132/14973/6503 +f 9133/14974/6505 9131/14972/6504 9134/14975/6504 +f 9131/14972/6504 9132/14973/6503 9134/14975/6504 +f 9133/14974/6505 9134/14975/6504 9135/14976/6505 +f 9136/14977/6506 9133/14974/6505 9137/14978/6506 +f 9133/14974/6505 9135/14976/6505 9137/14978/6506 +f 9138/14979/6507 9136/14977/6506 9139/14980/6507 +f 9140/14981/6508 9138/14982/6507 9139/14983/6507 +f 9136/14977/6506 9137/14978/6506 9139/14980/6507 +f 9141/14984/6509 9140/14981/6508 9142/14985/6508 +f 9140/14981/6508 9139/14983/6507 9142/14985/6508 +f 9143/14986/6510 9141/14984/6509 9144/14987/6509 +f 9141/14984/6509 9142/14985/6508 9144/14987/6509 +f 9145/14988/6511 9143/14986/6510 9146/14989/6510 +f 9143/14986/6510 9144/14987/6509 9146/14989/6510 +f 9147/14990/6512 9145/14988/6511 9148/14991/6511 +f 9145/14988/6511 9146/14989/6510 9148/14991/6511 +f 9149/14992/6513 9147/14990/6512 9150/14993/6512 +f 9147/14990/6512 9148/14991/6511 9150/14993/6512 +f 9149/14992/6513 9150/14993/6512 9151/14994/6513 +f 9152/14995/6514 9149/14992/6513 9153/14996/6514 +f 9154/14997/6515 9152/14995/6514 9153/14996/6514 +f 9149/14992/6513 9151/14994/6513 9153/14996/6514 +f 9154/14997/6515 9153/14996/6514 9155/14998/6515 +f 9156/14999/6516 9154/14997/6515 9157/15000/6516 +f 9154/14997/6515 9155/14998/6515 9157/15000/6516 +f 9158/15001/6517 9156/14999/6516 9159/15002/6517 +f 9160/15003/6518 9158/15001/6517 9159/15002/6517 +f 9156/14999/6516 9157/15000/6516 9159/15002/6517 +f 9160/15003/6518 9159/15002/6517 9161/15004/6518 +f 9162/15005/6519 9160/15003/6518 9163/15006/6519 +f 9164/15007/6520 9162/15005/6519 9163/15006/6519 +f 9160/15003/6518 9161/15004/6518 9163/15006/6519 +f 9164/15007/6520 9163/15006/6519 9165/15008/6520 +f 9166/15009/6521 9164/15007/6520 9167/15010/6521 +f 9168/15011/6522 9166/15012/6521 9167/15013/6521 +f 9164/15007/6520 9165/15008/6520 9167/15010/6521 +f 9168/15011/6522 9167/15013/6521 9169/15014/6522 +f 9168/15011/6522 9169/15014/6522 9170/15015/6523 +f 9171/15016/6523 9168/15011/6522 9170/15015/6523 +f 9172/15017/6524 9171/15016/6523 9170/15015/6523 +f 9172/15017/6524 9170/15015/6523 9173/15018/6524 +f 9172/15017/6524 9173/15018/6524 9174/15019/6525 +f 9175/15020/6525 9172/15017/6524 9174/15019/6525 +f 9175/15020/6525 9174/15019/6525 9176/15021/6526 +f 9177/15022/6526 9175/15020/6525 9176/15021/6526 +f 9178/15023/6527 9177/15022/6526 9179/15024/6527 +f 9177/15022/6526 9176/15021/6526 9179/15024/6527 +f 9180/15025/6528 9178/15023/6527 9181/15026/6528 +f 9178/15023/6527 9179/15024/6527 9181/15026/6528 +f 9182/15027/6529 9180/15025/6528 9181/15026/6528 +f 9182/15027/6529 9181/15026/6528 9183/15028/6529 +f 9184/15029/32 9182/15027/6529 9185/15030/32 +f 9182/15027/6529 9183/15028/6529 9185/15030/32 +f 9186/15031/6530 9184/15029/32 9187/15032/6530 +f 9184/15029/32 9185/15030/32 9187/15032/6530 +f 9188/15033/6531 9186/15031/6530 9189/15034/6531 +f 9190/15035/6532 9188/15033/6531 9189/15034/6531 +f 9186/15031/6530 9187/15032/6530 9189/15034/6531 +f 9190/15035/6532 9189/15034/6531 9191/15036/6532 +f 9192/15037/6533 9190/15035/6532 9193/15038/6533 +f 9190/15035/6532 9191/15036/6532 9193/15038/6533 +f 9194/15039/6534 9192/15037/6533 9195/15040/6534 +f 9192/15037/6533 9193/15038/6533 9195/15040/6534 +f 9196/15041/6535 9194/15042/6534 9197/15043/6535 +f 9194/15042/6534 9195/15044/6534 9197/15043/6535 +f 9198/15045/6536 9196/15041/6535 9199/15046/6536 +f 9200/15047/6537 9198/15045/6536 9199/15046/6536 +f 9196/15041/6535 9197/15043/6535 9199/15046/6536 +f 9200/15047/6537 9199/15046/6536 9201/15048/6537 +f 9202/15049/6538 9200/15047/6537 9203/15050/6538 +f 9200/15047/6537 9201/15048/6537 9203/15050/6538 +f 9204/15051/6539 9202/15049/6538 9205/15052/6539 +f 9206/15053/6540 9204/15051/6539 9205/15052/6539 +f 9202/15049/6538 9203/15050/6538 9205/15052/6539 +f 9206/15053/6540 9205/15052/6539 9207/15054/6540 +f 9208/15055/6584 9206/15053/6540 9209/15056/6541 +f 9206/15053/6540 9207/15054/6540 9209/15056/6541 +f 9210/15057/6542 9208/15055/6584 9211/15058/6542 +f 9208/15055/6584 9209/15056/6541 9211/15058/6542 +f 9212/15059/6543 9210/15057/6542 9213/15060/6543 +f 9210/15057/6542 9211/15058/6542 9213/15060/6543 +f 9214/15061/6544 9212/15059/6543 9215/15062/6544 +f 9212/15059/6543 9213/15060/6543 9215/15062/6544 +f 9216/15063/6545 9214/15061/6544 9217/15064/6545 +f 9214/15061/6544 9215/15062/6544 9217/15064/6545 +f 9216/15063/6545 9217/15064/6545 9218/15065/6546 +f 9219/15066/6546 9216/15063/6545 9218/15065/6546 +f 9220/15067/6547 9219/15066/6546 9218/15065/6546 +f 9220/15067/6547 9218/15065/6546 9221/15068/6547 +f 9220/15067/6547 9221/15068/6547 9222/15069/6548 +f 9223/15070/6548 9220/15067/6547 9222/15069/6548 +f 9223/15070/6548 9222/15069/6548 9224/15071/6549 +f 9225/15072/6549 9223/15070/6548 9224/15071/6549 +f 9226/15073/6550 9225/15074/6549 9224/15075/6549 +f 9226/15073/6550 9224/15075/6549 9227/15076/6550 +f 9226/15073/6550 9227/15076/6550 9228/15077/6551 +f 9229/15078/6551 9226/15073/6550 9228/15077/6551 +f 9229/15078/6551 9228/15077/6551 9230/15079/6552 +f 9231/15080/6552 9229/15078/6551 9230/15079/6552 +f 9231/15080/6552 9230/15079/6552 9232/15081/6553 +f 9233/15082/6553 9231/15080/6552 9232/15081/6553 +f 9233/15082/6553 9232/15081/6553 9234/15083/6554 +f 9235/15084/6554 9233/15082/6553 9234/15083/6554 +f 9235/15084/6554 9234/15083/6554 9236/15085/6555 +f 9237/15086/6555 9235/15084/6554 9236/15085/6555 +f 9237/15086/6555 9236/15085/6555 9238/15087/6556 +f 9239/15088/6556 9237/15086/6555 9238/15087/6556 +f 9239/15088/6556 9238/15087/6556 9240/15089/6557 +f 9241/15090/6557 9239/15088/6556 9240/15089/6557 +f 9241/15090/6557 9240/15089/6557 9128/14969/19 +f 9127/14968/19 9241/15090/6557 9128/14969/19 +f 9242/15091/6558 9243/15092/6559 9244/15093/6558 +f 9245/15094/6560 9246/15095/6561 9247/15096/6561 +f 9246/15095/6561 9244/15097/6558 9247/15096/6561 +f 9248/15098/6562 9249/15099/19 9250/15100/19 +f 9251/15101/6563 9245/15094/6560 9252/15102/6560 +f 9245/15094/6560 9247/15096/6561 9252/15102/6560 +f 9253/15103/6564 9248/15098/6562 9254/15104/6562 +f 9248/15098/6562 9250/15100/19 9254/15104/6562 +f 9249/15099/19 9251/15101/6563 9255/15105/6563 +f 9251/15101/6563 9252/15102/6560 9255/15105/6563 +f 9249/15099/19 9255/15105/6563 9250/15100/19 +f 9256/15106/6565 9253/15107/6564 9257/15108/6564 +f 9253/15103/6564 9254/15104/6562 9257/15109/6564 +f 9258/15110/6566 9256/15106/6565 9259/15111/6565 +f 9256/15106/6565 9257/15108/6564 9259/15111/6565 +f 9260/15112/6567 9258/15110/6566 9261/15113/6566 +f 9258/15110/6566 9259/15111/6565 9261/15113/6566 +f 9262/15114/6568 9260/15112/6567 9263/15115/6567 +f 9260/15112/6567 9261/15113/6566 9263/15115/6567 +f 9264/15116/6569 9262/15114/6568 9265/15117/6568 +f 9262/15114/6568 9263/15115/6567 9265/15117/6568 +f 9266/15118/6570 9264/15116/6569 9267/15119/6569 +f 9264/15116/6569 9265/15117/6568 9267/15119/6569 +f 9268/15120/6571 9266/15118/6570 9269/15121/6570 +f 9266/15118/6570 9267/15119/6569 9269/15121/6570 +f 9270/15122/6572 9268/15123/6571 9271/15124/6571 +f 9268/15120/6571 9269/15121/6570 9271/15125/6571 +f 9272/15126/6573 9270/15122/6572 9273/15127/6572 +f 9270/15122/6572 9271/15124/6571 9273/15127/6572 +f 9272/15126/6573 9273/15127/6572 9274/15128/6573 +f 9275/15129/6574 9272/15126/6573 9274/15128/6573 +f 9275/15129/6574 9274/15128/6573 9276/15130/6574 +f 9277/15131/6575 9275/15129/6574 9276/15130/6574 +f 9277/15131/6575 9276/15130/6574 9278/15132/6575 +f 9279/15133/6576 9277/15131/6575 9278/15132/6575 +f 9279/15133/6576 9278/15132/6575 9280/15134/6576 +f 9281/15135/6577 9279/15133/6576 9280/15134/6576 +f 9282/15136/6578 9281/15137/6577 9283/15138/6577 +f 9281/15135/6577 9280/15134/6576 9283/15139/6577 +f 9284/15140/6579 9282/15136/6578 9285/15141/6578 +f 9282/15136/6578 9283/15138/6577 9285/15141/6578 +f 9286/15142/6580 9284/15140/6579 9287/15143/6579 +f 9284/15140/6579 9285/15141/6578 9287/15143/6579 +f 9288/15144/6581 9286/15142/6580 9289/15145/6580 +f 9286/15142/6580 9287/15143/6579 9289/15145/6580 +f 9290/15146/6559 9288/15144/6581 9291/15147/6581 +f 9288/15144/6581 9289/15145/6580 9291/15147/6581 +f 9242/15091/6558 9290/15146/6559 9243/15092/6559 +f 9290/15146/6559 9291/15147/6581 9243/15092/6559 +f 9246/15095/6561 9242/15148/6558 9244/15097/6558 +f 9292/15149/6502 9293/15150/19 9294/15151/19 +f 9295/15152/6503 9292/15149/6502 9296/15153/6502 +f 9292/15149/6502 9294/15151/19 9296/15153/6502 +f 9297/15154/6504 9295/15152/6503 9298/15155/6503 +f 9295/15152/6503 9296/15153/6502 9298/15155/6503 +f 9299/15156/6505 9297/15154/6504 9300/15157/6504 +f 9297/15154/6504 9298/15155/6503 9300/15157/6504 +f 9299/15156/6505 9300/15157/6504 9301/15158/6505 +f 9302/15159/6506 9299/15156/6505 9303/15160/6506 +f 9299/15156/6505 9301/15158/6505 9303/15160/6506 +f 9304/15161/6507 9302/15159/6506 9305/15162/6507 +f 9306/15163/6508 9304/15164/6507 9305/15165/6507 +f 9302/15159/6506 9303/15160/6506 9305/15162/6507 +f 9307/15166/6509 9306/15163/6508 9308/15167/6508 +f 9306/15163/6508 9305/15165/6507 9308/15167/6508 +f 9309/15168/6510 9307/15166/6509 9310/15169/6509 +f 9307/15166/6509 9308/15167/6508 9310/15169/6509 +f 9311/15170/6511 9309/15168/6510 9312/15171/6510 +f 9309/15168/6510 9310/15169/6509 9312/15171/6510 +f 9313/15172/6512 9311/15170/6511 9314/15173/6511 +f 9311/15170/6511 9312/15171/6510 9314/15173/6511 +f 9315/15174/6513 9313/15172/6512 9316/15175/6512 +f 9313/15172/6512 9314/15173/6511 9316/15175/6512 +f 9315/15174/6513 9316/15175/6512 9317/15176/6513 +f 9318/15177/6514 9315/15174/6513 9319/15178/6514 +f 9320/15179/6515 9318/15177/6514 9319/15178/6514 +f 9315/15174/6513 9317/15176/6513 9319/15178/6514 +f 9320/15179/6515 9319/15178/6514 9321/15180/6515 +f 9322/15181/6516 9320/15179/6515 9323/15182/6516 +f 9320/15179/6515 9321/15180/6515 9323/15182/6516 +f 9324/15183/6517 9322/15181/6516 9325/15184/6517 +f 9326/15185/6518 9324/15183/6517 9325/15184/6517 +f 9322/15181/6516 9323/15182/6516 9325/15184/6517 +f 9326/15185/6518 9325/15184/6517 9327/15186/6518 +f 9328/15187/6519 9326/15185/6518 9329/15188/6519 +f 9330/15189/6520 9328/15187/6519 9329/15188/6519 +f 9326/15185/6518 9327/15186/6518 9329/15188/6519 +f 9330/15189/6520 9329/15188/6519 9331/15190/6520 +f 9332/15191/6521 9330/15189/6520 9333/15192/6521 +f 9334/15193/6522 9332/15194/6521 9333/15195/6521 +f 9330/15189/6520 9331/15190/6520 9333/15192/6521 +f 9334/15193/6522 9333/15195/6521 9335/15196/6522 +f 9334/15193/6522 9335/15196/6522 9336/15197/6523 +f 9337/15198/6523 9334/15193/6522 9336/15197/6523 +f 9338/15199/6524 9337/15198/6523 9336/15197/6523 +f 9338/15199/6524 9336/15197/6523 9339/15200/6524 +f 9338/15199/6524 9339/15200/6524 9340/15201/6525 +f 9341/15202/6525 9338/15199/6524 9340/15201/6525 +f 9341/15202/6525 9340/15201/6525 9342/15203/6526 +f 9343/15204/6526 9341/15202/6525 9342/15203/6526 +f 9344/15205/6527 9343/15204/6526 9345/15206/6527 +f 9343/15204/6526 9342/15203/6526 9345/15206/6527 +f 9346/15207/6528 9344/15205/6527 9347/15208/6528 +f 9344/15205/6527 9345/15206/6527 9347/15208/6528 +f 9348/15209/6529 9346/15207/6528 9347/15208/6528 +f 9348/15209/6529 9347/15208/6528 9349/15210/6529 +f 9350/15211/32 9348/15209/6529 9351/15212/32 +f 9348/15209/6529 9349/15210/6529 9351/15212/32 +f 9352/15213/6530 9350/15211/32 9353/15214/6530 +f 9350/15211/32 9351/15212/32 9353/15214/6530 +f 9354/15215/6531 9352/15213/6530 9355/15216/6531 +f 9356/15217/6532 9354/15215/6531 9355/15216/6531 +f 9352/15213/6530 9353/15214/6530 9355/15216/6531 +f 9356/15217/6532 9355/15216/6531 9357/15218/6532 +f 9358/15219/6533 9356/15217/6532 9359/15220/6533 +f 9356/15217/6532 9357/15218/6532 9359/15220/6533 +f 9360/15221/6534 9358/15219/6533 9361/15222/6534 +f 9358/15219/6533 9359/15220/6533 9361/15222/6534 +f 9362/15223/6535 9360/15224/6534 9363/15225/6535 +f 9360/15224/6534 9361/15226/6534 9363/15225/6535 +f 9364/15227/6536 9362/15223/6535 9365/15228/6536 +f 9366/15229/6537 9364/15227/6536 9365/15228/6536 +f 9362/15223/6535 9363/15225/6535 9365/15228/6536 +f 9366/15229/6537 9365/15228/6536 9367/15230/6537 +f 9368/15231/6538 9366/15229/6537 9369/15232/6538 +f 9366/15229/6537 9367/15230/6537 9369/15232/6538 +f 9370/15233/6539 9368/15231/6538 9371/15234/6539 +f 9372/15235/6540 9370/15233/6539 9371/15234/6539 +f 9368/15231/6538 9369/15232/6538 9371/15234/6539 +f 9372/15235/6540 9371/15234/6539 9373/15236/6540 +f 9374/15237/6584 9372/15235/6540 9375/15238/6541 +f 9372/15235/6540 9373/15236/6540 9375/15238/6541 +f 9376/15239/6542 9374/15237/6584 9377/15240/6542 +f 9374/15237/6584 9375/15238/6541 9377/15240/6542 +f 9378/15241/6543 9376/15239/6542 9379/15242/6543 +f 9376/15239/6542 9377/15240/6542 9379/15242/6543 +f 9380/15243/6544 9378/15241/6543 9381/15244/6544 +f 9378/15241/6543 9379/15242/6543 9381/15244/6544 +f 9382/15245/6545 9380/15243/6544 9383/15246/6545 +f 9380/15243/6544 9381/15244/6544 9383/15246/6545 +f 9382/15245/6545 9383/15246/6545 9384/15247/6546 +f 9385/15248/6546 9382/15245/6545 9384/15247/6546 +f 9386/15249/6547 9385/15248/6546 9384/15247/6546 +f 9386/15249/6547 9384/15247/6546 9387/15250/6547 +f 9386/15249/6547 9387/15250/6547 9388/15251/6548 +f 9389/15252/6548 9386/15249/6547 9388/15251/6548 +f 9389/15252/6548 9388/15251/6548 9390/15253/6549 +f 9391/15254/6549 9389/15252/6548 9390/15253/6549 +f 9392/15255/6550 9391/15256/6549 9390/15257/6549 +f 9392/15255/6550 9390/15257/6549 9393/15258/6550 +f 9392/15255/6550 9393/15258/6550 9394/15259/6551 +f 9395/15260/6551 9392/15255/6550 9394/15259/6551 +f 9395/15260/6551 9394/15259/6551 9396/15261/6552 +f 9397/15262/6552 9395/15260/6551 9396/15261/6552 +f 9397/15262/6552 9396/15261/6552 9398/15263/6553 +f 9399/15264/6553 9397/15262/6552 9398/15263/6553 +f 9399/15264/6553 9398/15263/6553 9400/15265/6554 +f 9401/15266/6554 9399/15264/6553 9400/15265/6554 +f 9401/15266/6554 9400/15265/6554 9402/15267/6555 +f 9403/15268/6555 9401/15266/6554 9402/15267/6555 +f 9403/15268/6555 9402/15267/6555 9404/15269/6556 +f 9405/15270/6556 9403/15268/6555 9404/15269/6556 +f 9405/15270/6556 9404/15269/6556 9406/15271/6557 +f 9407/15272/6557 9405/15270/6556 9406/15271/6557 +f 9407/15272/6557 9406/15271/6557 9294/15151/19 +f 9293/15150/19 9407/15272/6557 9294/15151/19 +f 9408/15273/6561 9409/15274/6558 9410/15275/6558 +f 9409/15276/6558 9411/15277/6559 9410/15278/6558 +f 9412/15279/6560 9408/15273/6561 9413/15280/6561 +f 9408/15273/6561 9410/15275/6558 9413/15280/6561 +f 9414/15281/6562 9415/15282/19 9416/15283/19 +f 9417/15284/6563 9412/15279/6560 9418/15285/6582 +f 9412/15279/6560 9413/15280/6561 9418/15285/6582 +f 9419/15286/6564 9414/15281/6562 9420/15287/6562 +f 9414/15281/6562 9416/15283/19 9420/15287/6562 +f 9415/15282/19 9417/15284/6563 9421/15288/6563 +f 9417/15284/6563 9418/15285/6582 9421/15288/6563 +f 9415/15282/19 9421/15288/6563 9416/15283/19 +f 9422/15289/6565 9419/15290/6564 9423/15291/6583 +f 9419/15286/6564 9420/15287/6562 9423/15292/6583 +f 9424/15293/6566 9422/15289/6565 9425/15294/6565 +f 9422/15289/6565 9423/15291/6583 9425/15294/6565 +f 9426/15295/6567 9424/15293/6566 9427/15296/6566 +f 9424/15293/6566 9425/15294/6565 9427/15296/6566 +f 9428/15297/6568 9426/15295/6567 9429/15298/6567 +f 9426/15295/6567 9427/15296/6566 9429/15298/6567 +f 9430/15299/6569 9428/15297/6568 9431/15300/6568 +f 9428/15297/6568 9429/15298/6567 9431/15300/6568 +f 9432/15301/6570 9430/15299/6569 9433/15302/6569 +f 9430/15299/6569 9431/15300/6568 9433/15302/6569 +f 9434/15303/6571 9432/15301/6570 9435/15304/6570 +f 9432/15301/6570 9433/15302/6569 9435/15304/6570 +f 9436/15305/6572 9434/15306/6571 9437/15307/6571 +f 9434/15303/6571 9435/15304/6570 9437/15308/6571 +f 9438/15309/6573 9436/15305/6572 9439/15310/6572 +f 9436/15305/6572 9437/15307/6571 9439/15310/6572 +f 9438/15309/6573 9439/15310/6572 9440/15311/6573 +f 9441/15312/6574 9438/15309/6573 9440/15311/6573 +f 9441/15312/6574 9440/15311/6573 9442/15313/6574 +f 9443/15314/6575 9441/15312/6574 9442/15313/6574 +f 9443/15314/6575 9442/15313/6574 9444/15315/6575 +f 9445/15316/6576 9443/15314/6575 9444/15315/6575 +f 9445/15316/6576 9444/15315/6575 9446/15317/6576 +f 9447/15318/6577 9445/15316/6576 9446/15317/6576 +f 9448/15319/6578 9447/15320/6577 9449/15321/6577 +f 9447/15318/6577 9446/15317/6576 9449/15322/6577 +f 9450/15323/6579 9448/15319/6578 9451/15324/6578 +f 9448/15319/6578 9449/15321/6577 9451/15324/6578 +f 9452/15325/6580 9450/15323/6579 9453/15326/6579 +f 9450/15323/6579 9451/15324/6578 9453/15326/6579 +f 9454/15327/6581 9452/15325/6580 9455/15328/6580 +f 9452/15325/6580 9453/15326/6579 9455/15328/6580 +f 9456/15329/6559 9454/15327/6581 9457/15330/6581 +f 9454/15327/6581 9455/15328/6580 9457/15330/6581 +f 9409/15276/6558 9456/15329/6559 9411/15277/6559 +f 9456/15329/6559 9457/15330/6581 9411/15277/6559 +f 9458/15331/6585 9459/15332/6585 9460/15333/6586 +f 9461/15334/6586 9458/15331/6585 9460/15333/6586 +f 9462/15335/6587 9461/15334/6586 9463/15336/6587 +f 9461/15334/6586 9460/15333/6586 9463/15336/6587 +f 9464/15337/6588 9462/15335/6587 9465/15338/6588 +f 9462/15335/6587 9463/15336/6587 9465/15338/6588 +f 9466/15339/19 9467/15340/19 9468/15341/19 +f 9466/15339/19 9468/15341/19 9469/15342/19 +f 9470/15343/6589 9228/15344/326 9227/15345/326 +f 9228/15344/326 9470/15343/6589 9230/15346/326 +f 9470/15343/6589 9227/15345/326 9224/15347/326 +f 9230/15346/326 9470/15343/6589 9232/15348/326 +f 9470/15343/6589 9224/15347/326 9222/15349/326 +f 9232/15348/326 9470/15343/6589 9234/15350/326 +f 9470/15343/6589 9222/15349/326 9221/15351/326 +f 9234/15350/326 9470/15343/6589 9236/15352/326 +f 9470/15343/6589 9221/15351/326 9218/15353/326 +f 9236/15352/326 9470/15343/6589 9238/15354/326 +f 9470/15343/6589 9218/15353/326 9217/15355/326 +f 9238/15354/326 9470/15343/6589 9240/15356/326 +f 9470/15343/6589 9217/15355/326 9215/15357/326 +f 9240/15356/326 9470/15343/6589 9128/15358/326 +f 9470/15343/6589 9215/15357/326 9213/15359/326 +f 9205/15360/326 9203/15361/326 9467/15362/326 +f 9207/15363/326 9205/15360/326 9467/15362/326 +f 9209/15364/326 9207/15363/326 9467/15362/326 +f 9211/15365/326 9209/15364/326 9467/15362/326 +f 9213/15359/326 9211/15365/326 9467/15362/326 +f 9470/15343/6589 9213/15359/326 9467/15362/326 +f 9203/15361/326 9201/15366/326 9467/15362/326 +f 9467/15362/326 9201/15366/326 9199/15367/326 +f 9467/15362/326 9199/15367/326 9197/15368/326 +f 9467/15362/326 9197/15368/326 9195/15369/326 +f 9467/15362/326 9195/15369/326 9193/15370/326 +f 9467/15362/326 9193/15370/326 9191/15371/326 +f 9467/15362/326 9191/15371/326 9189/15372/326 +f 9467/15362/326 9189/15372/326 9187/15373/326 +f 9467/15362/326 9187/15373/326 9185/15374/326 +f 9467/15362/326 9185/15374/326 9183/15375/326 +f 9142/15376/326 9139/15377/326 8896/15378/326 +f 9144/15379/326 9142/15376/326 8896/15378/326 +f 9144/15379/326 8896/15378/326 8895/15380/326 +f 8896/15378/326 9139/15377/326 8898/15381/326 +f 9146/15382/326 9144/15379/326 8892/15383/326 +f 9148/15384/326 9146/15382/326 8892/15383/326 +f 9144/15379/326 8895/15380/326 8892/15383/326 +f 9139/15377/326 9137/15385/326 8900/15386/326 +f 8898/15381/326 9139/15377/326 8900/15386/326 +f 9148/15384/326 8892/15383/326 8890/15387/326 +f 8900/15386/326 9137/15385/326 8902/15388/326 +f 9137/15385/326 9135/15389/326 8902/15388/326 +f 9148/15384/326 8890/15387/326 8889/15390/326 +f 9150/15391/326 9148/15384/326 8889/15390/326 +f 9151/15392/326 9150/15391/326 8889/15390/326 +f 8902/15388/326 9135/15389/326 8904/15393/326 +f 9135/15389/326 9134/15394/326 8904/15393/326 +f 9151/15392/326 8889/15390/326 8886/15395/326 +f 8904/15393/326 9134/15394/326 8906/15396/326 +f 9134/15394/326 9132/15397/326 8906/15396/326 +f 9151/15392/326 8886/15395/326 8885/15398/326 +f 9153/15399/326 9151/15392/326 8885/15398/326 +f 9153/15399/326 8885/15398/326 8883/15400/326 +f 9155/15401/326 9153/15399/326 8883/15400/326 +f 9157/15402/326 9155/15401/326 8883/15400/326 +f 9157/15402/326 8883/15400/326 8881/15403/326 +f 9159/15404/326 9157/15402/326 8881/15403/326 +f 9159/15404/326 8881/15403/326 8879/15405/326 +f 9159/15404/326 8879/15405/326 8877/15406/326 +f 9161/15407/326 9159/15404/326 8877/15406/326 +f 9161/15407/326 8877/15406/326 8875/15408/326 +f 9163/15409/326 9161/15407/326 8875/15408/326 +f 9165/15410/326 9163/15409/326 8875/15408/326 +f 9165/15410/326 8875/15408/326 8873/15411/326 +f 9165/15410/326 8873/15411/326 8871/15412/326 +f 9167/15413/326 9165/15410/326 8871/15412/326 +f 9169/15414/326 9167/15413/326 8869/15415/326 +f 9170/15416/326 9169/15414/326 8869/15415/326 +f 9167/15413/326 8871/15412/326 8869/15415/326 +f 9170/15416/326 8869/15415/326 8867/15417/326 +f 9173/15418/326 9170/15416/326 8867/15417/326 +f 8798/15419/326 8796/15420/326 9471/15421/6589 +f 8800/15422/326 8798/15419/326 9471/15421/6589 +f 8802/15423/326 8800/15422/326 9471/15421/6589 +f 8803/15424/326 8802/15423/326 9471/15421/6589 +f 8805/15425/326 8803/15424/326 9471/15421/6589 +f 8807/15426/326 8805/15425/326 9471/15421/6589 +f 8810/15427/326 8807/15426/326 9471/15421/6589 +f 8812/15428/326 8810/15427/326 9471/15421/6589 +f 9173/15418/326 8867/15417/326 8865/15429/326 +f 8812/15428/326 9471/15421/6589 8814/15430/326 +f 9173/15418/326 8865/15429/326 8863/15431/326 +f 9174/15432/326 9173/15418/326 8863/15431/326 +f 8814/15430/326 9471/15421/6589 8816/15433/326 +f 9174/15432/326 8863/15431/326 8861/15434/326 +f 9176/15435/326 9174/15432/326 8861/15434/326 +f 8816/15433/326 9471/15421/6589 8818/15436/326 +f 9176/15435/326 8861/15434/326 8859/15437/326 +f 9179/15438/326 9176/15435/326 8859/15437/326 +f 8818/15436/326 9471/15421/6589 8819/15439/326 +f 9179/15438/326 8859/15437/326 8857/15440/326 +f 9181/15441/326 9179/15438/326 8857/15440/326 +f 8819/15439/326 9471/15421/6589 8821/15442/326 +f 8821/15442/326 9471/15421/6589 8823/15443/326 +f 8823/15443/326 9471/15421/6589 8825/15444/326 +f 8827/15445/326 8825/15444/326 9468/15446/326 +f 8829/15447/326 8827/15445/326 9468/15446/326 +f 8831/15448/326 8829/15447/326 9468/15446/326 +f 8833/15449/326 8831/15448/326 9468/15446/326 +f 8835/15450/326 8833/15449/326 9468/15446/326 +f 8837/15451/326 8835/15450/326 9468/15446/326 +f 8838/15452/326 8837/15451/326 9468/15446/326 +f 8841/15453/326 8838/15452/326 9468/15446/326 +f 8842/15454/326 8841/15453/326 9468/15446/326 +f 8844/15455/326 8842/15454/326 9468/15446/326 +f 8847/15456/326 8844/15455/326 9468/15446/326 +f 8849/15457/326 8847/15456/326 9468/15446/326 +f 8851/15458/326 8849/15457/326 9468/15446/326 +f 8853/15459/326 8851/15458/326 9468/15446/326 +f 8855/15460/326 8853/15459/326 9468/15446/326 +f 8825/15444/326 9471/15421/6589 9468/15446/326 +f 9128/15358/326 9470/15343/6589 9471/15421/6589 +f 9130/15461/326 9128/15358/326 9471/15421/6589 +f 9132/15397/326 9130/15461/326 9471/15421/6589 +f 8796/15420/326 9132/15397/326 9471/15421/6589 +f 8908/15462/326 9132/15397/326 8796/15420/326 +f 8906/15396/326 9132/15397/326 8908/15462/326 +f 9183/15375/326 9468/15446/326 9467/15362/326 +f 9181/15441/326 9468/15446/326 9183/15375/326 +f 8855/15460/326 9468/15446/326 9181/15441/326 +f 8857/15440/326 8855/15460/326 9181/15441/326 +f 9470/15343/6589 9459/15332/6585 9471/15421/6589 +f 9459/15332/6585 9458/15331/6585 9471/15421/6589 +f 9465/15338/6588 9472/15463/6590 9464/15337/6588 +f 9472/15463/6590 9473/15464/6590 9464/15337/6588 +f 9474/15465/326 9394/15466/326 9393/15467/326 +f 9394/15466/326 9474/15465/326 9396/15468/326 +f 9474/15465/326 9393/15467/326 9390/15469/326 +f 9396/15468/326 9474/15465/326 9398/15470/326 +f 9474/15465/326 9390/15469/326 9388/15471/326 +f 9398/15470/326 9474/15465/326 9400/15472/326 +f 9474/15465/326 9388/15471/326 9387/15473/326 +f 9400/15472/326 9474/15465/326 9402/15474/326 +f 9474/15465/326 9387/15473/326 9384/15475/6591 +f 9402/15474/326 9474/15465/326 9404/15476/326 +f 9474/15465/326 9384/15475/6591 9383/15477/326 +f 9404/15476/326 9474/15465/326 9406/15478/326 +f 9474/15465/326 9383/15477/326 9381/15479/326 +f 9406/15478/326 9474/15465/326 9294/15480/326 +f 9294/15480/326 9474/15465/326 9296/15481/326 +f 9371/15482/326 9369/15483/326 9472/15463/6590 +f 9373/15484/326 9371/15482/326 9472/15463/6590 +f 9375/15485/326 9373/15484/326 9472/15463/6590 +f 9377/15486/326 9375/15485/326 9472/15463/6590 +f 9379/15487/326 9377/15486/326 9472/15463/6590 +f 9381/15479/326 9379/15487/326 9472/15463/6590 +f 9474/15465/326 9381/15479/326 9472/15463/6590 +f 9472/15463/6590 9369/15483/326 9367/15488/326 +f 9472/15463/6590 9367/15488/326 9365/15489/326 +f 9472/15463/6590 9365/15489/326 9363/15490/326 +f 9472/15463/6590 9363/15490/326 9361/15491/326 +f 9472/15463/6590 9361/15491/326 9359/15492/326 +f 9472/15463/6590 9359/15492/326 9357/15493/326 +f 9472/15463/6590 9357/15493/326 9355/15494/326 +f 9472/15463/6590 9355/15494/326 9353/15495/326 +f 9472/15463/6590 9353/15495/326 9351/15496/326 +f 9308/15497/326 9305/15498/326 9062/15499/326 +f 9308/15497/326 9062/15499/326 9061/15500/326 +f 9310/15501/326 9308/15497/326 9061/15500/326 +f 9062/15499/326 9305/15498/326 9064/15502/326 +f 9310/15501/326 9061/15500/326 9058/15503/326 +f 9312/15504/326 9310/15501/326 9058/15503/326 +f 9314/15505/326 9312/15504/326 9058/15503/326 +f 9303/15506/326 9301/15507/326 9066/15508/326 +f 9305/15498/326 9303/15506/326 9066/15508/326 +f 9064/15502/326 9305/15498/326 9066/15508/326 +f 9314/15505/326 9058/15503/326 9056/15509/326 +f 9066/15508/326 9301/15507/326 9068/15510/326 +f 9314/15505/326 9056/15509/326 9055/15511/326 +f 9316/15512/326 9314/15505/326 9055/15511/326 +f 9068/15510/326 9301/15507/326 9070/15513/326 +f 9301/15507/326 9300/15514/326 9070/15513/326 +f 9316/15512/326 9055/15511/326 9052/15515/326 +f 9317/15516/326 9316/15512/326 9052/15515/326 +f 9070/15513/326 9300/15514/326 9072/15517/326 +f 9300/15514/326 9298/15518/326 9072/15517/326 +f 9317/15516/326 9052/15515/326 9051/15519/326 +f 9319/15520/326 9317/15516/326 9051/15519/326 +f 9319/15520/326 9051/15519/326 9049/15521/326 +f 9321/15522/326 9319/15520/326 9049/15521/326 +f 9323/15523/326 9321/15522/326 9049/15521/326 +f 9323/15523/326 9049/15521/326 9047/15524/326 +f 9323/15523/326 9047/15524/326 9045/15525/326 +f 9325/15526/326 9323/15523/326 9045/15525/326 +f 9327/15527/326 9325/15526/326 9045/15525/326 +f 9327/15527/326 9045/15525/326 9043/15528/326 +f 9329/15529/326 9327/15527/326 9043/15528/326 +f 9329/15529/326 9043/15528/326 9041/15530/326 +f 9331/15531/326 9329/15529/326 9039/15532/326 +f 9329/15529/326 9041/15530/326 9039/15532/326 +f 9333/15533/326 9331/15531/326 9039/15532/326 +f 9333/15533/326 9039/15532/326 9037/15534/326 +f 9335/15535/326 9333/15533/326 9035/15536/326 +f 9336/15537/326 9335/15535/326 9035/15536/326 +f 9333/15533/326 9037/15534/326 9035/15536/326 +f 8964/15538/326 8962/15539/326 9475/15540/326 +f 8966/15541/326 8964/15538/326 9475/15540/326 +f 8968/15542/326 8966/15541/326 9475/15540/326 +f 8969/15543/326 8968/15542/326 9475/15540/326 +f 8971/15544/326 8969/15543/326 9475/15540/326 +f 8973/15545/326 8971/15544/326 9475/15540/326 +f 8976/15546/326 8973/15545/326 9475/15540/326 +f 8962/15539/326 9074/15547/326 9475/15540/326 +f 9336/15537/326 9035/15536/326 9033/15548/326 +f 8976/15546/326 9475/15540/326 8978/15549/326 +f 9336/15537/326 9033/15548/326 9031/15550/326 +f 9339/15551/326 9336/15537/326 9031/15550/326 +f 8978/15549/326 9475/15540/326 8980/15552/326 +f 9339/15551/326 9031/15550/326 9029/15553/326 +f 9340/15554/326 9339/15551/326 9029/15553/326 +f 8980/15552/326 9475/15540/326 8982/15555/326 +f 9340/15554/326 9029/15553/326 9027/15556/326 +f 9342/15557/326 9340/15554/326 9027/15556/326 +f 8982/15555/326 9475/15540/326 8984/15558/326 +f 9342/15557/326 9027/15556/326 9025/15559/326 +f 9345/15560/326 9342/15557/326 9025/15559/326 +f 9347/15561/326 9345/15560/326 9025/15559/326 +f 8984/15558/326 9475/15540/326 8985/15562/326 +f 9347/15561/326 9025/15559/326 9023/15563/326 +f 8985/15562/326 9475/15540/326 8987/15564/326 +f 8987/15564/326 9475/15540/326 8989/15565/326 +f 8991/15566/326 8989/15565/326 9473/15464/6590 +f 8993/15567/326 8991/15566/326 9473/15464/6590 +f 8995/15568/326 8993/15567/326 9473/15464/6590 +f 8997/15569/326 8995/15568/326 9473/15464/6590 +f 8999/15570/326 8997/15569/326 9473/15464/6590 +f 9001/15571/326 8999/15570/326 9473/15464/6590 +f 9003/15572/326 9001/15571/326 9473/15464/6590 +f 9004/15573/326 9003/15572/326 9473/15464/6590 +f 9007/15574/326 9004/15573/326 9473/15464/6590 +f 9008/15575/326 9007/15574/326 9473/15464/6590 +f 9010/15576/326 9008/15575/326 9473/15464/6590 +f 8989/15565/326 9475/15540/326 9473/15464/6590 +f 9013/15577/326 9010/15576/326 9473/15464/6590 +f 9015/15578/326 9013/15577/326 9473/15464/6590 +f 9017/15579/326 9015/15578/326 9473/15464/6590 +f 9019/15580/326 9017/15579/326 9473/15464/6590 +f 9074/15547/326 9474/15465/326 9475/15540/326 +f 9072/15517/326 9474/15465/326 9074/15547/326 +f 9296/15481/326 9474/15465/326 9072/15517/326 +f 9298/15518/326 9296/15481/326 9072/15517/326 +f 9019/15580/326 9473/15464/6590 9472/15463/6590 +f 9021/15581/326 9019/15580/326 9472/15463/6590 +f 9023/15563/326 9021/15581/326 9472/15463/6590 +f 9351/15496/326 9023/15563/326 9472/15463/6590 +f 9349/15582/326 9023/15563/326 9351/15496/326 +f 9347/15561/326 9023/15563/326 9349/15582/326 +f 9474/15583/32 9476/15584/32 9477/15585/32 +f 9474/15583/32 9477/15585/32 9475/15586/32 +f 9282/15587/4 9466/15588/4 9281/15589/4 +f 9466/15588/4 9282/15587/4 9284/15590/4 +f 9281/15589/4 9466/15588/4 9279/15591/4 +f 9466/15588/4 9284/15590/4 9286/15592/4 +f 9279/15591/4 9466/15588/4 9277/15593/4 +f 9466/15588/4 9286/15592/4 9288/15594/4 +f 9277/15593/4 9466/15588/4 9275/15595/4 +f 9466/15588/4 9288/15594/4 9290/15596/4 +f 9275/15595/4 9466/15588/4 9272/15597/4 +f 8950/15598/4 9268/15599/4 8949/15600/4 +f 9268/15599/4 9270/15601/4 8949/15600/4 +f 9270/15601/4 9272/15597/4 8949/15600/4 +f 9268/15599/4 8950/15598/4 8952/15602/4 +f 9266/15603/4 9268/15599/4 8952/15602/4 +f 8949/15600/4 9272/15597/4 8947/15604/4 +f 9262/15605/4 9264/15606/4 8954/15607/4 +f 9264/15606/4 9266/15603/4 8954/15607/4 +f 9266/15603/4 8952/15602/4 8954/15607/4 +f 9262/15605/4 8954/15607/4 8956/15608/4 +f 9260/15609/4 9262/15605/4 8956/15608/4 +f 9260/15609/4 8956/15608/4 8958/15610/4 +f 9256/15611/4 9258/15612/4 8910/15613/4 +f 9258/15612/4 9260/15609/4 8910/15613/4 +f 9260/15609/4 8958/15610/4 8910/15613/4 +f 8938/15614/4 8940/15615/4 9469/15616/4 +f 8940/15615/4 8943/15617/4 9469/15616/4 +f 8943/15617/4 8945/15618/4 9469/15616/4 +f 8945/15618/4 8947/15604/4 9469/15616/4 +f 9272/15597/4 9466/15588/4 9469/15616/4 +f 8947/15604/4 9272/15597/4 9469/15616/4 +f 9253/15619/4 9256/15611/4 8914/15620/4 +f 9256/15611/4 8910/15613/4 8914/15620/4 +f 8938/15614/4 9469/15616/4 8936/15621/4 +f 9253/15619/4 8914/15620/4 8913/15622/4 +f 8936/15621/4 9469/15616/4 8934/15623/4 +f 8934/15623/4 9469/15616/4 8932/15624/4 +f 8932/15624/4 9469/15616/4 8930/15625/4 +f 8930/15625/4 9469/15616/4 8928/15626/4 +f 9242/15627/6592 9246/15628/4 9448/15629/4 +f 9448/15629/4 9246/15628/4 9447/15630/4 +f 9246/15628/4 9245/15631/4 9447/15630/4 +f 9242/15627/6592 9448/15629/4 9450/15632/4 +f 9466/15588/4 9290/15596/4 9450/15632/4 +f 9290/15596/4 9242/15627/6592 9450/15632/4 +f 9447/15630/4 9245/15631/4 9445/15633/4 +f 9245/15631/4 9251/15634/4 9445/15633/4 +f 9445/15633/4 9251/15634/4 9443/15635/4 +f 9251/15634/4 9249/15636/4 9443/15635/4 +f 9443/15635/4 9249/15636/4 9441/15637/4 +f 9249/15636/4 9248/15638/4 9441/15637/4 +f 9441/15637/4 9248/15638/4 9438/15639/4 +f 9248/15638/4 9253/15619/4 9438/15639/4 +f 9466/15588/4 9450/15632/4 9476/15640/4 +f 9450/15632/4 9452/15641/4 9476/15640/4 +f 9452/15641/4 9454/15642/4 9476/15640/4 +f 9454/15642/4 9456/15643/4 9476/15640/4 +f 9456/15643/4 9409/15644/4 9476/15640/4 +f 9476/15640/4 9409/15644/4 9408/15645/4 +f 9476/15640/4 9408/15645/4 9412/15646/4 +f 9476/15640/4 9412/15646/4 9417/15647/4 +f 9476/15640/4 9417/15647/4 9415/15648/4 +f 9476/15640/4 9415/15648/4 9414/15649/4 +f 9434/15650/4 9436/15651/4 9116/15652/4 +f 9116/15652/4 9436/15651/4 9115/15653/4 +f 9434/15650/4 9116/15652/4 9118/15654/4 +f 9432/15655/4 9434/15650/4 9118/15654/4 +f 8913/15622/4 8919/15656/4 9113/15657/4 +f 9438/15639/4 9253/15619/4 9113/15657/4 +f 9115/15653/4 9436/15651/4 9113/15657/4 +f 9436/15651/4 9438/15639/4 9113/15657/4 +f 9253/15619/4 8913/15622/4 9113/15657/4 +f 9432/15655/4 9118/15654/4 9120/15658/4 +f 9430/15659/4 9432/15655/4 9120/15658/4 +f 8919/15656/4 8917/15660/4 9111/15661/4 +f 9113/15657/4 8919/15656/4 9111/15661/4 +f 9430/15659/4 9120/15658/4 9122/15662/4 +f 9426/15663/4 9428/15664/4 9122/15662/4 +f 9428/15664/4 9430/15659/4 9122/15662/4 +f 8917/15660/4 8916/15665/4 9109/15666/4 +f 9111/15661/4 8917/15660/4 9109/15666/4 +f 9426/15663/4 9122/15662/4 9124/15667/4 +f 9424/15668/4 9426/15663/4 9124/15667/4 +f 8916/15665/4 8921/15669/4 9106/15670/4 +f 9109/15666/4 8916/15665/4 9106/15670/4 +f 9424/15668/4 9124/15667/4 9077/15671/4 +f 9422/15672/4 9424/15668/4 9077/15671/4 +f 8921/15669/4 8924/15673/4 9104/15674/4 +f 9106/15670/4 8921/15669/4 9104/15674/4 +f 9422/15672/4 9077/15671/4 9076/15675/4 +f 8924/15673/4 8926/15676/4 9102/15677/4 +f 9104/15674/4 8924/15673/4 9102/15677/4 +f 9414/15649/4 9419/15678/4 9080/15679/4 +f 9419/15678/4 9422/15672/4 9080/15679/4 +f 9422/15672/4 9076/15675/4 9080/15679/4 +f 9414/15649/4 9080/15679/4 9085/15680/4 +f 9083/15681/4 9082/15682/4 9477/15683/4 +f 9082/15682/4 9087/15684/4 9477/15683/4 +f 9087/15684/4 9090/15685/4 9477/15683/4 +f 9090/15685/4 9092/15686/4 9477/15683/4 +f 9092/15686/4 9094/15687/4 9477/15683/4 +f 9094/15687/4 9096/15688/4 9477/15683/4 +f 9096/15688/4 9098/15689/4 9477/15683/4 +f 9098/15689/4 9100/15690/4 9477/15683/4 +f 9476/15640/4 9414/15649/4 9477/15683/4 +f 9085/15680/4 9083/15681/4 9477/15683/4 +f 9414/15649/4 9085/15680/4 9477/15683/4 +f 8928/15626/4 9469/15616/4 9477/15683/4 +f 8926/15676/4 8928/15626/4 9477/15683/4 +f 9100/15690/4 8926/15676/4 9477/15683/4 +f 9102/15677/4 8926/15676/4 9100/15690/4 +f 9471/15691/135 9469/15692/135 9468/15693/135 +f 9458/15694/135 9469/15692/135 9471/15691/135 +f 9477/15695/135 9462/15696/135 9464/15697/135 +f 9477/15695/135 9464/15697/135 9473/15698/135 +f 9475/15699/135 9477/15695/135 9473/15698/135 +f 9477/15695/135 9469/15692/135 9461/15700/135 +f 9477/15695/135 9461/15700/135 9462/15696/135 +f 9461/15700/135 9469/15692/135 9458/15694/135 +f 9467/15701/57 9466/15702/57 9470/15703/57 +f 9470/15703/57 9466/15702/57 9459/15704/57 +f 9472/15705/57 9465/15706/57 9476/15707/57 +f 9465/15706/57 9463/15708/57 9476/15707/57 +f 9472/15705/57 9476/15707/57 9474/15709/57 +f 9460/15710/57 9466/15702/57 9476/15707/57 +f 9463/15708/57 9460/15710/57 9476/15707/57 +f 9459/15704/57 9466/15702/57 9460/15710/57 +f 9378/15711/326 9380/15712/326 9457/15713/326 +f 9380/15712/326 9382/15714/326 9457/15713/326 +f 9446/15715/326 9444/15716/326 9354/15717/326 +f 9382/15714/326 9411/15718/326 9457/15713/326 +f 9293/15719/326 9292/15720/326 9416/15721/326 +f 9431/15722/326 9429/15723/326 9318/15724/326 +f 9421/15725/326 9407/15726/326 9416/15721/326 +f 9429/15723/326 9315/15727/326 9318/15724/326 +f 9407/15726/326 9293/15719/326 9416/15721/326 +f 9354/15717/326 9444/15716/326 9352/15728/326 +f 9378/15711/326 9457/15713/326 9455/15729/326 +f 9374/15730/326 9376/15731/326 9455/15729/326 +f 9431/15722/326 9318/15724/326 9320/15732/326 +f 9376/15731/326 9378/15711/326 9455/15729/326 +f 9352/15728/326 9444/15716/326 9350/15733/326 +f 9292/15720/326 9295/15734/326 9420/15735/326 +f 9295/15734/326 9297/15736/326 9420/15735/326 +f 9416/15721/326 9292/15720/326 9420/15735/326 +f 9444/15716/326 9442/15737/326 9350/15733/326 +f 9431/15722/326 9320/15732/326 9322/15738/326 +f 9433/15739/326 9431/15722/326 9322/15738/326 +f 9350/15733/326 9442/15737/326 9348/15740/326 +f 9374/15730/326 9455/15729/326 9453/15741/326 +f 9368/15742/326 9370/15743/326 9453/15741/326 +f 9370/15743/326 9372/15744/326 9453/15741/326 +f 9433/15739/326 9322/15738/326 9324/15745/326 +f 9372/15744/326 9374/15730/326 9453/15741/326 +f 9297/15736/326 9299/15746/326 9423/15747/326 +f 9299/15746/326 9302/15748/326 9423/15747/326 +f 9348/15740/326 9442/15737/326 9346/15749/326 +f 9420/15735/326 9297/15736/326 9423/15747/326 +f 9442/15737/326 9440/15750/326 9346/15749/326 +f 9423/15747/326 9302/15748/326 9304/15751/326 +f 9433/15739/326 9324/15745/326 9326/15752/326 +f 9435/15753/326 9433/15739/326 9326/15752/326 +f 9368/15742/326 9453/15741/326 9451/15754/326 +f 9366/15755/326 9368/15742/326 9451/15754/326 +f 9346/15749/326 9440/15750/326 9344/15756/326 +f 9304/15751/326 9306/15757/326 9425/15758/326 +f 9435/15753/326 9326/15752/326 9328/15759/326 +f 9423/15747/326 9304/15751/326 9425/15758/326 +f 9344/15756/326 9440/15750/326 9343/15760/326 +f 9366/15755/326 9451/15754/326 9364/15761/326 +f 9425/15758/326 9306/15757/326 9307/15762/326 +f 9435/15753/326 9328/15759/326 9330/15763/326 +f 9364/15761/326 9451/15754/326 9449/15764/326 +f 9343/15760/326 9440/15750/326 9341/15765/326 +f 9440/15750/326 9439/15766/326 9341/15765/326 +f 9435/15753/326 9330/15763/326 9332/15767/326 +f 9425/15758/326 9307/15762/326 9427/15768/326 +f 9437/15769/326 9435/15753/326 9332/15767/326 +f 9364/15761/326 9449/15764/326 9362/15770/326 +f 9341/15765/326 9439/15766/326 9338/15771/326 +f 9427/15768/326 9307/15762/326 9309/15772/326 +f 9437/15769/326 9332/15767/326 9334/15773/326 +f 9437/15769/326 9334/15773/326 9337/15774/326 +f 9338/15771/326 9439/15766/326 9337/15774/326 +f 9439/15766/326 9437/15769/326 9337/15774/326 +f 9362/15770/326 9449/15764/326 9360/15775/326 +f 9449/15764/326 9446/15715/326 9360/15775/326 +f 9392/15776/326 9395/15777/326 9413/15778/326 +f 9429/15723/326 9427/15768/326 9311/15779/326 +f 9395/15777/326 9397/15780/326 9413/15778/326 +f 9427/15768/326 9309/15772/326 9311/15779/326 +f 9392/15776/326 9413/15778/326 9410/15781/326 +f 9360/15775/326 9446/15715/326 9358/15782/326 +f 9389/15783/326 9391/15784/326 9410/15781/326 +f 9391/15784/326 9392/15776/326 9410/15781/326 +f 9429/15723/326 9311/15779/326 9313/15785/326 +f 9397/15780/326 9399/15786/326 9418/15787/326 +f 9399/15786/326 9401/15788/326 9418/15787/326 +f 9401/15788/326 9403/15789/326 9418/15787/326 +f 9413/15778/326 9397/15780/326 9418/15787/326 +f 9389/15783/326 9410/15781/326 9411/15718/326 +f 9358/15782/326 9446/15715/326 9356/15790/326 +f 9382/15714/326 9385/15791/326 9411/15718/326 +f 9385/15791/326 9386/15792/326 9411/15718/326 +f 9386/15792/326 9389/15783/326 9411/15718/326 +f 9403/15789/326 9405/15793/326 9421/15725/326 +f 9405/15793/326 9407/15726/326 9421/15725/326 +f 9429/15723/326 9313/15785/326 9315/15727/326 +f 9418/15787/326 9403/15789/326 9421/15725/326 +f 9356/15790/326 9446/15715/326 9354/15717/326 +f 9241/15794/326 9127/15795/326 9250/15796/326 +f 9265/15797/326 9152/15798/326 9154/15799/326 +f 9186/15800/326 9278/15801/326 9184/15802/326 +f 9212/15803/326 9291/15804/326 9289/15805/326 +f 9278/15801/326 9276/15806/326 9184/15802/326 +f 9208/15807/326 9210/15808/326 9289/15805/326 +f 9210/15808/326 9212/15803/326 9289/15805/326 +f 9265/15797/326 9154/15799/326 9156/15809/326 +f 9267/15810/326 9265/15797/326 9156/15809/326 +f 9126/15811/326 9129/15812/326 9254/15813/326 +f 9129/15812/326 9131/15814/326 9254/15813/326 +f 9184/15802/326 9276/15806/326 9182/15815/326 +f 9250/15796/326 9126/15811/326 9254/15813/326 +f 9267/15810/326 9156/15809/326 9158/15816/326 +f 9182/15815/326 9276/15806/326 9180/15817/326 +f 9202/15818/326 9204/15819/326 9287/15820/326 +f 9204/15819/326 9206/15821/326 9287/15820/326 +f 9206/15821/326 9208/15807/326 9287/15820/326 +f 9208/15807/326 9289/15805/326 9287/15820/326 +f 9276/15806/326 9274/15822/326 9180/15817/326 +f 9131/15814/326 9133/15823/326 9257/15824/326 +f 9267/15810/326 9158/15816/326 9160/15825/326 +f 9133/15823/326 9136/15826/326 9257/15824/326 +f 9254/15813/326 9131/15814/326 9257/15824/326 +f 9269/15827/326 9267/15810/326 9160/15825/326 +f 9257/15824/326 9136/15826/326 9138/15828/326 +f 9180/15817/326 9274/15822/326 9178/15829/326 +f 9202/15818/326 9287/15820/326 9285/15830/326 +f 9200/15831/326 9202/15818/326 9285/15830/326 +f 9269/15827/326 9160/15825/326 9162/15832/326 +f 9178/15829/326 9274/15822/326 9177/15833/326 +f 9138/15828/326 9140/15834/326 9259/15835/326 +f 9257/15824/326 9138/15828/326 9259/15835/326 +f 9269/15827/326 9162/15832/326 9164/15836/326 +f 9200/15831/326 9285/15830/326 9198/15837/326 +f 9177/15833/326 9274/15822/326 9175/15838/326 +f 9259/15835/326 9140/15834/326 9141/15839/326 +f 9274/15822/326 9273/15840/326 9175/15838/326 +f 9198/15837/326 9285/15830/326 9283/15841/326 +f 9269/15827/326 9164/15836/326 9166/15842/326 +f 9271/15843/326 9269/15827/326 9166/15842/326 +f 9259/15835/326 9141/15839/326 9261/15844/326 +f 9175/15838/326 9273/15840/326 9172/15845/326 +f 9198/15837/326 9283/15841/326 9196/15846/326 +f 9271/15843/326 9166/15842/326 9168/15847/326 +f 9271/15843/326 9168/15847/326 9171/15848/326 +f 9261/15844/326 9141/15839/326 9143/15849/326 +f 9172/15845/326 9273/15840/326 9171/15848/326 +f 9273/15840/326 9271/15843/326 9171/15848/326 +f 9196/15846/326 9283/15841/326 9194/15850/326 +f 9283/15841/326 9280/15851/326 9194/15850/326 +f 9263/15852/326 9261/15844/326 9145/15853/326 +f 9261/15844/326 9143/15849/326 9145/15853/326 +f 9226/15854/326 9229/15855/326 9247/15856/326 +f 9229/15855/326 9231/15857/326 9247/15856/326 +f 9194/15850/326 9280/15851/326 9192/15858/326 +f 9263/15852/326 9145/15853/326 9147/15859/326 +f 9223/15860/326 9225/15861/326 9244/15862/326 +f 9225/15861/326 9226/15854/326 9244/15862/326 +f 9226/15854/326 9247/15856/326 9244/15862/326 +f 9247/15856/326 9231/15857/326 9252/15863/326 +f 9231/15857/326 9233/15864/326 9252/15863/326 +f 9233/15864/326 9235/15865/326 9252/15863/326 +f 9235/15865/326 9237/15866/326 9252/15863/326 +f 9192/15858/326 9280/15851/326 9190/15867/326 +f 9223/15860/326 9244/15862/326 9243/15868/326 +f 9216/15869/326 9219/15870/326 9243/15868/326 +f 9219/15870/326 9220/15871/326 9243/15868/326 +f 9220/15871/326 9223/15860/326 9243/15868/326 +f 9263/15852/326 9147/15859/326 9149/15872/326 +f 9252/15863/326 9237/15866/326 9255/15873/326 +f 9237/15866/326 9239/15874/326 9255/15873/326 +f 9239/15874/326 9241/15794/326 9255/15873/326 +f 9190/15867/326 9280/15851/326 9188/15875/326 +f 9280/15851/326 9278/15801/326 9188/15875/326 +f 9265/15797/326 9263/15852/326 9152/15798/326 +f 9212/15803/326 9214/15876/326 9291/15804/326 +f 9214/15876/326 9216/15869/326 9291/15804/326 +f 9263/15852/326 9149/15872/326 9152/15798/326 +f 9216/15869/326 9243/15868/326 9291/15804/326 +f 9127/15795/326 9126/15811/326 9250/15796/326 +f 9188/15875/326 9278/15801/326 9186/15800/326 +f 9255/15873/326 9241/15794/326 9250/15796/326 +f 9046/15877/326 9048/15878/326 9125/15879/326 +f 9114/15880/326 9112/15881/326 9022/15882/326 +f 9048/15878/326 9050/15883/326 9125/15879/326 +f 8961/15884/326 8960/15885/326 9084/15886/326 +f 9099/15887/326 9097/15888/326 8986/15889/326 +f 9089/15890/326 9075/15891/326 9084/15886/326 +f 9097/15888/326 8983/15892/326 8986/15889/326 +f 9075/15891/326 8961/15884/326 9084/15886/326 +f 9022/15882/326 9112/15881/326 9020/15893/326 +f 9046/15877/326 9125/15879/326 9123/15894/326 +f 9042/15895/326 9044/15896/326 9123/15894/326 +f 9099/15887/326 8986/15889/326 8988/15897/326 +f 9044/15896/326 9046/15877/326 9123/15894/326 +f 9020/15893/326 9112/15881/326 9018/15898/326 +f 8960/15885/326 8963/15899/326 9088/15900/326 +f 8963/15899/326 8965/15901/326 9088/15900/326 +f 9084/15886/326 8960/15885/326 9088/15900/326 +f 9112/15881/326 9110/15902/326 9018/15898/326 +f 9099/15887/326 8988/15897/326 8990/15903/326 +f 9101/15904/326 9099/15887/326 8990/15903/326 +f 9018/15898/326 9110/15902/326 9016/15905/326 +f 9042/15895/326 9123/15894/326 9121/15906/326 +f 9036/15907/326 9038/15908/326 9121/15906/326 +f 9038/15908/326 9040/15909/326 9121/15906/326 +f 9101/15904/326 8990/15903/326 8992/15910/326 +f 9040/15909/326 9042/15895/326 9121/15906/326 +f 8965/15901/326 8967/15911/326 9091/15912/326 +f 8967/15911/326 8970/15913/326 9091/15912/326 +f 9016/15905/326 9110/15902/326 9014/15914/326 +f 9088/15900/326 8965/15901/326 9091/15912/326 +f 9110/15902/326 9108/15915/326 9014/15914/326 +f 9091/15912/326 8970/15913/326 8972/15916/326 +f 9101/15904/326 8992/15910/326 8994/15917/326 +f 9103/15918/326 9101/15904/326 8994/15917/326 +f 9034/15919/326 9036/15907/326 9119/15920/326 +f 9036/15907/326 9121/15906/326 9119/15920/326 +f 9014/15914/326 9108/15915/326 9012/15921/326 +f 8972/15916/326 8974/15922/326 9093/15923/326 +f 9103/15918/326 8994/15917/326 8996/15924/326 +f 9091/15912/326 8972/15916/326 9093/15923/326 +f 9012/15921/326 9108/15915/326 9011/15925/326 +f 9034/15919/326 9119/15920/326 9032/15926/326 +f 9093/15923/326 8974/15922/326 8975/15927/326 +f 9103/15918/326 8996/15924/326 8998/15928/326 +f 9032/15926/326 9119/15920/326 9117/15929/326 +f 9011/15925/326 9108/15915/326 9009/15930/326 +f 9108/15915/326 9107/15931/326 9009/15930/326 +f 9103/15918/326 8998/15928/326 9000/15932/326 +f 9093/15923/326 8975/15927/326 9095/15933/326 +f 9105/15934/326 9103/15918/326 9000/15932/326 +f 9032/15926/326 9117/15929/326 9030/15935/326 +f 9009/15930/326 9107/15931/326 9006/15936/326 +f 9095/15933/326 8975/15927/326 8977/15937/326 +f 9105/15934/326 9000/15932/326 9002/15938/326 +f 9105/15934/326 9002/15938/326 9005/15939/326 +f 9006/15936/326 9107/15931/326 9005/15939/326 +f 9107/15931/326 9105/15934/326 9005/15939/326 +f 9030/15935/326 9117/15929/326 9028/15940/326 +f 9117/15929/326 9114/15880/326 9028/15940/326 +f 9060/15941/326 9063/15942/326 9081/15943/326 +f 9097/15888/326 9095/15933/326 8979/15944/326 +f 9063/15942/326 9065/15945/326 9081/15943/326 +f 9095/15933/326 8977/15937/326 8979/15944/326 +f 9060/15941/326 9081/15943/326 9078/15946/326 +f 9028/15940/326 9114/15880/326 9026/15947/326 +f 9057/15948/326 9059/15949/326 9078/15946/326 +f 9059/15949/326 9060/15941/326 9078/15946/326 +f 9097/15888/326 8979/15944/326 8981/15950/326 +f 9065/15945/326 9067/15951/326 9086/15952/326 +f 9067/15951/326 9069/15953/326 9086/15952/326 +f 9069/15953/326 9071/15954/326 9086/15952/326 +f 9081/15943/326 9065/15945/326 9086/15952/326 +f 9057/15948/326 9078/15946/326 9079/15955/326 +f 9026/15947/326 9114/15880/326 9024/15956/326 +f 9050/15883/326 9053/15957/326 9079/15955/326 +f 9053/15957/326 9054/15958/326 9079/15955/326 +f 9054/15958/326 9057/15948/326 9079/15955/326 +f 9071/15954/326 9073/15959/326 9089/15890/326 +f 9073/15959/326 9075/15891/326 9089/15890/326 +f 9097/15888/326 8981/15950/326 8983/15892/326 +f 9086/15952/326 9071/15954/326 9089/15890/326 +f 9050/15883/326 9079/15955/326 9125/15879/326 +f 9024/15956/326 9114/15880/326 9022/15882/326 +f 8933/15960/326 8820/15961/326 8822/15962/326 +f 8854/15963/326 8946/15964/326 8852/15965/326 +f 8946/15964/326 8944/15966/326 8852/15965/326 +f 8876/15967/326 8878/15968/326 8957/15969/326 +f 8878/15968/326 8880/15970/326 8957/15969/326 +f 8933/15960/326 8822/15962/326 8824/15971/326 +f 8880/15970/326 8959/15972/326 8957/15969/326 +f 8935/15973/326 8933/15960/326 8824/15971/326 +f 8794/15974/326 8797/15975/326 8922/15976/326 +f 8852/15965/326 8944/15966/326 8850/15977/326 +f 8797/15975/326 8799/15978/326 8922/15976/326 +f 8918/15979/326 8794/15974/326 8922/15976/326 +f 8935/15973/326 8824/15971/326 8826/15980/326 +f 8850/15977/326 8944/15966/326 8848/15981/326 +f 8876/15967/326 8957/15969/326 8955/15982/326 +f 8870/15983/326 8872/15984/326 8955/15982/326 +f 8872/15984/326 8874/15985/326 8955/15982/326 +f 8874/15985/326 8876/15967/326 8955/15982/326 +f 8944/15966/326 8942/15986/326 8848/15981/326 +f 8799/15978/326 8801/15987/326 8925/15988/326 +f 8801/15987/326 8804/15989/326 8925/15988/326 +f 8935/15973/326 8826/15980/326 8828/15990/326 +f 8937/15991/326 8935/15973/326 8828/15990/326 +f 8922/15976/326 8799/15978/326 8925/15988/326 +f 8848/15981/326 8942/15986/326 8846/15992/326 +f 8925/15988/326 8804/15989/326 8806/15993/326 +f 8937/15991/326 8828/15990/326 8830/15994/326 +f 8868/15995/326 8870/15983/326 8953/15996/326 +f 8870/15983/326 8955/15982/326 8953/15996/326 +f 8846/15992/326 8942/15986/326 8845/15997/326 +f 8806/15993/326 8808/15998/326 8927/15999/326 +f 8925/15988/326 8806/15993/326 8927/15999/326 +f 8937/15991/326 8830/15994/326 8832/16000/326 +f 8868/15995/326 8953/15996/326 8866/16001/326 +f 8845/15997/326 8942/15986/326 8843/16002/326 +f 8927/15999/326 8808/15998/326 8809/16003/326 +f 8942/15986/326 8941/16004/326 8843/16002/326 +f 8866/16001/326 8953/15996/326 8951/16005/326 +f 8937/15991/326 8832/16000/326 8834/16006/326 +f 8939/16007/326 8937/15991/326 8834/16006/326 +f 8927/15999/326 8809/16003/326 8929/16008/326 +f 8843/16002/326 8941/16004/326 8840/16009/326 +f 8866/16001/326 8951/16005/326 8864/16010/326 +f 8939/16007/326 8834/16006/326 8836/16011/326 +f 8939/16007/326 8836/16011/326 8839/16012/326 +f 8929/16008/326 8809/16003/326 8811/16013/326 +f 8840/16009/326 8941/16004/326 8839/16012/326 +f 8941/16004/326 8939/16007/326 8839/16012/326 +f 8864/16010/326 8951/16005/326 8862/16014/326 +f 8951/16005/326 8948/16015/326 8862/16014/326 +f 8931/16016/326 8929/16008/326 8813/16017/326 +f 8929/16008/326 8811/16013/326 8813/16017/326 +f 8894/16018/326 8897/16019/326 8915/16020/326 +f 8897/16019/326 8899/16021/326 8915/16020/326 +f 8862/16014/326 8948/16015/326 8860/16022/326 +f 8931/16016/326 8813/16017/326 8815/16023/326 +f 8891/16024/326 8893/16025/326 8912/16026/326 +f 8893/16025/326 8894/16018/326 8912/16026/326 +f 8894/16018/326 8915/16020/326 8912/16026/326 +f 8915/16020/326 8899/16021/326 8920/16027/326 +f 8899/16021/326 8901/16028/326 8920/16027/326 +f 8901/16028/326 8903/16029/326 8920/16027/326 +f 8903/16029/326 8905/16030/326 8920/16027/326 +f 8860/16022/326 8948/16015/326 8858/16031/326 +f 8891/16024/326 8912/16026/326 8911/16032/326 +f 8884/16033/326 8887/16034/326 8911/16032/326 +f 8887/16034/326 8888/16035/326 8911/16032/326 +f 8888/16035/326 8891/16024/326 8911/16032/326 +f 8931/16016/326 8815/16023/326 8817/16036/326 +f 8905/16030/326 8907/16037/326 8923/16038/326 +f 8907/16037/326 8909/16039/326 8923/16038/326 +f 8920/16027/326 8905/16030/326 8923/16038/326 +f 8858/16031/326 8948/16015/326 8856/16040/326 +f 8948/16015/326 8946/15964/326 8856/16040/326 +f 8933/15960/326 8931/16016/326 8820/15961/326 +f 8880/15970/326 8882/16041/326 8959/15972/326 +f 8931/16016/326 8817/16036/326 8820/15961/326 +f 8882/16041/326 8884/16033/326 8959/15972/326 +f 8884/16033/326 8911/16032/326 8959/15972/326 +f 8856/16040/326 8946/15964/326 8854/15963/326 +f 8795/16042/326 8794/15974/326 8918/15979/326 +f 8923/16038/326 8909/16039/326 8918/15979/326 +f 8909/16039/326 8795/16042/326 8918/15979/326 +f 9478/16043/6593 9479/16044/6594 9480/16045/6595 +f 9479/16044/6594 9481/16046/6596 9480/16045/6595 +f 9482/16047/6597 9483/16048/6598 9484/16049/6599 +f 9485/16050/6600 9482/16047/6597 9484/16049/6599 +f 9486/16051/6601 9485/16050/6600 9484/16049/6599 +f 9487/16052/6602 9488/16053/6603 9489/16054/6604 +f 9490/16055/6605 9491/16056/6606 9489/16054/6604 +f 9491/16056/6606 9492/16057/6607 9489/16054/6604 +f 9488/16053/6603 9490/16055/6605 9489/16054/6604 +f 9481/16046/6596 9493/16058/6608 9494/16059/6609 +f 9480/16045/6595 9481/16046/6596 9494/16059/6609 +f 9495/16060/6610 9496/16061/6611 9497/16062/6612 +f 9498/16063/6613 9495/16060/6610 9497/16062/6612 +f 9499/16064/6614 9498/16063/6613 9497/16062/6612 +f 9481/16046/6596 9499/16064/6614 9497/16062/6612 +f 9489/16054/6604 9492/16057/6607 9500/16065/6615 +f 9495/16060/6610 9487/16052/6602 9500/16065/6615 +f 9492/16057/6607 9501/16066/6616 9500/16065/6615 +f 9487/16052/6602 9489/16054/6604 9500/16065/6615 +f 9481/16046/6596 9497/16062/6612 9502/16067/6617 +f 9497/16062/6612 9496/16061/6611 9502/16067/6617 +f 9496/16061/6611 9503/16068/6618 9502/16067/6617 +f 9493/16058/6608 9481/16046/6596 9502/16067/6617 +f 9496/16061/6611 9495/16060/6610 9504/16069/6619 +f 9495/16060/6610 9500/16065/6615 9504/16069/6619 +f 9500/16065/6615 9501/16066/6616 9504/16069/6619 +f 9501/16066/6616 9505/16070/6620 9504/16069/6619 +f 9502/16067/6617 9503/16068/6618 9506/16071/6621 +f 9493/16058/6608 9502/16067/6617 9506/16071/6621 +f 9503/16068/6618 9507/16072/6622 9506/16071/6621 +f 9508/16073/6623 9493/16058/6608 9506/16071/6621 +f 9503/16068/6618 9496/16061/6611 9509/16074/6624 +f 9504/16069/6619 9505/16070/6620 9509/16074/6624 +f 9496/16061/6611 9504/16069/6619 9509/16074/6624 +f 9505/16070/6620 9510/16075/6625 9509/16074/6624 +f 9506/16071/6621 9507/16072/6622 9511/16076/6626 +f 9512/16077/6627 9508/16073/6623 9511/16076/6626 +f 9507/16072/6622 9513/16078/6628 9511/16076/6626 +f 9508/16073/6623 9506/16071/6621 9511/16076/6626 +f 9507/16072/6622 9503/16068/6618 9514/16079/6629 +f 9503/16068/6618 9509/16074/6624 9514/16079/6629 +f 9510/16075/6625 9515/16080/6630 9514/16079/6629 +f 9509/16074/6624 9510/16075/6625 9514/16079/6629 +f 9513/16078/6628 9516/16081/6631 9517/16082/6632 +f 9512/16077/6627 9511/16076/6626 9517/16082/6632 +f 9511/16076/6626 9513/16078/6628 9517/16082/6632 +f 9518/16083/6633 9512/16077/6627 9517/16082/6632 +f 9514/16079/6629 9515/16080/6630 9519/16084/6634 +f 9507/16072/6622 9514/16079/6629 9519/16084/6634 +f 9513/16078/6628 9507/16072/6622 9519/16084/6634 +f 9515/16080/6630 9520/16085/6635 9519/16084/6634 +f 9516/16081/6631 9521/16086/6636 9522/16087/6637 +f 9518/16083/6633 9517/16082/6632 9522/16087/6637 +f 9517/16082/6632 9516/16081/6631 9522/16087/6637 +f 9523/16088/6638 9518/16083/6633 9522/16087/6637 +f 9516/16081/6631 9513/16078/6628 9524/16089/6639 +f 9513/16078/6628 9519/16084/6634 9524/16089/6639 +f 9519/16084/6634 9520/16085/6635 9524/16089/6639 +f 9520/16085/6635 9525/16090/6640 9524/16089/6639 +f 9522/16087/6637 9521/16086/6636 9526/16091/6641 +f 9523/16088/6638 9522/16087/6637 9526/16091/6641 +f 9527/16092/6642 9523/16088/6638 9526/16091/6641 +f 9521/16086/6636 9528/16093/6643 9526/16091/6641 +f 9529/16094/6644 9530/16095/6645 9531/16096/6646 +f 9521/16086/6636 9516/16081/6631 9532/16097/6647 +f 9524/16089/6639 9525/16090/6640 9532/16097/6647 +f 9525/16090/6640 9533/16098/6648 9532/16097/6647 +f 9516/16081/6631 9524/16089/6639 9532/16097/6647 +f 9528/16093/6643 9534/16099/6649 9535/16100/6650 +f 9527/16092/6642 9526/16091/6641 9535/16100/6650 +f 9526/16091/6641 9528/16093/6643 9535/16100/6650 +f 9529/16094/6644 9527/16092/6642 9535/16100/6650 +f 9531/16096/6646 9530/16095/6645 9536/16101/6651 +f 9533/16098/6648 9537/16102/6652 9538/16103/6653 +f 9532/16097/6647 9533/16098/6648 9538/16103/6653 +f 9521/16086/6636 9532/16097/6647 9538/16103/6653 +f 9528/16093/6643 9521/16086/6636 9538/16103/6653 +f 9530/16095/6645 9539/16104/6654 9540/16105/6655 +f 9536/16101/6651 9530/16095/6645 9540/16105/6655 +f 9541/16106/6656 9536/16101/6651 9540/16105/6655 +f 9541/16106/6656 9540/16105/6655 9542/16107/6657 +f 9540/16105/6655 9539/16104/6654 9542/16107/6657 +f 9534/16099/6649 9543/16108/6658 9544/16109/6659 +f 9529/16094/6644 9535/16100/6650 9544/16109/6659 +f 9535/16100/6650 9534/16099/6649 9544/16109/6659 +f 9530/16095/6645 9529/16094/6644 9544/16109/6659 +f 9539/16104/6654 9545/16110/6660 9546/16111/6661 +f 9542/16107/6657 9539/16104/6654 9546/16111/6661 +f 9534/16099/6649 9528/16093/6643 9547/16112/6662 +f 9538/16103/6653 9537/16102/6652 9547/16112/6662 +f 9537/16102/6652 9548/16113/6663 9547/16112/6662 +f 9528/16093/6643 9538/16103/6653 9547/16112/6662 +f 9546/16111/6661 9545/16110/6660 9549/16114/6664 +f 9539/16104/6654 9530/16095/6645 9550/16115/6665 +f 9543/16108/6658 9551/16116/6666 9550/16115/6665 +f 9544/16109/6659 9543/16108/6658 9550/16115/6665 +f 9530/16095/6645 9544/16109/6659 9550/16115/6665 +f 9545/16110/6660 9552/16117/6667 9553/16118/6668 +f 9549/16114/6664 9545/16110/6660 9553/16118/6668 +f 9548/16113/6663 9554/16119/6669 9555/16120/6670 +f 9543/16108/6658 9534/16099/6649 9555/16120/6670 +f 9547/16112/6662 9548/16113/6663 9555/16120/6670 +f 9534/16099/6649 9547/16112/6662 9555/16120/6670 +f 9553/16118/6668 9552/16117/6667 9556/16121/6671 +f 9551/16116/6666 9557/16122/6672 9558/16123/6673 +f 9545/16110/6660 9539/16104/6654 9558/16123/6673 +f 9550/16115/6665 9551/16116/6666 9558/16123/6673 +f 9539/16104/6654 9550/16115/6665 9558/16123/6673 +f 9552/16117/6667 9559/16124/6674 9560/16125/6675 +f 9556/16121/6671 9552/16117/6667 9560/16125/6675 +f 9551/16116/6666 9543/16108/6658 9561/16126/6676 +f 9555/16120/6670 9554/16119/6669 9561/16126/6676 +f 9543/16108/6658 9555/16120/6670 9561/16126/6676 +f 9554/16119/6669 9562/16127/6677 9561/16126/6676 +f 9560/16125/6675 9559/16124/6674 9563/16128/6678 +f 9557/16122/6672 9564/16129/6679 9565/16130/6680 +f 9558/16123/6673 9557/16122/6672 9565/16130/6680 +f 9552/16117/6667 9545/16110/6660 9565/16130/6680 +f 9545/16110/6660 9558/16123/6673 9565/16130/6680 +f 9561/16126/6676 9562/16127/6677 9566/16131/6681 +f 9557/16122/6672 9551/16116/6666 9566/16131/6681 +f 9551/16116/6666 9561/16126/6676 9566/16131/6681 +f 9562/16127/6677 9567/16132/6682 9566/16131/6681 +f 9552/16117/6667 9565/16130/6680 9568/16133/6683 +f 9565/16130/6680 9564/16129/6679 9568/16133/6683 +f 9559/16124/6674 9552/16117/6667 9568/16133/6683 +f 9564/16129/6679 9569/16134/6684 9568/16133/6683 +f 9563/16128/6678 9559/16124/6674 9570/16135/6685 +f 9570/16136/6686 9571/16137/6686 9572/16138/6686 +f 9559/16124/6674 9568/16133/6683 9570/16135/6685 +f 9568/16133/6683 9569/16134/6684 9570/16135/6685 +f 9571/16139/6687 9563/16128/6678 9570/16135/6685 +f 9564/16129/6679 9557/16122/6672 9573/16140/6688 +f 9557/16122/6672 9566/16131/6681 9573/16140/6688 +f 9566/16131/6681 9567/16132/6682 9573/16140/6688 +f 9567/16132/6682 9574/16141/6689 9573/16140/6688 +f 9573/16140/6688 9574/16141/6689 9575/16142/6690 +f 9569/16134/6684 9564/16129/6679 9575/16142/6690 +f 9564/16129/6679 9573/16140/6688 9575/16142/6690 +f 9574/16141/6689 9576/16143/6691 9575/16142/6690 +f 9577/16144/6692 9482/16047/6597 9578/16145/6693 +f 9579/16146/6694 9576/16143/6691 9578/16145/6693 +f 9482/16047/6597 9579/16146/6694 9578/16145/6693 +f 9580/16147/6695 9581/16148/6696 9582/16149/6697 +f 9572/16150/6698 9580/16147/6695 9582/16149/6697 +f 9572/16150/6698 9582/16149/6697 9583/16151/6699 +f 9582/16149/6697 9581/16148/6696 9583/16151/6699 +f 9572/16150/6698 9583/16151/6699 9584/16152/6700 +f 9581/16148/6696 9585/16153/6701 9584/16152/6700 +f 9583/16151/6699 9581/16148/6696 9584/16152/6700 +f 9584/16152/6700 9585/16153/6701 9586/16154/6702 +f 9572/16150/6698 9584/16152/6700 9586/16154/6702 +f 9572/16150/6698 9586/16154/6702 9587/16155/6703 +f 9586/16154/6702 9585/16153/6701 9587/16155/6703 +f 9585/16153/6701 9588/16156/6704 9587/16155/6703 +f 9572/16150/6698 9587/16155/6703 9589/16157/6705 +f 9587/16155/6703 9588/16156/6704 9589/16157/6705 +f 9589/16157/6705 9588/16156/6704 9590/16158/6706 +f 9588/16156/6704 9591/16159/6707 9590/16158/6706 +f 9591/16159/6707 9592/16160/6708 9590/16158/6706 +f 9572/16150/6709 9482/16047/6597 9593/16161/6710 +f 9594/16162/6711 9572/16150/6709 9593/16161/6710 +f 9595/16163/6712 9594/16162/6711 9593/16161/6710 +f 9596/16164/6713 9595/16163/6712 9593/16161/6710 +f 9482/16047/6597 9485/16050/6600 9593/16161/6710 +f 9485/16050/6600 9597/16165/6714 9593/16161/6710 +f 9597/16165/6714 9596/16164/6713 9593/16161/6710 +f 9480/16045/6595 9494/16059/6609 9598/16166/6715 +f 9483/16048/6598 9599/16167/6716 9600/16168/6717 +f 9599/16167/6716 9601/16169/6718 9600/16168/6717 +f 9601/16169/6718 9602/16170/6719 9600/16168/6717 +f 9484/16049/6599 9483/16048/6598 9600/16168/6717 +f 9494/16059/6609 9493/16058/6608 9603/16171/6720 +f 9493/16058/6608 9508/16073/6623 9603/16171/6720 +f 9604/16172/6721 9598/16166/6715 9603/16171/6720 +f 9598/16166/6715 9494/16059/6609 9603/16171/6720 +f 9604/16172/6721 9603/16171/6720 9605/16173/6722 +f 9603/16171/6720 9508/16073/6623 9606/16174/6723 +f 9508/16073/6623 9512/16077/6627 9606/16174/6723 +f 9605/16173/6722 9603/16171/6720 9606/16174/6723 +f 9512/16077/6627 9605/16173/6722 9606/16174/6723 +f 9512/16077/6627 9518/16083/6633 9607/16175/6724 +f 9605/16173/6722 9512/16077/6627 9607/16175/6724 +f 9608/16176/6725 9607/16175/6724 9609/16177/6726 +f 9518/16083/6633 9523/16088/6638 9610/16178/6727 +f 9607/16175/6724 9518/16083/6633 9610/16178/6727 +f 9609/16177/6726 9607/16175/6724 9610/16178/6727 +f 9608/16176/6725 9609/16177/6726 9611/16179/6728 +f 9612/16180/6729 9613/16181/6730 9491/16056/6606 +f 9610/16178/6727 9523/16088/6638 9611/16179/6728 +f 9609/16177/6726 9610/16178/6727 9611/16179/6728 +f 9611/16179/6728 9523/16088/6638 9614/16182/6731 +f 9523/16088/6638 9527/16092/6642 9614/16182/6731 +f 9527/16092/6642 9529/16094/6644 9615/16183/6732 +f 9614/16182/6731 9527/16092/6642 9615/16183/6732 +f 9546/16111/6661 9549/16114/6664 9616/16184/6733 +f 9549/16114/6664 9553/16118/6668 9616/16184/6733 +f 9553/16118/6668 9556/16121/6671 9616/16184/6733 +f 9616/16184/6733 9556/16121/6671 9617/16185/6734 +f 9572/16150/6735 9616/16184/6733 9617/16185/6734 +f 9617/16185/6734 9556/16121/6671 9618/16186/6736 +f 9556/16121/6671 9560/16125/6675 9618/16186/6736 +f 9572/16150/6735 9617/16185/6734 9618/16186/6736 +f 9618/16186/6736 9560/16125/6675 9619/16187/6737 +f 9572/16150/6735 9618/16186/6736 9619/16187/6737 +f 9619/16187/6737 9560/16125/6675 9620/16188/6738 +f 9560/16125/6675 9563/16128/6678 9620/16188/6738 +f 9491/16056/6606 9613/16181/6730 9492/16057/6607 +f 9572/16150/6735 9619/16187/6737 9620/16188/6738 +f 9621/16189/6739 9622/16190/6740 9492/16057/6607 +f 9620/16188/6738 9563/16128/6678 9623/16191/6741 +f 9572/16150/6735 9620/16188/6738 9623/16191/6741 +f 9623/16191/6741 9563/16128/6678 9624/16192/6742 +f 9613/16181/6730 9621/16189/6739 9492/16057/6607 +f 9571/16139/6687 9572/16150/6735 9624/16192/6742 +f 9572/16150/6735 9623/16191/6741 9624/16192/6742 +f 9563/16128/6678 9571/16139/6687 9624/16192/6742 +f 9572/16150/6709 9570/16135/6685 9625/16193/6743 +f 9570/16135/6685 9569/16134/6684 9625/16193/6743 +f 9569/16134/6684 9575/16142/6690 9625/16193/6743 +f 9575/16142/6690 9576/16143/6691 9625/16193/6743 +f 9576/16143/6691 9579/16146/6694 9625/16193/6743 +f 9579/16146/6694 9482/16047/6597 9625/16193/6743 +f 9482/16047/6597 9572/16150/6709 9625/16193/6743 +f 9577/16144/6692 9578/16145/6693 9626/16194/6744 +f 9627/16195/6745 9628/16196/6746 9626/16194/6744 +f 9628/16196/6746 9629/16197/6747 9626/16194/6744 +f 9629/16197/6747 9577/16144/6692 9626/16194/6744 +f 9589/16157/6705 9590/16158/6706 9630/16198/6748 +f 9590/16158/6706 9592/16160/6708 9630/16198/6748 +f 9572/16150/6698 9589/16157/6705 9630/16198/6748 +f 9592/16160/6708 9631/16199/6749 9630/16198/6748 +f 9630/16198/6748 9631/16199/6749 9632/16200/6750 +f 9631/16199/6749 9633/16201/6751 9632/16200/6750 +f 9633/16201/6751 9478/16043/6593 9632/16200/6750 +f 9630/16198/6748 9632/16200/6750 9634/16202/6752 +f 9632/16200/6750 9478/16043/6593 9634/16202/6752 +f 9480/16045/6595 9598/16166/6715 9634/16202/6752 +f 9622/16190/6740 9635/16203/6753 9501/16066/6616 +f 9635/16203/6753 9636/16204/6754 9501/16066/6616 +f 9478/16043/6593 9480/16045/6595 9634/16202/6752 +f 9636/16204/6754 9637/16205/6755 9501/16066/6616 +f 9484/16049/6599 9600/16168/6717 9638/16206/6756 +f 9486/16051/6601 9484/16049/6599 9638/16206/6756 +f 9491/16056/6606 9486/16051/6601 9638/16206/6756 +f 9612/16180/6729 9491/16056/6606 9638/16206/6756 +f 9602/16170/6719 9639/16207/6757 9638/16206/6756 +f 9492/16057/6607 9622/16190/6740 9501/16066/6616 +f 9639/16207/6757 9612/16180/6729 9638/16206/6756 +f 9600/16168/6717 9602/16170/6719 9638/16206/6756 +f 9605/16173/6722 9607/16175/6724 9640/16208/6758 +f 9607/16175/6724 9608/16176/6725 9640/16208/6758 +f 9611/16179/6728 9614/16182/6731 9641/16209/6759 +f 9614/16182/6731 9615/16183/6732 9641/16209/6759 +f 9642/16210/6760 9641/16209/6759 9643/16211/6761 +f 9641/16209/6759 9615/16183/6732 9643/16211/6761 +f 9531/16096/6646 9642/16210/6760 9643/16211/6761 +f 9615/16183/6732 9529/16094/6644 9643/16211/6761 +f 9529/16094/6644 9531/16096/6646 9643/16211/6761 +f 9642/16210/6760 9531/16096/6646 9644/16212/6762 +f 9637/16205/6755 9645/16213/6763 9505/16070/6620 +f 9536/16101/6651 9541/16106/6656 9644/16212/6762 +f 9645/16213/6763 9646/16214/6764 9505/16070/6620 +f 9531/16096/6646 9536/16101/6651 9644/16212/6762 +f 9646/16214/6764 9647/16215/6765 9505/16070/6620 +f 9642/16210/6760 9644/16212/6762 9648/16216/6766 +f 9644/16212/6762 9541/16106/6656 9648/16216/6766 +f 9572/16150/6735 9642/16210/6760 9648/16216/6766 +f 9501/16066/6616 9637/16205/6755 9505/16070/6620 +f 9542/16107/6657 9546/16111/6661 9648/16216/6766 +f 9541/16106/6656 9542/16107/6657 9648/16216/6766 +f 9546/16111/6661 9616/16184/6733 9648/16216/6766 +f 9616/16184/6733 9572/16150/6735 9648/16216/6766 +f 9649/16217/6767 9650/16218/6768 9651/16219/6769 +f 9650/16218/6768 9627/16195/6745 9651/16219/6769 +f 9578/16145/6693 9576/16143/6691 9651/16219/6769 +f 9626/16194/6744 9578/16145/6693 9651/16219/6769 +f 9574/16141/6689 9649/16217/6767 9651/16219/6769 +f 9627/16195/6745 9626/16194/6744 9651/16219/6769 +f 9576/16143/6691 9574/16141/6689 9651/16219/6769 +f 9630/16198/6748 9634/16202/6752 9652/16220/6770 +f 9634/16202/6752 9598/16166/6715 9652/16220/6770 +f 9572/16150/6698 9630/16198/6748 9652/16220/6770 +f 9642/16221/6760 9572/16222/6771 9652/16223/6770 +f 9598/16166/6715 9604/16172/6721 9652/16220/6770 +f 9652/16220/6770 9604/16172/6721 9653/16224/6772 +f 9604/16172/6721 9605/16173/6722 9653/16224/6772 +f 9605/16173/6722 9640/16208/6758 9653/16224/6772 +f 9642/16210/6760 9652/16220/6770 9653/16224/6772 +f 9640/16208/6758 9608/16176/6725 9654/16225/6773 +f 9653/16224/6772 9640/16208/6758 9654/16225/6773 +f 9641/16209/6759 9642/16210/6760 9655/16226/6774 +f 9656/16227/6775 9657/16228/6776 9510/16075/6625 +f 9611/16179/6728 9641/16209/6759 9655/16226/6774 +f 9653/16224/6772 9654/16225/6773 9655/16226/6774 +f 9608/16176/6725 9611/16179/6728 9655/16226/6774 +f 9654/16225/6773 9608/16176/6725 9655/16226/6774 +f 9642/16210/6760 9653/16224/6772 9655/16226/6774 +f 9647/16215/6765 9656/16227/6775 9510/16075/6625 +f 9505/16070/6620 9647/16215/6765 9510/16075/6625 +f 9657/16228/6776 9658/16229/6777 9515/16080/6630 +f 9658/16229/6777 9659/16230/6778 9515/16080/6630 +f 9659/16230/6778 9660/16231/6779 9515/16080/6630 +f 9510/16075/6625 9657/16228/6776 9515/16080/6630 +f 9660/16231/6779 9661/16232/6780 9520/16085/6635 +f 9661/16232/6780 9662/16233/6781 9520/16085/6635 +f 9662/16233/6781 9663/16234/6782 9520/16085/6635 +f 9515/16080/6630 9660/16231/6779 9520/16085/6635 +f 9664/16235/6783 9665/16236/6784 9525/16090/6640 +f 9663/16234/6782 9664/16235/6783 9525/16090/6640 +f 9520/16085/6635 9663/16234/6782 9525/16090/6640 +f 9525/16090/6640 9665/16236/6784 9533/16098/6648 +f 9665/16236/6784 9666/16237/6785 9533/16098/6648 +f 9666/16237/6785 9667/16238/6786 9533/16098/6648 +f 9667/16238/6786 9668/16239/6787 9533/16098/6648 +f 9668/16239/6787 9669/16240/6788 9537/16102/6652 +f 9669/16240/6788 9670/16241/6789 9537/16102/6652 +f 9670/16241/6789 9671/16242/6790 9537/16102/6652 +f 9533/16098/6648 9668/16239/6787 9537/16102/6652 +f 9537/16102/6652 9671/16242/6790 9548/16113/6663 +f 9672/16243/6791 9673/16244/6792 9548/16113/6663 +f 9671/16242/6790 9672/16243/6791 9548/16113/6663 +f 9673/16244/6792 9674/16245/6793 9554/16119/6669 +f 9674/16245/6793 9675/16246/6794 9554/16119/6669 +f 9675/16246/6794 9676/16247/6795 9554/16119/6669 +f 9548/16113/6663 9673/16244/6792 9554/16119/6669 +f 9554/16119/6669 9676/16247/6795 9562/16127/6677 +f 9676/16247/6795 9677/16248/6796 9562/16127/6677 +f 9677/16248/6796 9678/16249/6797 9562/16127/6677 +f 9678/16249/6797 9679/16250/6798 9562/16127/6677 +f 9680/16251/6799 9681/16252/6800 9567/16132/6682 +f 9679/16250/6798 9680/16251/6799 9567/16132/6682 +f 9562/16127/6677 9679/16250/6798 9567/16132/6682 +f 9681/16252/6800 9649/16217/6767 9574/16141/6689 +f 9567/16132/6682 9681/16252/6800 9574/16141/6689 +f 9595/16163/6712 9581/16148/6696 9594/16162/6711 +f 9581/16148/6696 9580/16147/6695 9594/16162/6711 +f 9594/16253/6801 9572/16254/6801 9580/16255/6801 +f 9581/16148/6696 9595/16163/6712 9585/16153/6701 +f 9595/16163/6712 9682/16256/6802 9585/16153/6701 +f 9585/16153/6701 9682/16256/6802 9588/16156/6704 +f 9682/16256/6802 9683/16257/6803 9591/16159/6707 +f 9588/16156/6704 9682/16256/6802 9591/16159/6707 +f 9591/16159/6707 9683/16257/6803 9592/16160/6708 +f 9597/16165/6714 9488/16053/6603 9596/16164/6713 +f 9682/16256/6802 9595/16163/6712 9596/16164/6713 +f 9592/16160/6708 9683/16257/6803 9631/16199/6749 +f 9683/16257/6803 9499/16064/6614 9631/16199/6749 +f 9631/16199/6749 9499/16064/6614 9633/16201/6751 +f 9488/16053/6603 9487/16052/6602 9684/16258/6804 +f 9683/16257/6803 9682/16256/6802 9684/16258/6804 +f 9682/16256/6802 9596/16164/6713 9684/16258/6804 +f 9596/16164/6713 9488/16053/6603 9684/16258/6804 +f 9633/16201/6751 9499/16064/6614 9479/16044/6594 +f 9478/16043/6593 9633/16201/6751 9479/16044/6594 +f 9499/16064/6614 9481/16046/6596 9479/16044/6594 +f 9486/16051/6601 9491/16056/6606 9490/16055/6605 +f 9488/16053/6603 9597/16165/6714 9490/16055/6605 +f 9597/16165/6714 9485/16050/6600 9490/16055/6605 +f 9485/16050/6600 9486/16051/6601 9490/16055/6605 +f 9487/16052/6602 9495/16060/6610 9498/16063/6613 +f 9683/16257/6803 9684/16258/6804 9498/16063/6613 +f 9499/16064/6614 9683/16257/6803 9498/16063/6613 +f 9684/16258/6804 9487/16052/6602 9498/16063/6613 +f 9685/16259/6805 9686/16260/6806 9687/16261/6807 +f 9688/16262/6808 9689/16263/6809 9690/16264/6810 +f 9685/16259/6805 9691/16265/6811 9686/16260/6806 +f 9692/16266/6812 9693/16267/6813 9694/16268/6814 +f 9695/16269/6815 9690/16264/6810 9696/16270/6816 +f 9695/16269/6815 9696/16270/6816 9697/16271/6817 +f 9695/16269/6815 9697/16271/6817 9698/16272/6818 +f 9692/16266/6812 9694/16268/6814 9699/16273/6819 +f 9700/16274/6820 9701/16275/6821 9702/16276/6822 +f 9700/16274/6820 9702/16276/6822 9689/16277/6809 +f 9703/16278/6823 9704/16279/6824 9705/16280/6825 +f 9703/16278/6823 9699/16281/6819 9704/16279/6824 +f 9706/16282/6826 9707/16283/6827 9708/16284/6828 +f 9709/16285/6829 9698/16272/6818 9710/16286/6830 +f 9706/16282/6826 9711/16287/6831 9712/16288/6832 +f 9706/16282/6826 9713/16289/6833 9711/16287/6831 +f 9706/16282/6826 9712/16288/6832 9707/16283/6827 +f 9714/16290/6834 9708/16284/6828 9715/16291/6835 +f 9716/16292/6836 9695/16269/6815 9698/16272/6818 +f 9714/16290/6834 9715/16291/6835 9693/16267/6813 +f 9717/16293/6837 9718/16294/6838 9719/16295/6839 +f 9717/16293/6837 9719/16295/6839 9720/16296/6840 +f 9721/16297/6841 9703/16278/6823 9705/16280/6825 +f 9717/16293/6837 9720/16296/6840 9722/16298/6842 +f 9717/16293/6837 9722/16298/6842 9701/16275/6821 +f 9721/16297/6841 9705/16280/6825 9723/16299/6843 +f 9724/16300/6844 9691/16265/6811 9685/16259/6805 +f 9725/16301/6845 9689/16277/6809 9688/16302/6808 +f 9725/16301/6845 9700/16274/6820 9689/16277/6809 +f 9724/16300/6844 9723/16299/6843 9691/16265/6811 +f 9726/16303/6846 9690/16264/6810 9695/16269/6815 +f 9727/16304/6847 9693/16267/6813 9692/16266/6812 +f 9726/16303/6846 9688/16262/6808 9690/16264/6810 +f 9727/16304/6847 9714/16290/6834 9693/16267/6813 +f 9728/16305/6848 9710/16286/6830 9729/16306/6849 +f 9728/16305/6848 9709/16285/6829 9710/16286/6830 +f 9730/16307/6850 9692/16266/6812 9699/16273/6819 +f 9730/16307/6850 9699/16273/6819 9703/16308/6823 +f 9731/16309/6851 9708/16284/6828 9714/16290/6834 +f 9731/16309/6851 9713/16289/6833 9706/16282/6826 +f 9732/16310/6852 9701/16275/6821 9700/16274/6820 +f 9732/16310/6852 9717/16293/6837 9701/16275/6821 +f 9731/16309/6851 9706/16282/6826 9708/16284/6828 +f 9733/16311/6853 9698/16272/6818 9709/16285/6829 +f 9734/16312/6854 9685/16259/6805 9687/16261/6807 +f 9733/16311/6853 9716/16292/6836 9698/16272/6818 +f 9734/16312/6854 9687/16261/6807 9735/16313/6855 +f 9736/16314/6856 9703/16308/6823 9721/16315/6841 +f 9737/16316/6857 9695/16269/6815 9716/16292/6836 +f 9737/16316/6857 9726/16303/6846 9695/16269/6815 +f 9736/16314/6856 9730/16307/6850 9703/16308/6823 +f 9738/16317/6858 9700/16274/6820 9725/16301/6845 +f 9738/16317/6858 9732/16310/6852 9700/16274/6820 +f 9739/16318/6859 9721/16297/6841 9723/16299/6843 +f 9739/16318/6859 9723/16299/6843 9724/16300/6844 +f 9740/16319/6860 9725/16301/6845 9688/16302/6808 +f 9740/16319/6860 9688/16302/6808 9726/16320/6846 +f 9741/16321/6861 9731/16309/6851 9714/16290/6834 +f 9741/16321/6861 9713/16289/6833 9731/16309/6851 +f 9741/16321/6861 9742/16322/6862 9713/16289/6833 +f 9741/16321/6861 9714/16290/6834 9727/16304/6847 +f 9743/16323/6863 9728/16305/6848 9729/16306/6849 +f 9744/16324/6864 9727/16304/6847 9692/16266/6812 +f 9744/16324/6864 9692/16266/6812 9730/16307/6850 +f 9745/16325/6865 9709/16285/6829 9728/16305/6848 +f 9745/16325/6865 9733/16311/6853 9709/16285/6829 +f 9746/16326/6866 9724/16300/6844 9685/16259/6805 +f 9747/16327/6867 9748/16328/6868 9718/16294/6838 +f 9747/16327/6867 9718/16294/6838 9717/16293/6837 +f 9747/16327/6867 9717/16293/6837 9732/16310/6852 +f 9746/16326/6866 9685/16259/6805 9734/16312/6854 +f 9749/16329/6869 9737/16316/6857 9716/16292/6836 +f 9750/16330/6870 9744/16324/6864 9730/16307/6850 +f 9750/16330/6870 9730/16307/6850 9736/16314/6856 +f 9749/16329/6869 9716/16292/6836 9733/16311/6853 +f 9751/16331/6871 9740/16319/6860 9726/16320/6846 +f 9752/16332/6872 9721/16315/6841 9739/16333/6859 +f 9752/16332/6872 9736/16314/6856 9721/16315/6841 +f 9751/16331/6871 9726/16320/6846 9737/16334/6857 +f 9753/16335/6873 9747/16327/6867 9732/16310/6852 +f 9753/16335/6873 9748/16328/6868 9747/16327/6867 +f 9754/16336/6874 9727/16304/6847 9744/16324/6864 +f 9753/16335/6873 9732/16310/6852 9738/16317/6858 +f 9754/16336/6874 9742/16322/6862 9741/16321/6861 +f 9755/16337/6875 9743/16323/6863 9729/16306/6849 +f 9754/16336/6874 9741/16321/6861 9727/16304/6847 +f 9755/16337/6875 9729/16306/6849 9756/16338/6876 +f 9757/16339/6877 9735/16313/6855 9758/16340/6878 +f 9759/16341/6879 9738/16317/6858 9725/16301/6845 +f 9757/16339/6877 9746/16326/6866 9734/16312/6854 +f 9759/16341/6879 9740/16319/6860 9751/16331/6871 +f 9757/16339/6877 9734/16312/6854 9735/16313/6855 +f 9759/16341/6879 9725/16301/6845 9740/16319/6860 +f 9760/16342/6880 9739/16318/6859 9724/16300/6844 +f 9761/16343/6881 9728/16305/6848 9743/16323/6863 +f 9760/16342/6880 9724/16300/6844 9746/16326/6866 +f 9761/16343/6881 9745/16325/6865 9728/16305/6848 +f 9762/16344/6882 9763/16345/6883 9742/16322/6862 +f 9762/16344/6882 9742/16322/6862 9754/16336/6874 +f 9762/16344/6882 9744/16324/6864 9750/16330/6870 +f 9764/16346/6884 9733/16311/6853 9745/16325/6865 +f 9762/16344/6882 9754/16336/6874 9744/16324/6864 +f 9764/16346/6884 9749/16329/6869 9733/16311/6853 +f 9765/16347/6885 9750/16330/6870 9736/16314/6856 +f 9765/16347/6885 9736/16314/6856 9752/16332/6872 +f 9766/16348/6886 9737/16334/6857 9749/16349/6869 +f 9766/16348/6886 9751/16331/6871 9737/16334/6857 +f 9767/16350/6887 9746/16326/6866 9757/16339/6877 +f 9767/16350/6887 9760/16342/6880 9746/16326/6866 +f 9768/16351/6888 9755/16337/6875 9756/16338/6876 +f 9769/16352/6889 9739/16333/6859 9760/16353/6880 +f 9770/16354/6890 9759/16341/6879 9751/16331/6871 +f 9769/16352/6889 9752/16332/6872 9739/16333/6859 +f 9771/16355/6891 9762/16344/6882 9750/16330/6870 +f 9772/16356/6892 9773/16357/6893 9748/16328/6868 +f 9772/16356/6892 9753/16335/6873 9738/16317/6858 +f 9771/16355/6891 9763/16345/6883 9762/16344/6882 +f 9771/16355/6891 9750/16330/6870 9765/16347/6885 +f 9772/16356/6892 9748/16328/6868 9753/16335/6873 +f 9772/16356/6892 9738/16317/6858 9759/16341/6879 +f 9774/16358/6894 9758/16340/6878 9775/16359/6895 +f 9774/16358/6894 9757/16339/6877 9758/16340/6878 +f 9774/16358/6894 9767/16350/6887 9757/16339/6877 +f 9776/16360/6896 9761/16343/6881 9743/16323/6863 +f 9776/16360/6896 9743/16323/6863 9755/16337/6875 +f 9776/16360/6896 9755/16337/6875 9768/16351/6888 +f 9777/16361/6897 9764/16346/6884 9745/16325/6865 +f 9778/16362/6898 9760/16342/6880 9767/16350/6887 +f 9778/16363/6898 9769/16352/6889 9760/16353/6880 +f 9777/16361/6897 9745/16325/6865 9761/16343/6881 +f 9779/16364/6899 9765/16347/6885 9752/16332/6872 +f 9779/16364/6899 9752/16332/6872 9769/16352/6889 +f 9780/16365/6900 9749/16349/6869 9764/16366/6884 +f 9780/16365/6900 9766/16348/6886 9749/16349/6869 +f 9781/16367/6901 9767/16350/6887 9774/16358/6894 +f 9782/16368/6902 9770/16354/6890 9751/16331/6871 +f 9783/16369/6903 9779/16364/6899 9769/16352/6889 +f 9782/16368/6902 9751/16331/6871 9766/16348/6886 +f 9784/16370/6904 9759/16341/6879 9770/16354/6890 +f 9784/16370/6904 9773/16357/6893 9772/16356/6892 +f 9784/16370/6904 9772/16356/6892 9759/16341/6879 +f 9783/16369/6903 9769/16352/6889 9778/16363/6898 +f 9785/16371/6905 9776/16360/6896 9768/16351/6888 +f 9786/16372/6906 9787/16373/6907 9788/16374/6908 +f 9786/16372/6906 9775/16359/6895 9787/16373/6907 +f 9786/16372/6906 9774/16358/6894 9775/16359/6895 +f 9789/16375/6909 9790/16376/6910 9763/16345/6883 +f 9791/16377/6911 9768/16351/6888 9756/16338/6876 +f 9791/16377/6911 9756/16338/6876 9792/16378/6912 +f 9789/16375/6909 9765/16347/6885 9779/16364/6899 +f 9789/16375/6909 9771/16355/6891 9765/16347/6885 +f 9789/16375/6909 9763/16345/6883 9771/16355/6891 +f 9793/16379/6913 9778/16362/6898 9767/16350/6887 +f 9794/16380/6914 9761/16343/6881 9776/16360/6896 +f 9794/16380/6914 9777/16361/6897 9761/16343/6881 +f 9793/16379/6913 9767/16350/6887 9781/16367/6901 +f 9795/16381/6915 9780/16365/6900 9764/16366/6884 +f 9796/16382/6916 9789/16375/6909 9779/16364/6899 +f 9795/16381/6915 9764/16366/6884 9777/16383/6897 +f 9796/16382/6916 9779/16364/6899 9783/16369/6903 +f 9797/16384/6917 9774/16358/6894 9786/16372/6906 +f 9798/16385/6918 9791/16377/6911 9792/16378/6912 +f 9797/16384/6917 9781/16367/6901 9774/16358/6894 +f 9799/16386/6919 9796/16382/6916 9783/16369/6903 +f 9799/16386/6919 9783/16369/6903 9778/16363/6898 +f 9800/16387/6920 9766/16348/6886 9780/16365/6900 +f 9800/16387/6920 9782/16368/6902 9766/16348/6886 +f 9801/16388/6921 9802/16389/6922 9773/16357/6893 +f 9799/16386/6919 9778/16363/6898 9793/16390/6913 +f 9801/16388/6921 9770/16354/6890 9782/16368/6902 +f 9801/16388/6921 9773/16357/6893 9784/16370/6904 +f 9801/16388/6921 9784/16370/6904 9770/16354/6890 +f 9803/16391/6923 9776/16360/6896 9785/16371/6905 +f 9804/16392/6924 9786/16372/6906 9788/16374/6908 +f 9805/16393/6925 9790/16376/6910 9789/16375/6909 +f 9803/16391/6923 9794/16380/6914 9776/16360/6896 +f 9805/16393/6925 9789/16375/6909 9796/16382/6916 +f 9805/16393/6925 9806/16394/6926 9790/16376/6910 +f 9807/16395/6927 9781/16367/6901 9797/16384/6917 +f 9808/16396/6928 9768/16351/6888 9791/16377/6911 +f 9807/16397/6927 9799/16386/6919 9793/16390/6913 +f 9808/16396/6928 9785/16371/6905 9768/16351/6888 +f 9807/16395/6927 9793/16379/6913 9781/16367/6901 +f 9809/16398/6929 9777/16383/6897 9794/16399/6914 +f 9809/16398/6929 9795/16381/6915 9777/16383/6897 +f 9810/16400/6930 9796/16382/6916 9799/16386/6919 +f 9811/16401/6931 9797/16384/6917 9786/16372/6906 +f 9811/16401/6931 9786/16372/6906 9804/16392/6924 +f 9812/16402/6932 9780/16365/6900 9795/16381/6915 +f 9812/16402/6932 9800/16387/6920 9780/16365/6900 +f 9813/16403/6933 9808/16396/6928 9791/16377/6911 +f 9814/16404/6934 9799/16386/6919 9807/16397/6927 +f 9813/16403/6933 9791/16377/6911 9798/16385/6918 +f 9815/16405/6935 9802/16389/6922 9801/16388/6921 +f 9815/16405/6935 9782/16368/6902 9800/16387/6920 +f 9816/16406/6936 9788/16374/6908 9817/16407/6937 +f 9815/16405/6935 9801/16388/6921 9782/16368/6902 +f 9816/16406/6936 9804/16392/6924 9788/16374/6908 +f 9818/16408/6938 9792/16378/6912 9819/16409/6939 +f 9818/16408/6938 9798/16385/6918 9792/16378/6912 +f 9820/16410/6940 9805/16393/6925 9796/16382/6916 +f 9820/16410/6940 9806/16394/6926 9805/16393/6925 +f 9820/16410/6940 9796/16382/6916 9810/16400/6930 +f 9820/16410/6940 9821/16411/6941 9806/16394/6926 +f 9822/16412/6942 9809/16398/6929 9794/16399/6914 +f 9823/16413/6943 9807/16395/6927 9797/16384/6917 +f 9822/16412/6942 9794/16399/6914 9803/16414/6923 +f 9823/16415/6943 9814/16404/6934 9807/16397/6927 +f 9823/16413/6943 9797/16384/6917 9811/16401/6931 +f 9824/16416/6944 9810/16400/6930 9799/16386/6919 +f 9824/16416/6944 9799/16386/6919 9814/16404/6934 +f 9825/16417/6945 9803/16391/6923 9785/16371/6905 +f 9825/16417/6945 9785/16371/6905 9808/16396/6928 +f 9824/16416/6944 9820/16410/6940 9810/16400/6930 +f 9826/16418/6946 9795/16381/6915 9809/16398/6929 +f 9826/16418/6946 9812/16402/6932 9795/16381/6915 +f 9827/16419/6947 9815/16405/6935 9800/16387/6920 +f 9827/16419/6947 9828/16420/6948 9802/16389/6922 +f 9829/16421/6949 9804/16392/6924 9816/16406/6936 +f 9827/16419/6947 9802/16389/6922 9815/16405/6935 +f 9829/16421/6949 9811/16401/6931 9804/16392/6924 +f 9827/16419/6947 9800/16387/6920 9812/16402/6932 +f 9830/16422/6950 9814/16404/6934 9823/16415/6943 +f 9831/16423/6951 9825/16417/6945 9808/16396/6928 +f 9831/16423/6951 9808/16396/6928 9813/16403/6933 +f 9832/16424/6952 9817/16407/6937 9833/16425/6953 +f 9834/16426/6954 9798/16385/6918 9818/16408/6938 +f 9832/16424/6952 9816/16406/6936 9817/16407/6937 +f 9835/16427/6955 9836/16428/6956 9821/16411/6941 +f 9834/16426/6954 9813/16403/6933 9798/16385/6918 +f 9835/16427/6955 9821/16411/6941 9820/16410/6940 +f 9835/16427/6955 9820/16410/6940 9824/16416/6944 +f 9837/16429/6957 9809/16398/6929 9822/16412/6942 +f 9837/16429/6957 9826/16418/6946 9809/16398/6929 +f 9838/16430/6958 9823/16413/6943 9811/16401/6931 +f 9839/16431/6959 9822/16412/6942 9803/16414/6923 +f 9838/16430/6958 9811/16401/6931 9829/16421/6949 +f 9838/16432/6958 9830/16422/6950 9823/16415/6943 +f 9840/16433/6960 9833/16425/6953 9841/16434/6961 +f 9840/16433/6960 9832/16424/6952 9833/16425/6953 +f 9839/16431/6959 9803/16414/6923 9825/16435/6945 +f 9842/16436/6962 9812/16402/6932 9826/16418/6946 +f 9842/16436/6962 9827/16419/6947 9812/16402/6932 +f 9842/16436/6962 9828/16420/6948 9827/16419/6947 +f 9843/16437/6963 9824/16416/6944 9814/16404/6934 +f 9843/16437/6963 9814/16404/6934 9830/16422/6950 +f 9844/16438/6964 9818/16408/6938 9819/16409/6939 +f 9844/16438/6964 9819/16409/6939 9845/16439/6965 +f 9846/16440/6966 9829/16421/6949 9816/16406/6936 +f 9846/16440/6966 9832/16424/6952 9840/16433/6960 +f 9847/16441/6967 9839/16431/6959 9825/16435/6945 +f 9846/16440/6966 9816/16406/6936 9832/16424/6952 +f 9847/16441/6967 9825/16435/6945 9831/16442/6951 +f 9848/16443/6968 9830/16422/6950 9838/16432/6958 +f 9849/16444/6969 9831/16423/6951 9813/16403/6933 +f 9849/16444/6969 9813/16403/6933 9834/16426/6954 +f 9850/16445/6970 9851/16446/6971 9828/16420/6948 +f 9852/16447/6972 9846/16440/6966 9840/16433/6960 +f 9850/16445/6970 9826/16418/6946 9837/16429/6957 +f 9850/16445/6970 9842/16436/6962 9826/16418/6946 +f 9850/16445/6970 9828/16420/6948 9842/16436/6962 +f 9853/16448/6973 9837/16429/6957 9822/16412/6942 +f 9854/16449/6974 9840/16433/6960 9841/16434/6961 +f 9853/16448/6973 9822/16412/6942 9839/16431/6959 +f 9855/16450/6975 9836/16428/6956 9835/16427/6955 +f 9855/16450/6975 9856/16451/6976 9836/16428/6956 +f 9857/16452/6977 9834/16426/6954 9818/16408/6938 +f 9855/16450/6975 9824/16416/6944 9843/16437/6963 +f 9855/16450/6975 9835/16427/6955 9824/16416/6944 +f 9858/16453/6978 9838/16430/6958 9829/16421/6949 +f 9858/16453/6978 9829/16421/6949 9846/16440/6966 +f 9857/16452/6977 9818/16408/6938 9844/16438/6964 +f 9858/16454/6978 9848/16443/6968 9838/16432/6958 +f 9858/16453/6978 9846/16440/6966 9852/16447/6972 +f 9859/16455/6979 9839/16431/6959 9847/16441/6967 +f 9860/16456/6980 9841/16434/6961 9861/16457/6981 +f 9859/16455/6979 9853/16448/6973 9839/16431/6959 +f 9860/16456/6980 9854/16449/6974 9841/16434/6961 +f 9862/16458/6982 9831/16442/6951 9849/16459/6969 +f 9863/16460/6983 9843/16437/6963 9830/16422/6950 +f 9862/16458/6982 9847/16441/6967 9831/16442/6951 +f 9863/16460/6983 9830/16422/6950 9848/16443/6968 +f 9863/16460/6983 9855/16450/6975 9843/16437/6963 +f 9864/16461/6984 9837/16429/6957 9853/16448/6973 +f 9864/16461/6984 9851/16446/6971 9850/16445/6970 +f 9864/16461/6984 9850/16445/6970 9837/16429/6957 +f 9865/16462/6985 9858/16453/6978 9852/16447/6972 +f 9866/16463/6986 9844/16438/6964 9845/16439/6965 +f 9866/16463/6986 9845/16439/6965 9867/16464/6987 +f 9868/16465/6988 9852/16447/6972 9840/16433/6960 +f 9868/16465/6988 9840/16433/6960 9854/16449/6974 +f 9869/16466/6989 9849/16444/6969 9834/16426/6954 +f 9868/16465/6988 9854/16449/6974 9860/16456/6980 +f 9870/16467/6990 9858/16454/6978 9865/16468/6985 +f 9869/16466/6989 9834/16426/6954 9857/16452/6977 +f 9870/16467/6990 9848/16443/6968 9858/16454/6978 +f 9871/16469/6991 9853/16448/6973 9859/16455/6979 +f 9871/16469/6991 9872/16470/6992 9851/16446/6971 +f 9871/16469/6991 9851/16446/6971 9864/16461/6984 +f 9871/16469/6991 9864/16461/6984 9853/16448/6973 +f 9873/16471/6993 9860/16456/6980 9861/16457/6981 +f 9874/16472/6994 9859/16455/6979 9847/16441/6967 +f 9874/16472/6994 9847/16441/6967 9862/16458/6982 +f 9875/16473/6995 9868/16465/6988 9860/16456/6980 +f 9875/16473/6995 9860/16456/6980 9873/16471/6993 +f 9876/16474/6996 9857/16452/6977 9844/16438/6964 +f 9876/16474/6996 9844/16438/6964 9866/16463/6986 +f 9877/16475/6997 9878/16476/6998 9856/16451/6976 +f 9877/16475/6997 9856/16451/6976 9855/16450/6975 +f 9877/16475/6997 9855/16450/6975 9863/16460/6983 +f 9879/16477/6999 9862/16458/6982 9849/16459/6969 +f 9879/16477/6999 9849/16459/6969 9869/16478/6989 +f 9880/16479/7000 9870/16467/6990 9865/16468/6985 +f 9881/16480/7001 9865/16462/6985 9852/16447/6972 +f 9882/16481/7002 9871/16469/6991 9859/16455/6979 +f 9882/16481/7002 9859/16455/6979 9874/16472/6994 +f 9882/16481/7002 9872/16470/6992 9871/16469/6991 +f 9881/16480/7001 9852/16447/6972 9868/16465/6988 +f 9883/16482/7003 9873/16471/6993 9861/16457/6981 +f 9883/16482/7003 9861/16457/6981 9884/16483/7004 +f 9885/16484/7005 9867/16464/6987 9886/16485/7006 +f 9885/16484/7005 9866/16463/6986 9867/16464/6987 +f 9887/16486/7007 9848/16443/6968 9870/16467/6990 +f 9887/16486/7007 9870/16467/6990 9880/16479/7000 +f 9888/16487/7008 9869/16466/6989 9857/16452/6977 +f 9887/16486/7007 9877/16475/6997 9863/16460/6983 +f 9888/16487/7008 9857/16452/6977 9876/16474/6996 +f 9887/16486/7007 9863/16460/6983 9848/16443/6968 +f 9889/16488/7009 9873/16471/6993 9883/16482/7003 +f 9890/16489/7010 9862/16458/6982 9879/16477/6999 +f 9889/16488/7009 9875/16473/6995 9873/16471/6993 +f 9890/16489/7010 9874/16472/6994 9862/16458/6982 +f 9891/16490/7011 9868/16465/6988 9875/16473/6995 +f 9891/16490/7011 9881/16480/7001 9868/16465/6988 +f 9892/16491/7012 9876/16474/6996 9866/16463/6986 +f 9892/16491/7012 9866/16463/6986 9885/16484/7005 +f 9893/16492/7013 9887/16486/7007 9880/16479/7000 +f 9894/16493/7014 9865/16468/6985 9881/16494/7001 +f 9894/16493/7014 9880/16479/7000 9865/16468/6985 +f 9895/16495/7015 9879/16477/6999 9869/16478/6989 +f 9895/16495/7015 9869/16478/6989 9888/16496/7008 +f 9896/16497/7016 9883/16482/7003 9884/16483/7004 +f 9897/16498/7017 9886/16485/7006 9898/16499/7018 +f 9897/16498/7017 9885/16484/7005 9886/16485/7006 +f 9899/16500/7019 9883/16482/7003 9896/16497/7016 +f 9900/16501/7020 9901/16502/7021 9872/16470/6992 +f 9899/16500/7019 9889/16488/7009 9883/16482/7003 +f 9900/16501/7020 9872/16470/6992 9882/16481/7002 +f 9900/16501/7020 9882/16481/7002 9874/16472/6994 +f 9900/16501/7020 9874/16472/6994 9890/16489/7010 +f 9902/16503/7022 9877/16475/6997 9887/16486/7007 +f 9902/16503/7022 9878/16476/6998 9877/16475/6997 +f 9902/16503/7022 9887/16486/7007 9893/16492/7013 +f 9903/16504/7023 9888/16487/7008 9876/16474/6996 +f 9902/16503/7022 9904/16505/7024 9878/16476/6998 +f 9905/16506/7025 9891/16490/7011 9875/16473/6995 +f 9903/16504/7023 9876/16474/6996 9892/16491/7012 +f 9905/16506/7025 9875/16473/6995 9889/16488/7009 +f 9905/16506/7025 9889/16488/7009 9899/16500/7019 +f 9906/16507/7026 9881/16494/7001 9891/16508/7011 +f 9907/16509/7027 9890/16489/7010 9879/16477/6999 +f 9906/16507/7026 9894/16493/7014 9881/16494/7001 +f 9907/16509/7027 9879/16477/6999 9895/16495/7015 +f 9908/16510/7028 9903/16504/7023 9892/16491/7012 +f 9909/16511/7029 9902/16503/7022 9893/16492/7013 +f 9908/16510/7028 9892/16491/7012 9885/16484/7005 +f 9909/16511/7029 9904/16505/7024 9902/16503/7022 +f 9908/16510/7028 9885/16484/7005 9897/16498/7017 +f 9910/16512/7030 9884/16483/7004 9911/16513/7031 +f 9910/16512/7030 9896/16497/7016 9884/16483/7004 +f 9912/16514/7032 9888/16496/7008 9903/16515/7023 +f 9913/16516/7033 9880/16479/7000 9894/16493/7014 +f 9912/16514/7032 9895/16495/7015 9888/16496/7008 +f 9913/16516/7033 9893/16492/7013 9880/16479/7000 +f 9914/16517/7034 9897/16518/7017 9898/16519/7018 +f 9915/16520/7035 9899/16500/7019 9896/16497/7016 +f 9915/16520/7035 9896/16497/7016 9910/16512/7030 +f 9914/16517/7034 9898/16519/7018 9916/16521/7036 +f 9917/16522/7037 9890/16489/7010 9907/16509/7027 +f 9917/16522/7037 9918/16523/7038 9901/16502/7021 +f 9917/16522/7037 9901/16502/7021 9900/16501/7020 +f 9919/16524/7039 9905/16506/7025 9899/16500/7019 +f 9917/16522/7037 9900/16501/7020 9890/16489/7010 +f 9919/16524/7039 9899/16500/7019 9915/16520/7035 +f 9920/16525/7040 9906/16507/7026 9891/16508/7011 +f 9921/16526/7041 9903/16504/7023 9908/16510/7028 +f 9920/16525/7040 9891/16508/7011 9905/16527/7025 +f 9922/16528/7042 9895/16495/7015 9912/16514/7032 +f 9920/16525/7040 9905/16527/7025 9919/16529/7039 +f 9922/16528/7042 9907/16509/7027 9895/16495/7015 +f 9923/16530/7043 9910/16512/7030 9911/16513/7031 +f 9924/16531/7044 9897/16518/7017 9914/16517/7034 +f 9925/16532/7045 9894/16493/7014 9906/16507/7026 +f 9925/16532/7045 9913/16516/7033 9894/16493/7014 +f 9924/16531/7044 9908/16533/7028 9897/16518/7017 +f 9926/16534/7046 9903/16515/7023 9921/16535/7041 +f 9925/16532/7045 9906/16507/7026 9920/16525/7040 +f 9927/16536/7047 9909/16511/7029 9893/16492/7013 +f 9927/16536/7047 9893/16492/7013 9913/16516/7033 +f 9926/16534/7046 9912/16514/7032 9903/16515/7023 +f 9927/16536/7047 9928/16537/7048 9904/16505/7024 +f 9927/16536/7047 9904/16505/7024 9909/16511/7029 +f 9929/16538/7049 9914/16517/7034 9916/16521/7036 +f 9930/16539/7050 9915/16520/7035 9910/16512/7030 +f 9929/16538/7049 9916/16521/7036 9931/16540/7051 +f 9932/16541/7052 9933/16542/7053 9918/16523/7038 +f 9932/16541/7052 9907/16509/7027 9922/16528/7042 +f 9932/16541/7052 9918/16523/7038 9917/16522/7037 +f 9934/16543/7054 9919/16524/7039 9915/16520/7035 +f 9932/16541/7052 9917/16522/7037 9907/16509/7027 +f 9935/16544/7055 9921/16545/7041 9908/16533/7028 +f 9935/16544/7055 9908/16533/7028 9924/16531/7044 +f 9936/16546/7056 9920/16525/7040 9919/16529/7039 +f 9935/16547/7055 9926/16534/7046 9921/16535/7041 +f 9936/16546/7056 9919/16529/7039 9934/16548/7054 +f 9937/16549/7057 9920/16525/7040 9936/16546/7056 +f 9938/16550/7058 9922/16528/7042 9912/16514/7032 +f 9937/16549/7057 9925/16532/7045 9920/16525/7040 +f 9938/16550/7058 9912/16514/7032 9926/16534/7046 +f 9939/16551/7059 9927/16536/7047 9913/16516/7033 +f 9939/16551/7059 9913/16516/7033 9925/16532/7045 +f 9939/16551/7059 9928/16537/7048 9927/16536/7047 +f 9940/16552/7060 9914/16517/7034 9929/16538/7049 +f 9940/16552/7060 9924/16531/7044 9914/16517/7034 +f 9941/16553/7061 9910/16512/7030 9923/16530/7043 +f 9941/16553/7061 9930/16539/7050 9910/16512/7030 +f 9942/16554/7062 9911/16513/7031 9943/16555/7063 +f 9944/16556/7064 9926/16534/7046 9935/16547/7055 +f 9942/16554/7062 9941/16553/7061 9923/16530/7043 +f 9942/16554/7062 9923/16530/7043 9911/16513/7031 +f 9945/16557/7065 9915/16520/7035 9930/16539/7050 +f 9946/16558/7066 9929/16538/7049 9931/16540/7051 +f 9945/16557/7065 9934/16543/7054 9915/16520/7035 +f 9946/16558/7066 9931/16540/7051 9947/16559/7067 +f 9948/16560/7068 9949/16561/7069 9933/16542/7053 +f 9948/16560/7068 9933/16542/7053 9932/16541/7052 +f 9948/16560/7068 9932/16541/7052 9922/16528/7042 +f 9948/16560/7068 9922/16528/7042 9938/16550/7058 +f 9950/16562/7070 9936/16546/7056 9934/16548/7054 +f 9951/16563/7071 9947/16559/7067 9952/16564/7072 +f 9951/16563/7071 9946/16558/7066 9947/16559/7067 +f 9953/16565/7073 9942/16554/7062 9943/16555/7063 +f 9954/16566/7074 9935/16544/7055 9924/16531/7044 +f 9955/16567/7075 9936/16546/7056 9950/16562/7070 +f 9954/16566/7074 9924/16531/7044 9940/16552/7060 +f 9955/16567/7075 9937/16549/7057 9936/16546/7056 +f 9956/16568/7076 9937/16549/7057 9955/16567/7075 +f 9956/16568/7076 9957/16569/7077 9928/16537/7048 +f 9956/16568/7076 9928/16537/7048 9939/16551/7059 +f 9958/16570/7078 9938/16550/7058 9926/16534/7046 +f 9956/16568/7076 9925/16532/7045 9937/16549/7057 +f 9956/16568/7076 9939/16551/7059 9925/16532/7045 +f 9958/16570/7078 9926/16534/7046 9944/16556/7064 +f 9958/16570/7078 9948/16560/7068 9938/16550/7058 +f 9959/16571/7079 9929/16538/7049 9946/16558/7066 +f 9959/16571/7079 9940/16552/7060 9929/16538/7049 +f 9960/16572/7080 9945/16557/7065 9930/16539/7050 +f 9960/16572/7080 9930/16539/7050 9941/16553/7061 +f 9961/16573/7081 9941/16553/7061 9942/16554/7062 +f 9959/16571/7079 9946/16558/7066 9951/16563/7071 +f 9961/16573/7081 9960/16572/7080 9941/16553/7061 +f 9961/16573/7081 9942/16554/7062 9953/16565/7073 +f 9962/16574/7082 9959/16571/7079 9951/16563/7071 +f 9963/16575/7083 9934/16548/7054 9945/16576/7065 +f 9964/16577/7084 9935/16547/7055 9954/16578/7074 +f 9963/16575/7083 9950/16562/7070 9934/16548/7054 +f 9965/16579/7085 9955/16567/7075 9950/16562/7070 +f 9964/16577/7084 9944/16556/7064 9935/16547/7055 +f 9966/16580/7086 9961/16573/7081 9953/16565/7073 +f 9967/16581/7087 9951/16563/7071 9952/16564/7072 +f 9968/16582/7088 9969/16583/7089 9949/16561/7069 +f 9970/16584/7090 9955/16567/7075 9965/16579/7085 +f 9968/16582/7088 9948/16560/7068 9958/16570/7078 +f 9970/16584/7090 9956/16568/7076 9955/16567/7075 +f 9968/16582/7088 9949/16561/7069 9948/16560/7068 +f 9970/16584/7090 9957/16569/7077 9956/16568/7076 +f 9971/16585/7091 9953/16565/7073 9943/16555/7063 +f 9972/16586/7092 9940/16552/7060 9959/16571/7079 +f 9971/16585/7091 9943/16555/7063 9973/16587/7093 +f 9971/16585/7091 9966/16580/7086 9953/16565/7073 +f 9972/16588/7092 9964/16577/7084 9954/16578/7074 +f 9972/16586/7092 9954/16566/7074 9940/16552/7060 +f 9974/16589/7094 9945/16576/7065 9960/16590/7080 +f 9975/16591/7095 9952/16564/7072 9976/16592/7096 +f 9974/16589/7094 9963/16575/7083 9945/16576/7065 +f 9975/16591/7095 9967/16581/7087 9952/16564/7072 +f 9977/16593/7097 9960/16572/7080 9961/16573/7081 +f 9977/16594/7097 9974/16589/7094 9960/16590/7080 +f 9978/16595/7098 9959/16571/7079 9962/16574/7082 +f 9977/16593/7097 9961/16573/7081 9966/16580/7086 +f 9979/16596/7099 9965/16579/7085 9950/16562/7070 +f 9978/16595/7098 9972/16586/7092 9959/16571/7079 +f 9979/16596/7099 9950/16562/7070 9963/16575/7083 +f 9980/16597/7100 9958/16570/7078 9944/16556/7064 +f 9980/16597/7100 9944/16556/7064 9964/16577/7084 +f 9981/16598/7101 9970/16584/7090 9965/16579/7085 +f 9981/16598/7101 9957/16569/7077 9970/16584/7090 +f 9981/16598/7101 9982/16599/7102 9957/16569/7077 +f 9983/16600/7103 9977/16593/7097 9966/16580/7086 +f 9984/16601/7104 9962/16574/7082 9951/16563/7071 +f 9984/16601/7104 9951/16563/7071 9967/16581/7087 +f 9985/16602/7105 9966/16580/7086 9971/16585/7091 +f 9985/16602/7105 9983/16600/7103 9966/16580/7086 +f 9986/16603/7106 9964/16577/7084 9972/16588/7092 +f 9987/16604/7107 9963/16575/7083 9974/16589/7094 +f 9987/16604/7107 9979/16596/7099 9963/16575/7083 +f 9988/16605/7108 9975/16591/7095 9976/16592/7096 +f 9989/16606/7109 9974/16589/7094 9977/16594/7097 +f 9989/16606/7109 9977/16594/7097 9983/16607/7103 +f 9989/16606/7109 9987/16604/7107 9974/16589/7094 +f 9990/16608/7110 9967/16581/7087 9975/16591/7095 +f 9991/16609/7111 9981/16598/7101 9965/16579/7085 +f 9990/16608/7110 9984/16601/7104 9967/16581/7087 +f 9991/16609/7111 9965/16579/7085 9979/16596/7099 +f 9990/16608/7110 9975/16591/7095 9988/16605/7108 +f 9992/16610/7112 9993/16611/7113 9969/16583/7089 +f 9991/16609/7111 9982/16599/7102 9981/16598/7101 +f 9992/16610/7112 9969/16583/7089 9968/16582/7088 +f 9992/16610/7112 9958/16570/7078 9980/16597/7100 +f 9992/16610/7112 9968/16582/7088 9958/16570/7078 +f 9994/16612/7114 9973/16587/7093 9995/16613/7115 +f 9994/16612/7114 9971/16585/7091 9973/16587/7093 +f 9996/16614/7116 9972/16588/7092 9978/16615/7098 +f 9997/16616/7117 9989/16606/7109 9983/16607/7103 +f 9996/16614/7116 9986/16603/7106 9972/16588/7092 +f 9998/16617/7118 9962/16574/7082 9984/16601/7104 +f 9998/16617/7118 9978/16595/7098 9962/16574/7082 +f 9999/16618/7119 9983/16600/7103 9985/16602/7105 +f 10000/16619/7120 9976/16592/7096 10001/16620/7121 +f 10002/16621/7122 10003/16622/7123 9982/16599/7102 +f 10000/16619/7120 9988/16605/7108 9976/16592/7096 +f 10002/16621/7122 9979/16596/7099 9987/16604/7107 +f 10002/16621/7122 9991/16609/7111 9979/16596/7099 +f 10004/16623/7124 9992/16610/7112 9980/16597/7100 +f 10002/16621/7122 9982/16599/7102 9991/16609/7111 +f 10005/16624/7125 9989/16606/7109 9997/16616/7117 +f 10004/16623/7124 9980/16597/7100 9964/16577/7084 +f 10005/16624/7125 9987/16604/7107 9989/16606/7109 +f 10004/16623/7124 9964/16577/7084 9986/16603/7106 +f 10005/16624/7125 10002/16621/7122 9987/16604/7107 +f 10006/16625/7126 9971/16585/7091 9994/16612/7114 +f 10007/16626/7127 9988/16605/7108 10000/16619/7120 +f 10006/16625/7126 9985/16602/7105 9971/16585/7091 +f 10007/16626/7127 9990/16608/7110 9988/16605/7108 +f 10008/16627/7128 9990/16608/7110 10007/16626/7127 +f 10009/16628/7129 10005/16624/7125 9997/16616/7117 +f 10008/16627/7128 9998/16617/7118 9984/16601/7104 +f 10008/16627/7128 9984/16601/7104 9990/16608/7110 +f 10010/16629/7130 10004/16623/7124 9986/16603/7106 +f 10010/16629/7130 9986/16603/7106 9996/16614/7116 +f 10011/16630/7131 9997/16616/7117 9983/16607/7103 +f 10011/16630/7131 9983/16607/7103 9999/16631/7119 +f 10012/16632/7132 9978/16615/7098 9998/16633/7118 +f 10011/16630/7131 10009/16628/7129 9997/16616/7117 +f 10012/16632/7132 9996/16614/7116 9978/16615/7098 +f 10013/16634/7133 10003/16622/7123 10002/16621/7122 +f 10013/16634/7133 10002/16621/7122 10005/16624/7125 +f 10013/16634/7133 10005/16624/7125 10009/16628/7129 +f 10014/16635/7134 10000/16619/7120 10001/16620/7121 +f 10015/16636/7135 9995/16613/7115 10016/16637/7136 +f 10015/16636/7135 9994/16612/7114 9995/16613/7115 +f 10017/16638/7137 10007/16626/7127 10000/16619/7120 +f 10018/16639/7138 9985/16602/7105 10006/16625/7126 +f 10017/16638/7137 10000/16619/7120 10014/16635/7134 +f 10018/16639/7138 9999/16618/7119 9985/16602/7105 +f 10019/16640/7139 10020/16641/7140 9993/16611/7113 +f 10019/16640/7139 9993/16611/7113 9992/16610/7112 +f 10019/16640/7139 9992/16610/7112 10004/16623/7124 +f 10021/16642/7141 10022/16643/7142 10003/16622/7123 +f 10023/16644/7143 10008/16627/7128 10007/16626/7127 +f 10021/16642/7141 10003/16622/7123 10013/16634/7133 +f 10021/16642/7141 10013/16634/7133 10009/16628/7129 +f 10024/16645/7144 9998/16633/7118 10008/16646/7128 +f 10025/16647/7145 10009/16628/7129 10011/16630/7131 +f 10024/16645/7144 10012/16632/7132 9998/16633/7118 +f 10026/16648/7146 9994/16612/7114 10015/16636/7135 +f 10024/16645/7144 10008/16646/7128 10023/16649/7143 +f 10026/16648/7146 10006/16625/7126 9994/16612/7114 +f 10027/16650/7147 10019/16640/7139 10004/16623/7124 +f 10027/16650/7147 10004/16623/7124 10010/16629/7130 +f 10027/16650/7147 10020/16641/7140 10019/16640/7139 +f 10028/16651/7148 10014/16635/7134 10001/16620/7121 +f 10028/16651/7148 10001/16620/7121 10029/16652/7149 +f 10030/16653/7150 10011/16630/7131 9999/16631/7119 +f 10030/16653/7150 9999/16631/7119 10018/16654/7138 +f 10031/16655/7151 10021/16642/7141 10009/16628/7129 +f 10032/16656/7152 9996/16614/7116 10012/16632/7132 +f 10032/16656/7152 10010/16629/7130 9996/16614/7116 +f 10031/16655/7151 10022/16643/7142 10021/16642/7141 +f 10031/16655/7151 10009/16628/7129 10025/16647/7145 +f 10033/16657/7153 10016/16637/7136 10034/16658/7154 +f 10035/16659/7155 10014/16635/7134 10028/16651/7148 +f 10033/16657/7153 10015/16636/7135 10016/16637/7136 +f 10035/16659/7155 10017/16638/7137 10014/16635/7134 +f 10036/16660/7156 10007/16626/7127 10017/16638/7137 +f 10036/16660/7156 10023/16644/7143 10007/16626/7127 +f 10037/16661/7157 10006/16625/7126 10026/16648/7146 +f 10037/16661/7157 10018/16639/7138 10006/16625/7126 +f 10038/16662/7158 10024/16645/7144 10023/16649/7143 +f 10039/16663/7159 10025/16647/7145 10011/16630/7131 +f 10040/16664/7160 10012/16632/7132 10024/16645/7144 +f 10039/16663/7159 10011/16630/7131 10030/16653/7150 +f 10040/16664/7160 10032/16656/7152 10012/16632/7132 +f 10040/16664/7160 10024/16645/7144 10038/16662/7158 +f 10041/16665/7161 10015/16636/7135 10033/16657/7153 +f 10042/16666/7162 10043/16667/7163 10044/16668/7164 +f 10045/16669/7165 10028/16651/7148 10029/16652/7149 +f 10041/16665/7161 10026/16648/7146 10015/16636/7135 +f 10046/16670/7166 10035/16659/7155 10028/16651/7148 +f 10047/16671/7167 10018/16654/7138 10037/16672/7157 +f 10046/16670/7166 10028/16651/7148 10045/16669/7165 +f 10048/16673/7168 10049/16674/7169 10020/16641/7140 +f 10047/16671/7167 10030/16653/7150 10018/16654/7138 +f 10048/16673/7168 10020/16641/7140 10027/16650/7147 +f 10048/16673/7168 10027/16650/7147 10010/16629/7130 +f 10050/16675/7170 10034/16658/7154 10051/16676/7171 +f 10048/16673/7168 10010/16629/7130 10032/16656/7152 +f 10050/16675/7170 10033/16657/7153 10034/16658/7154 +f 10052/16677/7172 10036/16660/7156 10017/16638/7137 +f 10053/16678/7173 10022/16643/7142 10031/16655/7151 +f 10052/16677/7172 10017/16638/7137 10035/16659/7155 +f 10053/16678/7173 10031/16655/7151 10025/16647/7145 +f 10053/16678/7173 10054/16679/7174 10022/16643/7142 +f 10053/16678/7173 10025/16647/7145 10039/16663/7159 +f 10055/16680/7175 10026/16648/7146 10041/16665/7161 +f 10056/16681/7176 10023/16649/7143 10036/16682/7156 +f 10056/16681/7176 10038/16662/7158 10023/16649/7143 +f 10057/16683/7177 10049/16674/7169 10048/16673/7168 +f 10055/16680/7175 10037/16661/7157 10026/16648/7146 +f 10057/16683/7177 10032/16656/7152 10040/16664/7160 +f 10058/16684/7178 10030/16653/7150 10047/16671/7167 +f 10057/16683/7177 10048/16673/7168 10032/16656/7152 +f 10058/16684/7178 10039/16663/7159 10030/16653/7150 +f 10059/16685/7179 10040/16664/7160 10038/16662/7158 +f 10059/16685/7179 10057/16683/7177 10040/16664/7160 +f 10060/16686/7180 10041/16665/7161 10033/16657/7153 +f 10060/16686/7180 10033/16657/7153 10050/16675/7170 +f 10061/16687/7181 10029/16652/7149 10062/16688/7182 +f 10061/16687/7181 10045/16669/7165 10029/16652/7149 +f 10063/16689/7183 10042/16666/7162 10044/16668/7164 +f 10064/16690/7184 10047/16671/7167 10037/16672/7157 +f 10063/16689/7183 10065/16691/7185 10042/16666/7162 +f 10066/16692/7186 10046/16670/7166 10045/16669/7165 +f 10064/16690/7184 10037/16672/7157 10055/16693/7175 +f 10066/16692/7186 10045/16669/7165 10061/16687/7181 +f 10063/16689/7183 10067/16694/7187 10068/16695/7188 +f 10063/16689/7183 10044/16668/7164 10067/16694/7187 +f 10069/16696/7189 10035/16659/7155 10046/16670/7166 +f 10070/16697/7190 10071/16698/7191 10072/16699/7192 +f 10069/16696/7189 10046/16670/7166 10066/16692/7186 +f 10070/16700/7190 10051/16676/7171 10071/16701/7191 +f 10069/16696/7189 10052/16677/7172 10035/16659/7155 +f 10073/16702/7193 10065/16691/7185 10063/16689/7183 +f 10070/16700/7190 10050/16675/7170 10051/16676/7171 +f 10074/16703/7194 10036/16682/7156 10052/16704/7172 +f 10075/16705/7195 10039/16663/7159 10058/16684/7178 +f 10074/16703/7194 10056/16681/7176 10036/16682/7156 +f 10075/16705/7195 10053/16678/7173 10039/16663/7159 +f 10076/16706/7196 10073/16702/7193 10063/16689/7183 +f 10075/16705/7195 10054/16679/7174 10053/16678/7173 +f 10076/16706/7196 10063/16689/7183 10068/16695/7188 +f 10075/16705/7195 10077/16707/7197 10054/16679/7174 +f 10078/16708/7198 10055/16680/7175 10041/16665/7161 +f 10078/16708/7198 10041/16665/7161 10060/16686/7180 +f 10078/16709/7198 10064/16690/7184 10055/16693/7175 +f 10079/16710/7199 10065/16691/7185 10073/16702/7193 +f 10079/16710/7199 10080/16711/7200 10065/16691/7185 +f 10081/16712/7201 10061/16687/7181 10062/16688/7182 +f 10082/16713/7202 10038/16662/7158 10056/16681/7176 +f 10083/16714/7203 10058/16684/7178 10047/16671/7167 +f 10082/16713/7202 10059/16685/7179 10038/16662/7158 +f 10084/16715/7204 10073/16702/7193 10076/16706/7196 +f 10085/16716/7205 10086/16717/7206 10049/16674/7169 +f 10084/16715/7204 10079/16710/7199 10073/16702/7193 +f 10085/16716/7205 10049/16674/7169 10057/16683/7177 +f 10083/16714/7203 10047/16671/7167 10064/16690/7184 +f 10087/16718/7207 10060/16686/7180 10050/16675/7170 +f 10085/16716/7205 10057/16683/7177 10059/16685/7179 +f 10087/16718/7207 10050/16675/7170 10070/16700/7190 +f 10088/16719/7208 10066/16692/7186 10061/16687/7181 +f 10089/16720/7209 10090/16721/7210 10080/16722/7200 +f 10089/16720/7209 10091/16723/7211 10090/16721/7210 +f 10089/16720/7209 10080/16722/7200 10079/16724/7199 +f 10092/16725/7212 10076/16706/7196 10068/16695/7188 +f 10093/16726/7213 10064/16690/7184 10078/16709/7198 +f 10094/16727/7214 10069/16696/7189 10066/16692/7186 +f 10092/16725/7212 10095/16728/7215 10096/16729/7216 +f 10092/16725/7212 10068/16695/7188 10095/16728/7215 +f 10097/16730/7217 10070/16697/7190 10072/16699/7192 +f 10098/16731/7218 10069/16732/7189 10094/16733/7214 +f 10097/16730/7217 10087/16734/7207 10070/16697/7190 +f 10099/16735/7219 10089/16720/7209 10079/16724/7199 +f 10099/16736/7219 10079/16710/7199 10084/16715/7204 +f 10098/16731/7218 10052/16704/7172 10069/16732/7189 +f 10098/16731/7218 10074/16703/7194 10052/16704/7172 +f 10100/16737/7220 10075/16705/7195 10058/16684/7178 +f 10101/16738/7221 10082/16713/7202 10056/16681/7176 +f 10100/16737/7220 10058/16684/7178 10083/16714/7203 +f 10100/16737/7220 10102/16739/7222 10077/16707/7197 +f 10103/16740/7223 10091/16723/7211 10089/16720/7209 +f 10100/16737/7220 10077/16707/7197 10075/16705/7195 +f 10101/16738/7221 10056/16681/7176 10074/16703/7194 +f 10101/16738/7221 10074/16703/7194 10098/16731/7218 +f 10104/16741/7224 10078/16708/7198 10060/16686/7180 +f 10105/16742/7225 10059/16685/7179 10082/16713/7202 +f 10104/16741/7224 10060/16686/7180 10087/16718/7207 +f 10105/16742/7225 10086/16717/7206 10085/16716/7205 +f 10106/16743/7226 10076/16706/7196 10092/16725/7212 +f 10104/16744/7224 10093/16726/7213 10078/16709/7198 +f 10105/16742/7225 10085/16716/7205 10059/16685/7179 +f 10106/16743/7226 10084/16715/7204 10076/16706/7196 +f 10107/16745/7227 10061/16687/7181 10081/16712/7201 +f 10108/16746/7228 10083/16714/7203 10064/16690/7184 +f 10107/16745/7227 10088/16719/7208 10061/16687/7181 +f 10108/16746/7228 10064/16690/7184 10093/16726/7213 +f 10109/16747/7229 10103/16740/7223 10089/16720/7209 +f 10109/16747/7229 10089/16720/7209 10099/16735/7219 +f 10110/16748/7230 10062/16688/7182 10111/16749/7231 +f 10112/16750/7232 10106/16743/7226 10092/16725/7212 +f 10113/16751/7233 10104/16752/7224 10087/16734/7207 +f 10110/16748/7230 10081/16712/7201 10062/16688/7182 +f 10113/16751/7233 10087/16734/7207 10097/16730/7217 +f 10112/16750/7232 10092/16725/7212 10096/16729/7216 +f 10114/16753/7234 10066/16692/7186 10088/16719/7208 +f 10114/16753/7234 10094/16727/7214 10066/16692/7186 +f 10115/16754/7235 10091/16723/7211 10103/16740/7223 +f 10116/16755/7236 10093/16726/7213 10104/16744/7224 +f 10115/16754/7235 10117/16756/7237 10091/16723/7211 +f 10115/16754/7235 10118/16757/7238 10117/16756/7237 +f 10115/16754/7235 10119/16758/7239 10118/16757/7238 +f 10120/16759/7240 10072/16699/7192 10121/16760/7241 +f 10120/16759/7240 10097/16730/7217 10072/16699/7192 +f 10122/16761/7242 10099/16736/7219 10084/16715/7204 +f 10123/16762/7243 10098/16731/7218 10094/16733/7214 +f 10122/16761/7242 10084/16715/7204 10106/16743/7226 +f 10124/16763/7244 10100/16737/7220 10083/16714/7203 +f 10125/16764/7245 10110/16748/7230 10111/16749/7231 +f 10124/16763/7244 10126/16765/7246 10102/16739/7222 +f 10127/16766/7247 10112/16750/7232 10096/16729/7216 +f 10124/16763/7244 10083/16714/7203 10108/16746/7228 +f 10124/16763/7244 10102/16739/7222 10100/16737/7220 +f 10127/16766/7247 10096/16729/7216 10128/16767/7248 +f 10129/16768/7249 10121/16760/7241 10130/16769/7250 +f 10131/16770/7251 10115/16754/7235 10103/16740/7223 +f 10132/16771/7252 10101/16738/7221 10098/16731/7218 +f 10132/16771/7252 10098/16731/7218 10123/16762/7243 +f 10133/16772/7253 10082/16713/7202 10101/16738/7221 +f 10129/16768/7249 10120/16759/7240 10121/16760/7241 +f 10131/16770/7251 10103/16740/7223 10109/16747/7229 +f 10133/16772/7253 10134/16773/7254 10086/16717/7206 +f 10133/16772/7253 10086/16717/7206 10105/16742/7225 +f 10135/16774/7255 10106/16743/7226 10112/16750/7232 +f 10133/16772/7253 10105/16742/7225 10082/16713/7202 +f 10135/16774/7255 10122/16761/7242 10106/16743/7226 +f 10136/16775/7256 10104/16752/7224 10113/16751/7233 +f 10135/16774/7255 10112/16750/7232 10127/16766/7247 +f 10136/16776/7256 10116/16755/7236 10104/16744/7224 +f 10137/16777/7257 10114/16753/7234 10088/16719/7208 +f 10138/16778/7258 10108/16746/7228 10093/16726/7213 +f 10137/16777/7257 10088/16719/7208 10107/16745/7227 +f 10138/16778/7258 10093/16726/7213 10116/16755/7236 +f 10139/16779/7259 10110/16748/7230 10125/16764/7245 +f 10140/16780/7260 10099/16735/7219 10122/16781/7242 +f 10138/16778/7258 10124/16763/7244 10108/16746/7228 +f 10139/16779/7259 10081/16712/7201 10110/16748/7230 +f 10140/16780/7260 10109/16747/7229 10099/16735/7219 +f 10141/16782/7261 10135/16774/7255 10127/16766/7247 +f 10142/16783/7262 10113/16751/7233 10097/16730/7217 +f 10142/16783/7262 10097/16730/7217 10120/16759/7240 +f 10139/16779/7259 10107/16745/7227 10081/16712/7201 +f 10143/16784/7263 10123/16762/7243 10094/16733/7214 +f 10144/16785/7264 10141/16782/7261 10127/16766/7247 +f 10143/16784/7263 10094/16733/7214 10114/16786/7234 +f 10145/16787/7265 10142/16783/7262 10120/16759/7240 +f 10144/16785/7264 10127/16766/7247 10128/16767/7248 +f 10146/16788/7266 10115/16754/7235 10131/16770/7251 +f 10145/16787/7265 10120/16759/7240 10129/16768/7249 +f 10146/16788/7266 10119/16758/7239 10115/16754/7235 +f 10147/16789/7267 10132/16771/7252 10123/16762/7243 +f 10146/16788/7266 10148/16790/7268 10119/16758/7239 +f 10149/16791/7269 10122/16761/7242 10135/16774/7255 +f 10149/16792/7269 10140/16780/7260 10122/16781/7242 +f 10150/16793/7270 10116/16755/7236 10136/16776/7256 +f 10151/16794/7271 10139/16779/7259 10125/16764/7245 +f 10150/16793/7270 10138/16778/7258 10116/16755/7236 +f 10152/16795/7272 10133/16772/7253 10101/16738/7221 +f 10153/16796/7273 10145/16787/7265 10129/16768/7249 +f 10152/16795/7272 10132/16771/7252 10147/16789/7267 +f 10152/16795/7272 10134/16773/7254 10133/16772/7253 +f 10154/16797/7274 10144/16785/7264 10128/16767/7248 +f 10153/16796/7273 10129/16768/7249 10130/16769/7250 +f 10152/16795/7272 10101/16738/7221 10132/16771/7252 +f 10154/16797/7274 10128/16767/7248 10155/16798/7275 +f 10156/16799/7276 10157/16800/7277 10126/16765/7246 +f 10158/16801/7278 10125/16764/7245 10111/16749/7231 +f 10156/16799/7276 10126/16765/7246 10124/16763/7244 +f 10159/16802/7279 10131/16770/7251 10109/16747/7229 +f 10158/16801/7278 10111/16749/7231 10160/16803/7280 +f 10156/16799/7276 10124/16763/7244 10138/16778/7258 +f 10161/16804/7281 10150/16793/7270 10136/16776/7256 +f 10159/16802/7279 10109/16747/7229 10140/16780/7260 +f 10161/16805/7281 10113/16751/7233 10142/16783/7262 +f 10161/16805/7281 10136/16775/7256 10113/16751/7233 +f 10162/16806/7282 10143/16784/7263 10114/16786/7234 +f 10163/16807/7283 10153/16796/7273 10130/16769/7250 +f 10164/16808/7284 10149/16791/7269 10135/16774/7255 +f 10162/16806/7282 10114/16786/7234 10137/16809/7257 +f 10163/16807/7283 10130/16769/7250 10165/16810/7285 +f 10164/16808/7284 10135/16774/7255 10141/16782/7261 +f 10166/16811/7286 10137/16777/7257 10107/16745/7227 +f 10167/16812/7287 10164/16808/7284 10141/16782/7261 +f 10166/16811/7286 10139/16779/7259 10151/16794/7271 +f 10166/16811/7286 10107/16745/7227 10139/16779/7259 +f 10168/16813/7288 10161/16805/7281 10142/16783/7262 +f 10167/16812/7287 10141/16782/7261 10144/16785/7264 +f 10169/16814/7289 10170/16815/7290 10134/16773/7254 +f 10169/16814/7289 10134/16773/7254 10152/16795/7272 +f 10167/16812/7287 10144/16785/7264 10154/16797/7274 +f 10169/16814/7289 10152/16795/7272 10147/16789/7267 +f 10171/16816/7291 10159/16802/7279 10140/16780/7260 +f 10168/16813/7288 10142/16783/7262 10145/16787/7265 +f 10171/16816/7291 10140/16780/7260 10149/16792/7269 +f 10172/16817/7292 10123/16762/7243 10143/16784/7263 +f 10173/16818/7293 10156/16799/7276 10138/16778/7258 +f 10172/16817/7292 10147/16789/7267 10123/16762/7243 +f 10173/16818/7293 10138/16778/7258 10150/16793/7270 +f 10174/16819/7294 10153/16796/7273 10163/16807/7283 +f 10174/16819/7294 10168/16813/7288 10145/16787/7265 +f 10175/16820/7295 10154/16797/7274 10155/16798/7275 +f 10176/16821/7296 10167/16812/7287 10154/16797/7274 +f 10177/16822/7297 10166/16811/7286 10151/16794/7271 +f 10174/16819/7294 10145/16787/7265 10153/16796/7273 +f 10178/16823/7298 10125/16764/7245 10158/16801/7278 +f 10179/16824/7299 10150/16793/7270 10161/16804/7281 +f 10178/16823/7298 10151/16794/7271 10125/16764/7245 +f 10180/16825/7300 10146/16788/7266 10131/16770/7251 +f 10180/16825/7300 10148/16790/7268 10146/16788/7266 +f 10180/16825/7300 10131/16770/7251 10159/16802/7279 +f 10180/16825/7300 10181/16826/7301 10148/16790/7268 +f 10182/16827/7302 10171/16816/7291 10149/16792/7269 +f 10183/16828/7303 10143/16784/7263 10162/16806/7282 +f 10183/16828/7303 10172/16817/7292 10143/16784/7263 +f 10184/16829/7304 10163/16807/7283 10165/16810/7285 +f 10185/16830/7305 10137/16809/7257 10166/16831/7286 +f 10186/16832/7306 10174/16819/7294 10163/16807/7283 +f 10182/16827/7302 10149/16792/7269 10164/16833/7284 +f 10185/16830/7305 10162/16806/7282 10137/16809/7257 +f 10186/16832/7306 10163/16807/7283 10184/16829/7304 +f 10187/16834/7307 10167/16812/7287 10176/16821/7296 +f 10185/16830/7305 10166/16831/7286 10177/16835/7297 +f 10187/16836/7307 10182/16827/7302 10164/16833/7284 +f 10188/16837/7308 10170/16815/7290 10169/16814/7289 +f 10187/16834/7307 10164/16808/7284 10167/16812/7287 +f 10189/16838/7309 10190/16839/7310 10157/16800/7277 +f 10188/16837/7308 10169/16814/7289 10147/16789/7267 +f 10191/16840/7311 10175/16820/7295 10155/16798/7275 +f 10188/16837/7308 10147/16789/7267 10172/16817/7292 +f 10189/16838/7309 10156/16799/7276 10173/16818/7293 +f 10189/16838/7309 10157/16800/7277 10156/16799/7276 +f 10192/16841/7312 10161/16804/7281 10168/16842/7288 +f 10191/16840/7311 10155/16798/7275 10193/16843/7313 +f 10194/16844/7314 10160/16803/7280 10195/16845/7315 +f 10196/16846/7316 10180/16825/7300 10159/16802/7279 +f 10192/16841/7312 10179/16824/7299 10161/16804/7281 +f 10196/16846/7316 10159/16802/7279 10171/16816/7291 +f 10194/16844/7314 10158/16801/7278 10160/16803/7280 +f 10197/16847/7317 10168/16813/7288 10174/16819/7294 +f 10197/16848/7317 10192/16841/7312 10168/16842/7288 +f 10198/16849/7318 10176/16821/7296 10154/16797/7274 +f 10199/16850/7319 10185/16830/7305 10177/16835/7297 +f 10200/16851/7320 10184/16829/7304 10165/16810/7285 +f 10198/16849/7318 10154/16797/7274 10175/16820/7295 +f 10200/16851/7320 10165/16810/7285 10201/16852/7321 +f 10198/16849/7318 10175/16820/7295 10191/16840/7311 +f 10202/16853/7322 10177/16822/7297 10151/16794/7271 +f 10202/16853/7322 10151/16794/7271 10178/16823/7298 +f 10203/16854/7323 10189/16838/7309 10173/16818/7293 +f 10204/16855/7324 10187/16834/7307 10176/16821/7296 +f 10203/16854/7323 10150/16793/7270 10179/16824/7299 +f 10205/16856/7325 10206/16857/7326 10170/16815/7290 +f 10205/16856/7325 10170/16815/7290 10188/16837/7308 +f 10207/16858/7327 10196/16846/7316 10171/16816/7291 +f 10205/16856/7325 10172/16817/7292 10183/16828/7303 +f 10205/16856/7325 10188/16837/7308 10172/16817/7292 +f 10203/16854/7323 10173/16818/7293 10150/16793/7270 +f 10207/16858/7327 10171/16816/7291 10182/16827/7302 +f 10208/16859/7328 10184/16829/7304 10200/16851/7320 +f 10209/16860/7329 10183/16828/7303 10162/16806/7282 +f 10208/16859/7328 10186/16832/7306 10184/16829/7304 +f 10209/16860/7329 10162/16806/7282 10185/16830/7305 +f 10210/16861/7330 10187/16836/7307 10204/16862/7324 +f 10210/16861/7330 10207/16858/7327 10182/16827/7302 +f 10209/16860/7329 10185/16830/7305 10199/16850/7319 +f 10210/16861/7330 10182/16827/7302 10187/16836/7307 +f 10209/16860/7329 10205/16856/7325 10183/16828/7303 +f 10211/16863/7331 10197/16847/7317 10174/16819/7294 +f 10212/16864/7332 10178/16823/7298 10158/16801/7278 +f 10213/16865/7333 10191/16840/7311 10193/16843/7313 +f 10212/16864/7332 10158/16801/7278 10194/16844/7314 +f 10211/16863/7331 10174/16819/7294 10186/16832/7306 +f 10214/16866/7334 10179/16824/7299 10192/16841/7312 +f 10214/16866/7334 10203/16854/7323 10179/16824/7299 +f 10215/16867/7335 10198/16849/7318 10191/16840/7311 +f 10216/16868/7336 10209/16860/7329 10199/16850/7319 +f 10217/16869/7337 10192/16841/7312 10197/16848/7317 +f 10217/16869/7337 10214/16866/7334 10192/16841/7312 +f 10218/16870/7338 10181/16826/7301 10180/16825/7300 +f 10218/16870/7338 10219/16871/7339 10181/16826/7301 +f 10218/16870/7338 10180/16825/7300 10196/16846/7316 +f 10220/16872/7340 10177/16835/7297 10202/16873/7322 +f 10220/16872/7340 10199/16850/7319 10177/16835/7297 +f 10221/16874/7341 10204/16855/7324 10176/16821/7296 +f 10222/16875/7342 10205/16856/7325 10209/16860/7329 +f 10222/16875/7342 10209/16860/7329 10216/16868/7336 +f 10221/16874/7341 10176/16821/7296 10198/16849/7318 +f 10223/16876/7343 10200/16851/7320 10201/16852/7321 +f 10222/16875/7342 10206/16857/7326 10205/16856/7325 +f 10224/16877/7344 10208/16859/7328 10200/16851/7320 +f 10225/16878/7345 10210/16861/7330 10204/16862/7324 +f 10224/16877/7344 10200/16851/7320 10223/16876/7343 +f 10226/16879/7346 10195/16845/7315 10227/16880/7347 +f 10228/16881/7348 10189/16838/7309 10203/16854/7323 +f 10229/16882/7349 10219/16871/7339 10218/16870/7338 +f 10228/16881/7348 10190/16839/7310 10189/16838/7309 +f 10226/16879/7346 10194/16844/7314 10195/16845/7315 +f 10228/16881/7348 10230/16883/7350 10190/16839/7310 +f 10229/16882/7349 10196/16846/7316 10207/16858/7327 +f 10229/16882/7349 10218/16870/7338 10196/16846/7316 +f 10231/16884/7351 10178/16823/7298 10212/16864/7332 +f 10232/16885/7352 10186/16832/7306 10208/16859/7328 +f 10233/16886/7353 10213/16865/7333 10193/16843/7313 +f 10232/16885/7352 10211/16863/7331 10186/16832/7306 +f 10233/16886/7353 10193/16843/7313 10234/16887/7354 +f 10231/16884/7351 10202/16853/7322 10178/16823/7298 +f 10232/16885/7352 10208/16859/7328 10224/16877/7344 +f 10235/16888/7355 10222/16875/7342 10216/16868/7336 +f 10236/16889/7356 10197/16848/7317 10211/16890/7331 +f 10237/16891/7357 10207/16858/7327 10210/16861/7330 +f 10235/16888/7355 10206/16857/7326 10222/16875/7342 +f 10236/16889/7356 10217/16869/7337 10197/16848/7317 +f 10235/16888/7355 10238/16892/7358 10206/16857/7326 +f 10237/16891/7357 10210/16861/7330 10225/16878/7345 +f 10239/16893/7359 10216/16868/7336 10199/16850/7319 +f 10237/16891/7357 10229/16882/7349 10207/16858/7327 +f 10240/16894/7360 10228/16881/7348 10203/16854/7323 +f 10241/16895/7361 10191/16840/7311 10213/16865/7333 +f 10241/16895/7361 10215/16867/7335 10191/16840/7311 +f 10239/16893/7359 10199/16850/7319 10220/16872/7340 +f 10240/16894/7360 10230/16883/7350 10228/16881/7348 +f 10242/16896/7362 10194/16844/7314 10226/16879/7346 +f 10240/16894/7360 10203/16854/7323 10214/16866/7334 +f 10241/16895/7361 10213/16865/7333 10233/16886/7353 +f 10243/16897/7363 10201/16852/7321 10244/16898/7364 +f 10245/16899/7365 10221/16874/7341 10198/16849/7318 +f 10245/16899/7365 10198/16849/7318 10215/16867/7335 +f 10242/16896/7362 10212/16864/7332 10194/16844/7314 +f 10243/16897/7363 10223/16876/7343 10201/16852/7321 +f 10246/16900/7366 10220/16872/7340 10202/16873/7322 +f 10247/16901/7367 10214/16866/7334 10217/16869/7337 +f 10248/16902/7368 10204/16862/7324 10221/16903/7341 +f 10248/16902/7368 10225/16878/7345 10204/16862/7324 +f 10246/16900/7366 10202/16873/7322 10231/16904/7351 +f 10247/16901/7367 10240/16894/7360 10214/16866/7334 +f 10249/16905/7369 10224/16877/7344 10223/16876/7343 +f 10250/16906/7370 10235/16888/7355 10216/16868/7336 +f 10251/16907/7371 10237/16891/7357 10225/16878/7345 +f 10250/16906/7370 10238/16892/7358 10235/16888/7355 +f 10249/16905/7369 10223/16876/7343 10243/16897/7363 +f 10250/16906/7370 10216/16868/7336 10239/16893/7359 +f 10252/16908/7372 10232/16885/7352 10224/16877/7344 +f 10253/16909/7373 10233/16886/7353 10234/16887/7354 +f 10252/16908/7372 10224/16877/7344 10249/16905/7369 +f 10254/16910/7374 10211/16890/7331 10232/16911/7352 +f 10255/16912/7375 10227/16880/7347 10256/16913/7376 +f 10255/16912/7375 10226/16879/7346 10227/16880/7347 +f 10254/16910/7374 10236/16889/7356 10211/16890/7331 +f 10257/16914/7377 10219/16871/7339 10229/16882/7349 +f 10257/16914/7377 10229/16882/7349 10237/16891/7357 +f 10257/16914/7377 10237/16891/7357 10251/16907/7371 +f 10257/16914/7377 10258/16915/7378 10219/16871/7339 +f 10259/16916/7379 10212/16864/7332 10242/16896/7362 +f 10260/16917/7380 10217/16869/7337 10236/16889/7356 +f 10261/16918/7381 10241/16895/7361 10233/16886/7353 +f 10261/16919/7381 10233/16920/7353 10253/16921/7373 +f 10260/16917/7380 10247/16901/7367 10217/16869/7337 +f 10259/16916/7379 10231/16884/7351 10212/16864/7332 +f 10262/16922/7382 10245/16899/7365 10215/16867/7335 +f 10262/16922/7382 10215/16867/7335 10241/16895/7361 +f 10263/16923/7383 10243/16897/7363 10244/16898/7364 +f 10264/16924/7384 10239/16893/7359 10220/16872/7340 +f 10264/16924/7384 10220/16872/7340 10246/16900/7366 +f 10265/16925/7385 10242/16896/7362 10226/16879/7346 +f 10265/16925/7385 10226/16879/7346 10255/16912/7375 +f 10266/16926/7386 10249/16905/7369 10243/16897/7363 +f 10267/16927/7387 10248/16902/7368 10221/16903/7341 +f 10267/16927/7387 10221/16903/7341 10245/16928/7365 +f 10266/16926/7386 10243/16897/7363 10263/16923/7383 +f 10268/16929/7388 10269/16930/7389 10230/16883/7350 +f 10268/16929/7388 10230/16883/7350 10240/16894/7360 +f 10270/16931/7390 10258/16915/7378 10257/16914/7377 +f 10268/16929/7388 10240/16894/7360 10247/16901/7367 +f 10270/16931/7390 10257/16914/7377 10251/16907/7371 +f 10271/16932/7391 10246/16900/7366 10231/16904/7351 +f 10271/16932/7391 10231/16904/7351 10259/16933/7379 +f 10272/16934/7392 10249/16905/7369 10266/16926/7386 +f 10273/16935/7393 10225/16878/7345 10248/16902/7368 +f 10272/16934/7392 10252/16908/7372 10249/16905/7369 +f 10273/16935/7393 10251/16907/7371 10225/16878/7345 +f 10274/16936/7394 10255/16912/7375 10256/16913/7376 +f 10275/16937/7395 10252/16938/7372 10272/16939/7392 +f 10275/16937/7395 10232/16911/7352 10252/16938/7372 +f 10276/16940/7396 10253/16921/7373 10234/16941/7354 +f 10274/16936/7394 10256/16913/7376 10277/16942/7397 +f 10275/16937/7395 10254/16910/7374 10232/16911/7352 +f 10276/16940/7396 10234/16941/7354 10278/16943/7398 +f 10279/16944/7399 10239/16893/7359 10264/16924/7384 +f 10280/16945/7400 10268/16929/7388 10247/16901/7367 +f 10279/16944/7399 10281/16946/7401 10238/16892/7358 +f 10280/16945/7400 10269/16930/7389 10268/16929/7388 +f 10282/16947/7402 10261/16919/7381 10253/16921/7373 +f 10279/16944/7399 10238/16892/7358 10250/16906/7370 +f 10280/16945/7400 10247/16901/7367 10260/16917/7380 +f 10279/16944/7399 10250/16906/7370 10239/16893/7359 +f 10283/16948/7403 10242/16896/7362 10265/16925/7385 +f 10284/16949/7404 10236/16889/7356 10254/16910/7374 +f 10285/16950/7405 10241/16895/7361 10261/16918/7381 +f 10284/16949/7404 10260/16917/7380 10236/16889/7356 +f 10285/16950/7405 10262/16922/7382 10241/16895/7361 +f 10283/16948/7403 10259/16916/7379 10242/16896/7362 +f 10286/16951/7406 10244/16898/7364 10287/16952/7407 +f 10288/16953/7408 10264/16924/7384 10246/16900/7366 +f 10286/16951/7406 10263/16923/7383 10244/16898/7364 +f 10289/16954/7409 10267/16927/7387 10245/16928/7365 +f 10288/16953/7408 10246/16900/7366 10271/16932/7391 +f 10290/16955/7410 10266/16926/7386 10263/16923/7383 +f 10289/16954/7409 10245/16928/7365 10262/16956/7382 +f 10291/16957/7411 10255/16912/7375 10274/16936/7394 +f 10290/16955/7410 10263/16923/7383 10286/16951/7406 +f 10291/16957/7411 10265/16925/7385 10255/16912/7375 +f 10292/16958/7412 10276/16940/7396 10278/16943/7398 +f 10293/16959/7413 10272/16934/7392 10266/16926/7386 +f 10294/16960/7414 10248/16902/7368 10267/16927/7387 +f 10295/16961/7415 10275/16937/7395 10272/16939/7392 +f 10296/16962/7416 10271/16932/7391 10259/16933/7379 +f 10294/16960/7414 10273/16935/7393 10248/16902/7368 +f 10296/16962/7416 10259/16933/7379 10283/16963/7403 +f 10297/16964/7417 10258/16915/7378 10270/16931/7390 +f 10297/16964/7417 10270/16931/7390 10251/16907/7371 +f 10298/16965/7418 10299/16966/7419 10300/16967/7420 +f 10297/16964/7417 10301/16968/7421 10258/16915/7378 +f 10298/16965/7418 10277/16942/7397 10299/16966/7419 +f 10297/16964/7417 10251/16907/7371 10273/16935/7393 +f 10302/16969/7422 10276/16940/7396 10292/16958/7412 +f 10303/16970/7423 10286/16951/7406 10287/16952/7407 +f 10302/16969/7422 10282/16947/7402 10253/16921/7373 +f 10298/16965/7418 10274/16936/7394 10277/16942/7397 +f 10304/16971/7424 10279/16944/7399 10264/16924/7384 +f 10305/16972/7425 10254/16910/7374 10275/16937/7395 +f 10304/16971/7424 10306/16973/7426 10281/16946/7401 +f 10305/16972/7425 10275/16937/7395 10295/16961/7415 +f 10302/16969/7422 10253/16921/7373 10276/16940/7396 +f 10304/16971/7424 10281/16946/7401 10279/16944/7399 +f 10304/16971/7424 10264/16924/7384 10288/16953/7408 +f 10305/16972/7425 10284/16949/7404 10254/16910/7374 +f 10307/16974/7427 10269/16930/7389 10280/16945/7400 +f 10308/16975/7428 10261/16919/7381 10282/16947/7402 +f 10307/16974/7427 10280/16945/7400 10260/16917/7380 +f 10309/16976/7429 10283/16948/7403 10265/16925/7385 +f 10307/16974/7427 10260/16917/7380 10284/16949/7404 +f 10309/16976/7429 10265/16925/7385 10291/16957/7411 +f 10308/16975/7428 10285/16977/7405 10261/16919/7381 +f 10307/16974/7427 10310/16978/7430 10269/16930/7389 +f 10311/16979/7431 10290/16955/7410 10286/16951/7406 +f 10311/16979/7431 10286/16951/7406 10303/16970/7423 +f 10312/16980/7432 10289/16954/7409 10262/16956/7382 +f 10313/16981/7433 10288/16953/7408 10271/16932/7391 +f 10312/16980/7432 10262/16956/7382 10285/16982/7405 +f 10313/16981/7433 10271/16932/7391 10296/16962/7416 +f 10314/16983/7434 10267/16927/7387 10289/16954/7409 +f 10314/16983/7434 10294/16960/7414 10267/16927/7387 +f 10315/16984/7435 10293/16959/7413 10266/16926/7386 +f 10316/16985/7436 10291/16957/7411 10274/16936/7394 +f 10315/16984/7435 10266/16926/7386 10290/16955/7410 +f 10317/16986/7437 10302/16969/7422 10292/16958/7412 +f 10316/16985/7436 10274/16936/7394 10298/16965/7418 +f 10318/16987/7438 10272/16939/7392 10293/16988/7413 +f 10318/16987/7438 10295/16961/7415 10272/16939/7392 +f 10319/16989/7439 10283/16963/7403 10309/16990/7429 +f 10320/16991/7440 10273/16935/7393 10294/16960/7414 +f 10319/16989/7439 10296/16962/7416 10283/16963/7403 +f 10321/16992/7441 10305/16972/7425 10295/16961/7415 +f 10320/16991/7440 10301/16968/7421 10297/16964/7417 +f 10320/16991/7440 10297/16964/7417 10273/16935/7393 +f 10322/16993/7442 10298/16965/7418 10300/16967/7420 +f 10323/16994/7443 10292/16958/7412 10278/16943/7398 +f 10324/16995/7444 10305/16972/7425 10321/16992/7441 +f 10324/16995/7444 10284/16949/7404 10305/16972/7425 +f 10324/16995/7444 10307/16974/7427 10284/16949/7404 +f 10324/16995/7444 10310/16978/7430 10307/16974/7427 +f 10322/16993/7442 10316/16985/7436 10298/16965/7418 +f 10323/16994/7443 10278/16943/7398 10325/16996/7445 +f 10326/16997/7446 10288/16953/7408 10313/16981/7433 +f 10327/16998/7447 10282/16947/7402 10302/16969/7422 +f 10326/16997/7446 10328/16999/7448 10306/16973/7426 +f 10327/16998/7447 10302/16969/7422 10317/16986/7437 +f 10329/17000/7449 10311/16979/7431 10303/16970/7423 +f 10326/16997/7446 10306/16973/7426 10304/16971/7424 +f 10326/16997/7446 10304/16971/7424 10288/16953/7408 +f 10327/16998/7447 10308/16975/7428 10282/16947/7402 +f 10330/17001/7450 10309/16976/7429 10291/16957/7411 +f 10331/17002/7451 10287/16952/7407 10332/17003/7452 +f 10333/17004/7453 10285/16982/7405 10308/17005/7428 +f 10331/17002/7451 10303/16970/7423 10287/16952/7407 +f 10333/17004/7453 10312/16980/7432 10285/16982/7405 +f 10330/17001/7450 10291/16957/7411 10316/16985/7436 +f 10330/17006/7450 10319/16989/7439 10309/16990/7429 +f 10334/17007/7454 10290/16955/7410 10311/16979/7431 +f 10335/17008/7455 10313/16981/7433 10296/16962/7416 +f 10334/17007/7454 10315/16984/7435 10290/16955/7410 +f 10335/17008/7455 10296/16962/7416 10319/16989/7439 +f 10336/17009/7456 10323/16994/7443 10325/16996/7445 +f 10337/17010/7457 10293/16988/7413 10315/17011/7435 +f 10337/17010/7457 10318/16987/7438 10293/16988/7413 +f 10338/17012/7458 10314/16983/7434 10289/16954/7409 +f 10338/17012/7458 10289/16954/7409 10312/16980/7432 +f 10339/17013/7459 10316/16985/7436 10322/16993/7442 +f 10339/17013/7459 10330/17001/7450 10316/16985/7436 +f 10340/17014/7460 10294/16960/7414 10314/16983/7434 +f 10340/17014/7460 10320/16991/7440 10294/16960/7414 +f 10340/17014/7460 10301/16968/7421 10320/16991/7440 +f 10341/17015/7461 10319/16989/7439 10330/17006/7450 +f 10342/17016/7462 10331/17002/7451 10332/17003/7452 +f 10340/17014/7460 10343/17017/7463 10301/16968/7421 +f 10344/17018/7464 10327/16998/7447 10317/16986/7437 +f 10345/17019/7465 10295/16961/7415 10318/16987/7438 +f 10345/17019/7465 10321/16992/7441 10295/16961/7415 +f 10346/17020/7466 10300/16967/7420 10347/17021/7467 +f 10346/17020/7466 10322/16993/7442 10300/16967/7420 +f 10348/17022/7468 10317/16986/7437 10292/16958/7412 +f 10349/17023/7469 10350/17024/7470 10328/16999/7448 +f 10351/17025/7471 10324/16995/7444 10321/16992/7441 +f 10348/17022/7468 10292/16958/7412 10323/16994/7443 +f 10351/17025/7471 10310/16978/7430 10324/16995/7444 +f 10348/17022/7468 10323/16994/7443 10336/17009/7456 +f 10349/17023/7469 10326/16997/7446 10313/16981/7433 +f 10351/17025/7471 10352/17026/7472 10310/16978/7430 +f 10349/17023/7469 10328/16999/7448 10326/16997/7446 +f 10349/17023/7469 10313/16981/7433 10335/17008/7455 +f 10353/17027/7473 10311/16979/7431 10329/17000/7449 +f 10354/17028/7474 10341/17015/7461 10330/17006/7450 +f 10355/17029/7475 10308/17005/7428 10327/17030/7447 +f 10355/17029/7475 10327/17030/7447 10344/17031/7464 +f 10355/17029/7475 10333/17004/7453 10308/17005/7428 +f 10354/17032/7474 10330/17001/7450 10339/17013/7459 +f 10353/17027/7473 10334/17007/7454 10311/16979/7431 +f 10356/17033/7476 10346/17020/7466 10347/17021/7467 +f 10357/17034/7477 10338/17012/7458 10312/16980/7432 +f 10358/17035/7478 10303/16970/7423 10331/17002/7451 +f 10356/17033/7476 10347/17021/7467 10359/17036/7479 +f 10357/17034/7477 10312/16980/7432 10333/17004/7453 +f 10360/17037/7480 10319/16989/7439 10341/17015/7461 +f 10358/17035/7478 10331/17002/7451 10342/17016/7462 +f 10360/17037/7480 10349/17023/7469 10335/17008/7455 +f 10358/17035/7478 10329/17000/7449 10303/16970/7423 +f 10361/17038/7481 10348/17022/7468 10336/17009/7456 +f 10362/17039/7482 10315/17011/7435 10334/17040/7454 +f 10362/17039/7482 10337/17010/7457 10315/17011/7435 +f 10360/17037/7480 10335/17008/7455 10319/16989/7439 +f 10363/17041/7483 10339/17013/7459 10322/16993/7442 +f 10364/17042/7484 10340/17014/7460 10314/16983/7434 +f 10365/17043/7485 10345/17019/7465 10318/16987/7438 +f 10364/17042/7484 10314/16983/7434 10338/17012/7458 +f 10365/17043/7485 10318/16987/7438 10337/17010/7457 +f 10364/17042/7484 10343/17017/7463 10340/17014/7460 +f 10363/17041/7483 10322/16993/7442 10346/17020/7466 +f 10363/17041/7483 10346/17020/7466 10356/17033/7476 +f 10365/17043/7485 10337/17010/7457 10362/17039/7482 +f 10366/17044/7486 10341/17015/7461 10354/17028/7474 +f 10367/17045/7487 10361/17038/7481 10336/17009/7456 +f 10367/17045/7487 10336/17009/7456 10325/16996/7445 +f 10366/17044/7486 10360/17037/7480 10341/17015/7461 +f 10367/17045/7487 10325/16996/7445 10368/17046/7488 +f 10369/17047/7489 10363/17041/7483 10356/17033/7476 +f 10370/17048/7490 10355/17029/7475 10344/17031/7464 +f 10371/17049/7491 10358/17035/7478 10342/17016/7462 +f 10372/17050/7492 10321/16992/7441 10345/17019/7465 +f 10372/17050/7492 10351/17025/7471 10321/16992/7441 +f 10372/17050/7492 10352/17026/7472 10351/17025/7471 +f 10373/17051/7493 10356/17033/7476 10359/17036/7479 +f 10374/17052/7494 10344/17018/7464 10317/16986/7437 +f 10374/17052/7494 10317/16986/7437 10348/17022/7468 +f 10375/17053/7495 10332/17003/7452 10376/17054/7496 +f 10373/17051/7493 10369/17047/7489 10356/17033/7476 +f 10377/17055/7497 10378/17056/7498 10350/17024/7470 +f 10375/17053/7495 10342/17016/7462 10332/17003/7452 +f 10379/17057/7499 10364/17042/7484 10338/17012/7458 +f 10377/17055/7497 10350/17024/7470 10349/17023/7469 +f 10379/17057/7499 10338/17012/7458 10357/17034/7477 +f 10377/17055/7497 10349/17023/7469 10360/17037/7480 +f 10380/17058/7500 10354/17032/7474 10339/17013/7459 +f 10381/17059/7501 10362/17039/7482 10334/17040/7454 +f 10379/17057/7499 10343/17017/7463 10364/17042/7484 +f 10381/17059/7501 10334/17040/7454 10353/17060/7473 +f 10379/17057/7499 10382/17061/7502 10343/17017/7463 +f 10383/17062/7503 10355/17029/7475 10370/17048/7490 +f 10383/17062/7503 10357/17034/7477 10333/17004/7453 +f 10380/17058/7500 10339/17013/7459 10363/17041/7483 +f 10383/17062/7503 10333/17004/7453 10355/17029/7475 +f 10384/17063/7504 10373/17051/7493 10359/17036/7479 +f 10385/17064/7505 10353/17027/7473 10329/17000/7449 +f 10386/17065/7506 10348/17022/7468 10361/17038/7481 +f 10385/17064/7505 10329/17000/7449 10358/17035/7478 +f 10384/17063/7504 10359/17036/7479 10387/17066/7507 +f 10386/17065/7506 10374/17052/7494 10348/17022/7468 +f 10388/17067/7508 10389/17068/7509 10352/17026/7472 +f 10388/17067/7508 10372/17050/7492 10345/17019/7465 +f 10388/17067/7508 10345/17019/7465 10365/17043/7485 +f 10390/17069/7510 10377/17055/7497 10360/17037/7480 +f 10390/17069/7510 10360/17037/7480 10366/17044/7486 +f 10388/17067/7508 10352/17026/7472 10372/17050/7492 +f 10391/17070/7511 10361/17038/7481 10367/17045/7487 +f 10392/17071/7512 10363/17041/7483 10369/17047/7489 +f 10393/17072/7513 10365/17043/7485 10362/17039/7482 +f 10391/17070/7511 10386/17065/7506 10361/17038/7481 +f 10394/17073/7514 10383/17062/7503 10370/17048/7490 +f 10392/17071/7512 10380/17058/7500 10363/17041/7483 +f 10395/17074/7515 10385/17064/7505 10358/17035/7478 +f 10396/17075/7516 10369/17047/7489 10373/17051/7493 +f 10397/17076/7517 10370/17048/7490 10344/17031/7464 +f 10396/17075/7516 10373/17051/7493 10384/17063/7504 +f 10397/17076/7517 10344/17031/7464 10374/17077/7494 +f 10395/17074/7515 10358/17035/7478 10371/17049/7491 +f 10398/17078/7518 10354/17028/7474 10380/17079/7500 +f 10399/17080/7519 10357/17034/7477 10383/17062/7503 +f 10399/17080/7519 10383/17062/7503 10394/17073/7514 +f 10399/17080/7519 10379/17057/7499 10357/17034/7477 +f 10400/17081/7520 10371/17049/7491 10342/17016/7462 +f 10399/17080/7519 10382/17061/7502 10379/17057/7499 +f 10400/17081/7520 10342/17016/7462 10375/17053/7495 +f 10398/17078/7518 10366/17044/7486 10354/17028/7474 +f 10401/17082/7521 10391/17070/7511 10367/17045/7487 +f 10402/17083/7522 10393/17072/7513 10362/17039/7482 +f 10403/17084/7523 10384/17063/7504 10387/17066/7507 +f 10402/17083/7522 10362/17039/7482 10381/17059/7501 +f 10401/17082/7521 10368/17046/7488 10404/17085/7524 +f 10401/17082/7521 10367/17045/7487 10368/17046/7488 +f 10405/17086/7525 10353/17060/7473 10385/17087/7505 +f 10406/17088/7526 10397/17076/7517 10374/17077/7494 +f 10405/17086/7525 10381/17059/7501 10353/17060/7473 +f 10406/17088/7526 10374/17077/7494 10386/17089/7506 +f 10407/17090/7527 10396/17075/7516 10384/17063/7504 +f 10408/17091/7528 10388/17067/7508 10365/17043/7485 +f 10409/17092/7529 10377/17055/7497 10390/17069/7510 +f 10409/17092/7529 10410/17093/7530 10378/17056/7498 +f 10408/17091/7528 10389/17068/7509 10388/17067/7508 +f 10411/17094/7531 10386/17065/7506 10391/17070/7511 +f 10409/17092/7529 10378/17056/7498 10377/17055/7497 +f 10408/17091/7528 10365/17043/7485 10393/17072/7513 +f 10412/17095/7532 10376/17054/7496 10413/17096/7533 +f 10414/17097/7534 10380/17079/7500 10392/17098/7512 +f 10415/17099/7535 10382/17061/7502 10399/17080/7519 +f 10414/17097/7534 10398/17078/7518 10380/17079/7500 +f 10415/17099/7535 10399/17080/7519 10394/17073/7514 +f 10415/17099/7535 10416/17100/7536 10382/17061/7502 +f 10412/17095/7532 10375/17053/7495 10376/17054/7496 +f 10417/17101/7537 10392/17071/7512 10369/17047/7489 +f 10417/17101/7537 10369/17047/7489 10396/17075/7516 +f 10418/17102/7538 10394/17073/7514 10370/17048/7490 +f 10419/17103/7539 10405/17086/7525 10385/17087/7505 +f 10418/17102/7538 10370/17048/7490 10397/17076/7517 +f 10419/17103/7539 10385/17087/7505 10395/17104/7515 +f 10420/17105/7540 10387/17066/7507 10421/17106/7541 +f 10422/17107/7542 10395/17074/7515 10371/17049/7491 +f 10420/17105/7540 10403/17084/7523 10387/17066/7507 +f 10423/17108/7543 10411/17094/7531 10391/17070/7511 +f 10423/17108/7543 10391/17070/7511 10401/17082/7521 +f 10424/17109/7544 10390/17069/7510 10366/17044/7486 +f 10422/17107/7542 10371/17049/7491 10400/17081/7520 +f 10425/17110/7545 10418/17102/7538 10397/17076/7517 +f 10425/17110/7545 10397/17076/7517 10406/17088/7526 +f 10426/17111/7546 10389/17068/7509 10408/17091/7528 +f 10424/17109/7544 10366/17044/7486 10398/17078/7518 +f 10426/17111/7546 10408/17091/7528 10393/17072/7513 +f 10426/17111/7546 10427/17112/7547 10389/17068/7509 +f 10426/17111/7546 10393/17072/7513 10402/17083/7522 +f 10428/17113/7548 10405/17086/7525 10419/17103/7539 +f 10429/17114/7549 10406/17088/7526 10386/17089/7506 +f 10428/17113/7548 10402/17083/7522 10381/17059/7501 +f 10429/17114/7549 10425/17110/7545 10406/17088/7526 +f 10430/17115/7550 10384/17063/7504 10403/17084/7523 +f 10430/17115/7550 10407/17090/7527 10384/17063/7504 +f 10429/17114/7549 10386/17089/7506 10411/17116/7531 +f 10430/17115/7550 10403/17084/7523 10420/17105/7540 +f 10428/17113/7548 10381/17059/7501 10405/17086/7525 +f 10431/17117/7551 10416/17100/7536 10415/17099/7535 +f 10432/17118/7552 10396/17075/7516 10407/17090/7527 +f 10431/17117/7551 10394/17073/7514 10418/17102/7538 +f 10432/17118/7552 10417/17101/7537 10396/17075/7516 +f 10433/17119/7553 10400/17081/7520 10375/17053/7495 +f 10431/17117/7551 10415/17099/7535 10394/17073/7514 +f 10433/17119/7553 10375/17053/7495 10412/17095/7532 +f 10434/17120/7554 10401/17082/7521 10404/17085/7524 +f 10435/17121/7555 10398/17078/7518 10414/17097/7534 +f 10436/17122/7556 10428/17113/7548 10419/17103/7539 +f 10435/17121/7555 10424/17109/7544 10398/17078/7518 +f 10434/17120/7554 10404/17085/7524 10437/17123/7557 +f 10438/17124/7558 10414/17097/7534 10392/17098/7512 +f 10439/17125/7559 10395/17104/7515 10422/17126/7542 +f 10438/17124/7558 10392/17098/7512 10417/17127/7537 +f 10438/17124/7558 10435/17121/7555 10414/17097/7534 +f 10440/17128/7560 10429/17114/7549 10411/17116/7531 +f 10440/17129/7560 10411/17094/7531 10423/17108/7543 +f 10441/17130/7561 10416/17100/7536 10431/17117/7551 +f 10439/17125/7559 10419/17103/7539 10395/17104/7515 +f 10441/17130/7561 10418/17102/7538 10425/17110/7545 +f 10442/17131/7562 10427/17112/7547 10426/17111/7546 +f 10443/17132/7563 10420/17105/7540 10421/17106/7541 +f 10441/17130/7561 10431/17117/7551 10418/17102/7538 +f 10441/17130/7561 10444/17133/7564 10416/17100/7536 +f 10442/17131/7562 10402/17083/7522 10428/17113/7548 +f 10445/17134/7565 10425/17110/7545 10429/17114/7549 +f 10442/17131/7562 10426/17111/7546 10402/17083/7522 +f 10446/17135/7566 10430/17115/7550 10420/17105/7540 +f 10447/17136/7567 10413/17096/7533 10043/16667/7163 +f 10445/17134/7565 10441/17130/7561 10425/17110/7545 +f 10447/17136/7567 10412/17095/7532 10413/17096/7533 +f 10446/17135/7566 10420/17105/7540 10443/17132/7563 +f 10448/17137/7568 10390/17069/7510 10424/17109/7544 +f 10447/17136/7567 10042/16666/7162 10065/16691/7185 +f 10448/17137/7568 10449/17138/7569 10410/17093/7530 +f 10450/17139/7570 10401/17082/7521 10434/17120/7554 +f 10447/17136/7567 10043/16667/7163 10042/16666/7162 +f 10450/17139/7570 10423/17108/7543 10401/17082/7521 +f 10448/17137/7568 10409/17092/7529 10390/17069/7510 +f 10448/17137/7568 10410/17093/7530 10409/17092/7529 +f 10451/17140/7571 10422/17107/7542 10400/17081/7520 +f 10452/17141/7572 10407/17090/7527 10430/17115/7550 +f 10451/17140/7571 10400/17081/7520 10433/17119/7553 +f 10452/17141/7572 10432/17118/7552 10407/17090/7527 +f 10453/17142/7573 10429/17114/7549 10440/17128/7560 +f 10453/17142/7573 10445/17134/7565 10429/17114/7549 +f 10452/17141/7572 10430/17115/7550 10446/17135/7566 +f 10454/17143/7574 10428/17113/7548 10436/17122/7556 +f 10454/17143/7574 10442/17131/7562 10428/17113/7548 +f 10454/17143/7574 10427/17112/7547 10442/17131/7562 +f 10455/17144/7575 10444/17133/7564 10441/17130/7561 +f 10456/17145/7576 10417/17127/7537 10432/17146/7552 +f 10454/17143/7574 10457/17147/7577 10427/17112/7547 +f 10455/17144/7575 10441/17130/7561 10445/17134/7565 +f 10456/17145/7576 10438/17124/7558 10417/17127/7537 +f 10458/17148/7578 10436/17122/7556 10419/17103/7539 +f 10458/17148/7578 10419/17103/7539 10439/17125/7559 +f 10459/17149/7579 10434/17120/7554 10437/17123/7557 +f 10460/17150/7580 10448/17137/7568 10424/17109/7544 +f 10460/17150/7580 10424/17109/7544 10435/17121/7555 +f 10460/17150/7580 10449/17138/7569 10448/17137/7568 +f 10461/17151/7581 10412/17095/7532 10447/17136/7567 +f 10462/17152/7582 10421/17153/7541 10463/17154/7583 +f 10461/17151/7581 10433/17119/7553 10412/17095/7532 +f 10459/17149/7579 10437/17123/7557 10464/17155/7584 +f 10461/17151/7581 10447/17136/7567 10065/16691/7185 +f 10462/17156/7582 10443/17132/7563 10421/17106/7541 +f 10465/17157/7585 10423/17108/7543 10450/17139/7570 +f 10465/17157/7585 10440/17129/7560 10423/17108/7543 +f 10466/17158/7586 10422/17126/7542 10451/17159/7571 +f 10467/17160/7587 10435/17121/7555 10438/17124/7558 +f 10468/17161/7588 10445/17134/7565 10453/17142/7573 +f 10469/17162/7589 10443/17163/7563 10462/17152/7582 +f 10468/17161/7588 10455/17144/7575 10445/17134/7565 +f 10466/17158/7586 10439/17125/7559 10422/17126/7542 +f 10470/17164/7590 10436/17122/7556 10458/17148/7578 +f 10471/17165/7591 10450/17139/7570 10434/17120/7554 +f 10469/17166/7589 10446/17135/7566 10443/17132/7563 +f 10470/17164/7590 10454/17143/7574 10436/17122/7556 +f 10470/17164/7590 10457/17147/7577 10454/17143/7574 +f 10471/17165/7591 10434/17120/7554 10459/17149/7579 +f 10472/17167/7592 10452/17141/7572 10446/17135/7566 +f 10473/17168/7593 10433/17119/7553 10461/17151/7581 +f 10473/17168/7593 10451/17140/7571 10433/17119/7553 +f 10473/17168/7593 10065/16691/7185 10080/16711/7200 +f 10474/17169/7594 10452/17170/7572 10472/17171/7592 +f 10473/17168/7593 10461/17151/7581 10065/16691/7185 +f 10475/17172/7595 10453/17142/7573 10440/17128/7560 +f 10474/17169/7594 10432/17146/7552 10452/17170/7572 +f 10476/17173/7596 10458/17148/7578 10439/17125/7559 +f 10474/17169/7594 10456/17145/7576 10432/17146/7552 +f 10475/17172/7595 10440/17128/7560 10465/17174/7585 +f 10477/17175/7597 10467/17160/7587 10438/17124/7558 +f 10476/17173/7596 10439/17125/7559 10466/17158/7586 +f 10478/17176/7598 10459/17149/7579 10464/17155/7584 +f 10477/17175/7597 10438/17124/7558 10456/17145/7576 +f 10479/17177/7599 10466/17158/7586 10451/17159/7571 +f 10478/17176/7598 10480/17178/7600 10481/17179/7601 +f 10478/17176/7598 10464/17155/7584 10480/17178/7600 +f 10479/17177/7599 10451/17159/7571 10473/17180/7593 +f 10479/17177/7599 10473/17180/7593 10080/16722/7200 +f 10482/17181/7602 10462/17152/7582 10463/17154/7583 +f 10479/17177/7599 10080/16722/7200 10090/16721/7210 +f 10483/17182/7603 10444/17133/7564 10455/17144/7575 +f 10479/17177/7599 10090/16721/7210 10091/16723/7211 +f 10483/17182/7603 10455/17144/7575 10468/17161/7588 +f 10484/17183/7604 10460/17150/7580 10435/17121/7555 +f 10483/17182/7603 10485/17184/7605 10444/17133/7564 +f 10486/17185/7606 10458/17148/7578 10476/17173/7596 +f 10486/17185/7606 10470/17164/7590 10458/17148/7578 +f 10484/17183/7604 10487/17186/7607 10449/17138/7569 +f 10486/17185/7606 10488/17187/7608 10457/17147/7577 +f 10484/17183/7604 10449/17138/7569 10460/17150/7580 +f 10484/17183/7604 10435/17121/7555 10467/17160/7587 +f 10486/17185/7606 10457/17147/7577 10470/17164/7590 +f 10489/17188/7609 10465/17157/7585 10450/17139/7570 +f 10490/17189/7610 10469/17162/7589 10462/17152/7582 +f 10489/17188/7609 10450/17139/7570 10471/17165/7591 +f 10491/17190/7611 10466/17158/7586 10479/17177/7599 +f 10491/17190/7611 10479/17177/7599 10091/16723/7211 +f 10491/17190/7611 10476/17173/7596 10466/17158/7586 +f 10490/17189/7610 10462/17152/7582 10482/17181/7602 +f 10492/17191/7612 10468/17161/7588 10453/17142/7573 +f 10493/17192/7613 10446/17135/7566 10469/17166/7589 +f 10494/17193/7614 10495/17194/7615 10488/17187/7608 +f 10494/17193/7614 10118/16757/7238 10495/17194/7615 +f 10492/17191/7612 10453/17142/7573 10475/17172/7595 +f 10494/17193/7614 10486/17185/7606 10476/17173/7596 +f 10494/17193/7614 10488/17187/7608 10486/17185/7606 +f 10494/17193/7614 10491/17190/7611 10091/16723/7211 +f 10493/17192/7613 10472/17167/7592 10446/17135/7566 +f 10494/17193/7614 10476/17173/7596 10491/17190/7611 +f 10496/17195/7616 10459/17149/7579 10478/17176/7598 +f 10494/17193/7614 10091/16723/7211 10117/16756/7237 +f 10494/17193/7614 10117/16756/7237 10118/16757/7238 +f 10496/17195/7616 10471/17165/7591 10459/17149/7579 +f 10497/17196/7617 10474/17169/7594 10472/17171/7592 +f 10498/17197/7618 10467/17160/7587 10477/17175/7597 +f 10498/17197/7618 10487/17186/7607 10484/17183/7604 +f 10498/17197/7618 10484/17183/7604 10467/17160/7587 +f 10499/17198/7619 10475/17172/7595 10465/17174/7585 +f 10500/17199/7620 10456/17145/7576 10474/17169/7594 +f 10499/17198/7619 10465/17174/7585 10489/17200/7609 +f 10500/17199/7620 10474/17169/7594 10497/17196/7617 +f 10500/17199/7620 10477/17175/7597 10456/17145/7576 +f 10501/17201/7621 10496/17195/7616 10478/17176/7598 +f 10501/17201/7621 10478/17176/7598 10481/17179/7601 +f 10502/17202/7622 10482/17181/7602 10463/17154/7583 +f 10503/17203/7623 10504/17204/7624 10485/17184/7605 +f 10502/17202/7622 10463/17154/7583 10505/17205/7625 +f 10503/17203/7623 10485/17184/7605 10483/17182/7603 +f 10503/17203/7623 10483/17182/7603 10468/17161/7588 +f 10506/17206/7626 10490/17189/7610 10482/17181/7602 +f 10503/17203/7623 10468/17161/7588 10492/17191/7612 +f 10506/17206/7626 10482/17181/7602 10502/17202/7622 +f 10507/17207/7627 10489/17188/7609 10471/17165/7591 +f 10508/17208/7628 10469/17162/7589 10490/17189/7610 +f 10507/17207/7627 10471/17165/7591 10496/17195/7616 +f 10507/17209/7627 10499/17198/7619 10489/17200/7609 +f 10509/17210/7629 10492/17191/7612 10475/17172/7595 +f 10508/17208/7628 10493/17211/7613 10469/17162/7589 +f 10509/17210/7629 10475/17172/7595 10499/17198/7619 +f 10510/17212/7630 10472/17171/7592 10493/17213/7613 +f 10510/17212/7630 10497/17196/7617 10472/17171/7592 +f 10511/17214/7631 10496/17195/7616 10501/17201/7621 +f 10511/17214/7631 10507/17207/7627 10496/17195/7616 +f 10512/17215/7632 10499/17198/7619 10507/17209/7627 +f 10513/17216/7633 10502/17202/7622 10505/17205/7625 +f 10514/17217/7634 10500/17199/7620 10497/17196/7617 +f 10515/17218/7635 10498/17197/7618 10477/17175/7597 +f 10516/17219/7636 10517/17220/7637 10518/17221/7638 +f 10515/17218/7635 10477/17175/7597 10500/17199/7620 +f 10516/17219/7636 10481/17179/7601 10517/17220/7637 +f 10515/17218/7635 10519/17222/7639 10487/17186/7607 +f 10515/17218/7635 10487/17186/7607 10498/17197/7618 +f 10516/17219/7636 10501/17201/7621 10481/17179/7601 +f 10520/17223/7640 10521/17224/7641 10504/17204/7624 +f 10515/17218/7635 10500/17199/7620 10514/17217/7634 +f 10522/17225/7642 10506/17206/7626 10502/17202/7622 +f 10520/17223/7640 10492/17191/7612 10509/17210/7629 +f 10520/17223/7640 10504/17204/7624 10503/17203/7623 +f 10520/17223/7640 10503/17203/7623 10492/17191/7612 +f 10523/17226/7643 10507/17207/7627 10511/17214/7631 +f 10523/17227/7643 10512/17215/7632 10507/17209/7627 +f 10524/17228/7644 10508/17208/7628 10490/17189/7610 +f 10524/17228/7644 10490/17189/7610 10506/17206/7626 +f 10525/17229/7645 10520/17223/7640 10509/17210/7629 +f 10526/17230/7646 10510/17212/7630 10493/17213/7613 +f 10525/17229/7645 10509/17210/7629 10499/17198/7619 +f 10525/17229/7645 10499/17198/7619 10512/17215/7632 +f 10527/17231/7647 10501/17201/7621 10516/17219/7636 +f 10526/17230/7646 10493/17213/7613 10508/17232/7628 +f 10528/17233/7648 10497/17196/7617 10510/17212/7630 +f 10527/17231/7647 10511/17214/7631 10501/17201/7621 +f 10528/17233/7648 10514/17217/7634 10497/17196/7617 +f 10529/17234/7649 10512/17215/7632 10523/17227/7643 +f 10529/17234/7649 10525/17229/7645 10512/17215/7632 +f 9704/16279/6824 10502/17202/7622 10513/17216/7633 +f 9704/16279/6824 10522/17225/7642 10502/17202/7622 +f 10530/17235/7650 10527/17231/7647 10516/17219/7636 +f 10531/17236/7651 10519/17222/7639 10515/17218/7635 +f 10531/17236/7651 10515/17218/7635 10514/17217/7634 +f 10530/17235/7650 10516/17219/7636 10518/17221/7638 +f 10532/17237/7652 10521/17224/7641 10520/17223/7640 +f 10532/17237/7652 10533/17238/7653 10521/17224/7641 +f 10534/17239/7654 10505/17205/7625 9686/16260/6806 +f 10534/17239/7654 10513/17216/7633 10505/17205/7625 +f 10532/17237/7652 10520/17223/7640 10525/17229/7645 +f 10535/17240/7655 10523/17226/7643 10511/17214/7631 +f 9694/17241/6814 10506/17206/7626 10522/17225/7642 +f 10535/17240/7655 10511/17214/7631 10527/17231/7647 +f 9694/17241/6814 10524/17228/7644 10506/17206/7626 +f 9696/16270/6816 10530/17235/7650 10518/17221/7638 +f 9696/16270/6816 10518/17221/7638 10536/17242/7656 +f 9715/16291/6835 10508/17232/7628 10524/17243/7644 +f 9715/16291/6835 10526/17230/7646 10508/17232/7628 +f 9722/16298/6842 10525/17229/7645 10529/17234/7649 +f 9722/16298/6842 10532/17237/7652 10525/17229/7645 +f 9691/16265/6811 10534/17239/7654 9686/16260/6806 +f 10537/17244/7657 10527/17231/7647 10530/17235/7650 +f 10537/17244/7657 10535/17240/7655 10527/17231/7647 +f 9707/16283/6827 10510/17212/7630 10526/17230/7646 +f 10537/17244/7657 10530/17235/7650 9696/16270/6816 +f 9707/16283/6827 10528/17233/7648 10510/17212/7630 +f 9707/16283/6827 10526/17230/7646 9715/16291/6835 +f 10538/17245/7658 9711/16287/6831 10519/17222/7639 +f 9702/16276/6822 10529/17234/7649 10523/17227/7643 +f 10538/17245/7658 10519/17222/7639 10531/17236/7651 +f 9702/16276/6822 10523/17227/7643 10535/17246/7655 +f 10538/17245/7658 10514/17217/7634 10528/17233/7648 +f 10538/17245/7658 10531/17236/7651 10514/17217/7634 +f 9699/16281/6819 10522/17225/7642 9704/16279/6824 +f 9699/16281/6819 9694/17241/6814 10522/17225/7642 +f 9690/16264/6810 10537/17244/7657 9696/16270/6816 +f 9697/16271/6817 9696/16270/6816 10536/17242/7656 +f 9705/16280/6825 9704/16279/6824 10513/17216/7633 +f 9705/16280/6825 10513/17216/7633 10534/17239/7654 +f 9720/16296/6840 9719/16295/6839 10533/17238/7653 +f 9705/16280/6825 10534/17239/7654 9691/16265/6811 +f 9720/16296/6840 10533/17238/7653 10532/17237/7652 +f 9693/16267/6813 9715/16291/6835 10524/17243/7644 +f 9720/16296/6840 10532/17237/7652 9722/16298/6842 +f 9693/16267/6813 10524/17243/7644 9694/16268/6814 +f 9689/16263/6809 10535/17240/7655 10537/17244/7657 +f 9689/16277/6809 9702/16276/6822 10535/17246/7655 +f 9689/16263/6809 10537/17244/7657 9690/16264/6810 +f 9708/16284/6828 9707/16283/6827 9715/16291/6835 +f 9698/16272/6818 9697/16271/6817 10536/17242/7656 +f 9723/16299/6843 9705/16280/6825 9691/16265/6811 +f 9698/16272/6818 10536/17242/7656 9710/16286/6830 +f 9701/16275/6821 10529/17234/7649 9702/16276/6822 +f 9701/16275/6821 9722/16298/6842 10529/17234/7649 +f 9712/16288/6832 9711/16287/6831 10538/17245/7658 +f 9712/16288/6832 10528/17233/7648 9707/16283/6827 +f 9712/16288/6832 10538/17245/7658 10528/17233/7648 +f 10539/17247/7659 10540/17248/7660 10541/17249/7661 +f 10542/17250/7662 10543/17251/7663 10544/17252/7664 +f 10543/17251/7663 10545/17253/7665 10544/17252/7664 +f 10546/17254/7666 10547/17255/7667 10548/17256/7668 +f 10547/17255/7667 10549/17257/7669 10548/17256/7668 +f 10550/17258/7670 10551/17259/7671 10552/17260/7672 +f 10553/17261/7673 10554/17262/7674 10555/17263/7675 +f 10556/17264/7676 10542/17250/7662 10557/17265/7677 +f 10541/17249/7661 10558/17266/7678 10555/17263/7675 +f 10559/17267/7679 10553/17261/7673 10555/17263/7675 +f 10558/17266/7678 10560/17268/7680 10555/17263/7675 +f 10560/17268/7680 10559/17267/7679 10555/17263/7675 +f 10551/17269/7671 10561/17270/7681 10562/17271/7682 +f 10542/17250/7662 10544/17252/7664 10557/17265/7677 +f 10552/17272/7672 10551/17269/7671 10562/17271/7682 +f 10563/17273/7683 10564/17274/7684 10565/17275/7685 +f 10564/17274/7684 10556/17276/7676 10565/17275/7685 +f 10545/17253/7665 10566/17277/7686 10567/17278/7687 +f 10568/17279/7688 10569/17280/7689 10570/17281/7690 +f 10566/17277/7686 10571/17282/7691 10567/17278/7687 +f 10544/17252/7664 10545/17253/7665 10567/17278/7687 +f 10572/17283/7692 10568/17279/7688 10570/17281/7690 +f 10571/17282/7691 10573/17284/7693 10567/17278/7687 +f 10548/17256/7668 10549/17257/7669 10574/17285/7694 +f 10569/17280/7689 10550/17258/7670 10575/17286/7695 +f 10550/17258/7670 10552/17260/7672 10575/17286/7695 +f 10570/17281/7690 10569/17280/7689 10575/17286/7695 +f 10549/17257/7669 10563/17273/7683 10574/17285/7694 +f 10576/17287/7696 10546/17288/7666 10577/17289/7697 +f 10578/17290/7698 10572/17283/7692 10579/17291/7699 +f 10546/17254/7666 10548/17256/7668 10577/17292/7697 +f 10562/17271/7682 10561/17270/7681 10580/17293/7700 +f 10557/17265/7677 10544/17252/7664 10581/17294/7701 +f 10561/17270/7681 10539/17247/7659 10580/17293/7700 +f 10544/17252/7664 10567/17278/7687 10581/17294/7701 +f 10539/17247/7659 10541/17249/7661 10580/17293/7700 +f 10541/17249/7661 10555/17263/7675 10582/17295/7702 +f 10556/17264/7676 10557/17265/7677 10583/17296/7703 +f 10555/17263/7675 10554/17262/7674 10582/17295/7702 +f 10565/17297/7685 10556/17264/7676 10583/17296/7703 +f 10572/17283/7692 10570/17281/7690 10584/17298/7704 +f 10579/17291/7699 10572/17283/7692 10584/17298/7704 +f 10574/17285/7694 10563/17273/7683 10585/17299/7705 +f 10552/17272/7672 10562/17271/7682 10586/17300/7706 +f 10575/17301/7695 10552/17272/7672 10586/17300/7706 +f 10563/17273/7683 10565/17275/7685 10585/17299/7705 +f 10567/17278/7687 10573/17284/7693 10587/17302/7707 +f 10562/17271/7682 10580/17293/7700 10588/17303/7708 +f 10581/17294/7701 10567/17278/7687 10587/17302/7707 +f 10586/17300/7706 10562/17271/7682 10588/17303/7708 +f 10573/17284/7693 10589/17304/7709 10587/17302/7707 +f 10577/17292/7697 10548/17256/7668 10590/17305/7710 +f 10570/17281/7690 10575/17286/7695 10591/17306/7711 +f 10575/17301/7695 10586/17300/7706 10592/17307/7712 +f 10548/17256/7668 10574/17285/7694 10590/17305/7710 +f 10577/17289/7697 10590/17308/7710 10593/17309/7713 +f 10591/17310/7711 10575/17301/7695 10592/17307/7712 +f 10554/17262/7674 10594/17311/7714 10595/17312/7715 +f 10582/17295/7702 10554/17262/7674 10595/17312/7715 +f 10580/17293/7700 10541/17249/7661 10595/17312/7715 +f 10576/17287/7696 10577/17289/7697 10593/17309/7713 +f 10541/17249/7661 10582/17295/7702 10595/17312/7715 +f 10588/17303/7708 10580/17293/7700 10595/17312/7715 +f 10583/17296/7703 10557/17265/7677 10596/17313/7716 +f 10579/17291/7699 10584/17298/7704 10597/17314/7717 +f 10557/17265/7677 10581/17294/7701 10596/17313/7716 +f 10585/17315/7705 10565/17297/7685 10598/17316/7718 +f 10565/17297/7685 10583/17296/7703 10598/17316/7718 +f 10584/17298/7704 10570/17281/7690 10599/17317/7719 +f 10570/17281/7690 10591/17306/7711 10599/17317/7719 +f 10574/17285/7694 10585/17299/7705 10600/17318/7720 +f 10601/17319/7721 10578/17290/7698 10602/17320/7722 +f 10603/17321/7723 10601/17319/7721 10602/17320/7722 +f 10578/17290/7698 10579/17291/7699 10602/17320/7722 +f 10590/17305/7710 10574/17285/7694 10600/17318/7720 +f 10596/17313/7716 10581/17294/7701 10604/17322/7724 +f 10581/17294/7701 10587/17302/7707 10604/17322/7724 +f 10587/17302/7707 10589/17304/7709 10604/17322/7724 +f 10589/17304/7709 10605/17323/7725 10604/17322/7724 +f 10586/17300/7706 10588/17303/7708 10606/17324/7726 +f 10588/17303/7708 10595/17312/7715 10607/17325/7727 +f 10590/17308/7710 10600/17326/7720 10608/17327/7728 +f 10606/17324/7726 10588/17303/7708 10607/17325/7727 +f 10595/17312/7715 10594/17311/7714 10607/17325/7727 +f 10591/17310/7711 10592/17307/7712 10609/17328/7729 +f 10593/17309/7713 10590/17308/7710 10608/17327/7728 +f 10583/17296/7703 10596/17313/7716 10610/17329/7730 +f 10599/17330/7719 10591/17310/7711 10609/17328/7729 +f 10598/17316/7718 10583/17296/7703 10610/17329/7730 +f 10586/17300/7706 10606/17324/7726 10611/17331/7731 +f 10592/17307/7712 10586/17300/7706 10611/17331/7731 +f 10609/17328/7729 10592/17307/7712 10611/17331/7731 +f 10576/17287/7696 10593/17309/7713 10612/17332/7732 +f 10613/17333/7733 10576/17287/7696 10612/17332/7732 +f 10614/17334/7734 10613/17333/7733 10612/17332/7732 +f 10597/17314/7717 10584/17298/7704 10615/17335/7735 +f 10584/17298/7704 10599/17317/7719 10615/17335/7735 +f 10585/17315/7705 10598/17316/7718 10616/17336/7736 +f 10600/17337/7720 10585/17315/7705 10616/17336/7736 +f 10599/17330/7719 10609/17328/7729 10617/17338/7737 +f 10615/17339/7735 10599/17330/7719 10617/17338/7737 +f 10594/17311/7714 10618/17340/7738 10619/17341/7739 +f 10608/17327/7728 10600/17326/7720 10620/17342/7740 +f 10607/17325/7727 10594/17311/7714 10619/17341/7739 +f 10606/17324/7726 10607/17325/7727 10619/17341/7739 +f 10600/17337/7720 10616/17336/7736 10620/17343/7740 +f 10611/17331/7731 10606/17324/7726 10619/17341/7739 +f 10579/17291/7699 10597/17314/7717 10621/17344/7741 +f 10610/17329/7730 10596/17313/7716 10622/17345/7742 +f 10596/17313/7716 10604/17322/7724 10622/17345/7742 +f 10602/17320/7722 10579/17291/7699 10621/17344/7741 +f 10604/17322/7724 10605/17323/7725 10622/17345/7742 +f 10605/17323/7725 10623/17346/7743 10622/17345/7742 +f 10611/17331/7731 10619/17341/7739 10624/17347/7744 +f 10612/17332/7732 10593/17309/7713 10625/17348/7745 +f 10619/17341/7739 10618/17340/7738 10624/17347/7744 +f 10609/17328/7729 10611/17331/7731 10626/17349/7746 +f 10593/17309/7713 10608/17327/7728 10625/17348/7745 +f 10611/17331/7731 10624/17347/7744 10626/17349/7746 +f 10603/17321/7723 10602/17320/7722 10627/17350/7747 +f 10602/17320/7722 10621/17344/7741 10627/17350/7747 +f 10628/17351/7748 10603/17321/7723 10627/17350/7747 +f 10616/17336/7736 10598/17316/7718 10629/17352/7749 +f 10598/17316/7718 10610/17329/7730 10629/17352/7749 +f 10614/17334/7734 10612/17332/7732 10630/17353/7750 +f 10615/17339/7735 10617/17338/7737 10631/17354/7751 +f 10612/17332/7732 10625/17348/7745 10630/17353/7750 +f 10617/17338/7737 10609/17328/7729 10632/17355/7752 +f 10620/17343/7740 10616/17336/7736 10633/17356/7753 +f 10609/17328/7729 10626/17349/7746 10632/17355/7752 +f 10621/17344/7741 10597/17314/7717 10634/17357/7754 +f 10616/17336/7736 10629/17352/7749 10633/17356/7753 +f 10597/17314/7717 10615/17335/7735 10634/17357/7754 +f 10608/17327/7728 10620/17342/7740 10635/17358/7755 +f 10625/17348/7745 10608/17327/7728 10635/17358/7755 +f 10618/17340/7738 10636/17359/7756 10637/17360/7757 +f 10626/17349/7746 10624/17347/7744 10637/17360/7757 +f 10624/17347/7744 10618/17340/7738 10637/17360/7757 +f 10610/17329/7730 10622/17345/7742 10638/17361/7758 +f 10621/17344/7741 10634/17357/7754 10639/17362/7759 +f 10623/17346/7743 10640/17363/7760 10638/17361/7758 +f 10629/17352/7749 10610/17329/7730 10638/17361/7758 +f 10627/17350/7747 10621/17344/7741 10639/17362/7759 +f 10622/17345/7742 10623/17346/7743 10638/17361/7758 +f 10632/17355/7752 10626/17349/7746 10641/17364/7761 +f 10637/17360/7757 10636/17359/7756 10641/17364/7761 +f 10630/17353/7750 10625/17348/7745 10642/17365/7762 +f 10625/17348/7745 10635/17358/7755 10642/17365/7762 +f 10626/17349/7746 10637/17360/7757 10641/17364/7761 +f 10631/17354/7751 10617/17338/7737 10643/17366/7763 +f 10633/17356/7753 10629/17352/7749 10644/17367/7764 +f 10617/17338/7737 10632/17355/7752 10643/17366/7763 +f 10629/17352/7749 10638/17361/7758 10644/17367/7764 +f 10632/17355/7752 10641/17364/7761 10643/17366/7763 +f 10614/17334/7734 10630/17353/7750 10645/17368/7765 +f 10646/17369/7766 10614/17334/7734 10645/17368/7765 +f 10647/17370/7767 10628/17371/7748 10648/17372/7768 +f 10649/17373/7769 10646/17369/7766 10645/17368/7765 +f 10650/17374/7770 10649/17373/7769 10645/17368/7765 +f 10628/17351/7748 10627/17350/7747 10648/17375/7768 +f 10651/17376/7771 10650/17374/7770 10645/17368/7765 +f 10620/17343/7740 10633/17356/7753 10652/17377/7772 +f 10635/17378/7755 10620/17343/7740 10652/17377/7772 +f 10615/17339/7735 10631/17354/7751 10653/17379/7773 +f 10634/17380/7754 10615/17339/7735 10653/17379/7773 +f 10635/17378/7755 10652/17377/7772 10654/17381/7774 +f 10639/17362/7759 10634/17357/7754 10655/17382/7775 +f 10642/17365/7762 10635/17358/7755 10654/17383/7774 +f 10634/17380/7754 10653/17379/7773 10655/17384/7775 +f 10640/17363/7760 10656/17385/7776 10657/17386/7777 +f 10636/17359/7756 10658/17387/7778 10659/17388/7779 +f 10641/17364/7761 10636/17359/7756 10659/17388/7779 +f 10644/17367/7764 10638/17361/7758 10657/17386/7777 +f 10638/17361/7758 10640/17363/7760 10657/17386/7777 +f 10643/17366/7763 10641/17364/7761 10659/17388/7779 +f 10630/17353/7750 10642/17365/7762 10660/17389/7780 +f 10651/17376/7771 10645/17368/7765 10660/17389/7780 +f 10627/17350/7747 10639/17362/7759 10661/17390/7781 +f 10645/17368/7765 10630/17353/7750 10660/17389/7780 +f 10633/17356/7753 10644/17367/7764 10662/17391/7782 +f 10648/17375/7768 10627/17350/7747 10661/17390/7781 +f 10652/17377/7772 10633/17356/7753 10662/17391/7782 +f 10631/17354/7751 10643/17366/7763 10663/17392/7783 +f 10653/17379/7773 10631/17354/7751 10663/17392/7783 +f 10654/17381/7774 10652/17377/7772 10664/17393/7784 +f 10665/17394/7785 10647/17370/7767 10666/17395/7786 +f 10652/17377/7772 10662/17391/7782 10664/17393/7784 +f 10647/17370/7767 10648/17372/7768 10666/17395/7786 +f 10642/17365/7762 10654/17383/7774 10667/17396/7787 +f 10651/17376/7771 10660/17389/7780 10667/17396/7787 +f 10668/17397/7788 10651/17376/7771 10667/17396/7787 +f 10669/17398/7789 10668/17399/7788 10667/17400/7787 +f 10660/17389/7780 10642/17365/7762 10667/17396/7787 +f 10644/17367/7764 10657/17386/7777 10670/17401/7790 +f 10655/17384/7775 10653/17379/7773 10671/17402/7791 +f 10656/17385/7776 10672/17403/7792 10670/17401/7790 +f 10653/17379/7773 10663/17392/7783 10671/17402/7791 +f 10657/17386/7777 10656/17385/7776 10670/17401/7790 +f 10662/17391/7782 10644/17367/7764 10670/17401/7790 +f 10664/17393/7784 10662/17391/7782 10673/17404/7793 +f 10639/17362/7759 10655/17382/7775 10674/17405/7794 +f 10661/17390/7781 10639/17362/7759 10674/17405/7794 +f 10662/17391/7782 10670/17401/7790 10673/17404/7793 +f 10654/17381/7774 10664/17393/7784 10675/17406/7795 +f 10658/17387/7778 10676/17407/7796 10677/17408/7797 +f 10667/17400/7787 10654/17381/7774 10675/17406/7795 +f 10663/17392/7783 10643/17366/7763 10677/17408/7797 +f 10669/17398/7789 10667/17400/7787 10675/17406/7795 +f 10659/17388/7779 10658/17387/7778 10677/17408/7797 +f 10643/17366/7763 10659/17388/7779 10677/17408/7797 +f 10670/17401/7790 10672/17403/7792 10678/17409/7798 +f 10673/17404/7793 10670/17401/7790 10678/17409/7798 +f 10648/17372/7768 10661/17410/7781 10679/17411/7799 +f 10672/17403/7792 10680/17412/7800 10678/17409/7798 +f 10666/17395/7786 10648/17372/7768 10679/17411/7799 +f 10664/17393/7784 10673/17404/7793 10681/17413/7801 +f 10673/17404/7793 10678/17409/7798 10681/17413/7801 +f 10669/17398/7789 10675/17406/7795 10681/17413/7801 +f 10682/17414/7802 10669/17398/7789 10681/17413/7801 +f 10683/17415/7803 10682/17414/7802 10681/17413/7801 +f 10665/17394/7785 10666/17395/7786 10684/17416/7804 +f 10675/17406/7795 10664/17393/7784 10681/17413/7801 +f 10685/17417/7805 10683/17415/7803 10686/17418/7806 +f 10681/17413/7801 10678/17409/7798 10686/17418/7806 +f 10666/17395/7786 10679/17411/7799 10684/17416/7804 +f 10683/17415/7803 10681/17413/7801 10686/17418/7806 +f 10678/17409/7798 10680/17412/7800 10686/17418/7806 +f 10680/17412/7800 10685/17417/7805 10686/17418/7806 +f 10671/17402/7791 10663/17392/7783 10687/17419/7807 +f 10674/17420/7794 10655/17384/7775 10688/17421/7808 +f 10655/17384/7775 10671/17402/7791 10688/17421/7808 +f 10661/17410/7781 10674/17422/7794 10689/17423/7809 +f 10679/17411/7799 10661/17410/7781 10689/17423/7809 +f 10676/17407/7796 10690/17424/7810 10691/17425/7811 +f 10687/17419/7807 10663/17392/7783 10691/17425/7811 +f 10677/17408/7797 10676/17407/7796 10691/17425/7811 +f 10663/17392/7783 10677/17408/7797 10691/17425/7811 +f 10684/17416/7804 10679/17411/7799 10692/17426/7812 +f 10679/17411/7799 10689/17423/7809 10692/17426/7812 +f 10693/17427/7813 10665/17394/7785 10694/17428/7814 +f 10695/17429/7815 10693/17427/7813 10694/17428/7814 +f 10665/17394/7785 10684/17416/7804 10694/17428/7814 +f 10671/17402/7791 10687/17419/7807 10696/17430/7816 +f 10688/17421/7808 10671/17402/7791 10696/17430/7816 +f 10674/17420/7794 10688/17421/7808 10697/17431/7817 +f 10689/17432/7809 10674/17420/7794 10697/17431/7817 +f 10692/17426/7812 10689/17423/7809 10698/17433/7818 +f 10689/17432/7809 10697/17431/7817 10698/17434/7818 +f 10690/17424/7810 10699/17435/7819 10700/17436/7820 +f 10691/17425/7811 10690/17424/7810 10700/17436/7820 +f 10687/17419/7807 10691/17425/7811 10700/17436/7820 +f 10696/17430/7816 10687/17419/7807 10700/17436/7820 +f 10684/17416/7804 10692/17426/7812 10701/17437/7821 +f 10694/17428/7814 10684/17416/7804 10701/17437/7821 +f 10702/17438/7822 10695/17429/7815 10703/17439/7823 +f 10695/17429/7815 10694/17428/7814 10703/17439/7823 +f 10697/17431/7817 10688/17421/7808 10704/17440/7824 +f 10688/17421/7808 10696/17430/7816 10704/17440/7824 +f 10697/17431/7817 10704/17440/7824 10705/17441/7825 +f 10698/17434/7818 10697/17431/7817 10705/17441/7825 +f 10692/17426/7812 10698/17433/7818 10706/17442/7826 +f 10701/17437/7821 10692/17426/7812 10706/17442/7826 +f 10699/17435/7819 10707/17443/7827 10708/17444/7828 +f 10696/17430/7816 10700/17436/7820 10708/17444/7828 +f 10704/17440/7824 10696/17430/7816 10708/17444/7828 +f 10700/17436/7820 10699/17435/7819 10708/17444/7828 +f 10694/17428/7814 10701/17437/7821 10709/17445/7829 +f 10703/17439/7823 10694/17428/7814 10709/17445/7829 +f 10703/17439/7823 10709/17445/7829 10710/17446/7830 +f 10702/17438/7822 10703/17439/7823 10710/17446/7830 +f 10705/17441/7825 10704/17440/7824 10711/17447/7831 +f 10704/17440/7824 10708/17444/7828 10711/17447/7831 +f 10706/17448/7826 10698/17434/7818 10712/17449/7832 +f 10698/17434/7818 10705/17441/7825 10712/17449/7832 +f 10701/17437/7821 10706/17442/7826 10713/17450/7833 +f 10709/17445/7829 10701/17437/7821 10713/17450/7833 +f 10707/17443/7827 10714/17451/7834 10715/17452/7835 +f 10708/17444/7828 10707/17443/7827 10715/17452/7835 +f 10711/17447/7831 10708/17444/7828 10715/17452/7835 +f 10709/17445/7829 10713/17450/7833 10716/17453/7836 +f 10710/17446/7830 10709/17445/7829 10716/17453/7836 +f 10717/17454/7837 10702/17438/7822 10718/17455/7838 +f 10702/17438/7822 10710/17446/7830 10718/17455/7838 +f 10712/17449/7832 10705/17441/7825 10719/17456/7839 +f 10705/17441/7825 10711/17447/7831 10719/17456/7839 +f 10706/17448/7826 10712/17449/7832 10720/17457/7840 +f 10713/17458/7833 10706/17448/7826 10720/17457/7840 +f 10716/17453/7836 10713/17450/7833 10721/17459/7841 +f 10713/17458/7833 10720/17457/7840 10721/17460/7841 +f 10714/17451/7834 10722/17461/7842 10723/17462/7843 +f 10715/17452/7835 10714/17451/7834 10723/17462/7843 +f 10711/17447/7831 10715/17452/7835 10723/17462/7843 +f 10719/17456/7839 10711/17447/7831 10723/17462/7843 +f 10710/17446/7830 10716/17453/7836 10724/17463/7844 +f 10718/17455/7838 10710/17446/7830 10724/17463/7844 +f 10725/17464/7845 10717/17454/7837 10726/17465/7846 +f 10717/17454/7837 10718/17455/7838 10726/17465/7846 +f 10720/17457/7840 10712/17449/7832 10727/17466/7847 +f 10712/17449/7832 10719/17456/7839 10727/17466/7847 +f 10721/17460/7841 10720/17457/7840 10728/17467/7848 +f 10720/17457/7840 10727/17466/7847 10728/17467/7848 +f 10716/17453/7836 10721/17459/7841 10729/17468/7849 +f 10724/17463/7844 10716/17453/7836 10729/17468/7849 +f 10722/17461/7842 10730/17469/7850 10731/17470/7851 +f 10723/17462/7843 10722/17461/7842 10731/17470/7851 +f 10719/17456/7839 10723/17462/7843 10731/17470/7851 +f 10727/17466/7847 10719/17456/7839 10731/17470/7851 +f 10718/17455/7838 10724/17463/7844 10732/17471/7852 +f 10726/17465/7846 10718/17455/7838 10732/17471/7852 +f 10733/17472/7853 10725/17464/7845 10734/17473/7854 +f 10725/17464/7845 10726/17465/7846 10734/17473/7854 +f 10727/17466/7847 10731/17470/7851 10735/17474/7855 +f 10728/17467/7848 10727/17466/7847 10735/17474/7855 +f 10721/17460/7841 10728/17467/7848 10736/17475/7856 +f 10729/17476/7849 10721/17460/7841 10736/17475/7856 +f 10724/17463/7844 10729/17468/7849 10737/17477/7857 +f 10732/17471/7852 10724/17463/7844 10737/17477/7857 +f 10731/17470/7851 10730/17469/7850 10738/17478/7858 +f 10735/17474/7855 10731/17470/7851 10738/17478/7858 +f 10730/17469/7850 10739/17479/7859 10738/17478/7858 +f 10734/17473/7854 10726/17465/7846 10740/17480/7860 +f 10726/17465/7846 10732/17471/7852 10740/17480/7860 +f 10741/17481/7861 10733/17472/7853 10742/17482/7862 +f 10733/17472/7853 10734/17473/7854 10742/17482/7862 +f 10728/17467/7848 10735/17474/7855 10743/17483/7863 +f 10736/17475/7856 10728/17467/7848 10743/17483/7863 +f 10737/17484/7857 10729/17476/7849 10744/17485/7864 +f 10729/17476/7849 10736/17475/7856 10744/17485/7864 +f 10732/17471/7852 10737/17477/7857 10745/17486/7865 +f 10740/17480/7860 10732/17471/7852 10745/17486/7865 +f 10743/17483/7863 10735/17474/7855 10746/17487/7866 +f 10735/17474/7855 10738/17478/7858 10746/17487/7866 +f 10738/17478/7858 10739/17479/7859 10746/17487/7866 +f 10739/17479/7859 10747/17488/7867 10746/17487/7866 +f 10742/17482/7862 10734/17473/7854 10748/17489/7868 +f 10734/17473/7854 10740/17480/7860 10748/17489/7868 +f 10741/17481/7861 10742/17482/7862 10749/17490/7869 +f 10750/17491/7870 10741/17481/7861 10749/17490/7869 +f 10744/17485/7864 10736/17475/7856 10751/17492/7871 +f 10736/17475/7856 10743/17483/7863 10751/17492/7871 +f 10737/17484/7857 10744/17485/7864 10752/17493/7872 +f 10745/17494/7865 10737/17484/7857 10752/17493/7872 +f 10740/17480/7860 10745/17486/7865 10753/17495/7873 +f 10748/17489/7868 10740/17480/7860 10753/17495/7873 +f 10743/17483/7863 10746/17487/7866 10754/17496/7874 +f 10751/17492/7871 10743/17483/7863 10754/17496/7874 +f 10746/17487/7866 10747/17488/7867 10754/17496/7874 +f 10747/17488/7867 10755/17497/7875 10754/17496/7874 +f 10749/17490/7869 10742/17482/7862 10756/17498/7876 +f 10742/17482/7862 10748/17489/7868 10756/17498/7876 +f 10750/17491/7870 10749/17490/7869 10757/17499/7877 +f 10758/17500/7878 10750/17491/7870 10757/17499/7877 +f 10744/17485/7864 10751/17492/7871 10759/17501/7879 +f 10752/17493/7872 10744/17485/7864 10759/17501/7879 +f 10753/17502/7873 10745/17494/7865 10760/17503/7880 +f 10745/17494/7865 10752/17493/7872 10760/17503/7880 +f 10756/17498/7876 10748/17489/7868 10761/17504/7881 +f 10748/17489/7868 10753/17495/7873 10761/17504/7881 +f 10751/17492/7871 10754/17496/7874 10762/17505/7882 +f 10759/17501/7879 10751/17492/7871 10762/17505/7882 +f 10754/17496/7874 10755/17497/7875 10762/17505/7882 +f 10755/17497/7875 10763/17506/7883 10762/17505/7882 +f 10749/17490/7869 10756/17498/7876 10764/17507/7884 +f 10757/17499/7877 10749/17490/7869 10764/17507/7884 +f 10765/17508/7885 10758/17500/7878 10766/17509/7886 +f 10758/17500/7878 10757/17499/7877 10766/17509/7886 +f 10757/17499/7877 10764/17507/7884 10766/17509/7886 +f 10752/17493/7872 10759/17501/7879 10767/17510/7887 +f 10760/17503/7880 10752/17493/7872 10767/17510/7887 +f 10753/17502/7873 10760/17503/7880 10768/17511/7888 +f 10761/17512/7881 10753/17502/7873 10768/17511/7888 +f 10764/17507/7884 10756/17498/7876 10769/17513/7889 +f 10756/17498/7876 10761/17504/7881 10769/17513/7889 +f 10759/17501/7879 10762/17505/7882 10770/17514/7890 +f 10767/17510/7887 10759/17501/7879 10770/17514/7890 +f 10762/17505/7882 10763/17506/7883 10770/17514/7890 +f 10763/17506/7883 10771/17515/7891 10770/17514/7890 +f 10764/17507/7884 10769/17513/7889 10772/17516/7892 +f 10766/17509/7886 10764/17507/7884 10772/17516/7892 +f 10765/17508/7885 10766/17509/7886 10773/17517/7893 +f 10774/17518/7894 10765/17508/7885 10773/17517/7893 +f 10760/17503/7880 10767/17510/7887 10775/17519/7895 +f 10768/17511/7888 10760/17503/7880 10775/17519/7895 +f 10761/17512/7881 10768/17511/7888 10776/17520/7896 +f 10769/17521/7889 10761/17512/7881 10776/17520/7896 +f 10683/17415/7803 10685/17417/7805 10777/17522/7897 +f 10778/17523/7898 10649/17373/7769 10779/17524/7899 +f 10769/17521/7889 10776/17520/7896 10780/17525/7900 +f 10649/17373/7769 10650/17374/7770 10779/17524/7899 +f 10772/17516/7892 10769/17513/7889 10780/17526/7900 +f 10767/17510/7887 10770/17514/7890 10781/17527/7901 +f 10775/17519/7895 10767/17510/7887 10781/17527/7901 +f 10770/17514/7890 10771/17515/7891 10781/17527/7901 +f 10650/17374/7770 10651/17376/7771 10782/17528/7902 +f 10771/17515/7891 10783/17529/7903 10781/17527/7901 +f 10773/17517/7893 10766/17509/7886 10784/17530/7904 +f 10779/17524/7899 10650/17374/7770 10782/17528/7902 +f 10785/17531/7905 10778/17523/7898 10786/17532/7906 +f 10766/17509/7886 10772/17516/7892 10784/17530/7904 +f 10778/17523/7898 10779/17524/7899 10786/17532/7906 +f 10774/17518/7894 10773/17517/7893 10787/17533/7907 +f 10788/17534/7908 10774/17518/7894 10787/17533/7907 +f 10782/17528/7902 10651/17376/7771 10789/17535/7909 +f 10651/17376/7771 10668/17397/7788 10789/17535/7909 +f 10768/17511/7888 10775/17519/7895 10790/17536/7910 +f 10776/17520/7896 10768/17511/7888 10790/17536/7910 +f 10779/17524/7899 10782/17528/7902 10791/17537/7911 +f 10780/17525/7900 10776/17520/7896 10792/17538/7912 +f 10786/17532/7906 10779/17524/7899 10791/17537/7911 +f 10793/17539/7913 10785/17531/7905 10794/17540/7914 +f 10776/17520/7896 10790/17536/7910 10792/17538/7912 +f 10772/17516/7892 10780/17526/7900 10795/17541/7915 +f 10785/17531/7905 10786/17532/7906 10794/17540/7914 +f 10784/17530/7904 10772/17516/7892 10795/17541/7915 +f 10775/17519/7895 10781/17527/7901 10796/17542/7916 +f 10790/17536/7910 10775/17519/7895 10796/17542/7916 +f 10668/17399/7788 10669/17398/7789 10797/17543/7917 +f 10781/17527/7901 10783/17529/7903 10796/17542/7916 +f 10789/17544/7909 10668/17399/7788 10797/17543/7917 +f 10783/17529/7903 10798/17545/7918 10796/17542/7916 +f 10773/17517/7893 10784/17530/7904 10799/17546/7919 +f 10782/17528/7902 10789/17535/7909 10800/17547/7920 +f 10791/17537/7911 10782/17528/7902 10800/17547/7920 +f 10787/17533/7907 10773/17517/7893 10799/17546/7919 +f 10788/17534/7908 10787/17533/7907 10801/17548/7921 +f 10786/17532/7906 10791/17537/7911 10802/17549/7922 +f 10794/17540/7914 10786/17532/7906 10802/17549/7922 +f 10803/17550/7923 10788/17534/7908 10801/17548/7921 +f 10787/17533/7907 10799/17546/7919 10801/17548/7921 +f 10804/17551/7924 10793/17539/7913 10805/17552/7925 +f 10792/17538/7912 10790/17536/7910 10806/17553/7926 +f 10793/17539/7913 10794/17540/7914 10805/17552/7925 +f 10790/17536/7910 10796/17542/7916 10806/17553/7926 +f 10780/17525/7900 10792/17538/7912 10807/17554/7927 +f 10795/17555/7915 10780/17525/7900 10807/17554/7927 +f 10669/17398/7789 10682/17414/7802 10808/17556/7928 +f 10682/17414/7802 10683/17415/7803 10808/17556/7928 +f 10797/17543/7917 10669/17398/7789 10808/17556/7928 +f 10799/17546/7919 10784/17530/7904 10809/17557/7929 +f 10800/17558/7920 10789/17544/7909 10810/17559/7930 +f 10784/17530/7904 10795/17541/7915 10809/17557/7929 +f 10789/17544/7909 10797/17543/7917 10810/17559/7930 +f 10796/17542/7916 10798/17545/7918 10811/17560/7931 +f 10806/17553/7926 10796/17542/7916 10811/17560/7931 +f 10798/17545/7918 10812/17561/7932 10811/17560/7931 +f 10791/17537/7911 10800/17547/7920 10813/17562/7933 +f 10799/17546/7919 10809/17557/7929 10814/17563/7934 +f 10802/17549/7922 10791/17537/7911 10813/17562/7933 +f 10801/17548/7921 10799/17546/7919 10814/17563/7934 +f 10808/17556/7928 10683/17415/7803 10815/17564/7935 +f 10777/17522/7897 10816/17565/7936 10815/17564/7935 +f 10683/17415/7803 10777/17522/7897 10815/17564/7935 +f 10803/17566/7923 10801/17567/7921 10817/17568/7937 +f 10818/17569/7938 10803/17566/7923 10817/17568/7937 +f 10805/17552/7925 10794/17540/7914 10819/17570/7939 +f 10801/17567/7921 10814/17571/7934 10817/17568/7937 +f 10794/17540/7914 10802/17549/7922 10819/17570/7939 +f 10807/17554/7927 10792/17538/7912 10820/17572/7940 +f 10821/17573/7941 10804/17551/7924 10822/17574/7942 +f 10792/17538/7912 10806/17553/7926 10820/17572/7940 +f 10804/17551/7924 10805/17552/7925 10822/17574/7942 +f 10805/17552/7925 10819/17570/7939 10822/17574/7942 +f 10795/17555/7915 10807/17554/7927 10823/17575/7943 +f 10797/17543/7917 10808/17556/7928 10824/17576/7944 +f 10809/17577/7929 10795/17555/7915 10823/17575/7943 +f 10810/17559/7930 10797/17543/7917 10824/17576/7944 +f 10813/17578/7933 10800/17558/7920 10825/17579/7945 +f 10818/17569/7938 10817/17568/7937 10826/17580/7946 +f 10800/17558/7920 10810/17559/7930 10825/17579/7945 +f 10814/17563/7934 10809/17557/7929 10827/17581/7947 +f 10809/17577/7929 10823/17575/7943 10827/17582/7947 +f 10802/17549/7922 10813/17562/7933 10828/17583/7948 +f 10820/17572/7940 10806/17553/7926 10829/17584/7949 +f 10806/17553/7926 10811/17560/7931 10829/17584/7949 +f 10819/17570/7939 10802/17549/7922 10828/17583/7948 +f 10811/17560/7931 10812/17561/7932 10829/17584/7949 +f 10815/17564/7935 10816/17565/7936 10830/17585/7950 +f 10816/17565/7936 10831/17586/7951 10830/17585/7950 +f 10812/17561/7932 10832/17587/7952 10829/17584/7949 +f 10808/17556/7928 10815/17564/7935 10830/17585/7950 +f 10817/17568/7937 10814/17571/7934 10833/17588/7953 +f 10824/17576/7944 10808/17556/7928 10830/17585/7950 +f 10814/17589/7934 10827/17582/7947 10833/17590/7953 +f 10826/17580/7946 10817/17568/7937 10833/17588/7953 +f 10822/17574/7942 10819/17570/7939 10834/17591/7954 +f 10819/17570/7939 10828/17583/7948 10834/17591/7954 +f 10835/17592/7955 10818/17569/7938 10836/17593/7956 +f 10837/17594/7957 10821/17573/7941 10838/17595/7958 +f 10818/17569/7938 10826/17580/7946 10836/17593/7956 +f 10807/17554/7927 10820/17572/7940 10839/17596/7959 +f 10821/17573/7941 10822/17574/7942 10838/17595/7958 +f 10823/17575/7943 10807/17554/7927 10839/17596/7959 +f 10810/17559/7930 10824/17576/7944 10840/17597/7960 +f 10825/17579/7945 10810/17559/7930 10840/17597/7960 +f 10824/17576/7944 10830/17585/7950 10840/17597/7960 +f 10826/17580/7946 10833/17588/7953 10841/17598/7961 +f 10836/17593/7956 10826/17580/7946 10841/17598/7961 +f 10823/17575/7943 10839/17596/7959 10842/17599/7962 +f 10828/17600/7948 10813/17578/7933 10843/17601/7963 +f 10827/17582/7947 10823/17575/7943 10842/17599/7962 +f 10813/17578/7933 10825/17579/7945 10843/17601/7963 +f 10835/17592/7955 10836/17593/7956 10844/17602/7964 +f 10828/17600/7948 10843/17601/7963 10845/17603/7965 +f 10834/17591/7954 10828/17583/7948 10845/17604/7965 +f 10831/17586/7951 10846/17605/7966 10847/17606/7967 +f 10840/17597/7960 10830/17585/7950 10847/17606/7967 +f 10827/17582/7947 10842/17599/7962 10848/17607/7968 +f 10830/17585/7950 10831/17586/7951 10847/17606/7967 +f 10833/17590/7953 10827/17582/7947 10848/17607/7968 +f 10841/17598/7961 10833/17588/7953 10848/17608/7968 +f 10838/17595/7958 10822/17574/7942 10849/17609/7969 +f 10820/17572/7940 10829/17584/7949 10850/17610/7970 +f 10822/17574/7942 10834/17591/7954 10849/17609/7969 +f 10839/17596/7959 10820/17572/7940 10850/17610/7970 +f 10851/17611/7971 10837/17594/7957 10852/17612/7972 +f 10829/17584/7949 10832/17587/7952 10850/17610/7970 +f 10832/17587/7952 10853/17613/7973 10850/17610/7970 +f 10837/17594/7957 10838/17595/7958 10852/17612/7972 +f 10838/17595/7958 10849/17609/7969 10852/17612/7972 +f 10836/17593/7956 10841/17598/7961 10854/17614/7974 +f 10843/17601/7963 10825/17579/7945 10855/17615/7975 +f 10841/17598/7961 10848/17608/7968 10856/17616/7976 +f 10825/17579/7945 10840/17597/7960 10855/17615/7975 +f 10854/17614/7974 10841/17598/7961 10856/17616/7976 +f 10857/17617/7977 10835/17592/7955 10858/17618/7978 +f 10843/17601/7963 10855/17615/7975 10859/17619/7979 +f 10835/17592/7955 10844/17602/7964 10858/17618/7978 +f 10845/17603/7965 10843/17601/7963 10859/17619/7979 +f 10839/17596/7959 10850/17610/7970 10860/17620/7980 +f 10842/17599/7962 10839/17596/7959 10860/17620/7980 +f 10849/17609/7969 10834/17591/7954 10861/17621/7981 +f 10834/17591/7954 10845/17604/7965 10861/17621/7981 +f 10846/17605/7966 10862/17622/7982 10863/17623/7983 +f 10836/17593/7956 10854/17614/7974 10864/17624/7984 +f 10855/17615/7975 10840/17597/7960 10863/17623/7983 +f 10844/17602/7964 10836/17593/7956 10864/17624/7984 +f 10847/17606/7967 10846/17605/7966 10863/17623/7983 +f 10840/17597/7960 10847/17606/7967 10863/17623/7983 +f 10852/17612/7972 10849/17609/7969 10865/17625/7985 +f 10858/17618/7978 10844/17602/7964 10864/17624/7984 +f 10849/17609/7969 10861/17621/7981 10865/17625/7985 +f 10848/17607/7968 10842/17599/7962 10866/17626/7986 +f 10842/17599/7962 10860/17620/7980 10866/17626/7986 +f 10867/17627/7987 10851/17611/7971 10868/17628/7988 +f 10856/17629/7976 10848/17607/7968 10866/17626/7986 +f 10851/17611/7971 10852/17612/7972 10868/17628/7988 +f 10857/17617/7977 10858/17618/7978 10869/17630/7989 +f 10855/17615/7975 10863/17623/7983 10870/17631/7990 +f 10859/17619/7979 10855/17615/7975 10870/17631/7990 +f 10861/17632/7981 10845/17603/7965 10871/17633/7991 +f 10854/17614/7974 10856/17616/7976 10872/17634/7992 +f 10872/17635/7992 10856/17629/7976 10873/17636/7993 +f 10845/17603/7965 10859/17619/7979 10871/17633/7991 +f 10856/17629/7976 10866/17626/7986 10873/17636/7993 +f 10860/17620/7980 10850/17610/7970 10874/17637/7994 +f 10861/17632/7981 10871/17633/7991 10875/17638/7995 +f 10865/17625/7985 10861/17621/7981 10875/17639/7995 +f 10853/17613/7973 10876/17640/7996 10874/17637/7994 +f 10850/17610/7970 10853/17613/7973 10874/17637/7994 +f 10862/17622/7982 10877/17641/7997 10878/17642/7998 +f 10863/17623/7983 10862/17622/7982 10878/17642/7998 +f 10870/17631/7990 10863/17623/7983 10878/17642/7998 +f 10858/17618/7978 10864/17624/7984 10879/17643/7999 +f 10852/17612/7972 10865/17625/7985 10880/17644/8000 +f 10854/17614/7974 10872/17634/7992 10881/17645/8001 +f 10868/17628/7988 10852/17612/7972 10880/17644/8000 +f 10879/17643/7999 10864/17624/7984 10881/17645/8001 +f 10864/17624/7984 10854/17614/7974 10881/17645/8001 +f 10882/17646/8002 10867/17627/7987 10883/17647/8003 +f 10857/17617/7977 10869/17630/7989 10884/17648/8004 +f 10868/17628/7988 10880/17644/8000 10883/17647/8003 +f 10885/17649/8005 10857/17617/7977 10884/17648/8004 +f 10867/17627/7987 10868/17628/7988 10883/17647/8003 +f 10866/17626/7986 10860/17620/7980 10886/17650/8006 +f 10860/17620/7980 10874/17637/7994 10886/17650/8006 +f 10859/17619/7979 10870/17631/7990 10887/17651/8007 +f 10873/17636/7993 10866/17626/7986 10886/17650/8006 +f 10871/17633/7991 10859/17619/7979 10887/17651/8007 +f 10858/17618/7978 10879/17643/7999 10888/17652/8008 +f 10871/17633/7991 10887/17651/8007 10889/17653/8009 +f 10875/17638/7995 10871/17633/7991 10889/17653/8009 +f 10869/17630/7989 10858/17618/7978 10888/17652/8008 +f 10872/17635/7992 10873/17636/7993 10890/17654/8010 +f 10865/17625/7985 10875/17639/7995 10891/17655/8011 +f 10880/17644/8000 10865/17625/7985 10891/17655/8011 +f 10885/17649/8005 10884/17648/8004 10892/17656/8012 +f 10887/17651/8007 10870/17631/7990 10893/17657/8013 +f 10877/17641/7997 10894/17658/8014 10893/17657/8013 +f 10878/17642/7998 10877/17641/7997 10893/17657/8013 +f 10890/17654/8010 10873/17636/7993 10895/17659/8015 +f 10870/17631/7990 10878/17642/7998 10893/17657/8013 +f 10873/17636/7993 10886/17650/8006 10895/17659/8015 +f 10880/17644/8000 10891/17655/8011 10896/17660/8016 +f 10883/17647/8003 10880/17644/8000 10896/17660/8016 +f 10897/17661/8017 10882/17646/8002 10898/17662/8018 +f 10879/17643/7999 10881/17645/8001 10899/17663/8019 +f 10899/17664/8019 10881/17665/8001 10900/17666/8020 +f 10881/17665/8001 10872/17635/7992 10900/17666/8020 +f 10872/17635/7992 10890/17654/8010 10900/17666/8020 +f 10882/17646/8002 10883/17647/8003 10898/17662/8018 +f 10889/17653/8009 10887/17651/8007 10901/17667/8021 +f 10886/17650/8006 10874/17637/7994 10902/17668/8022 +f 10874/17637/7994 10876/17640/7996 10902/17668/8022 +f 10887/17651/8007 10893/17657/8013 10901/17667/8021 +f 10895/17659/8015 10886/17650/8006 10902/17668/8022 +f 10876/17640/7996 10903/17669/8023 10902/17668/8022 +f 10884/17648/8004 10869/17630/7989 10904/17670/8024 +f 10891/17671/8011 10875/17638/7995 10905/17672/8025 +f 10869/17630/7989 10888/17652/8008 10904/17670/8024 +f 10892/17656/8012 10884/17648/8004 10904/17670/8024 +f 10875/17638/7995 10889/17653/8009 10905/17672/8025 +f 10879/17643/7999 10899/17663/8019 10906/17673/8026 +f 10888/17652/8008 10879/17643/7999 10906/17673/8026 +f 10897/17661/8017 10898/17662/8018 10907/17674/8027 +f 10885/17649/8005 10892/17656/8012 10908/17675/8028 +f 10896/17660/8016 10891/17655/8011 10909/17676/8029 +f 10910/17677/8030 10885/17649/8005 10908/17675/8028 +f 10891/17671/8011 10905/17672/8025 10909/17678/8029 +f 10894/17658/8014 10911/17679/8031 10912/17680/8032 +f 10901/17667/8021 10893/17657/8013 10912/17680/8032 +f 10895/17659/8015 10902/17668/8022 10913/17681/8033 +f 10902/17668/8022 10903/17669/8023 10913/17681/8033 +f 10893/17657/8013 10894/17658/8014 10912/17680/8032 +f 10903/17669/8023 10914/17682/8034 10913/17681/8033 +f 10890/17654/8010 10895/17659/8015 10915/17683/8035 +f 10907/17674/8027 10898/17662/8018 10916/17684/8036 +f 10898/17662/8018 10883/17647/8003 10916/17684/8036 +f 10895/17659/8015 10913/17681/8033 10915/17683/8035 +f 10883/17647/8003 10896/17660/8016 10916/17684/8036 +f 10892/17656/8012 10904/17670/8024 10917/17685/8037 +f 10908/17675/8028 10892/17656/8012 10917/17685/8037 +f 10918/17686/8038 10897/17687/8017 10919/17688/8039 +f 10897/17687/8017 10907/17689/8027 10919/17688/8039 +f 10899/17664/8019 10900/17666/8020 10920/17690/8040 +f 10905/17672/8025 10889/17653/8009 10921/17691/8041 +f 10889/17653/8009 10901/17667/8021 10921/17691/8041 +f 10900/17666/8020 10890/17654/8010 10922/17692/8042 +f 10890/17654/8010 10915/17683/8035 10922/17692/8042 +f 10920/17690/8040 10900/17666/8020 10922/17692/8042 +f 10907/17674/8027 10916/17684/8036 10923/17693/8043 +f 10909/17678/8029 10905/17672/8025 10924/17694/8044 +f 10910/17677/8030 10908/17675/8028 10925/17695/8045 +f 10904/17670/8024 10888/17652/8008 10926/17696/8046 +f 10888/17652/8008 10906/17673/8026 10926/17696/8046 +f 10905/17672/8025 10921/17691/8041 10924/17694/8044 +f 10917/17685/8037 10904/17670/8024 10926/17696/8046 +f 10899/17664/8019 10920/17690/8040 10927/17697/8047 +f 10906/17698/8026 10899/17664/8019 10927/17697/8047 +f 10918/17686/8038 10919/17688/8039 10928/17699/8048 +f 10896/17660/8016 10909/17676/8029 10929/17700/8049 +f 10916/17684/8036 10896/17660/8016 10929/17700/8049 +f 10923/17693/8043 10916/17684/8036 10929/17700/8049 +f 10913/17681/8033 10914/17682/8034 10930/17701/8050 +f 10915/17683/8035 10913/17681/8033 10930/17701/8050 +f 10921/17691/8041 10901/17667/8021 10931/17702/8051 +f 10901/17667/8021 10912/17680/8032 10931/17702/8051 +f 10908/17675/8028 10917/17685/8037 10932/17703/8052 +f 10911/17679/8031 10933/17704/8053 10931/17702/8051 +f 10912/17680/8032 10911/17679/8031 10931/17702/8051 +f 10917/17685/8037 10926/17696/8046 10934/17705/8054 +f 10919/17688/8039 10907/17689/8027 10935/17706/8055 +f 10932/17703/8052 10917/17685/8037 10934/17705/8054 +f 10907/17689/8027 10923/17707/8043 10935/17706/8055 +f 10928/17699/8048 10919/17688/8039 10935/17706/8055 +f 10910/17677/8030 10925/17695/8045 10936/17708/8056 +f 10937/17709/8057 10910/17677/8030 10936/17708/8056 +f 10923/17693/8043 10929/17700/8049 10938/17710/8058 +f 10920/17690/8040 10922/17692/8042 10939/17711/8059 +f 10940/17712/8060 10918/17686/8038 10941/17713/8061 +f 10918/17686/8038 10928/17699/8048 10941/17713/8061 +f 10922/17692/8042 10915/17683/8035 10942/17714/8062 +f 10915/17683/8035 10930/17701/8050 10942/17714/8062 +f 10939/17711/8059 10922/17692/8042 10942/17714/8062 +f 10921/17691/8041 10931/17702/8051 10943/17715/8063 +f 10930/17701/8050 10914/17682/8034 10942/17714/8062 +f 10924/17694/8044 10921/17691/8041 10943/17715/8063 +f 10914/17682/8034 10944/17716/8064 10942/17714/8062 +f 10908/17675/8028 10932/17703/8052 10945/17717/8065 +f 10925/17695/8045 10908/17675/8028 10945/17717/8065 +f 10928/17699/8048 10935/17706/8055 10946/17718/8066 +f 10926/17719/8046 10906/17698/8026 10947/17720/8067 +f 10941/17713/8061 10928/17699/8048 10946/17718/8066 +f 10906/17698/8026 10927/17697/8047 10947/17720/8067 +f 10934/17721/8054 10926/17719/8046 10947/17720/8067 +f 10929/17722/8049 10909/17678/8029 10948/17723/8068 +f 10909/17678/8029 10924/17694/8044 10948/17723/8068 +f 10938/17724/8058 10929/17722/8049 10948/17723/8068 +f 10920/17690/8040 10939/17711/8059 10949/17725/8069 +f 10940/17712/8060 10941/17713/8061 10950/17726/8070 +f 10927/17697/8047 10920/17690/8040 10949/17725/8069 +f 10935/17706/8055 10923/17707/8043 10951/17727/8071 +f 10923/17707/8043 10938/17728/8058 10951/17727/8071 +f 10937/17709/8057 10936/17708/8056 10952/17729/8072 +f 10946/17718/8066 10935/17706/8055 10951/17727/8071 +f 10932/17703/8052 10934/17705/8054 10953/17730/8073 +f 10938/17724/8058 10948/17723/8068 10954/17731/8074 +f 10939/17711/8059 10942/17714/8062 10955/17732/8075 +f 10933/17704/8053 10956/17733/8076 10957/17734/8077 +f 10942/17714/8062 10944/17716/8064 10955/17732/8075 +f 10953/17735/8073 10934/17721/8054 10958/17736/8078 +f 10931/17702/8051 10933/17704/8053 10957/17734/8077 +f 10934/17721/8054 10947/17720/8067 10958/17736/8078 +f 10943/17715/8063 10931/17702/8051 10957/17734/8077 +f 10950/17726/8070 10941/17713/8061 10959/17737/8079 +f 10952/17729/8072 10936/17708/8056 10960/17738/8080 +f 10941/17713/8061 10946/17718/8066 10959/17737/8079 +f 10936/17708/8056 10925/17695/8045 10960/17738/8080 +f 10946/17718/8066 10951/17727/8071 10961/17739/8081 +f 10925/17695/8045 10945/17717/8065 10960/17738/8080 +f 10937/17709/8057 10952/17729/8072 10962/17740/8082 +f 10963/17741/8083 10940/17712/8060 10964/17742/8084 +f 10965/17743/8085 10937/17709/8057 10962/17740/8082 +f 10940/17712/8060 10950/17726/8070 10964/17742/8084 +f 10932/17703/8052 10953/17730/8073 10966/17744/8086 +f 10924/17694/8044 10943/17715/8063 10967/17745/8087 +f 10948/17723/8068 10924/17694/8044 10967/17745/8087 +f 10945/17717/8065 10932/17703/8052 10966/17744/8086 +f 10954/17731/8074 10948/17723/8068 10967/17745/8087 +f 10927/17697/8047 10949/17725/8069 10968/17746/8088 +f 10950/17726/8070 10959/17737/8079 10969/17747/8089 +f 10958/17736/8078 10947/17720/8067 10968/17746/8088 +f 10947/17720/8067 10927/17697/8047 10968/17746/8088 +f 10949/17725/8069 10939/17711/8059 10970/17748/8090 +f 10939/17711/8059 10955/17732/8075 10970/17748/8090 +f 10951/17749/8071 10938/17724/8058 10971/17750/8091 +f 10955/17732/8075 10944/17716/8064 10970/17748/8090 +f 10944/17716/8064 10972/17751/8092 10970/17748/8090 +f 10938/17724/8058 10954/17731/8074 10971/17750/8091 +f 10961/17752/8081 10951/17749/8071 10971/17750/8091 +f 10962/17740/8082 10952/17729/8072 10973/17753/8093 +f 10954/17731/8074 10967/17745/8087 10974/17754/8094 +f 10952/17729/8072 10960/17738/8080 10973/17753/8093 +f 10963/17741/8083 10964/17742/8084 10975/17755/8095 +f 10953/17735/8073 10958/17736/8078 10976/17756/8096 +f 10958/17736/8078 10968/17746/8088 10977/17757/8097 +f 10976/17756/8096 10958/17736/8078 10977/17757/8097 +f 10959/17737/8079 10946/17718/8066 10978/17758/8098 +f 10946/17718/8066 10961/17739/8081 10978/17758/8098 +f 10965/17743/8085 10962/17740/8082 10979/17759/8099 +f 10961/17752/8081 10971/17750/8091 10980/17760/8100 +f 10978/17761/8098 10961/17752/8081 10980/17760/8100 +f 10960/17738/8080 10945/17717/8065 10981/17762/8101 +f 10945/17717/8065 10966/17744/8086 10981/17762/8101 +f 10956/17733/8076 10982/17763/8102 10983/17764/8103 +f 10957/17734/8077 10956/17733/8076 10983/17764/8103 +f 10967/17745/8087 10943/17715/8063 10983/17764/8103 +f 10943/17715/8063 10957/17734/8077 10983/17764/8103 +f 10974/17754/8094 10967/17745/8087 10983/17764/8103 +f 10968/17746/8088 10949/17725/8069 10984/17765/8104 +f 10949/17725/8069 10970/17748/8090 10984/17765/8104 +f 10970/17748/8090 10972/17751/8092 10984/17765/8104 +f 10975/17755/8095 10964/17742/8084 10985/17766/8105 +f 10964/17742/8084 10950/17726/8070 10985/17766/8105 +f 10950/17726/8070 10969/17747/8089 10985/17766/8105 +f 10962/17740/8082 10973/17753/8093 10986/17767/8106 +f 10969/17747/8089 10959/17737/8079 10987/17768/8107 +f 10953/17735/8073 10976/17756/8096 10988/17769/8108 +f 10959/17737/8079 10978/17758/8098 10987/17768/8107 +f 10989/17770/8109 10963/17741/8083 10990/17771/8110 +f 10966/17772/8086 10953/17735/8073 10988/17769/8108 +f 10965/17743/8085 10979/17759/8099 10991/17773/8111 +f 10963/17741/8083 10975/17755/8095 10990/17771/8110 +f 10992/17774/8112 10965/17743/8085 10991/17773/8111 +f 10974/17754/8094 10983/17764/8103 10993/17775/8113 +f 10982/17763/8102 10994/17776/8114 10993/17775/8113 +f 10983/17764/8103 10982/17763/8102 10993/17775/8113 +f 10980/17760/8100 10971/17750/8091 10995/17777/8115 +f 10986/17767/8106 10973/17753/8093 10996/17778/8116 +f 10960/17738/8080 10981/17762/8101 10996/17778/8116 +f 10973/17753/8093 10960/17738/8080 10996/17778/8116 +f 10971/17750/8091 10954/17731/8074 10995/17777/8115 +f 10954/17731/8074 10974/17754/8094 10995/17777/8115 +f 10975/17755/8095 10985/17766/8105 10997/17779/8117 +f 10976/17756/8096 10977/17757/8097 10998/17780/8118 +f 10990/17771/8110 10975/17755/8095 10997/17779/8117 +f 10977/17757/8097 10968/17746/8088 10999/17781/8119 +f 10984/17765/8104 10972/17751/8092 10999/17781/8119 +f 10978/17761/8098 10980/17760/8100 11000/17782/8120 +f 10972/17751/8092 11001/17783/8121 10999/17781/8119 +f 10968/17746/8088 10984/17765/8104 10999/17781/8119 +f 10987/17784/8107 10978/17761/8098 11000/17782/8120 +f 10979/17759/8099 10962/17740/8082 11002/17785/8122 +f 10989/17770/8109 10990/17771/8110 11003/17786/8123 +f 10962/17740/8082 10986/17767/8106 11002/17785/8122 +f 10991/17773/8111 10979/17759/8099 11002/17785/8122 +f 10981/17787/8101 10966/17772/8086 11004/17788/8124 +f 10996/17789/8116 10981/17787/8101 11004/17788/8124 +f 10966/17772/8086 10988/17769/8108 11004/17788/8124 +f 10980/17760/8100 10995/17777/8115 11005/17790/8125 +f 10969/17747/8089 10987/17768/8107 11006/17791/8126 +f 10986/17767/8106 10996/17778/8116 11007/17792/8127 +f 10985/17766/8105 10969/17747/8089 11006/17791/8126 +f 10987/17784/8107 11000/17782/8120 11008/17793/8128 +f 10992/17774/8112 10991/17773/8111 11009/17794/8129 +f 10974/17754/8094 10993/17775/8113 11010/17795/8130 +f 10993/17775/8113 10994/17776/8114 11010/17795/8130 +f 10976/17756/8096 10998/17780/8118 11011/17796/8131 +f 10988/17769/8108 10976/17756/8096 11011/17796/8131 +f 10995/17777/8115 10974/17754/8094 11010/17795/8130 +f 10977/17757/8097 10999/17781/8119 11012/17797/8132 +f 10990/17771/8110 10997/17779/8117 11013/17798/8133 +f 10998/17780/8118 10977/17757/8097 11012/17797/8132 +f 10999/17781/8119 11001/17783/8121 11012/17797/8132 +f 10997/17779/8117 10985/17766/8105 11014/17799/8134 +f 10991/17773/8111 11002/17785/8122 11015/17800/8135 +f 10985/17766/8105 11006/17791/8126 11014/17799/8134 +f 11009/17794/8129 10991/17773/8111 11015/17800/8135 +f 11013/17798/8133 10997/17779/8117 11014/17799/8134 +f 10996/17789/8116 11004/17788/8124 11016/17801/8136 +f 11017/17802/8137 10989/17770/8109 11018/17803/8138 +f 11007/17804/8127 10996/17789/8116 11016/17801/8136 +f 10989/17770/8109 11003/17786/8123 11018/17803/8138 +f 11019/17805/8139 10992/17774/8112 11020/17806/8140 +f 11000/17782/8120 10980/17760/8100 11021/17807/8141 +f 10980/17760/8100 11005/17790/8125 11021/17807/8141 +f 10992/17774/8112 11009/17794/8129 11020/17806/8140 +f 10986/17767/8106 11007/17792/8127 11022/17808/8142 +f 10994/17776/8114 11023/17809/8143 11024/17810/8144 +f 11002/17785/8122 10986/17767/8106 11022/17808/8142 +f 11005/17790/8125 10995/17777/8115 11024/17810/8144 +f 10995/17777/8115 11010/17795/8130 11024/17810/8144 +f 11010/17795/8130 10994/17776/8114 11024/17810/8144 +f 11021/17807/8141 11005/17790/8125 11024/17810/8144 +f 11003/17786/8123 10990/17771/8110 11025/17811/8145 +f 11004/17788/8124 10988/17769/8108 11026/17812/8146 +f 10988/17769/8108 11011/17796/8131 11026/17812/8146 +f 10990/17771/8110 11013/17798/8133 11025/17811/8145 +f 11018/17803/8138 11003/17786/8123 11025/17811/8145 +f 10998/17780/8118 11012/17797/8132 11027/17813/8147 +f 11011/17796/8131 10998/17780/8118 11027/17813/8147 +f 10987/17784/8107 11008/17793/8128 11028/17814/8148 +f 11001/17783/8121 11029/17815/8149 11027/17813/8147 +f 11014/17816/8134 11006/17817/8126 11028/17814/8148 +f 11012/17797/8132 11001/17783/8121 11027/17813/8147 +f 11006/17817/8126 10987/17784/8107 11028/17814/8148 +f 11007/17804/8127 11016/17801/8136 11030/17818/8150 +f 11017/17802/8137 11018/17803/8138 11031/17819/8151 +f 11008/17793/8128 11000/17782/8120 11032/17820/8152 +f 11009/17794/8129 11015/17800/8135 11033/17821/8153 +f 11000/17782/8120 11021/17807/8141 11032/17820/8152 +f 11013/17798/8133 11014/17799/8134 11034/17822/8154 +f 11002/17785/8122 11022/17808/8142 11035/17823/8155 +f 11015/17800/8135 11002/17785/8122 11035/17823/8155 +f 11024/17810/8144 11023/17809/8143 11036/17824/8156 +f 11019/17805/8139 11020/17806/8140 11037/17825/8157 +f 11021/17807/8141 11024/17810/8144 11036/17824/8156 +f 11014/17816/8134 11028/17814/8148 11038/17826/8158 +f 11016/17801/8136 11004/17788/8124 11039/17827/8159 +f 11034/17828/8154 11014/17816/8134 11038/17826/8158 +f 11004/17788/8124 11026/17812/8146 11039/17827/8159 +f 11030/17818/8150 11016/17801/8136 11039/17827/8159 +f 11026/17812/8146 11011/17796/8131 11040/17829/8160 +f 11018/17803/8138 11025/17811/8145 11041/17830/8161 +f 11011/17796/8131 11027/17813/8147 11040/17829/8160 +f 11027/17813/8147 11029/17815/8149 11040/17829/8160 +f 11039/17827/8159 11026/17812/8146 11040/17829/8160 +f 11042/17831/8162 11017/17802/8137 11043/17832/8163 +f 11009/17794/8129 11033/17821/8153 11044/17833/8164 +f 11037/17825/8157 11020/17806/8140 11044/17833/8164 +f 11017/17802/8137 11031/17819/8151 11043/17832/8163 +f 11020/17806/8140 11009/17794/8129 11044/17833/8164 +f 11025/17811/8145 11013/17798/8133 11045/17834/8165 +f 11007/17804/8127 11030/17818/8150 11046/17835/8166 +f 11013/17798/8133 11034/17822/8154 11045/17834/8165 +f 11041/17830/8161 11025/17811/8145 11045/17834/8165 +f 11035/17836/8155 11022/17837/8142 11046/17835/8166 +f 11022/17837/8142 11007/17804/8127 11046/17835/8166 +f 11028/17814/8148 11008/17793/8128 11047/17838/8167 +f 11048/17839/8168 11019/17805/8139 11049/17840/8169 +f 11008/17793/8128 11032/17820/8152 11047/17838/8167 +f 11019/17805/8139 11037/17825/8157 11049/17840/8169 +f 11036/17824/8156 11023/17809/8143 11050/17841/8170 +f 11023/17809/8143 11051/17842/8171 11050/17841/8170 +f 11032/17820/8152 11021/17807/8141 11050/17841/8170 +f 11030/17818/8150 11039/17827/8159 11052/17843/8172 +f 11021/17807/8141 11036/17824/8156 11050/17841/8170 +f 11033/17821/8153 11015/17800/8135 11053/17844/8173 +f 11031/17819/8151 11018/17803/8138 11054/17845/8174 +f 11018/17803/8138 11041/17830/8161 11054/17845/8174 +f 11043/17832/8163 11031/17819/8151 11054/17845/8174 +f 11015/17800/8135 11035/17823/8155 11053/17844/8173 +f 11039/17827/8159 11040/17829/8160 11055/17846/8175 +f 11040/17829/8160 11029/17815/8149 11055/17846/8175 +f 11052/17843/8172 11039/17827/8159 11055/17846/8175 +f 11029/17815/8149 11056/17847/8176 11055/17846/8175 +f 11034/17828/8154 11038/17826/8158 11057/17848/8177 +f 11035/17836/8155 11046/17835/8166 11058/17849/8178 +f 11053/17850/8173 11035/17836/8155 11058/17849/8178 +f 11042/17831/8162 11043/17832/8163 11059/17851/8179 +f 11049/17840/8169 11037/17825/8157 11060/17852/8180 +f 11037/17825/8157 11044/17833/8164 11060/17852/8180 +f 11038/17826/8158 11028/17814/8148 11061/17853/8181 +f 11028/17814/8148 11047/17838/8167 11061/17853/8181 +f 11044/17833/8164 11033/17821/8153 11062/17854/8182 +f 11057/17848/8177 11038/17826/8158 11061/17853/8181 +f 11041/17830/8161 11045/17834/8165 11063/17855/8183 +f 11033/17821/8153 11053/17844/8173 11062/17854/8182 +f 11046/17835/8166 11030/17818/8150 11064/17856/8184 +f 11030/17818/8150 11052/17843/8172 11064/17856/8184 +f 11050/17841/8170 11051/17842/8171 11065/17857/8185 +f 11047/17838/8167 11032/17820/8152 11065/17857/8185 +f 11032/17820/8152 11050/17841/8170 11065/17857/8185 +f 11048/17839/8168 11049/17840/8169 11066/17858/8186 +f 11043/17832/8163 11054/17845/8174 11067/17859/8187 +f 11063/17860/8183 11045/17861/8165 11068/17862/8188 +f 11052/17843/8172 11055/17846/8175 11069/17863/8189 +f 11055/17846/8175 11056/17847/8176 11069/17863/8189 +f 11045/17861/8165 11034/17828/8154 11068/17862/8188 +f 11049/17840/8169 11060/17852/8180 11070/17864/8190 +f 11034/17828/8154 11057/17848/8177 11068/17862/8188 +f 11066/17858/8186 11049/17840/8169 11070/17864/8190 +f 11071/17865/8191 11042/17831/8162 11072/17866/8192 +f 11042/17831/8162 11059/17851/8179 11072/17866/8192 +f 11053/17850/8173 11058/17849/8178 11073/17867/8193 +f 11041/17830/8161 11063/17855/8183 11074/17868/8194 +f 11048/17839/8168 11066/17858/8186 11075/17869/8195 +f 11076/17870/8196 11048/17839/8168 11075/17869/8195 +f 11054/17845/8174 11041/17830/8161 11074/17868/8194 +f 11057/17848/8177 11061/17853/8181 11077/17871/8197 +f 11046/17835/8166 11064/17856/8184 11078/17872/8198 +f 11061/17853/8181 11047/17838/8167 11079/17873/8199 +f 11058/17849/8178 11046/17835/8166 11078/17872/8198 +f 11065/17857/8185 11051/17842/8171 11079/17873/8199 +f 11051/17842/8171 11080/17874/8200 11079/17873/8199 +f 11060/17852/8180 11044/17833/8164 11081/17875/8201 +f 11044/17833/8164 11062/17854/8182 11081/17875/8201 +f 11047/17838/8167 11065/17857/8185 11079/17873/8199 +f 11070/17864/8190 11060/17852/8180 11081/17875/8201 +f 11043/17832/8163 11067/17859/8187 11082/17876/8202 +f 11072/17866/8192 11059/17851/8179 11082/17876/8202 +f 11052/17843/8172 11069/17863/8189 11083/17877/8203 +f 11064/17856/8184 11052/17843/8172 11083/17877/8203 +f 11069/17863/8189 11056/17847/8176 11083/17877/8203 +f 11059/17851/8179 11043/17832/8163 11082/17876/8202 +f 11056/17847/8176 11084/17878/8204 11083/17877/8203 +f 11062/17879/8182 11053/17850/8173 11085/17880/8205 +f 11053/17850/8173 11073/17867/8193 11085/17880/8205 +f 11081/17881/8201 11062/17879/8182 11085/17880/8205 +f 11063/17860/8183 11068/17862/8188 11086/17882/8206 +f 11054/17845/8174 11074/17868/8194 11087/17883/8207 +f 11066/17858/8186 11070/17864/8190 11088/17884/8208 +f 11067/17859/8187 11054/17845/8174 11087/17883/8207 +f 11071/17865/8191 11072/17866/8192 11089/17885/8209 +f 11070/17864/8190 11081/17875/8201 11090/17886/8210 +f 11057/17848/8177 11077/17871/8197 11091/17887/8211 +f 11068/17862/8188 11057/17848/8177 11091/17887/8211 +f 11073/17867/8193 11058/17849/8178 11092/17888/8212 +f 11058/17849/8178 11078/17872/8198 11092/17888/8212 +f 11086/17882/8206 11068/17862/8188 11091/17887/8211 +f 11077/17871/8197 11061/17853/8181 11093/17889/8213 +f 11079/17873/8199 11080/17874/8200 11093/17889/8213 +f 11061/17853/8181 11079/17873/8199 11093/17889/8213 +f 11076/17870/8196 11075/17869/8195 11094/17890/8214 +f 11072/17866/8192 11082/17876/8202 11095/17891/8215 +f 11089/17885/8209 11072/17866/8192 11095/17891/8215 +f 11064/17856/8184 11083/17877/8203 11096/17892/8216 +f 11074/17893/8194 11063/17860/8183 11097/17894/8217 +f 11078/17872/8198 11064/17856/8184 11096/17892/8216 +f 11063/17860/8183 11086/17882/8206 11097/17894/8217 +f 11087/17895/8207 11074/17893/8194 11097/17894/8217 +f 11083/17877/8203 11084/17878/8204 11096/17892/8216 +f 11075/17869/8195 11066/17858/8186 11098/17896/8218 +f 11094/17890/8214 11075/17869/8195 11098/17896/8218 +f 11066/17858/8186 11088/17884/8208 11098/17896/8218 +f 11099/17897/8219 11071/17865/8191 11100/17898/8220 +f 11071/17865/8191 11089/17885/8209 11100/17898/8220 +f 11081/17881/8201 11085/17880/8205 11101/17899/8221 +f 11095/17891/8215 11082/17876/8202 11102/17900/8222 +f 11090/17901/8210 11081/17881/8201 11101/17899/8221 +f 11082/17876/8202 11067/17859/8187 11102/17900/8222 +f 11067/17859/8187 11087/17883/8207 11102/17900/8222 +f 11103/17902/8223 11076/17870/8196 11104/17903/8224 +f 11076/17870/8196 11094/17890/8214 11104/17903/8224 +f 11086/17882/8206 11091/17887/8211 11105/17904/8225 +f 11073/17867/8193 11092/17888/8212 11106/17905/8226 +f 11080/17874/8200 11107/17906/8227 11108/17907/8228 +f 11085/17880/8205 11073/17867/8193 11106/17905/8226 +f 11093/17889/8213 11080/17874/8200 11108/17907/8228 +f 11091/17887/8211 11077/17871/8197 11108/17907/8228 +f 11077/17871/8197 11093/17889/8213 11108/17907/8228 +f 11105/17904/8225 11091/17887/8211 11108/17907/8228 +f 11070/17864/8190 11090/17886/8210 11109/17908/8229 +f 11087/17895/8207 11097/17894/8217 11110/17909/8230 +f 11088/17884/8208 11070/17864/8190 11109/17908/8229 +f 11092/17888/8212 11078/17872/8198 11111/17910/8231 +f 11078/17872/8198 11096/17892/8216 11111/17910/8231 +f 11084/17878/8204 11112/17911/8232 11111/17910/8231 +f 11096/17892/8216 11084/17878/8204 11111/17910/8231 +f 11089/17885/8209 11095/17891/8215 11113/17912/8233 +f 11090/17901/8210 11101/17899/8221 11114/17913/8234 +f 11100/17898/8220 11089/17885/8209 11113/17912/8233 +f 11109/17914/8229 11090/17901/8210 11114/17913/8234 +f 11095/17891/8215 11102/17900/8222 11115/17915/8235 +f 11104/17903/8224 11094/17890/8214 11116/17916/8236 +f 11097/17894/8217 11086/17882/8206 11117/17917/8237 +f 11094/17890/8214 11098/17896/8218 11116/17916/8236 +f 11086/17882/8206 11105/17904/8225 11117/17917/8237 +f 11116/17916/8236 11098/17896/8218 11118/17918/8238 +f 11088/17884/8208 11109/17908/8229 11118/17918/8238 +f 11098/17896/8218 11088/17884/8208 11118/17918/8238 +f 11099/17897/8219 11100/17898/8220 11119/17919/8239 +f 11120/17920/8240 11103/17902/8223 11121/17921/8241 +f 11108/17907/8228 11107/17906/8227 11122/17922/8242 +f 11103/17902/8223 11104/17903/8224 11121/17921/8241 +f 11105/17904/8225 11108/17907/8228 11122/17922/8242 +f 11085/17880/8205 11106/17905/8226 11123/17923/8243 +f 11100/17898/8220 11113/17912/8233 11124/17924/8244 +f 11119/17919/8239 11100/17898/8220 11124/17924/8244 +f 11101/17899/8221 11085/17880/8205 11123/17923/8243 +f 11114/17913/8234 11101/17899/8221 11123/17923/8243 +f 11123/17923/8243 11106/17905/8226 11125/17925/8245 +f 11102/17926/8222 11087/17895/8207 11126/17927/8246 +f 11106/17905/8226 11092/17888/8212 11125/17925/8245 +f 11087/17895/8207 11110/17909/8230 11126/17927/8246 +f 11092/17888/8212 11111/17910/8231 11125/17925/8245 +f 11115/17928/8235 11102/17926/8222 11126/17927/8246 +f 11111/17910/8231 11112/17911/8232 11125/17925/8245 +f 11127/17929/8247 11099/17897/8219 11128/17930/8248 +f 11099/17897/8219 11119/17919/8239 11128/17930/8248 +f 11104/17903/8224 11116/17916/8236 11129/17931/8249 +f 11109/17914/8229 11114/17913/8234 11130/17932/8250 +f 11110/17909/8230 11097/17894/8217 11131/17933/8251 +f 11097/17894/8217 11117/17917/8237 11131/17933/8251 +f 11113/17912/8233 11095/17891/8215 11132/17934/8252 +f 11114/17913/8234 11123/17923/8243 11133/17935/8253 +f 11095/17891/8215 11115/17915/8235 11132/17934/8252 +f 11116/17916/8236 11118/17918/8238 11134/17936/8254 +f 11129/17931/8249 11116/17916/8236 11134/17936/8254 +f 11107/17906/8227 11135/17937/8255 11136/17938/8256 +f 11117/17917/8237 11105/17904/8225 11136/17938/8256 +f 11105/17904/8225 11122/17922/8242 11136/17938/8256 +f 11118/17939/8238 11109/17914/8229 11137/17940/8257 +f 11109/17914/8229 11130/17932/8250 11137/17940/8257 +f 11122/17922/8242 11107/17906/8227 11136/17938/8256 +f 11134/17941/8254 11118/17939/8238 11137/17940/8257 +f 11115/17928/8235 11126/17927/8246 11138/17942/8258 +f 11123/17923/8243 11125/17925/8245 11139/17943/8259 +f 11125/17925/8245 11112/17911/8232 11139/17943/8259 +f 11132/17944/8252 11115/17928/8235 11138/17942/8258 +f 11133/17935/8253 11123/17923/8243 11139/17943/8259 +f 11112/17911/8232 11140/17945/8260 11139/17943/8259 +f 11119/17919/8239 11124/17924/8244 11141/17946/8261 +f 11121/17921/8241 11104/17903/8224 11142/17947/8262 +f 11104/17903/8224 11129/17931/8249 11142/17947/8262 +f 11128/17930/8248 11119/17919/8239 11141/17946/8261 +f 11113/17912/8233 11132/17934/8252 11143/17948/8263 +f 11129/17931/8249 11134/17936/8254 11144/17949/8264 +f 11124/17924/8244 11113/17912/8233 11143/17948/8263 +f 11126/17927/8246 11110/17909/8230 11145/17950/8265 +f 11110/17909/8230 11131/17933/8251 11145/17950/8265 +f 11121/17921/8241 11142/17947/8262 11146/17951/8266 +f 11138/17942/8258 11126/17927/8246 11145/17950/8265 +f 11120/17920/8240 11121/17921/8241 11146/17951/8266 +f 11130/17932/8250 11114/17913/8234 11147/17952/8267 +f 11127/17929/8247 11128/17930/8248 11148/17953/8268 +f 11114/17913/8234 11133/17935/8253 11147/17952/8267 +f 11136/17938/8256 11135/17937/8255 11149/17954/8269 +f 11131/17933/8251 11117/17917/8237 11149/17954/8269 +f 11133/17935/8253 11139/17943/8259 11150/17955/8270 +f 11117/17917/8237 11136/17938/8256 11149/17954/8269 +f 11139/17943/8259 11140/17945/8260 11150/17955/8270 +f 11128/17930/8248 11141/17946/8261 11151/17956/8271 +f 11134/17941/8254 11137/17940/8257 11152/17957/8272 +f 11148/17953/8268 11128/17930/8248 11151/17956/8271 +f 11144/17958/8264 11134/17941/8254 11152/17957/8272 +f 11137/17940/8257 11130/17932/8250 11153/17959/8273 +f 11130/17932/8250 11147/17952/8267 11153/17959/8273 +f 11143/17960/8263 11132/17944/8252 10540/17248/7660 +f 11152/17957/8272 11137/17940/8257 11153/17959/8273 +f 11132/17944/8252 11138/17942/8258 10540/17248/7660 +f 11127/17929/8247 11148/17953/8268 11154/17961/8274 +f 11142/17947/8262 11129/17931/8249 11155/17962/8275 +f 11129/17931/8249 11144/17949/8264 11155/17962/8275 +f 11156/17963/8276 11127/17929/8247 11154/17961/8274 +f 11138/17942/8258 11145/17950/8265 10560/17268/7680 +f 11124/17924/8244 11143/17948/8263 11157/17964/8277 +f 11144/17958/8264 11152/17957/8272 10543/17251/7663 +f 11147/17952/8267 11133/17935/8253 11158/17965/8278 +f 11133/17935/8253 11150/17955/8270 11158/17965/8278 +f 11141/17946/8261 11124/17924/8244 11157/17964/8277 +f 11150/17955/8270 11140/17945/8260 11158/17965/8278 +f 11151/17956/8271 11141/17946/8261 11157/17964/8277 +f 11135/17937/8255 10553/17261/7673 11159/17966/8279 +f 11140/17945/8260 11160/17967/8280 11158/17965/8278 +f 11131/17933/8251 11149/17954/8269 11159/17966/8279 +f 10560/17268/7680 11145/17950/8265 11159/17966/8279 +f 11142/17947/8262 11155/17962/8275 10564/17274/7684 +f 11145/17950/8265 11131/17933/8251 11159/17966/8279 +f 11146/17951/8266 11142/17947/8262 10564/17274/7684 +f 11149/17954/8269 11135/17937/8255 11159/17966/8279 +f 11143/17960/8263 10540/17248/7660 10539/17247/7659 +f 11147/17952/8267 11158/17965/8278 11161/17968/8281 +f 11157/17969/8277 11143/17960/8263 10539/17247/7659 +f 11153/17959/8273 11147/17952/8267 11161/17968/8281 +f 11158/17965/8278 11160/17967/8280 11161/17968/8281 +f 11152/17957/8272 11153/17959/8273 11162/17970/8282 +f 11154/17961/8274 11148/17953/8268 10550/17258/7670 +f 11148/17953/8268 11151/17956/8271 10550/17258/7670 +f 10543/17251/7663 11152/17957/8272 11162/17970/8282 +f 11153/17959/8273 11161/17968/8281 11162/17970/8282 +f 11163/17971/8283 11120/17920/8240 10549/17257/7669 +f 11120/17920/8240 11146/17951/8266 10549/17257/7669 +f 10547/17255/7667 11163/17971/8283 10549/17257/7669 +f 11151/17956/8271 11157/17964/8277 10551/17259/7671 +f 10550/17258/7670 11151/17956/8271 10551/17259/7671 +f 10540/17248/7660 11138/17942/8258 10558/17266/7678 +f 11144/17958/8264 10543/17251/7663 10542/17250/7662 +f 11155/17972/8275 11144/17958/8264 10542/17250/7662 +f 11138/17942/8258 10560/17268/7680 10558/17266/7678 +f 10543/17251/7663 11162/17970/8282 10545/17253/7665 +f 11156/17963/8276 11154/17961/8274 10568/17279/7688 +f 10564/17274/7684 11155/17962/8275 10556/17276/7676 +f 11155/17972/8275 10542/17250/7662 10556/17264/7676 +f 11159/17966/8279 10553/17261/7673 10559/17267/7679 +f 10560/17268/7680 11159/17966/8279 10559/17267/7679 +f 11160/17967/8280 10571/17282/7691 11164/17973/8284 +f 11161/17968/8281 11160/17967/8280 11164/17973/8284 +f 11162/17970/8282 11161/17968/8281 11164/17973/8284 +f 11154/17961/8274 10550/17258/7670 10569/17280/7689 +f 10545/17253/7665 11162/17970/8282 11164/17973/8284 +f 10568/17279/7688 11154/17961/8274 10569/17280/7689 +f 10549/17257/7669 11146/17951/8266 10563/17273/7683 +f 11157/17969/8277 10539/17247/7659 10561/17270/7681 +f 11146/17951/8266 10564/17274/7684 10563/17273/7683 +f 10551/17269/7671 11157/17969/8277 10561/17270/7681 +f 10578/17290/7698 11156/17963/8276 10572/17283/7692 +f 10545/17253/7665 11164/17973/8284 10566/17277/7686 +f 11164/17973/8284 10571/17282/7691 10566/17277/7686 +f 11156/17963/8276 10568/17279/7688 10572/17283/7692 +f 10540/17248/7660 10558/17266/7678 10541/17249/7661 +f 10067/16694/7187 11165/17974/57 11166/17975/8285 +f 10067/16694/7187 10044/16668/7164 11165/17974/57 +f 10068/16695/7188 11166/17975/8285 11167/17976/8286 +f 10068/16695/7188 10067/16694/7187 11166/17975/8285 +f 10095/16728/7215 11167/17976/8286 11168/17977/8287 +f 10095/16728/7215 10068/16695/7188 11167/17976/8286 +f 10096/16729/7216 11168/17977/8287 11169/17978/8288 +f 10096/16729/7216 10095/16728/7215 11168/17977/8287 +f 10128/16767/7248 11169/17978/8288 11170/17979/8289 +f 10128/16767/7248 10096/16729/7216 11169/17978/8288 +f 10155/16798/7275 11170/17979/8289 11171/17980/8290 +f 10155/16798/7275 10128/16767/7248 11170/17979/8289 +f 10193/16843/7313 11171/17980/8290 11172/17981/8291 +f 10193/16843/7313 10155/16798/7275 11171/17980/8290 +f 10234/16887/7354 11172/17981/8291 11173/17982/8292 +f 10234/16887/7354 10193/16843/7313 11172/17981/8291 +f 10278/16943/7398 10234/16941/7354 11173/17983/8292 +f 10278/16943/7398 11173/17983/8292 11174/17984/8293 +f 10325/16996/7445 11174/17984/8293 11175/17985/8294 +f 10325/16996/7445 10278/16943/7398 11174/17984/8293 +f 10368/17046/7488 11175/17985/8294 11176/17986/8295 +f 10368/17046/7488 10325/16996/7445 11175/17985/8294 +f 10404/17085/7524 11176/17986/8295 11177/17987/8296 +f 10404/17085/7524 10368/17046/7488 11176/17986/8295 +f 10437/17123/7557 11177/17987/8296 11178/17988/8297 +f 10437/17123/7557 10404/17085/7524 11177/17987/8296 +f 10464/17155/7584 11178/17988/8297 11179/17989/8298 +f 10464/17155/7584 10437/17123/7557 11178/17988/8297 +f 10480/17178/7600 11179/17989/8298 11180/17990/8299 +f 10480/17178/7600 10464/17155/7584 11179/17989/8298 +f 10481/17179/7601 11180/17990/8299 11181/17991/8300 +f 10481/17179/7601 10480/17178/7600 11180/17990/8299 +f 10517/17220/7637 11181/17991/8300 11182/17992/8301 +f 10517/17220/7637 10481/17179/7601 11181/17991/8300 +f 10518/17221/7638 11182/17992/8301 11183/17993/8302 +f 10518/17221/7638 10517/17220/7637 11182/17992/8301 +f 10536/17242/7656 11183/17993/8302 11184/17994/8303 +f 10536/17242/7656 10518/17221/7638 11183/17993/8302 +f 9710/16286/6830 11184/17994/8303 11185/17995/8304 +f 9710/16286/6830 11185/17995/8304 11186/17996/8305 +f 9710/16286/6830 10536/17242/7656 11184/17994/8303 +f 9729/16306/6849 11186/17996/8305 11187/17997/8306 +f 9729/16306/6849 9710/16286/6830 11186/17996/8305 +f 9756/16338/6876 11187/17997/8306 11188/17998/8307 +f 9756/16338/6876 9729/16306/6849 11187/17997/8306 +f 9792/16378/6912 11188/17998/8307 11189/17999/8308 +f 9792/16378/6912 9756/16338/6876 11188/17998/8307 +f 9819/16409/6939 11189/17999/8308 11190/18000/8309 +f 9819/16409/6939 9792/16378/6912 11189/17999/8308 +f 9845/16439/6965 11190/18000/8309 11191/18001/8310 +f 9845/16439/6965 9819/16409/6939 11190/18000/8309 +f 9867/16464/6987 11191/18001/8310 11192/18002/8311 +f 9867/16464/6987 9845/16439/6965 11191/18001/8310 +f 9886/16485/7006 11192/18002/8311 11193/18003/8312 +f 9886/16485/7006 9867/16464/6987 11192/18002/8311 +f 9898/16519/7018 11193/18004/8312 11194/18005/8313 +f 9898/16499/7018 9886/16485/7006 11193/18003/8312 +f 9916/16521/7036 11194/18005/8313 11195/18006/8314 +f 9916/16521/7036 9898/16519/7018 11194/18005/8313 +f 9931/16540/7051 11195/18006/8314 11196/18007/8315 +f 9931/16540/7051 9916/16521/7036 11195/18006/8314 +f 9947/16559/7067 11196/18007/8315 11197/18008/8316 +f 9947/16559/7067 9931/16540/7051 11196/18007/8315 +f 9952/16564/7072 11197/18008/8316 11198/18009/8317 +f 9952/16564/7072 9947/16559/7067 11197/18008/8316 +f 9976/16592/7096 9952/16564/7072 11198/18009/8317 +f 9976/16592/7096 11198/18009/8317 11199/18010/8318 +f 10001/16620/7121 9976/16592/7096 11199/18010/8318 +f 10001/16620/7121 11199/18010/8318 11200/18011/8319 +f 10029/16652/7149 10001/16620/7121 11200/18011/8319 +f 10029/16652/7149 11200/18011/8319 11201/18012/8320 +f 10062/16688/7182 10029/16652/7149 11201/18012/8320 +f 10062/16688/7182 11201/18012/8320 11202/18013/8321 +f 10111/16749/7231 10062/16688/7182 11202/18013/8321 +f 10111/16749/7231 11202/18013/8321 11203/18014/8322 +f 10160/16803/7280 10111/16749/7231 11203/18014/8322 +f 10160/16803/7280 11203/18014/8322 11204/18015/8323 +f 10195/16845/7315 10160/16803/7280 11204/18015/8323 +f 10195/16845/7315 11204/18015/8323 11205/18016/8324 +f 10227/16880/7347 10195/16845/7315 11205/18016/8324 +f 10227/16880/7347 11205/18016/8324 11206/18017/135 +f 10256/16913/7376 10227/16880/7347 11206/18017/135 +f 10256/16913/7376 11206/18017/135 11207/18018/8325 +f 10277/16942/7397 10256/16913/7376 11207/18018/8325 +f 10277/16942/7397 11207/18018/8325 11208/18019/8326 +f 10299/16966/7419 10277/16942/7397 11208/18019/8326 +f 10299/16966/7419 11208/18019/8326 11209/18020/8327 +f 10300/16967/7420 11209/18020/8327 11210/18021/8328 +f 10300/16967/7420 10299/16966/7419 11209/18020/8327 +f 10347/17021/7467 10300/16967/7420 11210/18021/8328 +f 10347/17021/7467 11210/18021/8328 11211/18022/8329 +f 10359/17036/7479 11211/18022/8329 11212/18023/8330 +f 10359/17036/7479 10347/17021/7467 11211/18022/8329 +f 10387/17066/7507 11212/18023/8330 11213/18024/8331 +f 10387/17066/7507 10359/17036/7479 11212/18023/8330 +f 10421/17153/7541 11213/18025/8331 11214/18026/8332 +f 10421/17106/7541 10387/17066/7507 11213/18024/8331 +f 10463/17154/7583 11214/18026/8332 11215/18027/8333 +f 10463/17154/7583 10421/17153/7541 11214/18026/8332 +f 10505/17205/7625 11215/18027/8333 11216/18028/8334 +f 10505/17205/7625 10463/17154/7583 11215/18027/8333 +f 9686/16260/6806 11216/18028/8334 11217/18029/8335 +f 9686/16260/6806 10505/17205/7625 11216/18028/8334 +f 9687/16261/6807 11217/18029/8335 11218/18030/8336 +f 9687/16261/6807 9686/16260/6806 11217/18029/8335 +f 9735/16313/6855 11218/18030/8336 11219/18031/8337 +f 9735/16313/6855 9687/16261/6807 11218/18030/8336 +f 9758/16340/6878 11219/18031/8337 11220/18032/8338 +f 9758/16340/6878 9735/16313/6855 11219/18031/8337 +f 9775/16359/6895 11220/18032/8338 11221/18033/8339 +f 9775/16359/6895 9758/16340/6878 11220/18032/8338 +f 9787/16373/6907 11221/18033/8339 11222/18034/8340 +f 9787/16373/6907 9775/16359/6895 11221/18033/8339 +f 9788/16374/6908 11222/18034/8340 11223/18035/8341 +f 9788/16374/6908 9787/16373/6907 11222/18034/8340 +f 9817/16407/6937 11223/18035/8341 11224/18036/8342 +f 9817/16407/6937 9788/16374/6908 11223/18035/8341 +f 9833/16425/6953 9817/16407/6937 11224/18036/8342 +f 9833/16425/6953 11224/18036/8342 11225/18037/8343 +f 9841/16434/6961 9833/16425/6953 11225/18037/8343 +f 9841/16434/6961 11225/18037/8343 11226/18038/8344 +f 9861/16457/6981 9841/16434/6961 11226/18038/8344 +f 9861/16457/6981 11226/18038/8344 11227/18039/8345 +f 9884/16483/7004 9861/16457/6981 11227/18039/8345 +f 9884/16483/7004 11227/18039/8345 11228/18040/8346 +f 9911/16513/7031 9884/16483/7004 11228/18040/8346 +f 9943/16555/7063 9911/16513/7031 11228/18040/8346 +f 9943/16555/7063 11228/18040/8346 11229/18041/8347 +f 9973/16587/7093 9943/16555/7063 11229/18041/8347 +f 9973/16587/7093 11229/18041/8347 11230/18042/8348 +f 9995/16613/7115 9973/16587/7093 11230/18042/8348 +f 9995/16613/7115 11230/18042/8348 11231/18043/8349 +f 10016/16637/7136 9995/16613/7115 11231/18043/8349 +f 10016/16637/7136 11231/18043/8349 11232/18044/8350 +f 10034/16658/7154 10016/16637/7136 11232/18044/8350 +f 10034/16658/7154 11232/18044/8350 11233/18045/8351 +f 10051/16676/7171 10034/16658/7154 11233/18045/8351 +f 10051/16676/7171 11233/18045/8351 11234/18046/8352 +f 10071/16701/7191 10051/16676/7171 11234/18046/8352 +f 10071/16701/7191 11234/18046/8352 11235/18047/8353 +f 10072/16699/7192 10071/16698/7191 11235/18048/8353 +f 10072/16699/7192 11235/18048/8353 11236/18049/8354 +f 10121/16760/7241 10072/16699/7192 11236/18049/8354 +f 10121/16760/7241 11236/18049/8354 11237/18050/8355 +f 10130/16769/7250 10121/16760/7241 11237/18050/8355 +f 10130/16769/7250 11237/18050/8355 11238/18051/8356 +f 10165/16810/7285 10130/16769/7250 11238/18051/8356 +f 10165/16810/7285 11238/18051/8356 11239/18052/8357 +f 10201/16852/7321 10165/16810/7285 11239/18052/8357 +f 10201/16852/7321 11239/18052/8357 11240/18053/8358 +f 10244/16898/7364 10201/16852/7321 11240/18053/8358 +f 10244/16898/7364 11240/18053/8358 11241/18054/8359 +f 10287/16952/7407 10244/16898/7364 11241/18054/8359 +f 10287/16952/7407 11241/18054/8359 11242/18055/8360 +f 10332/17003/7452 11242/18055/8360 11243/18056/8361 +f 10332/17003/7452 10287/16952/7407 11242/18055/8360 +f 10376/17054/7496 11243/18056/8361 11244/18057/8362 +f 10376/17054/7496 10332/17003/7452 11243/18056/8361 +f 10413/17096/7533 11244/18057/8362 11245/18058/8363 +f 10413/17096/7533 10376/17054/7496 11244/18057/8362 +f 10043/16667/7163 11245/18058/8363 11246/18059/8364 +f 10043/16667/7163 10413/17096/7533 11245/18058/8363 +f 10044/16668/7164 11246/18059/8364 11165/17974/57 +f 10044/16668/7164 10043/16667/7163 11246/18059/8364 +f 10702/17438/7822 11247/18060/57 11248/18061/8365 +f 10702/17438/7822 10717/17454/7837 11247/18060/57 +f 10695/17429/7815 11248/18061/8365 11249/18062/8366 +f 10695/17429/7815 10702/17438/7822 11248/18061/8365 +f 10693/17427/7813 11249/18062/8366 11250/18063/8367 +f 10693/17427/7813 10695/17429/7815 11249/18062/8366 +f 10665/17394/7785 11250/18063/8367 11251/18064/8368 +f 10665/17394/7785 10693/17427/7813 11250/18063/8367 +f 10647/17370/7767 11251/18064/8368 11252/18065/8369 +f 10647/17370/7767 10665/17394/7785 11251/18064/8368 +f 10628/17371/7748 11252/18065/8369 11253/18066/188 +f 10628/17371/7748 10647/17370/7767 11252/18065/8369 +f 10603/17321/7723 11253/18067/188 11254/18068/8370 +f 10603/17321/7723 10628/17351/7748 11253/18067/188 +f 10601/17319/7721 11254/18068/8370 11255/18069/8371 +f 10601/17319/7721 10603/17321/7723 11254/18068/8370 +f 10578/17290/7698 11255/18069/8371 11256/18070/6572 +f 10578/17290/7698 10601/17319/7721 11255/18069/8371 +f 11156/17963/8276 11256/18070/6572 11257/18071/8372 +f 11156/17963/8276 10578/17290/7698 11256/18070/6572 +f 11127/17929/8247 11257/18071/8372 11258/18072/8373 +f 11127/17929/8247 11156/17963/8276 11257/18071/8372 +f 11099/17897/8219 11258/18072/8373 11259/18073/185 +f 11099/17897/8219 11127/17929/8247 11258/18072/8373 +f 11071/17865/8191 11259/18073/185 11260/18074/8374 +f 11071/17865/8191 11099/17897/8219 11259/18073/185 +f 11042/17831/8162 11260/18074/8374 11261/18075/8375 +f 11042/17831/8162 11071/17865/8191 11260/18074/8374 +f 11017/17802/8137 11261/18075/8375 11262/18076/32 +f 11017/17802/8137 11042/17831/8162 11261/18075/8375 +f 10989/17770/8109 11262/18076/32 11263/18077/8376 +f 10989/17770/8109 11017/17802/8137 11262/18076/32 +f 10963/17741/8083 11263/18077/8376 11264/18078/8377 +f 10963/17741/8083 10989/17770/8109 11263/18077/8376 +f 10940/17712/8060 11264/18078/8377 11265/18079/2299 +f 10940/17712/8060 10963/17741/8083 11264/18078/8377 +f 10918/17686/8038 11265/18079/2299 11266/18080/8378 +f 10918/17686/8038 10940/17712/8060 11265/18079/2299 +f 10897/17687/8017 10918/17686/8038 11266/18080/8378 +f 10897/17687/8017 11266/18080/8378 11267/18081/8379 +f 10882/17646/8002 10897/17661/8017 11267/18082/8379 +f 10882/17646/8002 11267/18082/8379 11268/18083/6577 +f 10867/17627/7987 10882/17646/8002 11268/18083/6577 +f 10867/17627/7987 11268/18083/6577 11269/18084/8380 +f 10851/17611/7971 10867/17627/7987 11269/18084/8380 +f 10851/17611/7971 11269/18084/8380 11270/18085/8381 +f 10837/17594/7957 10851/17611/7971 11270/18085/8381 +f 10837/17594/7957 11270/18085/8381 11271/18086/488 +f 10821/17573/7941 11271/18086/488 11272/18087/8382 +f 10821/17573/7941 10837/17594/7957 11271/18086/488 +f 10804/17551/7924 11272/18087/8382 11273/18088/8383 +f 10804/17551/7924 10821/17573/7941 11272/18087/8382 +f 10793/17539/7913 11273/18088/8383 11274/18089/8384 +f 10793/17539/7913 10804/17551/7924 11273/18088/8383 +f 10785/17531/7905 11274/18089/8384 11275/18090/8385 +f 10785/17531/7905 10793/17539/7913 11274/18089/8384 +f 10778/17523/7898 11275/18090/8385 11276/18091/8386 +f 10778/17523/7898 10785/17531/7905 11275/18090/8385 +f 10649/17373/7769 11276/18091/8386 11277/18092/135 +f 10649/17373/7769 10778/17523/7898 11276/18091/8386 +f 10646/17369/7766 11277/18092/135 11278/18093/8387 +f 10646/17369/7766 10649/17373/7769 11277/18092/135 +f 10614/17334/7734 11278/18093/8387 11279/18094/8388 +f 10614/17334/7734 10646/17369/7766 11278/18093/8387 +f 10613/17333/7733 11279/18094/8388 11280/18095/6559 +f 10613/17333/7733 10614/17334/7734 11279/18094/8388 +f 10576/17287/7696 11280/18095/6559 11281/18096/8389 +f 10576/17287/7696 10613/17333/7733 11280/18095/6559 +f 10546/17288/7666 11281/18096/8389 11282/18097/8390 +f 10546/17288/7666 10576/17287/7696 11281/18096/8389 +f 10547/17255/7667 11282/18098/8390 11283/18099/579 +f 10547/17255/7667 10546/17254/7666 11282/18098/8390 +f 11163/17971/8283 11283/18099/579 11284/18100/8391 +f 11163/17971/8283 10547/17255/7667 11283/18099/579 +f 11120/17920/8240 11284/18100/8391 11285/18101/8392 +f 11120/17920/8240 11163/17971/8283 11284/18100/8391 +f 11103/17902/8223 11285/18101/8392 11286/18102/8393 +f 11103/17902/8223 11120/17920/8240 11285/18101/8392 +f 11076/17870/8196 11286/18102/8393 11287/18103/8394 +f 11076/17870/8196 11103/17902/8223 11286/18102/8393 +f 11048/17839/8168 11287/18103/8394 11288/18104/8395 +f 11048/17839/8168 11076/17870/8196 11287/18103/8394 +f 11019/17805/8139 11288/18104/8395 11289/18105/583 +f 11019/17805/8139 11048/17839/8168 11288/18104/8395 +f 10992/17774/8112 11289/18105/583 11290/18106/8396 +f 10992/17774/8112 11019/17805/8139 11289/18105/583 +f 10965/17743/8085 11290/18106/8396 11291/18107/8397 +f 10965/17743/8085 10992/17774/8112 11290/18106/8396 +f 10937/17709/8057 10965/17743/8085 11291/18107/8397 +f 10937/17709/8057 11291/18107/8397 11292/18108/19 +f 10910/17677/8030 10937/17709/8057 11292/18108/19 +f 10910/17677/8030 11292/18108/19 11293/18109/8398 +f 10885/17649/8005 10910/17677/8030 11293/18109/8398 +f 10885/17649/8005 11293/18109/8398 11294/18110/8399 +f 10857/17617/7977 10885/17649/8005 11294/18110/8399 +f 10857/17617/7977 11294/18110/8399 11295/18111/5242 +f 10835/17592/7955 10857/17617/7977 11295/18111/5242 +f 10835/17592/7955 11295/18111/5242 11296/18112/8400 +f 10818/17569/7938 10835/17592/7955 11296/18112/8400 +f 10818/17569/7938 11296/18112/8400 11297/18113/8401 +f 10803/17566/7923 10818/17569/7938 11297/18113/8401 +f 10803/17566/7923 11297/18113/8401 11298/18114/8402 +f 10788/17534/7908 10803/17550/7923 11298/18115/8402 +f 10788/17534/7908 11298/18115/8402 11299/18116/8403 +f 10774/17518/7894 10788/17534/7908 11299/18116/8403 +f 10774/17518/7894 11299/18116/8403 11300/18117/8404 +f 10765/17508/7885 10774/17518/7894 11300/18117/8404 +f 10765/17508/7885 11300/18117/8404 11301/18118/2368 +f 10758/17500/7878 10765/17508/7885 11301/18118/2368 +f 10758/17500/7878 11301/18118/2368 11302/18119/8405 +f 10750/17491/7870 10758/17500/7878 11302/18119/8405 +f 10750/17491/7870 11302/18119/8405 11303/18120/8406 +f 10741/17481/7861 10750/17491/7870 11303/18120/8406 +f 10741/17481/7861 11303/18120/8406 11304/18121/6567 +f 10733/17472/7853 11304/18121/6567 11305/18122/8407 +f 10733/17472/7853 10741/17481/7861 11304/18121/6567 +f 10725/17464/7845 11305/18122/8407 11306/18123/8408 +f 10725/17464/7845 10733/17472/7853 11305/18122/8407 +f 10717/17454/7837 11306/18123/8408 11247/18060/57 +f 10717/17454/7837 10725/17464/7845 11306/18123/8408 +f 11248/18124/8409 11307/18125/8410 11308/18126/8411 +f 11248/18124/8409 11247/18127/5090 11307/18125/8410 +f 11249/18128/8412 11308/18126/8411 11309/18129/8413 +f 11249/18128/8412 11248/18124/8409 11308/18126/8411 +f 11250/18130/8414 11309/18129/8413 11310/18131/8415 +f 11250/18130/8414 11249/18128/8412 11309/18129/8413 +f 11251/18132/8416 11310/18131/8415 11311/18133/8417 +f 11251/18132/8416 11250/18130/8414 11310/18131/8415 +f 11252/18134/8418 11311/18133/8417 11312/18135/8419 +f 11252/18134/8418 11251/18132/8416 11311/18133/8417 +f 11253/18136/8420 11312/18135/8419 11313/18137/8421 +f 11253/18136/8420 11252/18134/8418 11312/18135/8419 +f 11254/18138/8422 11313/18137/8421 11314/18139/8423 +f 11254/18138/8422 11253/18136/8420 11313/18137/8421 +f 11255/18140/8424 11314/18139/8423 11315/18141/8425 +f 11255/18140/8424 11254/18138/8422 11314/18139/8423 +f 11256/18142/8426 11315/18141/8425 11316/18143/8427 +f 11256/18142/8426 11255/18140/8424 11315/18141/8425 +f 11257/18144/8428 11256/18142/8426 11316/18143/8427 +f 11258/18145/8429 11316/18143/8427 11317/18146/8430 +f 11258/18145/8429 11257/18144/8428 11316/18143/8427 +f 11259/18147/8431 11317/18146/8430 11318/18148/8432 +f 11259/18147/8431 11258/18145/8429 11317/18146/8430 +f 11260/18149/8433 11318/18148/8432 11319/18150/8434 +f 11260/18149/8433 11259/18147/8431 11318/18148/8432 +f 11261/18151/8435 11319/18150/8434 11320/18152/8436 +f 11261/18151/8435 11260/18149/8433 11319/18150/8434 +f 11262/18153/8437 11320/18152/8436 11321/18154/8438 +f 11262/18153/8437 11261/18151/8435 11320/18152/8436 +f 11263/18155/8439 11321/18154/8438 11322/18156/8440 +f 11263/18155/8439 11262/18153/8437 11321/18154/8438 +f 11264/18157/8441 11322/18156/8440 11323/18158/8442 +f 11264/18157/8441 11263/18155/8439 11322/18156/8440 +f 11265/18159/8443 11323/18158/8442 11324/18160/8444 +f 11265/18159/8443 11264/18157/8441 11323/18158/8442 +f 11266/18161/8445 11324/18160/8444 11325/18162/8446 +f 11266/18161/8445 11265/18159/8443 11324/18160/8444 +f 11267/18163/8447 11266/18161/8445 11325/18162/8446 +f 11268/18164/8448 11267/18163/8447 11325/18162/8446 +f 11268/18164/8448 11325/18162/8446 11326/18165/8449 +f 11269/18166/8450 11326/18165/8449 11327/18167/8451 +f 11269/18166/8450 11268/18164/8448 11326/18165/8449 +f 11270/18168/8452 11269/18166/8450 11327/18167/8451 +f 11270/18168/8452 11327/18167/8451 11328/18169/8453 +f 11271/18170/8454 11270/18168/8452 11328/18169/8453 +f 11271/18170/8454 11328/18169/8453 11329/18171/8455 +f 11272/18172/8456 11271/18170/8454 11329/18171/8455 +f 11272/18172/8456 11329/18171/8455 11330/18173/8457 +f 11273/18174/8458 11272/18172/8456 11330/18173/8457 +f 11273/18174/8458 11330/18173/8457 11331/18175/8459 +f 11274/18176/8460 11273/18174/8458 11331/18175/8459 +f 11274/18176/8460 11331/18175/8459 11332/18177/8461 +f 11275/18178/8462 11332/18177/8461 11333/18179/8463 +f 11275/18178/8462 11274/18176/8460 11332/18177/8461 +f 11276/18180/8464 11333/18179/8463 11334/18181/8465 +f 11276/18180/8464 11275/18178/8462 11333/18179/8463 +f 11277/18182/5028 11276/18180/8464 11334/18181/8465 +f 11278/18183/8466 11334/18181/8465 11335/18184/8467 +f 11278/18183/8466 11277/18182/5028 11334/18181/8465 +f 11279/18185/8468 11335/18184/8467 11336/18186/8469 +f 11279/18185/8468 11278/18183/8466 11335/18184/8467 +f 11280/18187/8470 11336/18186/8469 11337/18188/8471 +f 11280/18187/8470 11279/18185/8468 11336/18186/8469 +f 11281/18189/8472 11337/18188/8471 11338/18190/8473 +f 11281/18189/8472 11280/18187/8470 11337/18188/8471 +f 11282/18191/8474 11338/18190/8473 11339/18192/8475 +f 11282/18191/8474 11281/18189/8472 11338/18190/8473 +f 11283/18193/8476 11339/18192/8475 11340/18194/8477 +f 11283/18193/8476 11282/18191/8474 11339/18192/8475 +f 11284/18195/8478 11340/18194/8477 11341/18196/8479 +f 11284/18195/8478 11283/18193/8476 11340/18194/8477 +f 11285/18197/8480 11341/18196/8479 11342/18198/8481 +f 11285/18197/8480 11284/18195/8478 11341/18196/8479 +f 11286/18199/8482 11342/18198/8481 11343/18200/8483 +f 11286/18199/8482 11285/18197/8480 11342/18198/8481 +f 11287/18201/8484 11286/18199/8482 11343/18200/8483 +f 11288/18202/8485 11343/18200/8483 11344/18203/8486 +f 11288/18202/8485 11287/18201/8484 11343/18200/8483 +f 11289/18204/8487 11344/18203/8486 11345/18205/8488 +f 11289/18204/8487 11288/18202/8485 11344/18203/8486 +f 11290/18206/8489 11345/18205/8488 11346/18207/8490 +f 11290/18206/8489 11289/18204/8487 11345/18205/8488 +f 11291/18208/8491 11346/18207/8490 11347/18209/8492 +f 11291/18208/8491 11290/18206/8489 11346/18207/8490 +f 11292/18210/8493 11347/18209/8492 11348/18211/8494 +f 11292/18210/8493 11291/18208/8491 11347/18209/8492 +f 11293/18212/8495 11348/18211/8494 11349/18213/8496 +f 11293/18212/8495 11292/18210/8493 11348/18211/8494 +f 11294/18214/8497 11349/18213/8496 11350/18215/8498 +f 11294/18214/8497 11293/18212/8495 11349/18213/8496 +f 11295/18216/8499 11294/18214/8497 11350/18215/8498 +f 11295/18216/8499 11350/18215/8498 11351/18217/8500 +f 11296/18218/8501 11295/18216/8499 11351/18217/8500 +f 11296/18218/8501 11351/18217/8500 11352/18219/8502 +f 11297/18220/8503 11296/18218/8501 11352/18219/8502 +f 11298/18221/8504 11297/18220/8503 11352/18219/8502 +f 11298/18221/8504 11352/18219/8502 11353/18222/8505 +f 11299/18223/8506 11298/18221/8504 11353/18222/8505 +f 11299/18223/8506 11353/18222/8505 11354/18224/8507 +f 11300/18225/8508 11299/18223/8506 11354/18224/8507 +f 11300/18225/8508 11354/18224/8507 11355/18226/8509 +f 11301/18227/8510 11300/18225/8508 11355/18226/8509 +f 11301/18227/8510 11355/18226/8509 11356/18228/8511 +f 11302/18229/8512 11301/18227/8510 11356/18228/8511 +f 11302/18229/8512 11356/18228/8511 11357/18230/8513 +f 11303/18231/8514 11302/18229/8512 11357/18230/8513 +f 11303/18231/8514 11357/18230/8513 11358/18232/8515 +f 11304/18233/8516 11303/18231/8514 11358/18232/8515 +f 11304/18233/8516 11358/18232/8515 11359/18234/8517 +f 11305/18235/8518 11304/18233/8516 11359/18234/8517 +f 11305/18235/8518 11359/18234/8517 11360/18236/8519 +f 11306/18237/8520 11305/18235/8518 11360/18236/8519 +f 11306/18237/8520 11360/18236/8519 11307/18125/8410 +f 11247/18127/5090 11306/18237/8520 11307/18125/8410 +f 11361/18238/326 9878/16476/6998 9904/16505/7024 +f 9719/16295/6839 9718/16294/6838 11362/18239/326 +f 11361/18238/326 9904/16505/7024 9928/16537/7048 +f 11361/18238/326 9928/16537/7048 9957/16569/7077 +f 11361/18238/326 9957/16569/7077 9982/16599/7102 +f 11361/18238/326 9982/16599/7102 10003/16622/7123 +f 11361/18238/326 10003/16622/7123 10022/16643/7142 +f 11361/18238/326 10022/16643/7142 10054/16679/7174 +f 10533/17238/7653 9719/16295/6839 11362/18239/326 +f 11361/18238/326 10054/16679/7174 10077/16707/7197 +f 10102/16739/7222 11361/18238/326 10077/16707/7197 +f 10258/16915/7378 11363/18240/326 10219/16871/7339 +f 10521/17224/7641 10533/17238/7653 11362/18239/326 +f 10521/17224/7641 11362/18239/326 11363/18240/326 +f 10301/16968/7421 11363/18240/326 10258/16915/7378 +f 10504/17204/7624 10521/17224/7641 11363/18240/326 +f 10343/17017/7463 11363/18240/326 10301/16968/7421 +f 11364/18241/326 10328/16999/7448 11365/18242/326 +f 10382/17061/7502 11363/18240/326 10343/17017/7463 +f 11364/18241/326 10049/16674/7169 10086/16717/7206 +f 11364/18241/326 10086/16717/7206 10134/16773/7254 +f 10485/17184/7605 10504/17204/7624 11363/18240/326 +f 11364/18241/326 10134/16773/7254 10170/16815/7290 +f 11364/18241/326 10170/16815/7290 10206/16857/7326 +f 11364/18241/326 10206/16857/7326 10238/16892/7358 +f 10444/17133/7564 10485/17184/7605 11363/18240/326 +f 11364/18241/326 10238/16892/7358 10281/16946/7401 +f 11364/18241/326 10281/16946/7401 10306/16973/7426 +f 11364/18241/326 10306/16973/7426 10328/16999/7448 +f 10416/17100/7536 11363/18240/326 10382/17061/7502 +f 10416/17100/7536 10444/17133/7564 11363/18240/326 +f 10020/16641/7140 10049/16674/7169 11364/18241/326 +f 9993/16611/7113 10020/16641/7140 11364/18241/326 +f 11366/18243/326 11361/18238/326 10102/16739/7222 +f 11366/18243/326 10102/16739/7222 10126/16765/7246 +f 11366/18243/326 10126/16765/7246 10157/16800/7277 +f 11366/18243/326 10157/16800/7277 10190/16839/7310 +f 11366/18243/326 10190/16839/7310 10230/16883/7350 +f 10269/16930/7389 11366/18243/326 10230/16883/7350 +f 9969/16583/7089 9993/16611/7113 11364/18241/326 +f 10310/16978/7430 11366/18243/326 10269/16930/7389 +f 9949/16561/7069 9969/16583/7089 11364/18241/326 +f 10352/17026/7472 11366/18243/326 10310/16978/7430 +f 9933/16542/7053 9949/16561/7069 11364/18241/326 +f 11362/18239/326 9933/16542/7053 11364/18241/326 +f 10389/17068/7509 11366/18243/326 10352/17026/7472 +f 9918/16523/7038 9933/16542/7053 11362/18239/326 +f 10427/17112/7547 11366/18243/326 10389/17068/7509 +f 9901/16502/7021 9918/16523/7038 11362/18239/326 +f 10457/17147/7577 11366/18243/326 10427/17112/7547 +f 9872/16470/6992 9901/16502/7021 11362/18239/326 +f 10488/17187/7608 11366/18243/326 10457/17147/7577 +f 9851/16446/6971 9872/16470/6992 11362/18239/326 +f 10495/17194/7615 11366/18243/326 10488/17187/7608 +f 9828/16420/6948 9851/16446/6971 11362/18239/326 +f 9802/16389/6922 9828/16420/6948 11362/18239/326 +f 11365/18242/326 10328/16999/7448 10350/17024/7470 +f 11365/18242/326 10350/17024/7470 10378/17056/7498 +f 11365/18242/326 10378/17056/7498 10410/17093/7530 +f 11365/18242/326 10410/17093/7530 10449/17138/7569 +f 11365/18242/326 10449/17138/7569 10487/17186/7607 +f 11365/18242/326 10487/17186/7607 10519/17222/7639 +f 10118/16757/7238 11363/18240/326 11366/18243/326 +f 11365/18242/326 10519/17222/7639 9711/16287/6831 +f 11365/18242/326 9711/16287/6831 9713/16289/6833 +f 10118/16757/7238 11366/18243/326 10495/17194/7615 +f 11365/18242/326 9713/16289/6833 9742/16322/6862 +f 10119/16758/7239 11363/18240/326 10118/16757/7238 +f 11365/18242/326 9742/16322/6862 9763/16345/6883 +f 11365/18242/326 9763/16345/6883 9790/16376/6910 +f 11365/18242/326 9790/16376/6910 9806/16394/6926 +f 11365/18242/326 9806/16394/6926 9821/16411/6941 +f 9773/16357/6893 9802/16389/6922 11362/18239/326 +f 10148/16790/7268 11363/18240/326 10119/16758/7239 +f 9748/16328/6868 9773/16357/6893 11362/18239/326 +f 10181/16826/7301 11363/18240/326 10148/16790/7268 +f 9718/16294/6838 9748/16328/6868 11362/18239/326 +f 11361/18238/326 11365/18242/326 9821/16411/6941 +f 10219/16871/7339 11363/18240/326 10181/16826/7301 +f 11361/18238/326 9821/16411/6941 9836/16428/6956 +f 11361/18238/326 9836/16428/6956 9856/16451/6976 +f 11361/18238/326 9856/16451/6976 9878/16476/6998 +f 11336/18186/4 11338/18190/4 11337/18188/4 +f 11336/18186/4 11339/18192/8521 11338/18190/4 +f 11336/18186/4 11340/18194/4 11339/18192/8521 +f 11319/18150/4 11316/18143/4 11313/18137/4 +f 11319/18150/4 11317/18146/8522 11316/18143/4 +f 11319/18150/4 11318/18148/4 11317/18146/8522 +f 11353/18222/4 11355/18226/4 11354/18224/8523 +f 11319/18150/4 11308/18126/4 11353/18222/4 +f 11319/18150/4 11313/18137/4 11308/18126/4 +f 11357/18230/8524 11356/18228/4 11355/18226/4 +f 11351/18217/6592 11353/18222/4 11352/18219/8523 +f 11333/18179/4 11335/18184/8525 11334/18181/4 +f 11358/18232/4 11355/18226/4 11353/18222/4 +f 11358/18232/4 11357/18230/8524 11355/18226/4 +f 11322/18156/4 11320/18152/4 11319/18150/4 +f 11322/18156/4 11321/18154/4 11320/18152/4 +f 11360/18236/4 11359/18234/8526 11358/18232/4 +f 11331/18175/4 11333/18179/4 11332/18177/8527 +f 11348/18211/4 11350/18215/8525 11349/18213/8522 +f 11348/18211/4 11351/18217/6592 11350/18215/8525 +f 11348/18211/4 11353/18222/4 11351/18217/6592 +f 11330/18173/4 11333/18179/4 11331/18175/4 +f 11330/18173/4 11336/18186/4 11335/18184/8525 +f 11330/18173/4 11335/18184/8525 11333/18179/4 +f 11325/18162/4 11323/18158/8525 11322/18156/4 +f 11325/18162/4 11324/18160/8528 11323/18158/8525 +f 11325/18162/4 11346/18207/4 11336/18186/4 +f 11325/18162/4 11319/18150/4 11353/18222/4 +f 11308/18126/4 11307/18125/4 11360/18236/4 +f 11325/18162/4 11322/18156/4 11319/18150/4 +f 11325/18162/4 11336/18186/4 11330/18173/4 +f 11308/18126/4 11360/18236/4 11358/18232/4 +f 11308/18126/4 11358/18232/4 11353/18222/4 +f 11325/18162/4 11353/18222/4 11346/18207/4 +f 11346/18207/4 11348/18211/4 11347/18209/4 +f 11326/18165/4 11330/18173/4 11329/18171/4 +f 11346/18207/4 11353/18222/4 11348/18211/4 +f 11326/18165/4 11325/18162/4 11330/18173/4 +f 11327/18167/4 11329/18171/4 11328/18169/4 +f 11327/18167/4 11326/18165/4 11329/18171/4 +f 11344/18203/8522 11346/18207/4 11345/18205/4 +f 11311/18133/4 11310/18131/8526 11309/18129/4 +f 11343/18200/4 11346/18207/4 11344/18203/8522 +f 11342/18198/4 11346/18207/4 11343/18200/4 +f 11313/18137/4 11309/18129/4 11308/18126/4 +f 11313/18137/4 11312/18135/4 11311/18133/4 +f 11313/18137/4 11311/18133/4 11309/18129/4 +f 11340/18194/4 11346/18207/4 11342/18198/4 +f 11340/18194/4 11342/18198/4 11341/18196/8529 +f 11315/18141/4 11314/18139/8523 11313/18137/4 +f 11316/18143/4 11315/18141/4 11313/18137/4 +f 11336/18186/4 11346/18207/4 11340/18194/4 +f 11200/18244/4 10877/17641/7997 10862/17622/7982 +f 11192/18245/4 10994/17776/8114 10982/17763/8102 +f 11192/18245/4 11191/18246/4 10994/17776/8114 +f 11199/18247/4 10877/17641/7997 11200/18244/4 +f 11199/18247/4 10894/17658/8014 10877/17641/7997 +f 11193/18248/4 11192/18245/4 10982/17763/8102 +f 11193/18248/4 10982/17763/8102 10956/17733/8076 +f 11198/18249/4 10894/17658/8014 11199/18247/4 +f 11194/18250/4 11193/18248/4 10956/17733/8076 +f 11197/18251/4 10894/17658/8014 11198/18249/4 +f 11197/18251/4 10911/17679/8031 10894/17658/8014 +f 11195/18252/4 11194/18250/4 10956/17733/8076 +f 11195/18252/4 10956/17733/8076 10933/17704/8053 +f 11196/18253/4 10911/17679/8031 11197/18251/4 +f 11196/18253/4 11195/18252/4 10933/17704/8053 +f 11196/18253/4 10933/17704/8053 10911/17679/8031 +f 10853/17613/7973 11237/18254/4 11236/18255/4 +f 10832/17587/7952 11237/18254/4 10853/17613/7973 +f 10832/17587/7952 11238/18256/4 11237/18254/4 +f 10876/17640/7996 11235/18257/4 11234/18258/4 +f 10876/17640/7996 11236/18255/4 11235/18257/4 +f 10876/17640/7996 10853/17613/7973 11236/18255/4 +f 10812/17561/7932 11239/18259/4 11238/18256/4 +f 10812/17561/7932 11240/18260/4 11239/18259/4 +f 10812/17561/7932 11238/18256/4 10832/17587/7952 +f 10903/17669/8023 11234/18258/4 11233/18261/4 +f 10903/17669/8023 10876/17640/7996 11234/18258/4 +f 10798/17545/7918 11240/18260/4 10812/17561/7932 +f 10798/17545/7918 11241/18262/4 11240/18260/4 +f 10914/17682/8034 10903/17669/8023 11233/18261/4 +f 10914/17682/8034 11233/18261/4 11232/18263/4 +f 10783/17529/7903 11241/18262/4 10798/17545/7918 +f 10783/17529/7903 11242/18264/4 11241/18262/4 +f 10944/17716/8064 10914/17682/8034 11232/18263/4 +f 10944/17716/8064 11231/18265/4 11230/18266/4 +f 10944/17716/8064 11232/18263/4 11231/18265/4 +f 10771/17515/7891 11242/18264/4 10783/17529/7903 +f 10771/17515/7891 11243/18267/4 11242/18264/4 +f 10771/17515/7891 11244/18268/4 11243/18267/4 +f 10972/17751/8092 10944/17716/8064 11230/18266/4 +f 10972/17751/8092 11230/18266/4 11229/18269/4 +f 10763/17506/7883 11244/18268/4 10771/17515/7891 +f 10763/17506/7883 11245/18270/4 11244/18268/4 +f 11001/17783/8121 10972/17751/8092 11229/18269/4 +f 11001/17783/8121 11229/18269/4 11228/18271/4 +f 10755/17497/7875 11245/18270/4 10763/17506/7883 +f 10755/17497/7875 11246/18272/4 11245/18270/4 +f 11029/17815/8149 11001/17783/8121 11228/18271/4 +f 11029/17815/8149 11228/18271/4 11227/18273/4 +f 10747/17488/7867 11166/18274/4 11165/18275/4 +f 10747/17488/7867 11246/18272/4 10755/17497/7875 +f 10747/17488/7867 11165/18275/4 11246/18272/4 +f 11056/17847/8176 11029/17815/8149 11227/18273/4 +f 11056/17847/8176 11226/18276/4 11225/18277/4 +f 11056/17847/8176 11227/18273/4 11226/18276/4 +f 10739/17479/7859 11167/18278/4 11166/18274/4 +f 10739/17479/7859 11166/18274/4 10747/17488/7867 +f 11084/17878/8204 11056/17847/8176 11225/18277/4 +f 11084/17878/8204 11225/18277/4 11224/18279/4 +f 10730/17469/7850 11168/18280/4 11167/18278/4 +f 10730/17469/7850 11167/18278/4 10739/17479/7859 +f 11112/17911/8232 11084/17878/8204 11224/18279/4 +f 11112/17911/8232 11224/18279/4 11223/18281/4 +f 10722/17461/7842 11169/18282/4 11168/18280/4 +f 10722/17461/7842 11170/18283/4 11169/18282/4 +f 10722/17461/7842 11168/18280/4 10730/17469/7850 +f 11140/17945/8260 11112/17911/8232 11223/18281/4 +f 11140/17945/8260 11222/18284/4 11221/18285/4 +f 11140/17945/8260 11223/18281/4 11222/18284/4 +f 10714/17451/7834 11171/18286/4 11170/18283/4 +f 10714/17451/7834 11170/18283/4 10722/17461/7842 +f 11160/17967/8280 11221/18285/4 11220/18287/4 +f 11160/17967/8280 11140/17945/8260 11221/18285/4 +f 10707/17443/7827 11172/18288/4 11171/18286/4 +f 10707/17443/7827 11171/18286/4 10714/17451/7834 +f 10571/17282/7691 11220/18287/4 11219/18289/4 +f 10571/17282/7691 11160/17967/8280 11220/18287/4 +f 10699/17435/7819 11173/18290/4 11172/18288/4 +f 10699/17435/7819 11172/18288/4 10707/17443/7827 +f 11174/18291/4 11173/18290/4 10699/17435/7819 +f 10573/17284/7693 11219/18289/4 11218/18292/4 +f 10573/17284/7693 10571/17282/7691 11219/18289/4 +f 11217/18293/4 10573/17284/7693 11218/18292/4 +f 10690/17424/7810 11174/18291/4 10699/17435/7819 +f 11175/18294/4 11174/18291/4 10690/17424/7810 +f 10589/17304/7709 10573/17284/7693 11217/18293/4 +f 10676/17407/7796 11175/18294/4 10690/17424/7810 +f 11216/18295/4 10589/17304/7709 11217/18293/4 +f 10605/17323/7725 10589/17304/7709 11216/18295/4 +f 11176/18296/4 11175/18294/4 10676/17407/7796 +f 10658/17387/7778 11176/18296/4 10676/17407/7796 +f 11215/18297/4 10605/17323/7725 11216/18295/4 +f 10623/17346/7743 10605/17323/7725 11215/18297/4 +f 11177/18298/4 11176/18296/4 10658/17387/7778 +f 11214/18299/4 10623/17346/7743 11215/18297/4 +f 11178/18300/4 11177/18298/4 10658/17387/7778 +f 11178/18300/4 10658/17387/7778 10636/17359/7756 +f 11213/18301/4 10623/17346/7743 11214/18299/4 +f 11213/18301/4 10640/17363/7760 10623/17346/7743 +f 11179/18302/4 11178/18300/4 10636/17359/7756 +f 11179/18302/4 10636/17359/7756 10618/17340/7738 +f 11212/18303/4 10640/17363/7760 11213/18301/4 +f 11212/18303/4 10656/17385/7776 10640/17363/7760 +f 11180/18304/4 10618/17340/7738 10594/17311/7714 +f 11180/18304/4 11179/18302/4 10618/17340/7738 +f 11211/18305/4 10656/17385/7776 11212/18303/4 +f 11211/18305/4 10672/17403/7792 10656/17385/7776 +f 11181/18306/4 11180/18304/4 10594/17311/7714 +f 11210/18307/4 10672/17403/7792 11211/18305/4 +f 11182/18308/4 10594/17311/7714 10554/17262/7674 +f 11182/18308/4 11181/18306/4 10594/17311/7714 +f 11209/18309/4 10672/17403/7792 11210/18307/4 +f 11209/18309/4 10680/17412/7800 10672/17403/7792 +f 11183/18310/4 10554/17262/7674 10553/17261/7673 +f 11183/18310/4 11182/18308/4 10554/17262/7674 +f 11208/18311/4 10680/17412/7800 11209/18309/4 +f 11208/18311/4 10685/17417/7805 10680/17412/7800 +f 11184/18312/4 10553/17261/7673 11135/17937/8255 +f 11184/18312/4 11183/18310/4 10553/17261/7673 +f 11207/18313/4 10777/17522/7897 10685/17417/7805 +f 11207/18313/4 10685/17417/7805 11208/18311/4 +f 11185/18314/4 11184/18312/4 11135/17937/8255 +f 11206/18315/4 10777/17522/7897 11207/18313/4 +f 11186/18316/4 11135/17937/8255 11107/17906/8227 +f 11186/18316/4 11185/18314/4 11135/17937/8255 +f 11205/18317/4 10816/17565/7936 10777/17522/7897 +f 11205/18317/4 10777/17522/7897 11206/18315/4 +f 11187/18318/4 11107/17906/8227 11080/17874/8200 +f 11187/18318/4 11186/18316/4 11107/17906/8227 +f 11204/18319/4 10831/17586/7951 10816/17565/7936 +f 11204/18319/4 10816/17565/7936 11205/18317/4 +f 11188/18320/4 11080/17874/8200 11051/17842/8171 +f 11188/18320/4 11187/18318/4 11080/17874/8200 +f 11203/18321/4 10846/17605/7966 10831/17586/7951 +f 11203/18321/4 10831/17586/7951 11204/18319/4 +f 11189/18322/4 11051/17842/8171 11023/17809/8143 +f 11189/18322/4 11188/18320/4 11051/17842/8171 +f 11202/18323/4 10846/17605/7966 11203/18321/4 +f 11190/18324/4 11189/18322/4 11023/17809/8143 +f 11201/18325/4 10846/17605/7966 11202/18323/4 +f 11201/18325/4 10862/17622/7982 10846/17605/7966 +f 11191/18246/4 11190/18324/4 11023/17809/8143 +f 11191/18246/4 11023/17809/8143 10994/17776/8114 +f 11200/18244/4 10862/17622/7982 11201/18325/4 +f 9672/18326/8394 11363/18327/8394 11362/18328/8394 +f 9672/18326/8394 11367/18329/8394 11363/18327/8394 +f 11368/18330/8394 9672/18326/8394 11362/18328/8394 +f 11366/18331/135 11363/18332/135 9664/18333/135 +f 11363/18332/135 11367/18334/135 9664/18333/135 +f 11366/18331/135 9664/18333/135 11369/18335/135 +f 9656/18336/8379 11361/18337/8379 11366/18338/8379 +f 9656/18336/8379 11370/18339/8379 11361/18337/8379 +f 11369/18340/8379 9656/18336/8379 11366/18338/8379 +f 9621/18341/8372 11365/18342/8372 11361/18337/8372 +f 9621/18341/8372 11371/18343/8372 11365/18342/8372 +f 11370/18339/8372 9621/18341/8372 11361/18337/8372 +f 11364/18344/57 11365/18345/57 9482/18346/57 +f 11365/18345/57 11371/18347/57 9482/18346/57 +f 11364/18344/57 9482/18346/57 11372/18348/57 +f 11362/18328/8401 11364/18349/8401 9680/18350/8401 +f 11364/18349/8401 11372/18351/8401 9680/18350/8401 +f 11362/18328/8401 9680/18350/8401 11368/18330/8401 +f 9639/16207/6757 9602/16170/6719 11371/18352/326 +f 9612/16180/6729 9639/16207/6757 11371/18352/326 +f 9613/16181/6730 9612/16180/6729 11371/18352/326 +f 11371/18352/326 9602/16170/6719 9601/16169/6718 +f 11371/18352/326 9601/16169/6718 9599/16167/6716 +f 11371/18352/326 9599/16167/6716 9483/16048/6598 +f 9483/16048/6598 9482/16047/6597 11371/18352/326 +f 9613/16181/6730 11371/18352/326 9621/16189/326 +f 9647/16215/6765 9646/16214/6764 11370/18353/326 +f 11370/18353/326 9646/16214/6764 9645/16213/6763 +f 11370/18353/326 9645/16213/6763 9637/16205/6755 +f 11370/18353/326 9637/16205/6755 9636/16204/6754 +f 11370/18353/326 9636/16204/6754 9635/16203/6753 +f 11370/18353/326 9635/16203/6753 9622/16190/6740 +f 9622/16190/6740 9621/16189/8530 11370/18353/326 +f 9647/16215/6765 11370/18353/326 9656/16227/8531 +f 11369/18354/326 9658/16229/6777 9657/16228/6776 +f 9658/16229/6777 11369/18354/326 9659/16230/6778 +f 9659/16230/6778 11369/18354/326 9660/16231/6779 +f 9660/16231/6779 11369/18354/326 9661/16232/6780 +f 9661/16232/6780 11369/18354/326 9662/16233/6781 +f 9662/16233/6781 11369/18354/326 9663/16234/6782 +f 9657/16228/6776 9656/16227/326 11369/18354/326 +f 9663/16234/6782 11369/18354/326 9664/16235/326 +f 9666/16237/6785 9665/16236/6784 11367/18355/326 +f 9667/16238/6786 9666/16237/6785 11367/18355/326 +f 9667/16238/6786 11367/18355/326 9668/16239/6787 +f 9668/16239/6787 11367/18355/326 9669/16240/6788 +f 9669/16240/6788 11367/18355/326 9670/16241/6789 +f 9665/16236/6784 9664/16235/326 11367/18355/326 +f 9671/16242/6790 11367/18355/326 9672/16243/326 +f 9670/16241/6789 11367/18355/326 9671/16242/6790 +f 9674/16245/6793 9673/16244/6792 11368/18356/326 +f 9675/16246/6794 9674/16245/6793 11368/18356/326 +f 9676/16247/6795 9675/16246/6794 11368/18356/326 +f 9677/16248/6796 9676/16247/6795 11368/18356/326 +f 9677/16248/6796 11368/18356/326 9678/16249/6797 +f 9678/16249/6797 11368/18356/326 9679/16250/6798 +f 9673/16244/6792 9672/16243/8531 11368/18356/326 +f 9679/16250/6798 11368/18356/326 9680/16251/8530 +f 9650/16218/6768 9649/16217/6767 11372/18357/326 +f 9627/16195/6745 9650/16218/6768 11372/18357/326 +f 9628/16196/6746 9627/16195/6745 11372/18357/326 +f 9629/16197/6747 9628/16196/6746 11372/18357/326 +f 9577/16144/6692 9629/16197/6747 11372/18357/326 +f 9681/16252/6800 9680/16251/326 11372/18357/326 +f 9649/16217/6767 9681/16252/6800 11372/18357/326 +f 9577/16144/6692 11372/18357/326 9482/16047/6597 +f 11373/18358/6597 11374/18359/6598 11375/18360/6599 +f 11376/18361/8532 11373/18358/6597 11375/18360/6599 +f 11377/18362/8533 11376/18361/8532 11375/18360/6599 +f 11378/18363/6603 11379/18364/8534 11380/18365/6604 +f 11381/18366/6606 11382/18367/6607 11380/18365/6604 +f 11383/18368/6602 11378/18363/6603 11380/18365/6604 +f 11379/18364/8534 11381/18366/6606 11380/18365/6604 +f 11384/18369/8535 11385/18370/6608 11386/18371/8536 +f 11387/18372/8537 11384/18369/8535 11386/18371/8536 +f 11384/18369/8535 11388/18373/8538 11389/18374/6612 +f 11390/18375/6610 11391/18376/6611 11389/18374/6612 +f 11388/18373/8538 11392/18377/6613 11389/18374/6612 +f 11392/18377/6613 11390/18375/6610 11389/18374/6612 +f 11382/18367/6607 11393/18378/6616 11394/18379/6615 +f 11383/18368/6602 11380/18365/6604 11394/18379/6615 +f 11380/18365/6604 11382/18367/6607 11394/18379/6615 +f 11390/18375/6610 11383/18368/6602 11394/18379/6615 +f 11384/18369/8535 11389/18374/6612 11395/18380/6617 +f 11389/18374/6612 11391/18376/6611 11395/18380/6617 +f 11391/18376/6611 11396/18381/6618 11395/18380/6617 +f 11385/18370/6608 11384/18369/8535 11395/18380/6617 +f 11393/18378/6616 11397/18382/6620 11398/18383/6619 +f 11390/18375/6610 11394/18379/6615 11398/18383/6619 +f 11394/18379/6615 11393/18378/6616 11398/18383/6619 +f 11391/18376/6611 11390/18375/6610 11398/18383/6619 +f 11395/18380/6617 11396/18381/6618 11399/18384/6621 +f 11385/18370/6608 11395/18380/6617 11399/18384/6621 +f 11400/18385/6623 11385/18370/6608 11399/18384/6621 +f 11396/18381/6618 11401/18386/6622 11399/18384/6621 +f 11398/18383/6619 11397/18382/6620 11402/18387/8539 +f 11391/18376/6611 11398/18383/6619 11402/18387/8539 +f 11396/18381/6618 11391/18376/6611 11402/18387/8539 +f 11397/18382/6620 11403/18388/6625 11402/18387/8539 +f 11400/18385/6623 11399/18384/6621 11404/18389/6626 +f 11399/18384/6621 11401/18386/6622 11404/18389/6626 +f 11405/18390/6627 11400/18385/6623 11404/18389/6626 +f 11401/18386/6622 11406/18391/6628 11404/18389/6626 +f 11396/18381/6618 11402/18387/8539 11407/18392/6629 +f 11402/18387/8539 11403/18388/6625 11407/18392/6629 +f 11403/18388/6625 11408/18393/6630 11407/18392/6629 +f 11401/18386/6622 11396/18381/6618 11407/18392/6629 +f 11409/18394/6633 11405/18390/6627 11410/18395/6632 +f 11405/18390/6627 11404/18389/6626 11410/18395/6632 +f 11404/18389/6626 11406/18391/6628 11410/18395/6632 +f 11406/18391/6628 11411/18396/6631 11410/18395/6632 +f 11407/18392/6629 11408/18393/6630 11412/18397/8540 +f 11401/18386/6622 11407/18392/6629 11412/18397/8540 +f 11408/18393/6630 11413/18398/6635 11412/18397/8540 +f 11406/18391/6628 11401/18386/6622 11412/18397/8540 +f 11410/18395/6632 11411/18396/6631 11414/18399/6637 +f 11409/18394/6633 11410/18395/6632 11414/18399/6637 +f 11411/18396/6631 11415/18400/6636 11414/18399/6637 +f 11416/18401/6638 11409/18394/6633 11414/18399/6637 +f 11413/18398/6635 11417/18402/6640 11418/18403/6639 +f 11412/18397/8540 11413/18398/6635 11418/18403/6639 +f 11406/18391/6628 11412/18397/8540 11418/18403/6639 +f 11411/18396/6631 11406/18391/6628 11418/18403/6639 +f 11414/18399/6637 11415/18400/6636 11419/18404/6641 +f 11416/18401/6638 11414/18399/6637 11419/18404/6641 +f 11420/18405/6642 11416/18401/6638 11419/18404/6641 +f 11415/18400/6636 11421/18406/6643 11419/18404/6641 +f 11422/18407/6644 11423/18408/8541 11424/18409/8542 +f 11411/18396/6631 11418/18403/6639 11425/18410/6647 +f 11415/18400/6636 11411/18396/6631 11425/18410/6647 +f 11418/18403/6639 11417/18402/6640 11425/18410/6647 +f 11417/18402/6640 11426/18411/6648 11425/18410/6647 +f 11421/18406/6643 11427/18412/6649 11428/18413/6650 +f 11420/18405/6642 11419/18404/6641 11428/18413/6650 +f 11419/18404/6641 11421/18406/6643 11428/18413/6650 +f 11422/18407/6644 11420/18405/6642 11428/18413/6650 +f 11424/18409/8542 11423/18408/8541 11429/18414/8543 +f 11426/18411/6648 11430/18415/6652 11431/18416/8544 +f 11415/18400/6636 11425/18410/6647 11431/18416/8544 +f 11425/18410/6647 11426/18411/6648 11431/18416/8544 +f 11421/18406/6643 11415/18400/6636 11431/18416/8544 +f 11423/18408/8541 11432/18417/8545 11433/18418/8546 +f 11429/18414/8543 11423/18408/8541 11433/18418/8546 +f 11434/18419/8547 11429/18414/8543 11433/18418/8546 +f 11434/18419/8547 11433/18418/8546 11435/18420/6657 +f 11433/18418/8546 11432/18417/8545 11435/18420/6657 +f 11427/18412/6649 11436/18421/6658 11437/18422/6659 +f 11422/18407/6644 11428/18413/6650 11437/18422/6659 +f 11428/18413/6650 11427/18412/6649 11437/18422/6659 +f 11423/18408/8541 11422/18407/6644 11437/18422/6659 +f 11432/18417/8545 11438/18423/6660 11439/18424/8548 +f 11435/18420/6657 11432/18417/8545 11439/18424/8548 +f 11427/18412/6649 11421/18406/6643 11440/18425/6662 +f 11421/18406/6643 11431/18416/8544 11440/18425/6662 +f 11430/18415/6652 11441/18426/6663 11440/18425/6662 +f 11431/18416/8544 11430/18415/6652 11440/18425/6662 +f 11439/18424/8548 11438/18423/6660 11442/18427/8549 +f 11432/18417/8545 11423/18408/8541 11443/18428/6665 +f 11436/18421/6658 11444/18429/6666 11443/18428/6665 +f 11437/18422/6659 11436/18421/6658 11443/18428/6665 +f 11423/18408/8541 11437/18422/6659 11443/18428/6665 +f 11438/18423/6660 11445/18430/6667 11446/18431/6668 +f 11442/18427/8549 11438/18423/6660 11446/18431/6668 +f 11436/18421/6658 11427/18412/6649 11447/18432/6670 +f 11441/18426/6663 11448/18433/6669 11447/18432/6670 +f 11440/18425/6662 11441/18426/6663 11447/18432/6670 +f 11427/18412/6649 11440/18425/6662 11447/18432/6670 +f 11446/18431/6668 11445/18430/6667 11449/18434/8550 +f 11432/18417/8545 11443/18428/6665 11450/18435/6673 +f 11444/18429/6666 11451/18436/6672 11450/18435/6673 +f 11438/18423/6660 11432/18417/8545 11450/18435/6673 +f 11443/18428/6665 11444/18429/6666 11450/18435/6673 +f 11445/18430/6667 11452/18437/8551 11453/18438/6675 +f 11449/18434/8550 11445/18430/6667 11453/18438/6675 +f 11436/18421/6658 11447/18432/6670 11454/18439/6676 +f 11444/18429/6666 11436/18421/6658 11454/18439/6676 +f 11448/18433/6669 11455/18440/6677 11454/18439/6676 +f 11447/18432/6670 11448/18433/6669 11454/18439/6676 +f 11453/18438/6675 11452/18437/8551 11456/18441/8552 +f 11445/18430/6667 11438/18423/6660 11457/18442/6680 +f 11451/18436/6672 11458/18443/6679 11457/18442/6680 +f 11450/18435/6673 11451/18436/6672 11457/18442/6680 +f 11438/18423/6660 11450/18435/6673 11457/18442/6680 +f 11444/18429/6666 11454/18439/6676 11459/18444/8553 +f 11454/18439/6676 11455/18440/6677 11459/18444/8553 +f 11451/18436/6672 11444/18429/6666 11459/18444/8553 +f 11455/18440/6677 11460/18445/6682 11459/18444/8553 +f 11457/18442/6680 11458/18443/6679 11461/18446/8554 +f 11452/18437/8551 11445/18430/6667 11461/18446/8554 +f 11445/18430/6667 11457/18442/6680 11461/18446/8554 +f 11458/18443/6679 11462/18447/8555 11461/18446/8554 +f 11456/18441/8552 11452/18437/8551 11463/18448/8556 +f 11463/18449/8557 11464/18450/8557 11465/18451/8557 +f 11464/18452/8558 11456/18441/8552 11463/18448/8556 +f 11451/18436/6672 11459/18444/8553 11466/18453/6688 +f 11459/18444/8553 11460/18445/6682 11466/18453/6688 +f 11458/18443/6679 11451/18436/6672 11466/18453/6688 +f 11460/18445/6682 11467/18454/6689 11466/18453/6688 +f 11458/18443/6679 11466/18453/6688 11468/18455/8559 +f 11466/18453/6688 11467/18454/6689 11468/18455/8559 +f 11462/18447/8555 11458/18443/6679 11468/18455/8559 +f 11467/18454/6689 11469/18456/8560 11468/18455/8559 +f 11462/18447/8555 11468/18455/8559 11470/18457/8561 +f 11468/18455/8559 11469/18456/8560 11470/18457/8561 +f 11471/18458/6692 11373/18358/6597 11472/18459/6693 +f 11470/18457/8561 11469/18456/8560 11472/18459/6693 +f 11373/18358/6597 11470/18457/8561 11472/18459/6693 +f 11473/18460/8562 11474/18461/8563 11475/18462/8564 +f 11465/18463/8565 11473/18460/8562 11475/18462/8564 +f 11475/18462/8564 11474/18461/8563 11476/18464/8566 +f 11465/18463/8565 11475/18462/8564 11476/18464/8566 +f 11465/18463/8565 11476/18464/8566 11477/18465/6700 +f 11476/18464/8566 11474/18461/8563 11477/18465/6700 +f 11474/18461/8563 11478/18466/8567 11477/18465/6700 +f 11465/18463/8565 11477/18465/6700 11479/18467/6702 +f 11477/18465/6700 11478/18466/8567 11479/18467/6702 +f 11479/18467/6702 11478/18466/8567 11480/18468/8568 +f 11465/18463/8565 11479/18467/6702 11480/18468/8568 +f 11478/18466/8567 11481/18469/8569 11480/18468/8568 +f 11465/18463/8565 11480/18468/8568 11482/18470/8570 +f 11480/18468/8568 11481/18469/8569 11482/18470/8570 +f 11482/18470/8570 11481/18469/8569 11483/18471/8571 +f 11484/18472/8572 11485/18473/8573 11483/18471/8571 +f 11481/18469/8569 11484/18472/8572 11483/18471/8571 +f 11465/18463/8574 11373/18358/6597 11486/18474/8575 +f 11487/18475/8576 11465/18463/8574 11486/18474/8575 +f 11488/18476/8577 11487/18475/8576 11486/18474/8575 +f 11373/18358/6597 11376/18361/8532 11486/18474/8575 +f 11376/18361/8532 11377/18362/8533 11486/18474/8575 +f 11379/18364/8534 11488/18476/8577 11486/18474/8575 +f 11377/18362/8533 11379/18364/8534 11486/18474/8575 +f 11387/18372/8537 11386/18371/8536 11489/18477/8578 +f 11375/18360/6599 11374/18359/6598 11490/18478/8579 +f 11374/18359/6598 11491/18479/8580 11490/18478/8579 +f 11491/18479/8580 11492/18480/8581 11490/18478/8579 +f 11492/18480/8581 11493/18481/6719 11490/18478/8579 +f 11385/18370/6608 11400/18385/6623 11494/18482/8582 +f 11489/18477/8578 11386/18371/8536 11494/18482/8582 +f 11495/18483/8583 11489/18477/8578 11494/18482/8582 +f 11386/18371/8536 11385/18370/6608 11494/18482/8582 +f 11495/18483/8583 11494/18482/8582 11496/18484/6722 +f 11400/18385/6623 11405/18390/6627 11497/18485/8584 +f 11405/18390/6627 11496/18484/6722 11497/18485/8584 +f 11496/18484/6722 11494/18482/8582 11497/18485/8584 +f 11494/18482/8582 11400/18385/6623 11497/18485/8584 +f 11405/18390/6627 11409/18394/6633 11498/18486/8585 +f 11496/18484/6722 11405/18390/6627 11498/18486/8585 +f 11499/18487/8586 11498/18486/8585 11500/18488/6726 +f 11498/18486/8585 11409/18394/6633 11501/18489/6727 +f 11409/18394/6633 11416/18401/6638 11501/18489/6727 +f 11500/18488/6726 11498/18486/8585 11501/18489/6727 +f 11499/18487/8586 11500/18488/6726 11502/18490/6728 +f 11501/18489/6727 11416/18401/6638 11502/18490/6728 +f 11503/18491/6729 11504/18492/6730 11381/18366/6606 +f 11500/18488/6726 11501/18489/6727 11502/18490/6728 +f 11416/18401/6638 11420/18405/6642 11505/18493/8587 +f 11502/18490/6728 11416/18401/6638 11505/18493/8587 +f 11420/18405/6642 11422/18407/6644 11506/18494/6732 +f 11505/18493/8587 11420/18405/6642 11506/18494/6732 +f 11439/18424/8548 11442/18427/8549 11507/18495/8588 +f 11442/18427/8549 11446/18431/6668 11507/18495/8588 +f 11446/18431/6668 11449/18434/8550 11507/18495/8588 +f 11507/18495/8588 11449/18434/8550 11508/18496/8589 +f 11465/18463/8590 11507/18495/8588 11508/18496/8589 +f 11508/18496/8589 11449/18434/8550 11509/18497/8591 +f 11449/18434/8550 11453/18438/6675 11509/18497/8591 +f 11465/18463/8590 11508/18496/8589 11509/18497/8591 +f 11509/18497/8591 11453/18438/6675 11510/18498/6737 +f 11465/18463/8590 11509/18497/8591 11510/18498/6737 +f 11510/18498/6737 11453/18438/6675 11511/18499/8592 +f 11453/18438/6675 11456/18441/8552 11511/18499/8592 +f 11465/18463/8590 11510/18498/6737 11511/18499/8592 +f 11511/18499/8592 11456/18441/8552 11512/18500/8593 +f 11513/18501/6739 11514/18502/6740 11382/18367/6607 +f 11465/18463/8590 11511/18499/8592 11512/18500/8593 +f 11512/18500/8593 11456/18441/8552 11515/18503/8594 +f 11464/18452/8558 11465/18463/8590 11515/18503/8594 +f 11381/18366/6606 11504/18492/6730 11382/18367/6607 +f 11465/18463/8590 11512/18500/8593 11515/18503/8594 +f 11504/18492/6730 11513/18501/6739 11382/18367/6607 +f 11456/18441/8552 11464/18452/8558 11515/18503/8594 +f 11465/18463/8574 11463/18448/8556 11516/18504/8595 +f 11452/18437/8551 11461/18446/8554 11516/18504/8595 +f 11461/18446/8554 11462/18447/8555 11516/18504/8595 +f 11462/18447/8555 11470/18457/8561 11516/18504/8595 +f 11463/18448/8556 11452/18437/8551 11516/18504/8595 +f 11470/18457/8561 11373/18358/6597 11516/18504/8595 +f 11373/18358/6597 11465/18463/8574 11516/18504/8595 +f 11517/18505/6745 11518/18506/6746 11519/18507/8596 +f 11518/18506/6746 11520/18508/8597 11519/18507/8596 +f 11520/18508/8597 11471/18458/6692 11519/18507/8596 +f 11471/18458/6692 11472/18459/6693 11519/18507/8596 +f 11483/18471/8571 11485/18473/8573 11521/18509/6748 +f 11465/18463/8565 11482/18470/8570 11521/18509/6748 +f 11482/18470/8570 11483/18471/8571 11521/18509/6748 +f 11485/18473/8573 11522/18510/8598 11521/18509/6748 +f 11521/18509/6748 11522/18510/8598 11523/18511/6750 +f 11524/18512/6751 11525/18513/8599 11523/18511/6750 +f 11522/18510/8598 11524/18512/6751 11523/18511/6750 +f 11521/18509/6748 11523/18511/6750 11526/18514/8600 +f 11523/18511/6750 11525/18513/8599 11526/18514/8600 +f 11514/18502/6740 11527/18515/6753 11393/18378/6616 +f 11527/18515/6753 11528/18516/8601 11393/18378/6616 +f 11387/18372/8537 11489/18477/8578 11526/18514/8600 +f 11528/18516/8601 11529/18517/6755 11393/18378/6616 +f 11525/18513/8599 11387/18372/8537 11526/18514/8600 +f 11375/18360/6599 11490/18478/8579 11530/18518/6756 +f 11377/18362/8533 11375/18360/6599 11530/18518/6756 +f 11503/18491/6729 11381/18366/6606 11530/18518/6756 +f 11382/18367/6607 11514/18502/6740 11393/18378/6616 +f 11381/18366/6606 11377/18362/8533 11530/18518/6756 +f 11493/18481/6719 11531/18519/6757 11530/18518/6756 +f 11531/18519/6757 11503/18491/6729 11530/18518/6756 +f 11490/18478/8579 11493/18481/6719 11530/18518/6756 +f 11496/18484/6722 11498/18486/8585 11532/18520/8602 +f 11498/18486/8585 11499/18487/8586 11532/18520/8602 +f 11502/18490/6728 11505/18493/8587 11533/18521/8603 +f 11505/18493/8587 11506/18494/6732 11533/18521/8603 +f 11534/18522/8604 11533/18521/8603 11535/18523/8605 +f 11424/18409/8542 11534/18522/8604 11535/18523/8605 +f 11506/18494/6732 11422/18407/6644 11535/18523/8605 +f 11422/18407/6644 11424/18409/8542 11535/18523/8605 +f 11533/18521/8603 11506/18494/6732 11535/18523/8605 +f 11534/18522/8604 11424/18409/8542 11536/18524/8606 +f 11393/18378/6616 11529/18517/6755 11397/18382/6620 +f 11429/18414/8543 11434/18419/8547 11536/18524/8606 +f 11424/18409/8542 11429/18414/8543 11536/18524/8606 +f 11465/18463/8590 11534/18522/8604 11537/18525/8607 +f 11529/18517/6755 11538/18526/8608 11397/18382/6620 +f 11534/18522/8604 11536/18524/8606 11537/18525/8607 +f 11538/18526/8608 11539/18527/6764 11397/18382/6620 +f 11536/18524/8606 11434/18419/8547 11537/18525/8607 +f 11539/18527/6764 11540/18528/6765 11397/18382/6620 +f 11507/18495/8588 11465/18463/8590 11537/18525/8607 +f 11434/18419/8547 11435/18420/6657 11537/18525/8607 +f 11435/18420/6657 11439/18424/8548 11537/18525/8607 +f 11439/18424/8548 11507/18495/8588 11537/18525/8607 +f 11541/18529/6767 11542/18530/6768 11543/18531/6769 +f 11542/18530/6768 11517/18505/6745 11543/18531/6769 +f 11467/18454/6689 11541/18529/6767 11543/18531/6769 +f 11517/18505/6745 11519/18507/8596 11543/18531/6769 +f 11519/18507/8596 11472/18459/6693 11543/18531/6769 +f 11472/18459/6693 11469/18456/8560 11543/18531/6769 +f 11469/18456/8560 11467/18454/6689 11543/18531/6769 +f 11521/18509/6748 11526/18514/8600 11544/18532/8609 +f 11526/18514/8600 11489/18477/8578 11544/18532/8609 +f 11534/18533/8604 11465/18534/6771 11544/18535/8609 +f 11465/18463/8565 11521/18509/6748 11544/18532/8609 +f 11489/18477/8578 11495/18483/8583 11544/18532/8609 +f 11534/18522/8604 11544/18532/8609 11545/18536/8610 +f 11544/18532/8609 11495/18483/8583 11545/18536/8610 +f 11495/18483/8583 11496/18484/6722 11545/18536/8610 +f 11496/18484/6722 11532/18520/8602 11545/18536/8610 +f 11545/18536/8610 11532/18520/8602 11546/18537/8611 +f 11532/18520/8602 11499/18487/8586 11546/18537/8611 +f 11534/18522/8604 11545/18536/8610 11547/18538/8612 +f 11533/18521/8603 11534/18522/8604 11547/18538/8612 +f 11548/18539/6775 11549/18540/6776 11403/18388/6625 +f 11502/18490/6728 11533/18521/8603 11547/18538/8612 +f 11546/18537/8611 11499/18487/8586 11547/18538/8612 +f 11499/18487/8586 11502/18490/6728 11547/18538/8612 +f 11545/18536/8610 11546/18537/8611 11547/18538/8612 +f 11540/18528/6765 11548/18539/6775 11403/18388/6625 +f 11397/18382/6620 11540/18528/6765 11403/18388/6625 +f 11403/18388/6625 11549/18540/6776 11408/18393/6630 +f 11549/18540/6776 11550/18541/6777 11408/18393/6630 +f 11550/18541/6777 11551/18542/6778 11408/18393/6630 +f 11551/18542/6778 11552/18543/6779 11408/18393/6630 +f 11552/18543/6779 11553/18544/6780 11413/18398/6635 +f 11553/18544/6780 11554/18545/6781 11413/18398/6635 +f 11554/18545/6781 11555/18546/6782 11413/18398/6635 +f 11408/18393/6630 11552/18543/6779 11413/18398/6635 +f 11413/18398/6635 11555/18546/6782 11417/18402/6640 +f 11556/18547/6783 11557/18548/6784 11417/18402/6640 +f 11555/18546/6782 11556/18547/6783 11417/18402/6640 +f 11557/18548/6784 11558/18549/6785 11426/18411/6648 +f 11558/18549/6785 11559/18550/6786 11426/18411/6648 +f 11559/18550/6786 11560/18551/8613 11426/18411/6648 +f 11417/18402/6640 11557/18548/6784 11426/18411/6648 +f 11560/18551/8613 11561/18552/6788 11430/18415/6652 +f 11561/18552/6788 11562/18553/6789 11430/18415/6652 +f 11562/18553/6789 11563/18554/6790 11430/18415/6652 +f 11426/18411/6648 11560/18551/8613 11430/18415/6652 +f 11430/18415/6652 11563/18554/6790 11441/18426/6663 +f 11564/18555/6791 11565/18556/6792 11441/18426/6663 +f 11563/18554/6790 11564/18555/6791 11441/18426/6663 +f 11565/18556/6792 11566/18557/6793 11448/18433/6669 +f 11566/18557/6793 11567/18558/8614 11448/18433/6669 +f 11567/18558/8614 11568/18559/6795 11448/18433/6669 +f 11441/18426/6663 11565/18556/6792 11448/18433/6669 +f 11568/18559/6795 11569/18560/8615 11455/18440/6677 +f 11569/18560/8615 11570/18561/6797 11455/18440/6677 +f 11570/18561/6797 11571/18562/6798 11455/18440/6677 +f 11448/18433/6669 11568/18559/6795 11455/18440/6677 +f 11572/18563/6799 11573/18564/6800 11460/18445/6682 +f 11571/18562/6798 11572/18563/6799 11460/18445/6682 +f 11455/18440/6677 11571/18562/6798 11460/18445/6682 +f 11573/18564/6800 11541/18529/6767 11467/18454/6689 +f 11460/18445/6682 11573/18564/6800 11467/18454/6689 +f 11574/18565/8616 11474/18461/8563 11487/18475/8576 +f 11474/18461/8563 11473/18460/8562 11487/18475/8576 +f 11487/18566/8617 11465/18567/8617 11473/18568/8617 +f 11474/18461/8563 11574/18565/8616 11478/18466/8567 +f 11574/18565/8616 11575/18569/6802 11478/18466/8567 +f 11478/18466/8567 11575/18569/6802 11481/18469/8569 +f 11575/18569/6802 11576/18570/6803 11484/18472/8572 +f 11481/18469/8569 11575/18569/6802 11484/18472/8572 +f 11484/18472/8572 11576/18570/6803 11485/18473/8573 +f 11488/18476/8577 11378/18363/6603 11577/18571/8618 +f 11574/18565/8616 11487/18475/8576 11577/18571/8618 +f 11487/18475/8576 11488/18476/8577 11577/18571/8618 +f 11575/18569/6802 11574/18565/8616 11577/18571/8618 +f 11485/18473/8573 11576/18570/6803 11522/18510/8598 +f 11576/18570/6803 11388/18373/8538 11522/18510/8598 +f 11522/18510/8598 11388/18373/8538 11524/18512/6751 +f 11577/18571/8618 11378/18363/6603 11578/18572/6804 +f 11576/18570/6803 11575/18569/6802 11578/18572/6804 +f 11575/18569/6802 11577/18571/8618 11578/18572/6804 +f 11378/18363/6603 11383/18368/6602 11578/18572/6804 +f 11525/18513/8599 11524/18512/6751 11579/18573/8619 +f 11388/18373/8538 11384/18369/8535 11579/18573/8619 +f 11524/18512/6751 11388/18373/8538 11579/18573/8619 +f 11378/18363/6603 11488/18476/8577 11379/18364/8534 +f 11377/18362/8533 11381/18366/6606 11379/18364/8534 +f 11383/18368/6602 11390/18375/6610 11392/18377/6613 +f 11576/18570/6803 11578/18572/6804 11392/18377/6613 +f 11578/18572/6804 11383/18368/6602 11392/18377/6613 +f 11388/18373/8538 11576/18570/6803 11392/18377/6613 +f 11525/18513/8599 11579/18573/8619 11387/18372/8537 +f 11579/18573/8619 11384/18369/8535 11387/18372/8537 +f 11580/18574/8620 11581/18575/8621 11582/18576/6825 +f 11580/18574/8620 11583/18577/6819 11581/18575/8621 +f 11584/18578/8622 11585/18579/6810 11586/18580/6816 +f 11580/18574/8620 11582/18576/6825 11587/18581/8623 +f 11584/18578/8622 11588/18582/6808 11585/18579/6810 +f 11589/18583/8624 11590/18584/6831 11591/18585/6832 +f 11584/18578/8622 11586/18580/6816 11592/18586/8625 +f 11589/18583/8624 11593/18587/8626 11590/18584/6831 +f 11589/18583/8624 11591/18585/6832 11594/18588/6828 +f 11595/18589/6834 11594/18588/6828 11596/18590/6835 +f 11597/18591/8627 11598/18592/6822 11599/18593/6809 +f 11597/18591/8627 11600/18594/6821 11598/18592/6822 +f 11595/18589/6834 11596/18590/6835 11601/18595/8628 +f 11602/18596/6841 11580/18574/8620 11587/18581/8623 +f 11603/18597/8629 11604/18598/6818 11605/18599/8630 +f 11606/18600/8631 11587/18581/8623 11607/18601/6811 +f 11608/18602/6836 11592/18586/8625 11604/18598/6818 +f 11606/18600/8631 11607/18601/6811 11609/18603/6805 +f 11608/18602/6836 11584/18578/8622 11592/18586/8625 +f 11610/18604/8632 11611/18605/6838 11612/18606/6839 +f 11613/18607/6847 11595/18589/6834 11601/18595/8628 +f 11610/18604/8632 11612/18606/6839 11614/18608/8633 +f 11610/18604/8632 11615/18609/6842 11600/18594/6821 +f 11610/18604/8632 11614/18608/8633 11615/18609/6842 +f 11613/18607/6847 11601/18595/8628 11616/18610/6812 +f 11617/18611/6850 11583/18612/6819 11580/18613/8620 +f 11617/18611/6850 11616/18610/6812 11583/18612/6819 +f 11618/18614/6845 11599/18593/6809 11588/18615/6808 +f 11618/18614/6845 11597/18591/8627 11599/18593/6809 +f 11619/18616/8634 11594/18588/6828 11595/18589/6834 +f 11619/18616/8634 11593/18587/8626 11589/18583/8624 +f 11620/18617/6846 11588/18582/6808 11584/18578/8622 +f 11620/18617/6846 11584/18578/8622 11608/18602/6836 +f 11619/18616/8634 11589/18583/8624 11594/18588/6828 +f 11621/18618/6854 11609/18603/6805 11622/18619/6807 +f 11623/18620/6848 11605/18599/8630 11624/18621/8635 +f 11621/18618/6854 11622/18619/6807 11625/18622/8636 +f 11623/18620/6848 11603/18597/8629 11605/18599/8630 +f 11626/18623/6856 11617/18611/6850 11580/18613/8620 +f 11627/18624/8637 11600/18594/6821 11597/18591/8627 +f 11627/18624/8637 11610/18604/8632 11600/18594/6821 +f 11628/18625/8638 11608/18602/6836 11604/18598/6818 +f 11626/18623/6856 11580/18613/8620 11602/18626/6841 +f 11629/18627/8639 11587/18581/8623 11606/18600/8631 +f 11628/18625/8638 11604/18598/6818 11603/18597/8629 +f 11629/18627/8639 11602/18596/6841 11587/18581/8623 +f 11630/18628/6861 11619/18616/8634 11595/18589/6834 +f 11631/18629/8640 11620/18617/6846 11608/18602/6836 +f 11630/18628/6861 11593/18587/8626 11619/18616/8634 +f 11630/18628/6861 11632/18630/8641 11593/18587/8626 +f 11630/18628/6861 11595/18589/6834 11613/18607/6847 +f 11633/18631/6864 11616/18610/6812 11617/18611/6850 +f 11634/18632/6858 11597/18591/8627 11618/18614/6845 +f 11633/18631/6864 11613/18607/6847 11616/18610/6812 +f 11634/18632/6858 11627/18624/8637 11597/18591/8627 +f 11635/18633/8642 11588/18615/6808 11620/18634/6846 +f 11635/18633/8642 11618/18614/6845 11588/18615/6808 +f 11636/18635/8643 11623/18620/6848 11624/18621/8635 +f 11637/18636/8644 11609/18603/6805 11621/18618/6854 +f 11637/18636/8644 11606/18600/8631 11609/18603/6805 +f 11638/18637/6870 11617/18611/6850 11626/18623/6856 +f 11638/18637/6870 11633/18631/6864 11617/18611/6850 +f 11639/18638/6865 11603/18597/8629 11623/18620/6848 +f 11639/18638/6865 11628/18625/8638 11603/18597/8629 +f 11640/18639/8645 11626/18623/6856 11602/18626/6841 +f 11641/18640/6867 11627/18624/8637 11634/18632/6858 +f 11641/18640/6867 11642/18641/8646 11611/18605/6838 +f 11640/18639/8645 11602/18626/6841 11629/18642/8639 +f 11641/18640/6867 11611/18605/6838 11610/18604/8632 +f 11641/18640/6867 11610/18604/8632 11627/18624/8637 +f 11643/18643/8647 11613/18607/6847 11633/18631/6864 +f 11643/18643/8647 11632/18630/8641 11630/18628/6861 +f 11644/18644/6869 11608/18602/6836 11628/18625/8638 +f 11643/18643/8647 11630/18628/6861 11613/18607/6847 +f 11644/18644/6869 11631/18629/8640 11608/18602/6836 +f 11643/18643/8647 11633/18631/6864 11638/18637/6870 +f 11645/18645/6871 11620/18634/6846 11631/18646/8640 +f 11646/18647/8648 11625/18622/8636 11647/18648/8649 +f 11646/18647/8648 11637/18636/8644 11621/18618/6854 +f 11645/18645/6871 11635/18633/8642 11620/18634/6846 +f 11646/18647/8648 11621/18618/6854 11625/18622/8636 +f 11648/18649/8650 11642/18641/8646 11641/18640/6867 +f 11649/18650/8651 11606/18600/8631 11637/18636/8644 +f 11648/18649/8650 11641/18640/6867 11634/18632/6858 +f 11649/18650/8651 11629/18627/8639 11606/18600/8631 +f 11650/18651/6875 11636/18635/8643 11624/18621/8635 +f 11650/18651/6875 11624/18621/8635 11651/18652/8652 +f 11652/18653/6882 11653/18654/6883 11632/18630/8641 +f 11652/18653/6882 11632/18630/8641 11643/18643/8647 +f 11652/18653/6882 11643/18643/8647 11638/18637/6870 +f 11654/18655/8653 11618/18614/6845 11635/18633/8642 +f 11655/18656/8654 11638/18637/6870 11626/18623/6856 +f 11655/18656/8654 11626/18623/6856 11640/18639/8645 +f 11654/18655/8653 11634/18632/6858 11618/18614/6845 +f 11656/18657/6881 11623/18620/6848 11636/18635/8643 +f 11657/18658/8655 11649/18650/8651 11637/18636/8644 +f 11656/18657/6881 11639/18638/6865 11623/18620/6848 +f 11657/18658/8655 11637/18636/8644 11646/18647/8648 +f 11658/18659/6884 11628/18625/8638 11639/18638/6865 +f 11659/18660/8656 11629/18642/8639 11649/18661/8651 +f 11658/18659/6884 11644/18644/6869 11628/18625/8638 +f 11659/18660/8656 11640/18639/8645 11629/18642/8639 +f 11660/18662/6891 11638/18637/6870 11655/18656/8654 +f 11661/18663/6886 11631/18646/8640 11644/18664/6869 +f 11660/18662/6891 11653/18654/6883 11652/18653/6882 +f 11661/18663/6886 11645/18645/6871 11631/18646/8640 +f 11660/18662/6891 11652/18653/6882 11638/18637/6870 +f 11662/18665/8657 11650/18651/6875 11651/18652/8652 +f 11663/18666/8658 11647/18648/8649 11664/18667/6895 +f 11663/18666/8658 11646/18647/8648 11647/18648/8649 +f 11665/18668/6890 11635/18633/8642 11645/18645/6871 +f 11663/18666/8658 11657/18658/8655 11646/18647/8648 +f 11666/18669/6898 11649/18650/8651 11657/18658/8655 +f 11665/18668/6890 11654/18655/8653 11635/18633/8642 +f 11667/18670/6892 11668/18671/6893 11642/18641/8646 +f 11666/18672/6898 11659/18660/8656 11649/18661/8651 +f 11667/18670/6892 11642/18641/8646 11648/18649/8650 +f 11667/18670/6892 11648/18649/8650 11634/18632/6858 +f 11667/18670/6892 11634/18632/6858 11654/18655/8653 +f 11669/18673/6899 11660/18662/6891 11655/18656/8654 +f 11669/18673/6899 11655/18656/8654 11640/18639/8645 +f 11667/18670/6892 11654/18655/8653 11665/18668/6890 +f 11669/18673/6899 11640/18639/8645 11659/18660/8656 +f 11670/18674/6896 11656/18657/6881 11636/18635/8643 +f 11670/18674/6896 11636/18635/8643 11650/18651/6875 +f 11671/18675/6901 11657/18658/8655 11663/18666/8658 +f 11672/18676/6903 11669/18673/6899 11659/18660/8656 +f 11673/18677/8659 11639/18638/6865 11656/18657/6881 +f 11673/18677/8659 11658/18659/6884 11639/18638/6865 +f 11672/18676/6903 11659/18660/8656 11666/18672/6898 +f 11674/18678/6900 11644/18664/6869 11658/18679/6884 +f 11674/18678/6900 11661/18663/6886 11644/18664/6869 +f 11675/18680/8660 11664/18667/6895 11676/18681/6907 +f 11675/18680/8660 11663/18666/8658 11664/18667/6895 +f 11677/18682/6902 11645/18645/6871 11661/18663/6886 +f 11678/18683/8661 11679/18684/6910 11653/18654/6883 +f 11677/18682/6902 11665/18668/6890 11645/18645/6871 +f 11678/18683/8661 11660/18662/6891 11669/18673/6899 +f 11678/18683/8661 11653/18654/6883 11660/18662/6891 +f 11680/18685/6904 11667/18670/6892 11665/18668/6890 +f 11681/18686/6913 11657/18658/8655 11671/18675/6901 +f 11680/18685/6904 11668/18671/6893 11667/18670/6892 +f 11682/18687/8662 11670/18674/6896 11650/18651/6875 +f 11682/18687/8662 11650/18651/6875 11662/18665/8657 +f 11681/18686/6913 11666/18669/6898 11657/18658/8655 +f 11683/18688/8663 11669/18673/6899 11672/18676/6903 +f 11684/18689/6911 11662/18665/8657 11651/18652/8652 +f 11683/18688/8663 11678/18683/8661 11669/18673/6899 +f 11684/18689/6911 11651/18652/8652 11685/18690/6912 +f 11686/18691/8664 11663/18666/8658 11675/18680/8660 +f 11687/18692/6914 11656/18657/6881 11670/18674/6896 +f 11686/18691/8664 11671/18675/6901 11663/18666/8658 +f 11687/18692/6914 11673/18677/8659 11656/18657/6881 +f 11687/18692/6914 11670/18674/6896 11682/18687/8662 +f 11688/18693/6919 11666/18672/6898 11681/18694/6913 +f 11689/18695/6915 11658/18679/6884 11673/18696/8659 +f 11688/18693/6919 11672/18676/6903 11666/18672/6898 +f 11689/18695/6915 11674/18678/6900 11658/18679/6884 +f 11690/18697/6924 11675/18680/8660 11676/18681/6907 +f 11690/18697/6924 11676/18681/6907 11691/18698/8665 +f 11692/18699/6918 11684/18689/6911 11685/18690/6912 +f 11690/18697/6924 11686/18691/8664 11675/18680/8660 +f 11693/18700/6925 11678/18683/8661 11683/18688/8663 +f 11693/18700/6925 11694/18701/8666 11679/18684/6910 +f 11695/18702/6920 11661/18663/6886 11674/18678/6900 +f 11693/18700/6925 11679/18684/6910 11678/18683/8661 +f 11695/18702/6920 11677/18682/6902 11661/18663/6886 +f 11696/18703/8667 11671/18675/6901 11686/18691/8664 +f 11697/18704/6921 11698/18705/6922 11668/18671/6893 +f 11696/18703/8667 11681/18686/6913 11671/18675/6901 +f 11697/18704/6921 11668/18671/6893 11680/18685/6904 +f 11697/18704/6921 11665/18668/6890 11677/18682/6902 +f 11697/18704/6921 11680/18685/6904 11665/18668/6890 +f 11699/18706/6930 11683/18688/8663 11672/18676/6903 +f 11699/18706/6930 11672/18676/6903 11688/18693/6919 +f 11700/18707/6923 11687/18692/6914 11682/18687/8662 +f 11701/18708/6928 11662/18665/8657 11684/18689/6911 +f 11702/18709/6931 11686/18691/8664 11690/18697/6924 +f 11701/18708/6928 11682/18687/8662 11662/18665/8657 +f 11702/18709/6931 11696/18703/8667 11686/18691/8664 +f 11703/18710/6934 11688/18693/6919 11681/18694/6913 +f 11704/18711/8668 11673/18696/8659 11687/18712/6914 +f 11703/18710/6934 11681/18694/6913 11696/18713/8667 +f 11704/18711/8668 11689/18695/6915 11673/18696/8659 +f 11703/18710/6934 11699/18706/6930 11688/18693/6919 +f 11705/18714/6932 11674/18678/6900 11689/18695/6915 +f 11705/18714/6932 11695/18702/6920 11674/18678/6900 +f 11706/18715/8669 11691/18698/8665 11707/18716/8670 +f 11706/18715/8669 11690/18697/6924 11691/18698/8665 +f 11708/18717/6940 11683/18688/8663 11699/18706/6930 +f 11709/18718/6933 11701/18708/6928 11684/18689/6911 +f 11708/18717/6940 11693/18700/6925 11683/18688/8663 +f 11709/18718/6933 11684/18689/6911 11692/18699/6918 +f 11708/18717/6940 11694/18701/8666 11693/18700/6925 +f 11708/18717/6940 11710/18719/6941 11694/18701/8666 +f 11711/18720/6935 11698/18705/6922 11697/18704/6921 +f 11712/18721/6943 11703/18710/6934 11696/18713/8667 +f 11711/18720/6935 11677/18682/6902 11695/18702/6920 +f 11712/18722/6943 11696/18703/8667 11702/18709/6931 +f 11711/18720/6935 11697/18704/6921 11677/18682/6902 +f 11713/18723/6938 11685/18690/6912 11714/18724/6939 +f 11715/18725/8671 11708/18717/6940 11699/18706/6930 +f 11713/18723/6938 11692/18699/6918 11685/18690/6912 +f 11715/18725/8671 11699/18706/6930 11703/18710/6934 +f 11716/18726/8672 11704/18711/8668 11687/18712/6914 +f 11717/18727/8673 11702/18709/6931 11690/18697/6924 +f 11716/18726/8672 11687/18712/6914 11700/18728/6923 +f 11717/18727/8673 11690/18697/6924 11706/18715/8669 +f 11718/18729/6950 11703/18710/6934 11712/18721/6943 +f 11719/18730/6945 11700/18707/6923 11682/18687/8662 +f 11719/18730/6945 11682/18687/8662 11701/18708/6928 +f 11720/18731/6946 11689/18695/6915 11704/18711/8668 +f 11721/18732/6952 11707/18716/8670 11722/18733/6953 +f 11720/18731/6946 11705/18714/6932 11689/18695/6915 +f 11721/18732/6952 11706/18715/8669 11707/18716/8670 +f 11723/18734/6947 11711/18720/6935 11695/18702/6920 +f 11723/18734/6947 11724/18735/6948 11698/18705/6922 +f 11723/18734/6947 11698/18705/6922 11711/18720/6935 +f 11725/18736/6955 11708/18717/6940 11715/18725/8671 +f 11725/18736/6955 11726/18737/6956 11710/18719/6941 +f 11723/18734/6947 11695/18702/6920 11705/18714/6932 +f 11725/18736/6955 11710/18719/6941 11708/18717/6940 +f 11727/18738/6958 11702/18709/6931 11717/18727/8673 +f 11728/18739/6951 11719/18730/6945 11701/18708/6928 +f 11727/18738/6958 11712/18722/6943 11702/18709/6931 +f 11728/18739/6951 11701/18708/6928 11709/18718/6933 +f 11729/18740/6954 11692/18699/6918 11713/18723/6938 +f 11730/18741/6960 11722/18733/6953 11731/18742/8674 +f 11730/18741/6960 11721/18732/6952 11722/18733/6953 +f 11729/18740/6954 11709/18718/6933 11692/18699/6918 +f 11732/18743/6963 11715/18725/8671 11703/18710/6934 +f 11733/18744/8675 11720/18731/6946 11704/18711/8668 +f 11732/18743/6963 11703/18710/6934 11718/18729/6950 +f 11733/18744/8675 11704/18711/8668 11716/18726/8672 +f 11734/18745/6959 11716/18726/8672 11700/18728/6923 +f 11735/18746/6966 11721/18732/6952 11730/18741/6960 +f 11735/18746/6966 11717/18727/8673 11706/18715/8669 +f 11734/18745/6959 11700/18728/6923 11719/18747/6945 +f 11736/18748/6962 11705/18714/6932 11720/18731/6946 +f 11735/18746/6966 11706/18715/8669 11721/18732/6952 +f 11736/18748/6962 11723/18734/6947 11705/18714/6932 +f 11736/18748/6962 11720/18731/6946 11733/18744/8675 +f 11736/18748/6962 11724/18735/6948 11723/18734/6947 +f 11737/18749/8676 11718/18729/6950 11712/18721/6943 +f 11737/18749/8676 11712/18721/6943 11727/18750/6958 +f 11738/18751/8677 11713/18723/6938 11714/18724/6939 +f 11737/18749/8676 11732/18743/6963 11718/18729/6950 +f 11738/18751/8677 11714/18724/6939 11739/18752/8678 +f 11740/18753/6972 11735/18746/6966 11730/18741/6960 +f 11741/18754/6967 11734/18745/6959 11719/18747/6945 +f 11741/18754/6967 11719/18747/6945 11728/18755/6951 +f 11742/18756/8679 11730/18741/6960 11731/18742/8674 +f 11743/18757/6975 11744/18758/6976 11726/18737/6956 +f 11745/18759/6969 11709/18718/6933 11729/18740/6954 +f 11743/18757/6975 11725/18736/6955 11715/18725/8671 +f 11743/18757/6975 11715/18725/8671 11732/18743/6963 +f 11743/18757/6975 11726/18737/6956 11725/18736/6955 +f 11745/18759/6969 11728/18739/6951 11709/18718/6933 +f 11746/18760/6970 11747/18761/6971 11724/18735/6948 +f 11746/18760/6970 11736/18748/6962 11733/18744/8675 +f 11748/18762/6978 11717/18727/8673 11735/18746/6966 +f 11746/18760/6970 11724/18735/6948 11736/18748/6962 +f 11748/18762/6978 11727/18738/6958 11717/18727/8673 +f 11749/18763/6973 11716/18726/8672 11734/18745/6959 +f 11749/18763/6973 11733/18744/8675 11716/18726/8672 +f 11748/18762/6978 11735/18746/6966 11740/18753/6972 +f 11750/18764/6980 11731/18742/8674 11751/18765/8680 +f 11752/18766/6977 11713/18723/6938 11738/18751/8677 +f 11752/18766/6977 11729/18740/6954 11713/18723/6938 +f 11750/18764/6980 11742/18756/8679 11731/18742/8674 +f 11753/18767/8681 11732/18743/6963 11737/18749/8676 +f 11753/18767/8681 11743/18757/6975 11732/18743/6963 +f 11754/18768/6979 11749/18763/6973 11734/18745/6959 +f 11754/18768/6979 11734/18745/6959 11741/18754/6967 +f 11755/18769/8682 11748/18762/6978 11740/18753/6972 +f 11756/18770/8683 11741/18754/6967 11728/18755/6951 +f 11756/18770/8683 11728/18755/6951 11745/18771/6969 +f 11757/18772/8684 11740/18753/6972 11730/18741/6960 +f 11757/18772/8684 11730/18741/6960 11742/18756/8679 +f 11758/18773/6984 11747/18761/6971 11746/18760/6970 +f 11758/18773/6984 11746/18760/6970 11733/18744/8675 +f 11759/18774/6990 11748/18775/6978 11755/18776/8682 +f 11758/18773/6984 11733/18744/8675 11749/18763/6973 +f 11759/18774/6990 11737/18749/8676 11727/18750/6958 +f 11759/18774/6990 11727/18750/6958 11748/18775/6978 +f 11760/18777/8685 11738/18751/8677 11739/18752/8678 +f 11759/18774/6990 11753/18767/8681 11737/18749/8676 +f 11760/18777/8685 11739/18752/8678 11761/18778/6987 +f 11762/18779/8686 11750/18764/6980 11751/18765/8680 +f 11763/18780/6995 11757/18772/8684 11742/18756/8679 +f 11764/18781/6989 11729/18740/6954 11752/18766/6977 +f 11764/18781/6989 11745/18759/6969 11729/18740/6954 +f 11765/18782/6991 11749/18763/6973 11754/18768/6979 +f 11765/18782/6991 11766/18783/6992 11747/18761/6971 +f 11763/18780/6995 11742/18756/8679 11750/18764/6980 +f 11765/18782/6991 11758/18773/6984 11749/18763/6973 +f 11767/18784/8687 11768/18785/6998 11744/18758/6976 +f 11765/18782/6991 11747/18761/6971 11758/18773/6984 +f 11767/18784/8687 11744/18758/6976 11743/18757/6975 +f 11769/18786/6994 11741/18754/6967 11756/18770/8683 +f 11767/18784/8687 11743/18757/6975 11753/18767/8681 +f 11769/18786/6994 11754/18768/6979 11741/18754/6967 +f 11770/18787/7000 11759/18774/6990 11755/18776/8682 +f 11771/18788/7001 11755/18769/8682 11740/18753/6972 +f 11771/18788/7001 11757/18772/8684 11763/18780/6995 +f 11772/18789/6996 11738/18751/8677 11760/18777/8685 +f 11771/18788/7001 11740/18753/6972 11757/18772/8684 +f 11772/18789/6996 11752/18766/6977 11738/18751/8677 +f 11773/18790/7003 11762/18779/8686 11751/18765/8680 +f 11773/18790/7003 11751/18765/8680 11774/18791/8688 +f 11775/18792/6999 11756/18770/8683 11745/18771/6969 +f 11775/18792/6999 11745/18771/6969 11764/18793/6989 +f 11776/18794/8689 11753/18767/8681 11759/18774/6990 +f 11777/18795/8690 11765/18782/6991 11754/18768/6979 +f 11776/18794/8689 11759/18774/6990 11770/18787/7000 +f 11777/18795/8690 11766/18783/6992 11765/18782/6991 +f 11777/18795/8690 11754/18768/6979 11769/18786/6994 +f 11776/18794/8689 11767/18784/8687 11753/18767/8681 +f 11778/18796/8691 11763/18780/6995 11750/18764/6980 +f 11779/18797/8692 11761/18778/6987 11780/18798/7006 +f 11778/18796/8691 11750/18764/6980 11762/18779/8686 +f 11779/18797/8692 11760/18777/8685 11761/18778/6987 +f 11778/18796/8691 11762/18779/8686 11773/18790/7003 +f 11781/18799/7008 11764/18781/6989 11752/18766/6977 +f 11782/18800/8693 11763/18780/6995 11778/18796/8691 +f 11782/18800/8693 11771/18788/7001 11763/18780/6995 +f 11781/18799/7008 11752/18766/6977 11772/18789/6996 +f 11783/18801/7013 11776/18794/8689 11770/18787/7000 +f 11784/18802/7010 11769/18786/6994 11756/18770/8683 +f 11784/18802/7010 11756/18770/8683 11775/18792/6999 +f 11784/18802/7010 11777/18795/8690 11769/18786/6994 +f 11785/18803/8694 11770/18787/7000 11755/18776/8682 +f 11785/18803/8694 11755/18776/8682 11771/18804/7001 +f 11786/18805/8695 11773/18790/7003 11774/18791/8688 +f 11787/18806/8696 11772/18789/6996 11760/18777/8685 +f 11787/18806/8696 11760/18777/8685 11779/18797/8692 +f 11788/18807/7015 11775/18792/6999 11764/18793/6989 +f 11789/18808/7019 11773/18790/7003 11786/18805/8695 +f 11789/18808/7019 11778/18796/8691 11773/18790/7003 +f 11788/18807/7015 11764/18793/6989 11781/18809/7008 +f 11790/18810/7022 11776/18794/8689 11783/18801/7013 +f 11791/18811/7017 11779/18797/8692 11780/18798/7006 +f 11790/18810/7022 11767/18784/8687 11776/18794/8689 +f 11790/18810/7022 11792/18812/8697 11768/18785/6998 +f 11790/18810/7022 11768/18785/6998 11767/18784/8687 +f 11793/18813/7025 11782/18800/8693 11778/18796/8691 +f 11791/18811/7017 11780/18798/7006 11794/18814/7018 +f 11793/18813/7025 11778/18796/8691 11789/18808/7019 +f 11795/18815/8698 11796/18816/7021 11766/18783/6992 +f 11795/18815/8698 11766/18783/6992 11777/18795/8690 +f 11795/18815/8698 11777/18795/8690 11784/18802/7010 +f 11797/18817/7026 11785/18803/8694 11771/18804/7001 +f 11797/18817/7026 11771/18804/7001 11782/18818/8693 +f 11798/18819/7023 11781/18799/7008 11772/18789/6996 +f 11799/18820/7029 11790/18810/7022 11783/18801/7013 +f 11798/18819/7023 11772/18789/6996 11787/18806/8696 +f 11799/18820/7029 11792/18812/8697 11790/18810/7022 +f 11800/18821/7030 11774/18791/8688 11801/18822/8699 +f 11802/18823/7027 11784/18802/7010 11775/18792/6999 +f 11800/18821/7030 11786/18805/8695 11774/18791/8688 +f 11802/18823/7027 11775/18792/6999 11788/18807/7015 +f 11802/18823/7027 11795/18815/8698 11784/18802/7010 +f 11803/18824/7028 11798/18819/7023 11787/18806/8696 +f 11804/18825/8700 11770/18787/7000 11785/18803/8694 +f 11803/18824/7028 11779/18797/8692 11791/18811/7017 +f 11803/18824/7028 11787/18806/8696 11779/18797/8692 +f 11804/18825/8700 11783/18801/7013 11770/18787/7000 +f 11805/18826/8701 11789/18808/7019 11786/18805/8695 +f 11806/18827/7032 11781/18809/7008 11798/18828/7023 +f 11806/18827/7032 11788/18807/7015 11781/18809/7008 +f 11807/18829/7039 11789/18808/7019 11805/18826/8701 +f 11807/18829/7039 11793/18813/7025 11789/18808/7019 +f 11808/18830/7040 11797/18817/7026 11782/18818/8693 +f 11808/18830/7040 11782/18818/8693 11793/18831/7025 +f 11809/18832/8702 11794/18833/7018 11810/18834/8703 +f 11809/18832/8702 11791/18835/7017 11794/18833/7018 +f 11811/18836/7037 11795/18815/8698 11802/18823/7027 +f 11811/18836/7037 11812/18837/8704 11796/18816/7021 +f 11808/18830/7040 11793/18831/7025 11807/18838/7039 +f 11811/18836/7037 11796/18816/7021 11795/18815/8698 +f 11813/18839/8705 11800/18821/7030 11801/18822/8699 +f 11814/18840/7041 11798/18819/7023 11803/18824/7028 +f 11815/18841/7045 11785/18803/8694 11797/18817/7026 +f 11816/18842/8706 11802/18823/7027 11788/18807/7015 +f 11815/18841/7045 11804/18825/8700 11785/18803/8694 +f 11817/18843/7047 11818/18844/7048 11792/18812/8697 +f 11816/18842/8706 11788/18807/7015 11806/18827/7032 +f 11817/18843/7047 11799/18820/7029 11783/18801/7013 +f 11817/18843/7047 11792/18812/8697 11799/18820/7029 +f 11819/18845/8707 11803/18846/7028 11791/18835/7017 +f 11817/18843/7047 11783/18801/7013 11804/18825/8700 +f 11817/18843/7047 11804/18825/8700 11815/18841/7045 +f 11820/18847/7050 11786/18805/8695 11800/18821/7030 +f 11819/18845/8707 11791/18835/7017 11809/18832/8702 +f 11820/18847/7050 11805/18826/8701 11786/18805/8695 +f 11821/18848/7046 11798/18828/7023 11814/18849/7041 +f 11822/18850/7054 11807/18829/7039 11805/18826/8701 +f 11821/18848/7046 11806/18827/7032 11798/18828/7023 +f 11823/18851/8708 11809/18832/8702 11810/18834/8703 +f 11822/18850/7054 11805/18826/8701 11820/18847/7050 +f 11824/18852/7056 11808/18830/7040 11807/18838/7039 +f 11823/18851/8708 11810/18834/8703 11825/18853/7051 +f 11824/18852/7056 11807/18838/7039 11822/18854/7054 +f 11826/18855/8709 11827/18856/7053 11812/18837/8704 +f 11828/18857/7057 11815/18841/7045 11797/18817/7026 +f 11826/18855/8709 11812/18837/8704 11811/18836/7037 +f 11828/18857/7057 11797/18817/7026 11808/18830/7040 +f 11826/18855/8709 11802/18823/7027 11816/18842/8706 +f 11826/18855/8709 11811/18836/7037 11802/18823/7027 +f 11828/18857/7057 11808/18830/7040 11824/18852/7056 +f 11829/18858/7059 11815/18841/7045 11828/18857/7057 +f 11829/18858/7059 11818/18844/7048 11817/18843/7047 +f 11830/18859/7055 11803/18846/7028 11819/18845/8707 +f 11829/18858/7059 11817/18843/7047 11815/18841/7045 +f 11830/18859/7055 11814/18860/7041 11803/18846/7028 +f 11831/18861/7058 11816/18842/8706 11806/18827/7032 +f 11831/18861/7058 11806/18827/7032 11821/18848/7046 +f 11832/18862/8710 11800/18821/7030 11813/18839/8705 +f 11832/18862/8710 11820/18847/7050 11800/18821/7030 +f 11833/18863/7062 11801/18822/8699 11834/18864/7063 +f 11835/18865/8711 11809/18832/8702 11823/18851/8708 +f 11833/18863/7062 11813/18839/8705 11801/18822/8699 +f 11833/18863/7062 11832/18862/8710 11813/18839/8705 +f 11835/18865/8711 11819/18845/8707 11809/18832/8702 +f 11836/18866/8712 11822/18850/7054 11820/18847/7050 +f 11837/18867/8713 11831/18861/7058 11821/18848/7046 +f 11837/18867/8713 11821/18848/7046 11814/18849/7041 +f 11837/18867/8713 11814/18849/7041 11830/18868/7055 +f 11838/18869/7070 11824/18852/7056 11822/18854/7054 +f 11839/18870/7066 11823/18851/8708 11825/18853/7051 +f 11839/18870/7066 11825/18853/7051 11840/18871/7067 +f 11841/18872/7068 11842/18873/7069 11827/18856/7053 +f 11843/18874/7073 11833/18863/7062 11834/18864/7063 +f 11844/18875/7075 11824/18852/7056 11838/18869/7070 +f 11841/18872/7068 11816/18842/8706 11831/18861/7058 +f 11841/18872/7068 11827/18856/7053 11826/18855/8709 +f 11841/18872/7068 11826/18855/8709 11816/18842/8706 +f 11844/18875/7075 11828/18857/7057 11824/18852/7056 +f 11845/18876/7076 11828/18857/7057 11844/18875/7075 +f 11845/18876/7076 11846/18877/7077 11818/18844/7048 +f 11845/18876/7076 11829/18858/7059 11828/18857/7057 +f 11845/18876/7076 11818/18844/7048 11829/18858/7059 +f 11847/18878/7071 11840/18871/7067 11848/18879/7072 +f 11847/18878/7071 11839/18870/7066 11840/18871/7067 +f 11849/18880/7080 11836/18866/8712 11820/18847/7050 +f 11849/18880/7080 11820/18847/7050 11832/18862/8710 +f 11850/18881/7074 11830/18859/7055 11819/18845/8707 +f 11851/18882/7081 11832/18862/8710 11833/18863/7062 +f 11850/18881/7074 11819/18845/8707 11835/18865/8711 +f 11851/18882/7081 11849/18880/7080 11832/18862/8710 +f 11852/18883/7078 11831/18861/7058 11837/18867/8713 +f 11851/18882/7081 11833/18863/7062 11843/18874/7073 +f 11853/18884/8714 11838/18869/7070 11822/18854/7054 +f 11852/18883/7078 11841/18872/7068 11831/18861/7058 +f 11853/18884/8714 11822/18854/7054 11836/18885/8712 +f 11854/18886/8715 11823/18851/8708 11839/18870/7066 +f 11854/18886/8715 11835/18865/8711 11823/18851/8708 +f 11855/18887/7085 11844/18875/7075 11838/18869/7070 +f 11856/18888/8716 11854/18886/8715 11839/18870/7066 +f 11857/18889/8717 11851/18882/7081 11843/18874/7073 +f 11856/18888/8716 11839/18870/7066 11847/18878/7071 +f 11858/18890/7090 11844/18875/7075 11855/18887/7085 +f 11858/18890/7090 11845/18876/7076 11844/18875/7075 +f 11859/18891/7084 11837/18867/8713 11830/18868/7055 +f 11858/18890/7090 11846/18877/7077 11845/18876/7076 +f 11860/18892/7091 11843/18874/7073 11834/18864/7063 +f 11859/18891/7084 11830/18868/7055 11850/18893/7074 +f 11860/18892/7091 11834/18864/7063 11861/18894/7093 +f 11862/18895/8718 11836/18885/8712 11849/18896/7080 +f 11863/18897/7087 11847/18878/7071 11848/18879/7072 +f 11864/18898/7088 11865/18899/7089 11842/18873/7069 +f 11864/18898/7088 11841/18872/7068 11852/18883/7078 +f 11864/18898/7088 11842/18873/7069 11841/18872/7068 +f 11862/18895/8718 11853/18884/8714 11836/18885/8712 +f 11866/18900/8719 11849/18880/7080 11851/18882/7081 +f 11866/18901/8719 11862/18895/8718 11849/18896/7080 +f 11866/18900/8719 11851/18882/7081 11857/18889/8717 +f 11867/18902/8720 11854/18886/8715 11856/18888/8716 +f 11867/18902/8720 11850/18881/7074 11835/18865/8711 +f 11868/18903/7099 11838/18869/7070 11853/18884/8714 +f 11867/18902/8720 11835/18865/8711 11854/18886/8715 +f 11868/18903/7099 11855/18887/7085 11838/18869/7070 +f 11869/18904/8721 11858/18890/7090 11855/18887/7085 +f 11869/18904/8721 11846/18877/7077 11858/18890/7090 +f 11870/18905/8722 11848/18879/7072 11871/18906/7096 +f 11869/18904/8721 11872/18907/7102 11846/18877/7077 +f 11869/18904/8721 11855/18887/7085 11868/18903/7099 +f 11870/18905/8722 11863/18897/7087 11848/18879/7072 +f 11873/18908/8723 11866/18900/8719 11857/18889/8717 +f 11874/18909/7098 11867/18902/8720 11856/18888/8716 +f 11875/18910/7100 11852/18883/7078 11837/18867/8713 +f 11876/18911/7105 11843/18874/7073 11860/18892/7091 +f 11875/18910/7100 11837/18867/8713 11859/18891/7084 +f 11876/18911/7105 11857/18889/8717 11843/18874/7073 +f 11877/18912/8724 11868/18903/7099 11853/18884/8714 +f 11877/18912/8724 11853/18884/8714 11862/18895/8718 +f 11878/18913/8725 11856/18888/8716 11847/18878/7071 +f 11878/18913/8725 11847/18878/7071 11863/18897/7087 +f 11879/18914/7109 11862/18895/8718 11866/18901/8719 +f 11879/18914/7109 11866/18901/8719 11873/18915/8723 +f 11880/18916/8726 11875/18910/7100 11859/18891/7084 +f 11879/18914/7109 11877/18912/8724 11862/18895/8718 +f 11880/18916/8726 11859/18891/7084 11850/18893/7074 +f 11880/18916/8726 11850/18893/7074 11867/18917/8720 +f 11881/18918/7111 11872/18907/7102 11869/18904/8721 +f 11881/18918/7111 11869/18904/8721 11868/18903/7099 +f 11882/18919/8727 11861/18894/7093 11883/18920/8728 +f 11884/18921/7108 11870/18905/8722 11871/18906/7096 +f 11882/18919/8727 11860/18892/7091 11861/18894/7093 +f 11885/18922/8729 11878/18913/8725 11863/18897/7087 +f 11885/18922/8729 11870/18905/8722 11884/18921/7108 +f 11885/18922/8729 11863/18897/7087 11870/18905/8722 +f 11886/18923/7117 11879/18914/7109 11873/18915/8723 +f 11887/18924/7112 11888/18925/7113 11865/18899/7089 +f 11887/18924/7112 11852/18883/7078 11875/18910/7100 +f 11887/18924/7112 11865/18899/7089 11864/18898/7088 +f 11889/18926/8730 11873/18908/8723 11857/18889/8717 +f 11887/18924/7112 11864/18898/7088 11852/18883/7078 +f 11889/18926/8730 11857/18889/8717 11876/18911/7105 +f 11890/18927/7116 11867/18917/8720 11874/18928/7098 +f 11891/18929/8731 11868/18903/7099 11877/18912/8724 +f 11891/18929/8731 11892/18930/7123 11872/18907/7102 +f 11890/18927/7116 11880/18916/8726 11867/18917/8720 +f 11891/18929/8731 11881/18918/7111 11868/18903/7099 +f 11891/18929/8731 11872/18907/7102 11881/18918/7111 +f 11893/18931/7118 11890/18927/7116 11874/18928/7098 +f 11894/18932/7125 11891/18929/8731 11877/18912/8724 +f 11893/18933/7118 11874/18909/7098 11856/18888/8716 +f 11893/18933/7118 11856/18888/8716 11878/18913/8725 +f 11894/18932/7125 11877/18912/8724 11879/18914/7109 +f 11894/18932/7125 11879/18914/7109 11886/18923/7117 +f 11895/18934/7126 11860/18892/7091 11882/18919/8727 +f 11895/18934/7126 11876/18911/7105 11860/18892/7091 +f 11896/18935/8732 11871/18906/7096 11897/18936/7121 +f 11896/18935/8732 11884/18921/7108 11871/18906/7096 +f 11898/18937/7124 11887/18924/7112 11875/18910/7100 +f 11898/18937/7124 11875/18910/7100 11880/18916/8726 +f 11899/18938/8733 11885/18922/8729 11884/18921/7108 +f 11900/18939/7129 11894/18932/7125 11886/18923/7117 +f 11901/18940/8734 11886/18923/7117 11873/18915/8723 +f 11901/18940/8734 11873/18915/8723 11889/18941/8730 +f 11902/18942/7128 11893/18933/7118 11878/18913/8725 +f 11901/18940/8734 11900/18939/7129 11886/18923/7117 +f 11902/18942/7128 11878/18913/8725 11885/18922/8729 +f 11903/18943/7133 11891/18929/8731 11894/18932/7125 +f 11902/18942/7128 11885/18922/8729 11899/18938/8733 +f 11903/18943/7133 11892/18930/7123 11891/18929/8731 +f 11904/18944/8735 11898/18937/7124 11880/18916/8726 +f 11903/18943/7133 11894/18932/7125 11900/18939/7129 +f 11904/18944/8735 11880/18916/8726 11890/18927/7116 +f 11905/18945/8736 11883/18920/8728 11906/18946/7136 +f 11905/18945/8736 11882/18919/8727 11883/18920/8728 +f 11907/18947/7138 11876/18911/7105 11895/18934/7126 +f 11908/18948/8737 11890/18927/7116 11893/18931/7118 +f 11909/18949/8738 11896/18935/8732 11897/18936/7121 +f 11907/18947/7138 11889/18926/8730 11876/18911/7105 +f 11910/18950/7141 11911/18951/7142 11892/18930/7123 +f 11912/18952/8739 11884/18921/7108 11896/18935/8732 +f 11910/18950/7141 11892/18930/7123 11903/18943/7133 +f 11910/18950/7141 11903/18943/7133 11900/18939/7129 +f 11912/18952/8739 11899/18938/8733 11884/18921/7108 +f 11913/18953/7145 11900/18939/7129 11901/18940/8734 +f 11914/18954/8740 11915/18955/7140 11888/18925/7113 +f 11914/18954/8740 11888/18925/7113 11887/18924/7112 +f 11916/18956/7146 11882/18919/8727 11905/18945/8736 +f 11914/18954/8740 11887/18924/7112 11898/18937/7124 +f 11914/18954/8740 11898/18937/7124 11904/18944/8735 +f 11917/18957/7143 11902/18942/7128 11899/18938/8733 +f 11916/18956/7146 11895/18934/7126 11882/18919/8727 +f 11917/18957/7143 11899/18938/8733 11912/18952/8739 +f 11918/18958/8741 11902/18959/7128 11917/18960/7143 +f 11918/18958/8741 11908/18948/8737 11893/18931/7118 +f 11918/18958/8741 11893/18931/7118 11902/18959/7128 +f 11919/18961/7150 11901/18940/8734 11889/18941/8730 +f 11919/18961/7150 11889/18941/8730 11907/18962/7138 +f 11920/18963/8742 11915/18955/7140 11914/18954/8740 +f 11921/18964/8743 11910/18950/7141 11900/18939/7129 +f 11921/18964/8743 11911/18951/7142 11910/18950/7141 +f 11920/18963/8742 11914/18954/8740 11904/18944/8735 +f 11921/18964/8743 11900/18939/7129 11913/18953/7145 +f 11922/18965/8744 11909/18949/8738 11897/18936/7121 +f 11923/18966/8745 11906/18946/7136 11924/18967/7154 +f 11923/18966/8745 11905/18945/8736 11906/18946/7136 +f 11922/18965/8744 11897/18936/7121 11925/18968/7149 +f 11926/18969/8746 11890/18927/7116 11908/18948/8737 +f 11927/18970/7157 11895/18934/7126 11916/18956/7146 +f 11926/18969/8746 11904/18944/8735 11890/18927/7116 +f 11928/18971/8747 11896/18935/8732 11909/18949/8738 +f 11928/18971/8747 11912/18952/8739 11896/18935/8732 +f 11927/18970/7157 11907/18947/7138 11895/18934/7126 +f 11928/18971/8747 11909/18949/8738 11922/18965/8744 +f 11929/18972/7159 11913/18953/7145 11901/18940/8734 +f 11930/18973/7156 11917/18957/7143 11912/18952/8739 +f 11929/18972/7159 11901/18940/8734 11919/18961/7150 +f 11930/18973/7156 11912/18952/8739 11928/18971/8747 +f 11931/18974/8748 11905/18945/8736 11923/18966/8745 +f 11932/18975/7158 11918/18958/8741 11917/18960/7143 +f 11931/18974/8748 11916/18956/7146 11905/18945/8736 +f 11933/18976/7167 11907/18962/7138 11927/18977/7157 +f 11934/18978/7160 11926/18969/8746 11908/18948/8737 +f 11934/18978/7160 11908/18948/8737 11918/18958/8741 +f 11934/18978/7160 11918/18958/8741 11932/18975/7158 +f 11933/18976/7167 11919/18961/7150 11907/18962/7138 +f 11935/18979/7165 11922/18965/8744 11925/18968/7149 +f 11936/18980/7170 11924/18967/7154 11937/18981/7171 +f 11936/18980/7170 11931/18974/8748 11923/18966/8745 +f 11936/18980/7170 11923/18966/8745 11924/18967/7154 +f 11938/18982/7166 11928/18971/8747 11922/18965/8744 +f 11939/18983/7173 11911/18951/7142 11921/18964/8743 +f 11939/18983/7173 11921/18964/8743 11913/18953/7145 +f 11938/18982/7166 11922/18965/8744 11935/18979/7165 +f 11940/18984/7162 11941/18985/7163 11942/18986/7164 +f 11943/18987/7168 11944/18988/7169 11915/18955/7140 +f 11939/18983/7173 11945/18989/7174 11911/18951/7142 +f 11943/18987/7168 11915/18955/7140 11920/18963/8742 +f 11939/18983/7173 11913/18953/7145 11929/18972/7159 +f 11943/18987/7168 11920/18963/8742 11904/18944/8735 +f 11943/18987/7168 11904/18944/8735 11926/18969/8746 +f 11946/18990/7175 11916/18956/7146 11931/18974/8748 +f 11947/18991/7172 11930/18973/7156 11928/18971/8747 +f 11946/18990/7175 11927/18970/7157 11916/18956/7146 +f 11947/18991/7172 11928/18971/8747 11938/18982/7166 +f 11948/18992/8749 11919/18961/7150 11933/18976/7167 +f 11948/18992/8749 11929/18972/7159 11919/18961/7150 +f 11949/18993/7176 11917/18960/7143 11930/18994/7156 +f 11949/18993/7176 11932/18975/7158 11917/18960/7143 +f 11950/18995/8750 11944/18988/7169 11943/18987/7168 +f 11951/18996/8751 11946/18990/7175 11931/18974/8748 +f 11950/18995/8750 11926/18969/8746 11934/18978/7160 +f 11950/18995/8750 11943/18987/7168 11926/18969/8746 +f 11951/18996/8751 11931/18974/8748 11936/18980/7170 +f 11952/18997/7179 11934/18978/7160 11932/18975/7158 +f 11953/18998/7184 11933/18976/7167 11927/18977/7157 +f 11952/18997/7179 11950/18995/8750 11934/18978/7160 +f 11953/18998/7184 11927/18977/7157 11946/18999/7175 +f 11954/19000/7181 11925/18968/7149 11955/19001/7182 +f 11954/19000/7181 11935/18979/7165 11925/18968/7149 +f 11956/19002/8752 11957/19003/8753 11958/19004/7192 +f 11956/19005/8752 11937/18981/7171 11957/19006/8753 +f 11956/19005/8752 11936/18980/7170 11937/18981/7171 +f 11959/19007/7186 11938/18982/7166 11935/18979/7165 +f 11960/19008/7195 11929/18972/7159 11948/18992/8749 +f 11960/19008/7195 11939/18983/7173 11929/18972/7159 +f 11960/19008/7195 11945/18989/7174 11939/18983/7173 +f 11961/19009/8754 11947/18991/7172 11938/18982/7166 +f 11960/19008/7195 11962/19010/8755 11945/18989/7174 +f 11963/19011/7183 11940/18984/7162 11942/18986/7164 +f 11964/19012/8756 11946/18990/7175 11951/18996/8751 +f 11961/19009/8754 11938/18982/7166 11959/19007/7186 +f 11963/19011/7183 11965/19013/7187 11966/19014/7188 +f 11967/19015/7194 11930/18994/7156 11947/19016/7172 +f 11963/19011/7183 11942/18986/7164 11965/19013/7187 +f 11967/19015/7194 11949/18993/7176 11930/18994/7156 +f 11964/19017/8756 11953/18998/7184 11946/18999/7175 +f 11968/19018/7203 11948/18992/8749 11933/18976/7167 +f 11968/19018/7203 11933/18976/7167 11953/18998/7184 +f 11968/19018/7203 11960/19008/7195 11948/18992/8749 +f 11969/19019/7193 11970/19020/7185 11940/18984/7162 +f 11971/19021/7201 11954/19000/7181 11955/19001/7182 +f 11969/19019/7193 11940/18984/7162 11963/19011/7183 +f 11972/19022/7207 11951/18996/8751 11936/18980/7170 +f 11973/19023/7202 11932/18975/7158 11949/18993/7176 +f 11974/19024/7196 11969/19019/7193 11963/19011/7183 +f 11973/19023/7202 11952/18997/7179 11932/18975/7158 +f 11974/19024/7196 11963/19011/7183 11966/19014/7188 +f 11972/19022/7207 11936/18980/7170 11956/19005/8752 +f 11975/19025/8757 11952/18997/7179 11973/19023/7202 +f 11975/19025/8757 11976/19026/7206 11944/18988/7169 +f 11977/19027/7213 11953/18998/7184 11964/19017/8756 +f 11975/19025/8757 11944/18988/7169 11950/18995/8750 +f 11978/19028/7199 11970/19020/7185 11969/19019/7193 +f 11975/19025/8757 11950/18995/8750 11952/18997/7179 +f 11978/19028/7199 11979/19029/7200 11970/19020/7185 +f 11980/19030/8758 11972/19031/7207 11956/19002/8752 +f 11981/19032/7208 11935/18979/7165 11954/19000/7181 +f 11980/19030/8758 11956/19002/8752 11958/19004/7192 +f 11982/19033/7204 11969/19019/7193 11974/19024/7196 +f 11981/19032/7208 11959/19007/7186 11935/18979/7165 +f 11982/19033/7204 11978/19028/7199 11969/19019/7193 +f 11983/19034/7220 11960/19008/7195 11968/19018/7203 +f 11984/19035/7214 11959/19007/7186 11981/19032/7208 +f 11983/19034/7220 11985/19036/7222 11962/19010/8755 +f 11983/19034/7220 11962/19010/8755 11960/19008/7195 +f 11984/19035/7214 11961/19009/8754 11959/19007/7186 +f 11986/19037/7224 11964/19012/8756 11951/18996/8751 +f 11986/19037/7224 11951/18996/8751 11972/19022/7207 +f 11987/19038/7209 11988/19039/8759 11979/19040/7200 +f 11989/19041/7218 11961/19042/8754 11984/19043/7214 +f 11987/19038/7209 11979/19040/7200 11978/19044/7199 +f 11990/19045/7212 11974/19024/7196 11966/19014/7188 +f 11989/19041/7218 11947/19016/7172 11961/19042/8754 +f 11989/19041/7218 11967/19015/7194 11947/19016/7172 +f 11991/19046/7228 11968/19018/7203 11953/18998/7184 +f 11991/19046/7228 11953/18998/7184 11977/19027/7213 +f 11991/19046/7228 11983/19034/7220 11968/19018/7203 +f 11990/19045/7212 11992/19047/7215 11993/19048/7216 +f 11994/19049/7221 11973/19023/7202 11949/18993/7176 +f 11990/19045/7212 11966/19014/7188 11992/19047/7215 +f 11994/19049/7221 11949/18993/7176 11967/19015/7194 +f 11995/19050/7225 11973/19023/7202 11994/19049/7221 +f 11996/19051/8760 11987/19038/7209 11978/19044/7199 +f 11996/19052/8760 11978/19028/7199 11982/19033/7204 +f 11995/19050/7225 11976/19026/7206 11975/19025/8757 +f 11995/19050/7225 11975/19025/8757 11973/19023/7202 +f 11997/19053/8761 11986/19054/7224 11972/19031/7207 +f 11997/19053/8761 11972/19031/7207 11980/19030/8758 +f 11998/19055/7227 11954/19000/7181 11971/19021/7201 +f 11999/19056/7223 12000/19057/8762 11988/19039/8759 +f 12001/19058/8763 11991/19046/7228 11977/19027/7213 +f 11999/19056/7223 12002/19059/7237 12000/19057/8762 +f 11998/19055/7227 11981/19032/7208 11954/19000/7181 +f 12001/19058/8763 11977/19027/7213 11964/19017/8756 +f 12001/19058/8763 11964/19017/8756 11986/19060/7224 +f 11999/19056/7223 11988/19039/8759 11987/19038/7209 +f 12003/19061/7230 11971/19021/7201 11955/19001/7182 +f 12004/19062/7226 11982/19033/7204 11974/19024/7196 +f 12003/19061/7230 11955/19001/7182 12005/19063/7231 +f 12006/19064/7240 11958/19004/7192 12007/19065/7241 +f 12006/19064/7240 11980/19030/8758 11958/19004/7192 +f 12004/19062/7226 11974/19024/7196 11990/19045/7212 +f 12008/19066/7234 11984/19035/7214 11981/19032/7208 +f 12009/19067/7244 12010/19068/7246 11985/19036/7222 +f 12011/19069/7229 11999/19056/7223 11987/19038/7209 +f 12011/19069/7229 11987/19038/7209 11996/19051/8760 +f 12009/19067/7244 11983/19034/7220 11991/19046/7228 +f 12009/19067/7244 11985/19036/7222 11983/19034/7220 +f 12012/19070/7249 12007/19065/7241 12013/19071/7250 +f 12014/19072/7232 11990/19045/7212 11993/19048/7216 +f 12015/19073/7243 11989/19041/7218 11984/19043/7214 +f 12012/19070/7249 12006/19064/7240 12007/19065/7241 +f 12014/19072/7232 12004/19062/7226 11990/19045/7212 +f 12016/19074/7245 12003/19061/7230 12005/19063/7231 +f 12017/19075/7235 12002/19059/7237 11999/19056/7223 +f 12017/19075/7235 12018/19076/7238 12002/19059/7237 +f 12017/19075/7235 12019/19077/8764 12018/19076/7238 +f 12020/19078/8765 11986/19054/7224 11997/19053/8761 +f 12020/19079/8765 12001/19058/8763 11986/19060/7224 +f 12021/19080/7252 11994/19049/7221 11967/19015/7194 +f 12021/19080/7252 11989/19041/7218 12015/19073/7243 +f 12022/19081/7242 11996/19052/8760 11982/19033/7204 +f 12023/19082/8766 11991/19046/7228 12001/19058/8763 +f 12021/19080/7252 11967/19015/7194 11989/19041/7218 +f 12024/19083/8767 11995/19050/7225 11994/19049/7221 +f 12024/19083/8767 11994/19049/7221 12021/19080/7252 +f 12023/19082/8766 12009/19067/7244 11991/19046/7228 +f 12022/19081/7242 11982/19033/7204 12004/19062/7226 +f 12024/19083/8767 11976/19026/7206 11995/19050/7225 +f 12025/19084/7247 12014/19072/7232 11993/19048/7216 +f 12024/19083/8767 12026/19085/7254 11976/19026/7206 +f 12027/19086/8768 11997/19053/8761 11980/19030/8758 +f 12027/19086/8768 11980/19030/8758 12006/19064/7240 +f 12025/19084/7247 11993/19048/7216 12028/19087/7248 +f 12029/19088/7257 12008/19066/7234 11981/19032/7208 +f 12030/19089/8769 12017/19075/7235 11999/19056/7223 +f 12029/19088/7257 11981/19032/7208 11998/19055/7227 +f 12031/19090/8770 11998/19055/7227 11971/19021/7201 +f 12030/19089/8769 11999/19056/7223 12011/19069/7229 +f 12031/19090/8770 11971/19021/7201 12003/19061/7230 +f 12032/19091/7255 12004/19062/7226 12014/19072/7232 +f 12033/19092/7265 12027/19086/8768 12006/19064/7240 +f 12032/19091/7255 12022/19081/7242 12004/19062/7226 +f 12031/19090/8770 12003/19061/7230 12016/19074/7245 +f 12032/19091/7255 12014/19072/7232 12025/19084/7247 +f 12031/19090/8770 12029/19088/7257 11998/19055/7227 +f 12033/19092/7265 12006/19064/7240 12012/19070/7249 +f 12034/19093/7260 12011/19069/7229 11996/19051/8760 +f 12035/19094/7263 11984/19043/7214 12008/19095/7234 +f 12036/19096/8771 12001/19058/8763 12020/19079/8765 +f 12035/19094/7263 12015/19073/7243 11984/19043/7214 +f 12036/19096/8771 12023/19082/8766 12001/19058/8763 +f 12034/19093/7260 11996/19051/8760 12022/19097/7242 +f 12037/19098/8772 12033/19092/7265 12012/19070/7249 +f 12038/19099/8773 12021/19080/7252 12015/19073/7243 +f 12039/19100/7261 12032/19091/7255 12025/19084/7247 +f 12037/19098/8772 12012/19070/7249 12013/19071/7250 +f 12040/19101/7276 12041/19102/7277 12010/19068/7246 +f 12040/19101/7276 12010/19068/7246 12009/19067/7244 +f 12042/19103/8774 12025/19084/7247 12028/19087/7248 +f 12040/19101/7276 12009/19067/7244 12023/19082/8766 +f 12043/19104/7271 12031/19090/8770 12016/19074/7245 +f 12044/19105/7272 12024/19083/8767 12021/19080/7252 +f 12045/19106/8775 11997/19053/8761 12027/19086/8768 +f 12042/19103/8774 12039/19100/7261 12025/19084/7247 +f 12044/19105/7272 12026/19085/7254 12024/19083/8767 +f 12045/19106/8775 12020/19078/8765 11997/19053/8761 +f 12046/19107/7266 12019/19077/8764 12017/19075/7235 +f 12044/19105/7272 12021/19080/7252 12038/19099/8773 +f 12046/19107/7266 12047/19108/7268 12019/19077/8764 +f 12046/19107/7266 12017/19075/7235 12030/19089/8769 +f 12048/19109/8776 12037/19098/8772 12013/19071/7250 +f 12049/19110/7278 12005/19063/7231 12050/19111/7280 +f 12048/19109/8776 12013/19071/7250 12051/19112/7285 +f 12052/19113/7269 12032/19091/7255 12039/19100/7261 +f 12049/19110/7278 12016/19074/7245 12005/19063/7231 +f 12052/19113/7269 12022/19081/7242 12032/19091/7255 +f 12052/19114/7269 12034/19093/7260 12022/19097/7242 +f 12053/19115/7282 12008/19095/7234 12029/19116/7257 +f 12054/19117/8777 12045/19106/8775 12027/19086/8768 +f 12055/19118/7274 12042/19103/8774 12028/19087/7248 +f 12053/19115/7282 12035/19094/7263 12008/19095/7234 +f 12055/19118/7274 12028/19087/7248 12056/19119/7275 +f 12054/19117/8777 12027/19086/8768 12033/19092/7265 +f 12057/19120/7279 12030/19089/8769 12011/19069/7229 +f 12058/19121/7293 12040/19101/7276 12023/19082/8766 +f 12059/19122/8778 12029/19088/7257 12031/19090/8770 +f 12057/19120/7279 12011/19069/7229 12034/19093/7260 +f 12059/19122/8778 12031/19090/8770 12043/19104/7271 +f 12060/19123/8779 12061/19124/7290 12026/19085/7254 +f 12058/19121/7293 12023/19082/8766 12036/19096/8771 +f 12060/19123/8779 12026/19085/7254 12044/19105/7272 +f 12060/19123/8779 12044/19105/7272 12038/19099/8773 +f 12062/19125/8780 12054/19117/8777 12033/19092/7265 +f 12063/19126/8781 12052/19113/7269 12039/19100/7261 +f 12064/19127/7292 12015/19073/7243 12035/19094/7263 +f 12064/19127/7292 12038/19099/8773 12015/19073/7243 +f 12062/19125/8780 12033/19092/7265 12037/19098/8772 +f 12065/19128/8782 12020/19079/8765 12045/19129/8775 +f 12065/19128/8782 12036/19096/8771 12020/19079/8765 +f 12066/19130/7287 12039/19100/7261 12042/19103/8774 +f 12066/19130/7287 12063/19126/8781 12039/19100/7261 +f 12065/19128/8782 12058/19121/7293 12036/19096/8771 +f 12066/19130/7287 12042/19103/8774 12055/19118/7274 +f 12067/19131/7297 12059/19122/8778 12043/19104/7271 +f 12068/19132/8783 12057/19120/7279 12034/19093/7260 +f 12069/19133/7298 12043/19104/7271 12016/19074/7245 +f 12069/19133/7298 12016/19074/7245 12049/19110/7278 +f 12068/19132/8783 12034/19093/7260 12052/19114/7269 +f 12070/19134/7304 12048/19109/8776 12051/19112/7285 +f 12071/19135/7306 12037/19098/8772 12048/19109/8776 +f 12071/19135/7306 12062/19125/8780 12037/19098/8772 +f 12071/19135/7306 12048/19109/8776 12070/19134/7304 +f 12072/19136/7295 12055/19118/7274 12056/19119/7275 +f 12073/19137/8784 12035/19094/7263 12053/19115/7282 +f 12074/19138/7296 12066/19130/7287 12055/19118/7274 +f 12073/19137/8784 12064/19127/7292 12035/19094/7263 +f 12075/19139/7309 12076/19140/7310 12041/19102/7277 +f 12077/19141/7305 12053/19115/7282 12029/19116/7257 +f 12075/19139/7309 12040/19101/7276 12058/19121/7293 +f 12075/19139/7309 12041/19102/7277 12040/19101/7276 +f 12078/19142/7312 12045/19129/8775 12054/19143/8777 +f 12077/19141/7305 12029/19116/7257 12059/19144/8778 +f 12079/19145/7300 12046/19107/7266 12030/19089/8769 +f 12077/19141/7305 12059/19144/8778 12067/19146/7297 +f 12079/19145/7300 12047/19108/7268 12046/19107/7266 +f 12079/19145/7300 12080/19147/8785 12047/19108/7268 +f 12081/19148/8786 12061/19124/7290 12060/19123/8779 +f 12079/19145/7300 12030/19089/8769 12057/19120/7279 +f 12081/19148/8786 12060/19123/8779 12038/19099/8773 +f 12078/19142/7312 12065/19128/8782 12045/19129/8775 +f 12081/19148/8786 12038/19099/8773 12064/19127/7292 +f 12082/19149/7317 12054/19117/8777 12062/19125/8780 +f 12082/19150/7317 12078/19142/7312 12054/19143/8777 +f 12083/19151/7302 12068/19132/8783 12052/19114/7269 +f 12082/19149/7317 12062/19125/8780 12071/19135/7306 +f 12083/19151/7302 12052/19114/7269 12063/19152/8781 +f 12084/19153/7314 12050/19111/7280 12085/19154/7315 +f 12086/19155/8787 12070/19134/7304 12051/19112/7285 +f 12087/19156/7307 12083/19151/7302 12063/19152/8781 +f 12084/19153/7314 12049/19110/7278 12050/19111/7280 +f 12086/19155/8787 12051/19112/7285 12088/19157/7321 +f 12087/19158/7307 12066/19130/7287 12074/19138/7296 +f 12087/19158/7307 12063/19126/8781 12066/19130/7287 +f 12089/19159/7323 12075/19139/7309 12058/19121/7293 +f 12089/19159/7323 12058/19121/7293 12065/19128/8782 +f 12090/19160/8788 12077/19141/7305 12067/19146/7297 +f 12091/19161/7311 12056/19119/7275 12092/19162/7313 +f 12091/19161/7311 12072/19136/7295 12056/19119/7275 +f 12093/19163/7322 12043/19104/7271 12069/19133/7298 +f 12093/19163/7322 12067/19131/7297 12043/19104/7271 +f 12094/19164/7328 12071/19135/7306 12070/19134/7304 +f 12095/19165/7316 12057/19120/7279 12068/19132/8783 +f 12095/19165/7316 12079/19145/7300 12057/19120/7279 +f 12096/19166/8789 12097/19167/7326 12061/19124/7290 +f 12096/19166/8789 12061/19124/7290 12081/19148/8786 +f 12096/19166/8789 12064/19127/7292 12073/19137/8784 +f 12098/19168/8790 12071/19135/7306 12094/19164/7328 +f 12099/19169/7318 12074/19138/7296 12055/19118/7274 +f 12096/19166/8789 12081/19148/8786 12064/19127/7292 +f 12099/19169/7318 12055/19118/7274 12072/19136/7295 +f 12098/19168/8790 12082/19149/7317 12071/19135/7306 +f 12100/19170/8791 12053/19115/7282 12077/19141/7305 +f 12100/19170/8791 12073/19137/8784 12053/19115/7282 +f 12101/19171/7334 12089/19159/7323 12065/19128/8782 +f 12101/19171/7334 12065/19128/8782 12078/19142/7312 +f 12100/19170/8791 12077/19141/7305 12090/19160/8788 +f 12102/19172/7324 12087/19158/7307 12074/19138/7296 +f 12103/19173/8792 12078/19142/7312 12082/19150/7317 +f 12104/19174/7332 12069/19133/7298 12049/19110/7278 +f 12103/19173/8792 12101/19171/7334 12078/19142/7312 +f 12105/19175/8793 12068/19132/8783 12083/19151/7302 +f 12104/19174/7332 12049/19110/7278 12084/19153/7314 +f 12105/19175/8793 12095/19165/7316 12068/19132/8783 +f 12106/19176/7336 12100/19170/8791 12090/19160/8788 +f 12107/19177/7330 12083/19151/7302 12087/19156/7307 +f 12107/19177/7330 12105/19175/8793 12083/19151/7302 +f 12107/19177/7330 12087/19156/7307 12102/19178/7324 +f 12108/19179/7343 12086/19155/8787 12088/19157/7321 +f 12109/19180/8794 12070/19134/7304 12086/19155/8787 +f 12109/19180/8794 12094/19164/7328 12070/19134/7304 +f 12110/19181/7333 12091/19161/7311 12092/19162/7313 +f 12111/19182/7340 12090/19160/8788 12067/19146/7297 +f 12109/19180/8794 12086/19155/8787 12108/19179/7343 +f 12111/19182/7340 12067/19146/7297 12093/19183/7322 +f 12112/19184/8795 12073/19137/8784 12100/19170/8791 +f 12113/19185/8796 12075/19139/7309 12089/19159/7323 +f 12114/19186/7335 12099/19169/7318 12072/19136/7295 +f 12113/19185/8796 12076/19140/7310 12075/19139/7309 +f 12114/19186/7335 12072/19136/7295 12091/19161/7311 +f 12112/19184/8795 12100/19170/8791 12106/19176/7336 +f 12112/19184/8795 12097/19167/7326 12096/19166/8789 +f 12113/19185/8796 12115/19187/7350 12076/19140/7310 +f 12112/19184/8795 12096/19166/8789 12073/19137/8784 +f 12116/19188/7352 12094/19164/7328 12109/19180/8794 +f 12116/19188/7352 12098/19168/8790 12094/19164/7328 +f 12117/19189/8797 12080/19147/8785 12079/19145/7300 +f 12117/19189/8797 12079/19145/7300 12095/19165/7316 +f 12117/19189/8797 12095/19165/7316 12105/19175/8793 +f 12118/19190/7346 12085/19154/7315 12119/19191/7347 +f 12120/19192/7356 12082/19150/7317 12098/19193/8790 +f 12117/19189/8797 12121/19194/7339 12080/19147/8785 +f 12118/19190/7346 12084/19153/7314 12085/19154/7315 +f 12120/19192/7356 12103/19173/8792 12082/19150/7317 +f 12122/19195/7341 12102/19172/7324 12074/19138/7296 +f 12122/19195/7341 12074/19138/7296 12099/19169/7318 +f 12122/19195/7341 12099/19169/7318 12114/19186/7335 +f 12123/19196/7360 12089/19159/7323 12101/19171/7334 +f 12124/19197/8798 12069/19133/7298 12104/19174/7332 +f 12125/19198/7345 12107/19177/7330 12102/19178/7324 +f 12124/19197/8798 12093/19163/7322 12069/19133/7298 +f 12123/19196/7360 12115/19187/7350 12113/19185/8796 +f 12123/19196/7360 12113/19185/8796 12089/19159/7323 +f 12126/19199/7355 12097/19167/7326 12112/19184/8795 +f 12126/19199/7355 12112/19184/8795 12106/19176/7336 +f 12127/19200/8799 12088/19157/7321 12128/19201/7364 +f 12126/19199/7355 12129/19202/8800 12097/19167/7326 +f 12130/19203/8801 12121/19194/7339 12117/19189/8797 +f 12130/19203/8801 12117/19189/8797 12105/19175/8793 +f 12131/19204/7359 12090/19160/8788 12111/19182/7340 +f 12127/19200/8799 12108/19179/7343 12088/19157/7321 +f 12131/19204/7359 12106/19176/7336 12090/19160/8788 +f 12132/19205/7367 12123/19196/7360 12101/19171/7334 +f 12133/19206/8802 12092/19162/7313 12134/19207/7354 +f 12132/19205/7367 12101/19171/7334 12103/19173/8792 +f 12133/19206/8802 12110/19181/7333 12092/19162/7313 +f 12135/19208/7362 12104/19174/7332 12084/19153/7314 +f 12136/19209/7357 12107/19177/7330 12125/19198/7345 +f 12137/19210/7369 12109/19180/8794 12108/19179/7343 +f 12136/19209/7357 12130/19203/8801 12105/19175/8793 +f 12135/19208/7362 12084/19153/7314 12118/19190/7346 +f 12137/19210/7369 12108/19179/7343 12127/19200/8799 +f 12136/19209/7357 12105/19175/8793 12107/19177/7330 +f 12138/19211/8803 12111/19182/7340 12093/19183/7322 +f 12139/19212/8804 12091/19161/7311 12110/19181/7333 +f 12140/19213/7372 12116/19188/7352 12109/19180/8794 +f 12140/19213/7372 12109/19180/8794 12137/19210/7369 +f 12139/19212/8804 12114/19186/7335 12091/19161/7311 +f 12141/19214/7374 12098/19193/8790 12116/19215/7352 +f 12138/19211/8803 12093/19183/7322 12124/19216/8798 +f 12141/19214/7374 12120/19192/7356 12098/19193/8790 +f 12142/19217/7370 12126/19199/7355 12106/19176/7336 +f 12143/19218/8805 12122/19195/7341 12114/19186/7335 +f 12142/19217/7370 12129/19202/8800 12126/19199/7355 +f 12142/19217/7370 12106/19176/7336 12131/19204/7359 +f 12144/19219/7380 12103/19173/8792 12120/19192/7356 +f 12145/19220/7375 12118/19190/7346 12119/19191/7347 +f 12144/19219/7380 12132/19205/7367 12103/19173/8792 +f 12146/19221/7368 12102/19178/7324 12122/19222/7341 +f 12146/19221/7368 12125/19198/7345 12102/19178/7324 +f 12145/19220/7375 12119/19191/7347 12147/19223/7376 +f 12148/19224/7371 12136/19209/7357 12125/19198/7345 +f 12149/19225/7383 12127/19200/8799 12128/19201/7364 +f 12150/19226/7379 12124/19197/8798 12104/19174/7332 +f 12150/19226/7379 12104/19174/7332 12135/19208/7362 +f 12151/19227/8806 12133/19206/8802 12134/19207/7354 +f 12152/19228/7386 12137/19210/7369 12127/19200/8799 +f 12152/19228/7386 12127/19200/8799 12149/19225/7383 +f 12153/19229/8807 12130/19203/8801 12136/19209/7357 +f 12154/19230/7384 12142/19217/7370 12131/19204/7359 +f 12155/19231/8808 12156/19232/7389 12115/19187/7350 +f 12153/19229/8807 12121/19194/7339 12130/19203/8801 +f 12155/19231/8808 12115/19187/7350 12123/19196/7360 +f 12153/19229/8807 12157/19233/7378 12121/19194/7339 +f 12154/19230/7384 12111/19182/7340 12138/19211/8803 +f 12155/19231/8808 12123/19196/7360 12132/19205/7367 +f 12153/19229/8807 12136/19209/7357 12148/19224/7371 +f 12154/19230/7384 12131/19204/7359 12111/19182/7340 +f 12155/19231/8808 12132/19205/7367 12144/19219/7380 +f 12158/19234/7381 12110/19181/7333 12133/19206/8802 +f 12158/19234/7381 12139/19212/8804 12110/19181/7333 +f 12159/19235/7385 12118/19190/7346 12145/19220/7375 +f 12160/19236/7392 12137/19210/7369 12152/19228/7386 +f 12159/19235/7385 12135/19208/7362 12118/19190/7346 +f 12160/19236/7392 12140/19213/7372 12137/19210/7369 +f 12161/19237/7395 12140/19238/7372 12160/19239/7392 +f 12162/19240/8809 12143/19218/8805 12114/19186/7335 +f 12161/19237/7395 12141/19214/7374 12116/19215/7352 +f 12162/19240/8809 12139/19212/8804 12158/19234/7381 +f 12161/19237/7395 12116/19215/7352 12140/19238/7372 +f 12162/19240/8809 12114/19186/7335 12139/19212/8804 +f 12163/19241/7391 12138/19211/8803 12124/19216/8798 +f 12164/19242/8810 12155/19231/8808 12144/19219/7380 +f 12165/19243/7387 12146/19221/7368 12122/19222/7341 +f 12163/19241/7391 12124/19216/8798 12150/19244/7379 +f 12164/19242/8810 12156/19232/7389 12155/19231/8808 +f 12166/19245/8811 12164/19242/8810 12144/19219/7380 +f 12165/19243/7387 12122/19222/7341 12143/19246/8805 +f 12167/19247/7394 12145/19220/7375 12147/19223/7376 +f 12167/19247/7394 12147/19223/7376 12168/19248/7397 +f 12169/19249/8812 12153/19229/8807 12148/19224/7371 +f 12166/19245/8811 12144/19219/7380 12120/19192/7356 +f 12169/19249/8812 12157/19233/7378 12153/19229/8807 +f 12166/19245/8811 12120/19192/7356 12141/19214/7374 +f 12170/19250/7393 12148/19224/7371 12125/19198/7345 +f 12171/19251/7399 12172/19252/7401 12129/19202/8800 +f 12173/19253/7406 12128/19201/7364 12174/19254/7407 +f 12170/19250/7393 12125/19198/7345 12146/19221/7368 +f 12171/19251/7399 12129/19202/8800 12142/19217/7370 +f 12171/19251/7399 12142/19217/7370 12154/19230/7384 +f 12173/19253/7406 12149/19225/7383 12128/19201/7364 +f 12175/19255/8813 12152/19228/7386 12149/19225/7383 +f 12176/19256/8814 12150/19226/7379 12135/19208/7362 +f 12176/19256/8814 12135/19208/7362 12159/19235/7385 +f 12175/19255/8813 12149/19225/7383 12173/19253/7406 +f 12177/19257/8815 12134/19258/7354 12178/19259/7398 +f 12177/19257/8815 12151/19260/8806 12134/19258/7354 +f 12179/19261/7413 12160/19236/7392 12152/19228/7386 +f 12180/19262/7408 12138/19211/8803 12163/19241/7391 +f 12180/19262/7408 12154/19230/7384 12138/19211/8803 +f 12179/19261/7413 12152/19228/7386 12175/19255/8813 +f 12181/19263/8816 12133/19264/8802 12151/19260/8806 +f 12181/19263/8816 12158/19265/7381 12133/19264/8802 +f 12180/19262/7408 12171/19251/7399 12154/19230/7384 +f 12182/19266/7405 12158/19265/7381 12181/19263/8816 +f 12182/19267/7405 12162/19240/8809 12158/19234/7381 +f 12183/19268/7411 12145/19220/7375 12167/19247/7394 +f 12184/19269/7415 12161/19237/7395 12160/19239/7392 +f 12183/19268/7411 12159/19235/7385 12145/19220/7375 +f 12185/19270/7409 12143/19246/8805 12162/19271/8809 +f 12185/19270/7409 12165/19243/7387 12143/19246/8805 +f 12186/19272/8817 12173/19253/7406 12174/19254/7407 +f 12187/19273/8818 12150/19244/7379 12176/19274/8814 +f 12188/19275/7425 12141/19214/7374 12161/19237/7395 +f 12187/19273/8818 12163/19241/7391 12150/19244/7379 +f 12188/19275/7425 12161/19237/7395 12184/19269/7415 +f 12189/19276/7412 12177/19257/8815 12178/19259/7398 +f 12188/19275/7425 12166/19245/8811 12141/19214/7374 +f 12190/19277/8819 12191/19278/7419 12192/19279/7420 +f 12190/19277/8819 12168/19248/7397 12191/19278/7419 +f 12193/19280/8820 12156/19232/7389 12164/19242/8810 +f 12193/19280/8820 12166/19245/8811 12188/19275/7425 +f 12193/19280/8820 12194/19281/7430 12156/19232/7389 +f 12190/19277/8819 12167/19247/7394 12168/19248/7397 +f 12193/19280/8820 12164/19242/8810 12166/19245/8811 +f 12195/19282/8821 12170/19250/7393 12146/19221/7368 +f 12196/19283/8822 12175/19255/8813 12173/19253/7406 +f 12195/19282/8821 12146/19221/7368 12165/19243/7387 +f 12197/19284/8823 12198/19285/7426 12172/19252/7401 +f 12197/19284/8823 12171/19251/7399 12180/19262/7408 +f 12197/19284/8823 12172/19252/7401 12171/19251/7399 +f 12199/19286/7417 12170/19250/7393 12195/19282/8821 +f 12199/19286/7417 12148/19224/7371 12170/19250/7393 +f 12199/19286/7417 12200/19287/7421 12157/19233/7378 +f 12201/19288/7429 12176/19256/8814 12159/19235/7385 +f 12199/19286/7417 12157/19233/7378 12169/19249/8812 +f 12199/19286/7417 12169/19249/8812 12148/19224/7371 +f 12201/19288/7429 12159/19235/7385 12183/19268/7411 +f 12202/19289/8824 12151/19260/8806 12177/19257/8815 +f 12203/19290/7435 12175/19255/8813 12196/19283/8822 +f 12203/19290/7435 12179/19261/7413 12175/19255/8813 +f 12204/19291/7438 12184/19269/7415 12160/19239/7392 +f 12204/19291/7438 12160/19239/7392 12179/19292/7413 +f 12202/19289/8824 12181/19263/8816 12151/19260/8806 +f 12202/19289/8824 12177/19257/8815 12189/19276/7412 +f 12205/19293/7433 12180/19262/7408 12163/19241/7391 +f 12205/19293/7433 12197/19284/8823 12180/19262/7408 +f 12205/19293/7433 12163/19241/7391 12187/19273/8818 +f 12206/19294/7441 12188/19275/7425 12184/19269/7415 +f 12207/19295/8825 12182/19266/7405 12181/19263/8816 +f 12208/19296/7436 12183/19268/7411 12167/19247/7394 +f 12209/19297/8826 12194/19281/7430 12193/19280/8820 +f 12209/19297/8826 12193/19280/8820 12188/19275/7425 +f 12210/19298/7432 12185/19270/7409 12162/19271/8809 +f 12208/19296/7436 12167/19247/7394 12190/19277/8819 +f 12209/19297/8826 12188/19275/7425 12206/19294/7441 +f 12210/19298/7432 12162/19271/8809 12182/19299/7405 +f 12211/19300/7439 12176/19274/8814 12201/19301/7429 +f 12212/19302/8827 12196/19283/8822 12173/19253/7406 +f 12211/19300/7439 12187/19273/8818 12176/19274/8814 +f 12212/19302/8827 12173/19253/7406 12186/19272/8817 +f 12213/19303/8828 12195/19282/8821 12165/19243/7387 +f 12213/19303/8828 12165/19243/7387 12185/19270/7409 +f 12214/19304/8829 12202/19289/8824 12189/19276/7412 +f 12215/19305/7451 12174/19254/7407 12216/19306/7452 +f 12217/19307/7442 12190/19277/8819 12192/19279/7420 +f 12217/19307/7442 12208/19296/7436 12190/19277/8819 +f 12215/19305/7451 12186/19272/8817 12174/19254/7407 +f 12218/19308/7446 12219/19309/8830 12198/19285/7426 +f 12220/19310/8831 12196/19283/8822 12212/19302/8827 +f 12218/19308/7446 12197/19284/8823 12205/19293/7433 +f 12220/19310/8831 12203/19290/7435 12196/19283/8822 +f 12218/19308/7446 12198/19285/7426 12197/19284/8823 +f 12221/19311/8832 12200/19287/7421 12199/19286/7417 +f 12221/19311/8832 12199/19286/7417 12195/19282/8821 +f 12222/19312/7457 12204/19291/7438 12179/19292/7413 +f 12223/19313/7450 12201/19288/7429 12183/19268/7411 +f 12223/19313/7450 12183/19268/7411 12208/19296/7436 +f 12224/19314/7443 12178/19259/7398 12225/19315/7445 +f 12224/19314/7443 12189/19276/7412 12178/19259/7398 +f 12226/19316/8833 12207/19295/8825 12181/19263/8816 +f 12226/19316/8833 12202/19289/8824 12214/19304/8829 +f 12222/19312/7457 12179/19292/7413 12203/19317/7435 +f 12226/19316/8833 12181/19263/8816 12202/19289/8824 +f 12227/19318/7455 12205/19293/7433 12187/19273/8818 +f 12227/19318/7455 12187/19273/8818 12211/19300/7439 +f 12228/19319/7462 12215/19305/7451 12216/19306/7452 +f 12229/19320/8834 12182/19299/7405 12207/19321/8825 +f 12230/19322/8835 12184/19269/7415 12204/19291/7438 +f 12229/19320/8834 12210/19298/7432 12182/19299/7405 +f 12230/19322/8835 12206/19294/7441 12184/19269/7415 +f 12231/19323/7459 12208/19296/7436 12217/19307/7442 +f 12231/19323/7459 12223/19313/7450 12208/19296/7436 +f 12232/19324/7471 12194/19281/7430 12209/19297/8826 +f 12233/19325/8836 12211/19300/7439 12201/19301/7429 +f 12232/19324/7471 12206/19294/7441 12230/19322/8835 +f 12232/19324/7471 12209/19297/8826 12206/19294/7441 +f 12233/19325/8836 12201/19301/7429 12223/19326/7450 +f 12232/19324/7471 12234/19327/8837 12194/19281/7430 +f 12235/19328/8838 12224/19314/7443 12225/19315/7445 +f 12233/19325/8836 12227/19318/7455 12211/19300/7439 +f 12236/19329/7473 12220/19310/8831 12212/19302/8827 +f 12237/19330/7458 12185/19270/7409 12210/19298/7432 +f 12237/19330/7458 12213/19303/8828 12185/19270/7409 +f 12238/19331/8839 12192/19279/7420 12239/19332/7467 +f 12238/19331/8839 12217/19307/7442 12192/19279/7420 +f 12240/19333/8840 12195/19282/8821 12213/19303/8828 +f 12241/19334/7469 12242/19335/8841 12219/19309/8830 +f 12243/19336/7478 12212/19302/8827 12186/19272/8817 +f 12240/19333/8840 12221/19311/8832 12195/19282/8821 +f 12243/19336/7478 12186/19272/8817 12215/19305/7451 +f 12240/19333/8840 12200/19287/7421 12221/19311/8832 +f 12241/19334/7469 12205/19293/7433 12227/19318/7455 +f 12240/19333/8840 12213/19303/8828 12237/19330/7458 +f 12241/19334/7469 12218/19308/7446 12205/19293/7433 +f 12240/19333/8840 12244/19337/7463 12200/19287/7421 +f 12241/19334/7469 12219/19309/8830 12218/19308/7446 +f 12245/19338/7474 12233/19325/8836 12223/19326/7450 +f 12246/19339/7464 12226/19316/8833 12214/19304/8829 +f 12247/19340/7482 12222/19312/7457 12203/19317/7435 +f 12247/19340/7482 12203/19317/7435 12220/19341/8831 +f 12245/19342/7474 12223/19313/7450 12231/19323/7459 +f 12248/19343/7468 12189/19276/7412 12224/19314/7443 +f 12249/19344/7476 12238/19331/8839 12239/19332/7467 +f 12248/19343/7468 12214/19304/8829 12189/19276/7412 +f 12250/19345/7485 12230/19322/8835 12204/19291/7438 +f 12249/19344/7476 12239/19332/7467 12251/19346/7479 +f 12250/19345/7485 12204/19291/7438 12222/19312/7457 +f 12252/19347/7480 12227/19318/7455 12233/19325/8836 +f 12252/19347/7480 12241/19334/7469 12227/19318/7455 +f 12253/19348/8842 12229/19320/8834 12207/19321/8825 +f 12254/19349/7491 12243/19336/7478 12215/19305/7451 +f 12253/19348/8842 12207/19321/8825 12226/19350/8833 +f 12253/19348/8842 12226/19350/8833 12246/19351/7464 +f 12255/19352/7483 12231/19323/7459 12217/19307/7442 +f 12254/19349/7491 12215/19305/7451 12228/19319/7462 +f 12256/19353/8843 12210/19298/7432 12229/19320/8834 +f 12256/19353/8843 12237/19330/7458 12210/19298/7432 +f 12255/19352/7483 12217/19307/7442 12238/19331/8839 +f 12257/19354/7492 12232/19324/7471 12230/19322/8835 +f 12257/19354/7492 12234/19327/8837 12232/19324/7471 +f 12257/19354/7492 12230/19322/8835 12250/19345/7485 +f 12258/19355/8844 12248/19343/7468 12224/19314/7443 +f 12259/19356/8845 12252/19347/7480 12233/19325/8836 +f 12260/19357/7495 12216/19306/7452 12261/19358/7496 +f 12258/19355/8844 12224/19314/7443 12235/19328/8838 +f 12259/19356/8845 12233/19325/8836 12245/19338/7474 +f 12262/19359/8846 12255/19352/7483 12238/19331/8839 +f 12260/19357/7495 12228/19319/7462 12216/19306/7452 +f 12263/19360/7484 12237/19330/7458 12256/19353/8843 +f 12262/19359/8846 12238/19331/8839 12249/19344/7476 +f 12264/19361/7501 12220/19341/8831 12236/19362/7473 +f 12263/19360/7484 12240/19333/8840 12237/19330/7458 +f 12263/19360/7484 12244/19337/7463 12240/19333/8840 +f 12264/19361/7501 12247/19340/7482 12220/19341/8831 +f 12265/19363/8847 12235/19328/8838 12225/19315/7445 +f 12266/19364/8848 12243/19336/7478 12254/19349/7491 +f 12265/19363/8847 12225/19315/7445 12267/19365/7488 +f 12268/19366/8849 12249/19344/7476 12251/19346/7479 +f 12266/19364/8848 12236/19329/7473 12212/19302/8827 +f 12269/19367/8850 12253/19348/8842 12246/19351/7464 +f 12270/19368/8851 12271/19369/7498 12242/19335/8841 +f 12270/19368/8851 12242/19335/8841 12241/19334/7469 +f 12266/19364/8848 12212/19302/8827 12243/19336/7478 +f 12270/19368/8851 12241/19334/7469 12252/19347/7480 +f 12272/19370/8852 12273/19371/7509 12234/19327/8837 +f 12272/19370/8852 12234/19327/8837 12257/19354/7492 +f 12274/19372/7500 12245/19342/7474 12231/19323/7459 +f 12275/19373/8853 12248/19343/7468 12258/19355/8844 +f 12274/19372/7500 12231/19323/7459 12255/19352/7483 +f 12272/19370/8852 12257/19354/7492 12250/19345/7485 +f 12275/19373/8853 12246/19339/7464 12214/19304/8829 +f 12275/19373/8853 12214/19304/8829 12248/19343/7468 +f 12276/19374/7513 12222/19312/7457 12247/19340/7482 +f 12274/19372/7500 12255/19352/7483 12262/19359/8846 +f 12276/19374/7513 12250/19345/7485 12222/19312/7457 +f 12277/19375/7504 12268/19366/8849 12251/19346/7479 +f 12278/19376/8854 12263/19360/7484 12256/19353/8843 +f 12278/19376/8854 12244/19337/7463 12263/19360/7484 +f 12277/19375/7504 12251/19346/7479 12279/19377/7507 +f 12278/19376/8854 12280/19378/8855 12244/19337/7463 +f 12281/19379/7503 12256/19353/8843 12229/19320/8834 +f 12281/19379/7503 12229/19320/8834 12253/19348/8842 +f 12282/19380/8856 12252/19347/7480 12259/19356/8845 +f 12283/19381/7515 12266/19364/8848 12254/19349/7491 +f 12281/19379/7503 12253/19348/8842 12269/19367/8850 +f 12282/19380/8856 12270/19368/8851 12252/19347/7480 +f 12284/19382/7506 12275/19373/8853 12258/19355/8844 +f 12285/19383/7520 12254/19349/7491 12228/19319/7462 +f 12285/19383/7520 12228/19319/7462 12260/19357/7495 +f 12286/19384/7512 12274/19372/7500 12262/19359/8846 +f 12287/19385/7516 12249/19344/7476 12268/19366/8849 +f 12288/19386/8857 12276/19374/7513 12247/19340/7482 +f 12289/19387/8858 12235/19328/8838 12265/19363/8847 +f 12288/19386/8857 12247/19340/7482 12264/19361/7501 +f 12289/19387/8858 12258/19355/8844 12235/19328/8838 +f 12287/19385/7516 12262/19359/8846 12249/19344/7476 +f 12290/19388/8859 12281/19379/7503 12269/19367/8850 +f 12287/19385/7516 12268/19366/8849 12277/19375/7504 +f 12291/19389/7525 12236/19362/7473 12266/19390/8848 +f 12292/19391/8860 12245/19338/7474 12274/19392/7500 +f 12291/19389/7525 12264/19361/7501 12236/19362/7473 +f 12292/19391/8860 12259/19356/8845 12245/19338/7474 +f 12293/19393/8861 12272/19370/8852 12250/19345/7485 +f 12293/19393/8861 12276/19374/7513 12288/19386/8857 +f 12294/19394/7517 12269/19367/8850 12246/19351/7464 +f 12294/19394/7517 12246/19351/7464 12275/19395/8853 +f 12293/19393/8861 12273/19371/7509 12272/19370/8852 +f 12293/19393/8861 12250/19345/7485 12276/19374/7513 +f 12295/19396/7523 12277/19375/7504 12279/19377/7507 +f 12296/19397/7532 12261/19358/7496 12297/19398/7533 +f 12298/19399/7519 12256/19353/8843 12281/19379/7503 +f 12298/19399/7519 12281/19379/7503 12290/19388/8859 +f 12296/19397/7532 12260/19357/7495 12261/19358/7496 +f 12298/19399/7519 12278/19376/8854 12256/19353/8843 +f 12298/19399/7519 12280/19378/8855 12278/19376/8854 +f 12299/19400/7521 12289/19387/8858 12265/19363/8847 +f 12300/19401/7527 12287/19385/7516 12277/19375/7504 +f 12301/19402/8862 12291/19389/7525 12266/19390/8848 +f 12302/19403/7529 12303/19404/8863 12271/19369/7498 +f 12302/19403/7529 12271/19369/7498 12270/19368/8851 +f 12299/19400/7521 12267/19365/7488 12304/19405/8864 +f 12302/19403/7529 12270/19368/8851 12282/19380/8856 +f 12301/19402/8862 12266/19390/8848 12283/19406/7515 +f 12299/19400/7521 12265/19363/8847 12267/19365/7488 +f 12305/19407/7534 12292/19391/8860 12274/19392/7500 +f 12306/19408/7542 12283/19381/7515 12254/19349/7491 +f 12307/19409/7526 12294/19394/7517 12275/19395/8853 +f 12305/19407/7534 12274/19392/7500 12286/19410/7512 +f 12307/19409/7526 12275/19395/8853 12284/19411/7506 +f 12306/19408/7542 12254/19349/7491 12285/19383/7520 +f 12308/19412/8865 12286/19384/7512 12262/19359/8846 +f 12309/19413/8866 12293/19393/8861 12288/19386/8857 +f 12308/19412/8865 12262/19359/8846 12287/19385/7516 +f 12309/19413/8866 12273/19371/7509 12293/19393/8861 +f 12308/19412/8865 12287/19385/7516 12300/19401/7527 +f 12309/19413/8866 12310/19414/7547 12273/19371/7509 +f 12311/19415/8867 12284/19382/7506 12258/19355/8844 +f 12312/19416/8868 12264/19361/7501 12291/19389/7525 +f 12311/19415/8867 12258/19355/8844 12289/19387/8858 +f 12312/19416/8868 12309/19413/8866 12288/19386/8857 +f 12313/19417/7535 12280/19378/8855 12298/19399/7519 +f 12312/19416/8868 12288/19386/8857 12264/19361/7501 +f 12313/19417/7535 12298/19399/7519 12290/19388/8859 +f 12314/19418/7540 12279/19377/7507 12315/19419/7541 +f 12313/19417/7535 12316/19420/8869 12280/19378/8855 +f 12314/19418/7540 12295/19396/7523 12279/19377/7507 +f 12317/19421/8870 12282/19380/8856 12259/19356/8845 +f 12318/19422/7553 12260/19357/7495 12296/19397/7532 +f 12319/19423/7538 12290/19388/8859 12269/19367/8850 +f 12317/19421/8870 12259/19356/8845 12292/19391/8860 +f 12318/19422/7553 12285/19383/7520 12260/19357/7495 +f 12319/19423/7538 12269/19367/8850 12294/19394/7517 +f 12320/19424/7556 12312/19416/8868 12291/19389/7525 +f 12321/19425/8871 12311/19415/8867 12289/19387/8858 +f 12321/19425/8871 12289/19387/8858 12299/19400/7521 +f 12322/19426/8872 12295/19396/7523 12314/19418/7540 +f 12322/19426/8872 12277/19375/7504 12295/19396/7523 +f 12322/19426/8872 12300/19401/7527 12277/19375/7504 +f 12320/19424/7556 12291/19389/7525 12301/19402/8862 +f 12323/19427/8873 12319/19423/7538 12294/19394/7517 +f 12323/19427/8873 12294/19394/7517 12307/19409/7526 +f 12324/19428/7559 12301/19402/8862 12283/19406/7515 +f 12325/19429/8874 12308/19412/8865 12300/19401/7527 +f 12326/19430/8875 12292/19391/8860 12305/19407/7534 +f 12324/19428/7559 12283/19406/7515 12306/19431/7542 +f 12327/19432/8876 12284/19411/7506 12311/19433/8867 +f 12328/19434/7562 12312/19416/8868 12320/19424/7556 +f 12326/19430/8875 12317/19421/8870 12292/19391/8860 +f 12328/19434/7562 12310/19414/7547 12309/19413/8866 +f 12327/19432/8876 12307/19409/7526 12284/19411/7506 +f 12328/19434/7562 12309/19413/8866 12312/19416/8868 +f 12329/19435/7558 12286/19410/7512 12308/19436/8865 +f 12330/19437/7567 12297/19398/7533 11941/18985/7163 +f 12331/19438/7551 12319/19423/7538 12323/19427/8873 +f 12330/19437/7567 12296/19397/7532 12297/19398/7533 +f 12331/19438/7551 12316/19420/8869 12313/19417/7535 +f 12331/19438/7551 12290/19388/8859 12319/19423/7538 +f 12329/19435/7558 12305/19407/7534 12286/19410/7512 +f 12331/19438/7551 12313/19417/7535 12290/19388/8859 +f 12330/19437/7567 11941/18985/7163 11940/18984/7162 +f 12332/19439/8877 12306/19408/7542 12285/19383/7520 +f 12333/19440/8878 12299/19400/7521 12304/19405/8864 +f 12332/19439/8877 12285/19383/7520 12318/19422/7553 +f 12334/19441/8879 12314/19418/7540 12315/19419/7541 +f 12333/19440/8878 12304/19405/8864 12335/19442/8880 +f 12336/19443/7574 12328/19434/7562 12320/19424/7556 +f 12337/19444/8881 12311/19415/8867 12321/19425/8871 +f 12338/19445/8882 12322/19426/8872 12314/19418/7540 +f 12336/19443/7574 12310/19414/7547 12328/19434/7562 +f 12339/19446/7568 12340/19447/7569 12303/19404/8863 +f 12336/19443/7574 12341/19448/8883 12310/19414/7547 +f 12337/19449/8881 12327/19432/8876 12311/19433/8867 +f 12339/19446/7568 12303/19404/8863 12302/19403/7529 +f 12342/19450/7578 12301/19402/8862 12324/19428/7559 +f 12339/19446/7568 12282/19380/8856 12317/19421/8870 +f 12343/19451/8884 12331/19438/7551 12323/19427/8873 +f 12339/19446/7568 12302/19403/7529 12282/19380/8856 +f 12342/19450/7578 12320/19424/7556 12301/19402/8862 +f 12343/19451/8884 12316/19420/8869 12331/19438/7551 +f 12339/19446/7568 12317/19421/8870 12326/19430/8875 +f 12343/19451/8884 12344/19452/7564 12316/19420/8869 +f 12345/19453/7572 12300/19401/7527 12322/19426/8872 +f 12346/19454/8885 12323/19427/8873 12307/19409/7526 +f 12346/19454/8885 12307/19409/7526 12327/19432/8876 +f 12347/19455/7581 12296/19397/7532 12330/19437/7567 +f 12345/19453/7572 12325/19429/8874 12300/19401/7527 +f 12347/19455/7581 12318/19422/7553 12296/19397/7532 +f 12346/19454/8885 12343/19451/8884 12323/19427/8873 +f 12347/19455/7581 12330/19437/7567 11940/18984/7162 +f 12345/19453/7572 12322/19426/8872 12338/19445/8882 +f 12347/19455/7581 11940/18984/7162 11970/19020/7185 +f 12347/19455/7581 11970/19020/7185 11979/19029/7200 +f 12348/19456/7570 12299/19400/7521 12333/19440/8878 +f 12349/19457/7576 12329/19435/7558 12308/19436/8865 +f 12349/19457/7576 12308/19436/8865 12325/19458/8874 +f 12350/19459/8886 12306/19431/7542 12332/19460/8877 +f 12350/19459/8886 12324/19428/7559 12306/19431/7542 +f 12348/19456/7570 12321/19425/8871 12299/19400/7521 +f 12351/19461/7580 12340/19447/7569 12339/19446/7568 +f 12351/19461/7580 12339/19446/7568 12326/19430/8875 +f 12352/19462/7573 12346/19454/8885 12327/19432/8876 +f 12353/19463/8887 12315/19464/7541 12354/19465/7583 +f 12355/19466/7590 12320/19424/7556 12342/19450/7578 +f 12355/19466/7590 12336/19443/7574 12320/19424/7556 +f 12352/19462/7573 12327/19432/8876 12337/19449/8881 +f 12355/19466/7590 12341/19448/8883 12336/19443/7574 +f 12353/19467/8887 12334/19441/8879 12315/19419/7541 +f 12356/19468/7575 12344/19452/7564 12343/19451/8884 +f 12357/19469/7593 12332/19439/8877 12318/19422/7553 +f 12356/19468/7575 12343/19451/8884 12346/19454/8885 +f 12357/19469/7593 12318/19422/7553 12347/19455/7581 +f 12358/19470/8888 12326/19430/8875 12305/19407/7534 +f 12357/19469/7593 12347/19455/7581 11979/19029/7200 +f 12359/19471/8889 12348/19456/7570 12333/19440/8878 +f 12359/19471/8889 12333/19440/8878 12335/19442/8880 +f 12358/19470/8888 12305/19407/7534 12329/19435/7558 +f 12360/19472/7596 12342/19450/7578 12324/19428/7559 +f 12360/19472/7596 12324/19428/7559 12350/19459/8886 +f 12359/19471/8889 12335/19442/8880 12361/19473/7584 +f 12362/19474/8890 12314/19418/7540 12334/19441/8879 +f 12362/19474/8890 12338/19445/8882 12314/19418/7540 +f 12363/19475/8891 12338/19445/8882 12362/19474/8890 +f 12364/19476/7585 12337/19444/8881 12321/19425/8871 +f 12365/19477/8892 12350/19459/8886 12332/19460/8877 +f 12364/19476/7585 12321/19425/8871 12348/19456/7570 +f 12365/19477/8892 12332/19460/8877 12357/19478/7593 +f 12363/19475/8891 12345/19453/7572 12338/19445/8882 +f 12365/19477/8892 12357/19478/7593 11979/19040/7200 +f 12366/19479/7588 12346/19454/8885 12352/19462/7573 +f 12365/19477/8892 11979/19040/7200 11988/19039/8759 +f 12367/19480/7594 12345/19481/7572 12363/19482/8891 +f 12366/19479/7588 12356/19468/7575 12346/19454/8885 +f 12368/19483/7606 12342/19450/7578 12360/19472/7596 +f 12368/19483/7606 12355/19466/7590 12342/19450/7578 +f 12367/19480/7594 12325/19458/8874 12345/19481/7572 +f 12368/19483/7606 12369/19484/7608 12341/19448/8883 +f 12367/19480/7594 12349/19457/7576 12325/19458/8874 +f 12370/19485/7591 12348/19456/7570 12359/19471/8889 +f 12371/19486/7597 12358/19470/8888 12329/19435/7558 +f 12368/19483/7606 12341/19448/8883 12355/19466/7590 +f 12372/19487/8893 12350/19459/8886 12365/19477/8892 +f 12372/19487/8893 12360/19472/7596 12350/19459/8886 +f 12371/19486/7597 12329/19435/7558 12349/19457/7576 +f 12372/19487/8893 12365/19477/8892 11988/19039/8759 +f 12372/19487/8893 11988/19039/8759 12000/19057/8762 +f 12372/19487/8893 12000/19057/8762 12002/19059/7237 +f 12373/19488/7595 12352/19462/7573 12337/19449/8881 +f 12374/19489/7614 12360/19472/7596 12372/19487/8893 +f 12374/19489/7614 12372/19487/8893 12002/19059/7237 +f 12373/19488/7595 12337/19449/8881 12364/19490/7585 +f 12375/19491/8894 12353/19463/8887 12354/19465/7583 +f 12374/19489/7614 12376/19492/7615 12369/19484/7608 +f 12374/19489/7614 12018/19076/7238 12376/19492/7615 +f 12377/19493/7604 12340/19447/7569 12351/19461/7580 +f 12374/19489/7614 12368/19483/7606 12360/19472/7596 +f 12377/19493/7604 12351/19461/7580 12326/19430/8875 +f 12374/19489/7614 12369/19484/7608 12368/19483/7606 +f 12377/19493/7604 12358/19470/8888 12371/19486/7597 +f 12374/19489/7614 12002/19059/7237 12018/19076/7238 +f 12378/19494/7598 12359/19471/8889 12361/19473/7584 +f 12377/19493/7604 12379/19495/7607 12340/19447/7569 +f 12377/19493/7604 12326/19430/8875 12358/19470/8888 +f 12380/19496/7610 12362/19497/8890 12334/19498/8879 +f 12378/19494/7598 12381/19499/7600 12382/19500/7601 +f 12380/19496/7610 12334/19498/8879 12353/19463/8887 +f 12378/19494/7598 12361/19473/7584 12381/19499/7600 +f 12383/19501/8895 12344/19452/7564 12356/19468/7575 +f 12383/19501/8895 12356/19468/7575 12366/19479/7588 +f 12383/19501/8895 12384/19502/7605 12344/19452/7564 +f 12385/19503/7613 12362/19497/8890 12380/19496/7610 +f 12386/19504/7609 12364/19476/7585 12348/19456/7570 +f 12386/19504/7609 12348/19456/7570 12370/19485/7591 +f 12385/19505/7613 12363/19475/8891 12362/19474/8890 +f 12387/19506/8896 12352/19462/7573 12373/19488/7595 +f 12387/19506/8896 12366/19479/7588 12352/19462/7573 +f 12388/19507/7617 12367/19480/7594 12363/19482/8891 +f 12387/19506/8896 12383/19501/8895 12366/19479/7588 +f 12389/19508/8897 12377/19493/7604 12371/19486/7597 +f 12389/19508/8897 12379/19495/7607 12377/19493/7604 +f 12390/19509/7620 12349/19457/7576 12367/19480/7594 +f 12390/19509/7620 12367/19480/7594 12388/19507/7617 +f 12391/19510/8898 12370/19485/7591 12359/19471/8889 +f 12391/19510/8898 12359/19471/8889 12378/19494/7598 +f 12390/19509/7620 12371/19486/7597 12349/19457/7576 +f 12392/19511/8899 12375/19491/8894 12354/19465/7583 +f 12392/19511/8899 12354/19465/7583 12393/19512/7625 +f 12394/19513/7619 12364/19490/7585 12386/19514/7609 +f 12394/19513/7619 12373/19488/7595 12364/19490/7585 +f 12395/19515/8900 12380/19496/7610 12353/19463/8887 +f 12396/19516/7621 12378/19494/7598 12382/19500/7601 +f 12395/19515/8900 12353/19463/8887 12375/19491/8894 +f 12397/19517/7628 12385/19503/7613 12380/19496/7610 +f 12396/19516/7621 12391/19510/8898 12378/19494/7598 +f 12398/19518/8901 12399/19519/8902 12384/19502/7605 +f 12398/19518/8901 12384/19502/7605 12383/19501/8895 +f 12398/19518/8901 12383/19501/8895 12387/19506/8896 +f 12397/19517/7628 12380/19496/7610 12395/19515/8900 +f 12400/19520/7630 12363/19482/8891 12385/19521/7613 +f 12401/19522/8903 12370/19485/7591 12391/19510/8898 +f 12401/19522/8903 12386/19504/7609 12370/19485/7591 +f 12400/19520/7630 12388/19507/7617 12363/19482/8891 +f 12402/19523/7629 12387/19506/8896 12373/19488/7595 +f 12402/19523/7629 12373/19488/7595 12394/19513/7619 +f 12403/19524/8904 12392/19511/8899 12393/19512/7625 +f 12404/19525/8905 12390/19509/7620 12388/19507/7617 +f 12405/19526/8906 12389/19508/8897 12371/19486/7597 +f 12406/19527/7631 12401/19522/8903 12391/19510/8898 +f 12405/19526/8906 12407/19528/7639 12379/19495/7607 +f 12406/19527/7631 12391/19510/8898 12396/19516/7621 +f 12405/19526/8906 12379/19495/7607 12389/19508/8897 +f 12408/19529/7632 12402/19523/7629 12394/19513/7619 +f 12405/19526/8906 12371/19486/7597 12390/19509/7620 +f 12405/19526/8906 12390/19509/7620 12404/19525/8905 +f 12409/19530/7642 12375/19491/8894 12392/19511/8899 +f 12408/19529/7632 12394/19513/7619 12386/19514/7609 +f 12408/19529/7632 12386/19514/7609 12401/19531/8903 +f 12409/19530/7642 12395/19515/8900 12375/19491/8894 +f 12410/19532/7636 12411/19533/7637 12412/19534/8907 +f 12410/19532/7636 12382/19500/7601 12411/19533/7637 +f 12413/19535/7644 12397/19517/7628 12395/19515/8900 +f 12410/19532/7636 12396/19516/7621 12382/19500/7601 +f 12414/19536/7640 12415/19537/7641 12399/19519/8902 +f 12413/19535/7644 12395/19515/8900 12409/19530/7642 +f 12414/19536/7640 12399/19519/8902 12398/19518/8901 +f 12414/19536/7640 12387/19506/8896 12402/19523/7629 +f 12416/19538/7646 12400/19520/7630 12385/19521/7613 +f 12414/19536/7640 12398/19518/8901 12387/19506/8896 +f 12416/19538/7646 12385/19521/7613 12397/19539/7628 +f 12417/19540/7643 12401/19522/8903 12406/19527/7631 +f 12417/19541/7643 12408/19529/7632 12401/19531/8903 +f 12418/19542/7648 12404/19525/8905 12388/19507/7617 +f 12418/19542/7648 12388/19507/7617 12400/19520/7630 +f 12419/19543/7645 12414/19536/7640 12402/19523/7629 +f 12419/19543/7645 12402/19523/7629 12408/19529/7632 +f 11581/18575/8621 12409/19530/7642 12392/19511/8899 +f 11581/18575/8621 12392/19511/8899 12403/19524/8904 +f 12420/19544/8908 12396/19516/7621 12410/19532/7636 +f 12421/19545/8909 12407/19528/7639 12405/19526/8906 +f 12420/19544/8908 12406/19527/7631 12396/19516/7621 +f 12421/19545/8909 12405/19526/8906 12404/19525/8905 +f 12421/19545/8909 12404/19525/8905 12418/19542/7648 +f 12422/19546/7649 12408/19529/7632 12417/19541/7643 +f 12423/19547/7654 12393/19512/7625 12424/19548/6806 +f 12422/19546/7649 12419/19543/7645 12408/19529/7632 +f 12423/19547/7654 12403/19524/8904 12393/19512/7625 +f 12425/19549/7650 12410/19532/7636 12412/19534/8907 +f 12425/19549/7650 12420/19544/8908 12410/19532/7636 +f 12426/19550/8910 12413/19535/7644 12409/19530/7642 +f 12427/19551/7652 12428/19552/7653 12415/19537/7641 +f 12427/19551/7652 12415/19537/7641 12414/19536/7640 +f 12427/19551/7652 12414/19536/7640 12419/19543/7645 +f 11596/18590/6835 12397/19539/7628 12413/19553/7644 +f 11596/18590/6835 12416/19538/7646 12397/19539/7628 +f 12429/19554/7655 12417/19540/7643 12406/19527/7631 +f 12429/19554/7655 12406/19527/7631 12420/19544/8908 +f 11607/18601/6811 12423/19547/7654 12424/19548/6806 +f 11586/18580/6816 12425/19549/7650 12412/19534/8907 +f 12430/19555/6827 12400/19520/7630 12416/19538/7646 +f 12430/19555/6827 12418/19542/7648 12400/19520/7630 +f 11586/18580/6816 12412/19534/8907 12431/19556/8911 +f 11615/18609/6842 12419/19543/7645 12422/19546/7649 +f 12432/19557/7658 11590/18584/6831 12407/19528/7639 +f 12432/19557/7658 12407/19528/7639 12421/19545/8909 +f 11615/18609/6842 12427/19551/7652 12419/19543/7645 +f 12432/19557/7658 12421/19545/8909 12418/19542/7648 +f 12432/19557/7658 12418/19542/7648 12430/19555/6827 +f 11583/18577/6819 12409/19530/7642 11581/18575/8621 +f 12433/19558/7657 12429/19554/7655 12420/19544/8908 +f 11583/18577/6819 12426/19550/8910 12409/19530/7642 +f 12433/19558/7657 12420/19544/8908 12425/19549/7650 +f 11598/18592/6822 12417/19541/7643 12429/19559/7655 +f 11582/18576/6825 11581/18575/8621 12403/19524/8904 +f 11598/18592/6822 12422/19546/7649 12417/19541/7643 +f 11582/18576/6825 12403/19524/8904 12423/19547/7654 +f 11585/18579/6810 12425/19549/7650 11586/18580/6816 +f 11601/18595/8628 11596/18590/6835 12413/19553/7644 +f 11601/18595/8628 12413/19553/7644 12426/19560/8910 +f 11585/18579/6810 12433/19558/7657 12425/19549/7650 +f 11592/18586/8625 11586/18580/6816 12431/19556/8911 +f 11594/18588/6828 12416/19538/7646 11596/18590/6835 +f 11594/18588/6828 12430/19555/6827 12416/19538/7646 +f 11614/18608/8633 11612/18606/6839 12428/19552/7653 +f 11587/18581/8623 11582/18576/6825 12423/19547/7654 +f 11614/18608/8633 12427/19551/7652 11615/18609/6842 +f 11614/18608/8633 12428/19552/7653 12427/19551/7652 +f 11599/19561/6809 12429/19554/7655 12433/19558/7657 +f 11587/18581/8623 12423/19547/7654 11607/18601/6811 +f 11591/18585/6832 12430/19555/6827 11594/18588/6828 +f 11599/18593/6809 11598/18592/6822 12429/19559/7655 +f 11599/19561/6809 12433/19558/7657 11585/18579/6810 +f 11591/18585/6832 11590/18584/6831 12432/19557/7658 +f 11591/18585/6832 12432/19557/7658 12430/19555/6827 +f 11604/18598/6818 11592/18586/8625 12431/19556/8911 +f 11609/18603/6805 12424/19548/6806 11622/18619/6807 +f 11604/18598/6818 12431/19556/8911 11605/18599/8630 +f 11609/18603/6805 11607/18601/6811 12424/19548/6806 +f 11616/18610/6812 11601/18595/8628 12426/19560/8910 +f 11600/18594/6821 11615/18609/6842 12422/19546/7649 +f 11600/18594/6821 12422/19546/7649 11598/18592/6822 +f 11616/18610/6812 12426/19560/8910 11583/18612/6819 +f 11588/18582/6808 11599/19561/6809 11585/18579/6810 +f 12434/19562/8912 12435/19563/8273 12436/19564/8913 +f 12437/19565/7659 12438/19566/8914 12439/19567/7661 +f 12435/19563/8273 12440/19568/8915 12436/19564/8913 +f 12441/19569/8916 12442/19570/8917 12436/19564/8913 +f 12438/19566/8914 12443/19571/7678 12439/19567/7661 +f 12440/19568/8915 12441/19569/8916 12436/19564/8913 +f 12444/19572/8918 12437/19565/7659 12439/19567/7661 +f 12445/19573/8919 12446/19574/8266 12447/19575/7683 +f 12448/19576/8920 12449/19577/8271 12450/19578/8921 +f 12449/19577/8271 12451/19579/8922 12450/19578/8921 +f 12446/19574/8266 12452/19580/8923 12447/19575/7683 +f 12453/19581/8924 12454/19582/8925 12455/19583/8926 +f 12456/19584/8927 12453/19581/8924 12455/19583/8926 +f 12457/19585/8928 12434/19562/8912 12458/19586/8929 +f 12436/19564/8913 12442/19570/8917 12458/19586/8929 +f 12443/19571/7678 12456/19584/8927 12455/19583/8926 +f 12434/19562/8912 12436/19564/8913 12458/19586/8929 +f 12451/19587/8922 12444/19572/8918 12459/19588/8930 +f 12460/19589/8931 12457/19585/8928 12461/19590/8932 +f 12450/19591/8921 12451/19587/8922 12459/19588/8930 +f 12457/19585/8928 12458/19586/8929 12461/19590/8932 +f 12462/19592/8933 12463/19593/8934 12464/19594/7668 +f 12465/19595/7688 12466/19596/8935 12467/19597/7690 +f 12463/19593/8934 12445/19573/8919 12464/19594/7668 +f 12468/19598/8936 12460/19589/8931 12469/19599/8937 +f 12448/19576/8920 12450/19578/8921 12470/19600/7695 +f 12467/19597/7690 12466/19596/8935 12470/19600/7695 +f 12466/19596/8935 12448/19576/8920 12470/19600/7695 +f 12460/19589/8931 12461/19590/8932 12469/19599/8937 +f 12471/19601/8938 12472/19602/8939 12473/19603/8940 +f 12447/19575/7683 12452/19580/8923 12474/19604/8941 +f 12452/19580/8923 12468/19605/8936 12474/19604/8941 +f 12458/19586/8929 12442/19570/8917 12475/19606/8942 +f 12461/19590/8932 12458/19586/8929 12475/19606/8942 +f 12444/19572/8918 12439/19567/7661 12476/19607/8943 +f 12442/19570/8917 12477/19608/8944 12475/19606/8942 +f 12455/19583/8926 12454/19582/8925 12478/19609/8945 +f 12439/19567/7661 12443/19571/7678 12478/19609/8945 +f 12443/19571/7678 12455/19583/8926 12478/19609/8945 +f 12476/19607/8943 12439/19567/7661 12478/19609/8945 +f 12464/19594/7668 12445/19573/8919 12479/19610/8946 +f 12445/19573/8919 12447/19575/7683 12479/19610/8946 +f 12472/19602/8939 12465/19595/7688 12480/19611/8947 +f 12465/19595/7688 12467/19597/7690 12480/19611/8947 +f 12469/19599/8937 12461/19590/8932 12481/19612/7701 +f 12482/19613/8948 12483/19614/7897 12484/19615/8949 +f 12461/19590/8932 12475/19606/8942 12481/19612/7701 +f 12470/19616/7695 12450/19591/8921 12485/19617/8950 +f 12450/19591/8921 12459/19588/8930 12485/19617/8950 +f 12486/19618/8951 12462/19592/8933 12487/19619/8952 +f 12488/19620/8953 12486/19621/8951 12487/19622/8952 +f 12459/19588/8930 12444/19572/8918 12489/19623/7708 +f 12462/19592/8933 12464/19594/7668 12487/19619/8952 +f 12444/19572/8918 12476/19607/8943 12489/19623/7708 +f 12468/19598/8936 12469/19599/8937 12490/19624/8954 +f 12467/19597/7690 12470/19600/7695 12491/19625/7711 +f 12474/19626/8941 12468/19598/8936 12490/19624/8954 +f 12479/19610/8946 12447/19575/7683 12492/19627/8955 +f 12470/19616/7695 12485/19617/8950 12493/19628/8956 +f 12491/19629/7711 12470/19616/7695 12493/19628/8956 +f 12454/19582/8925 12494/19630/8957 12495/19631/7715 +f 12447/19575/7683 12474/19604/8941 12492/19627/8955 +f 12478/19609/8945 12454/19582/8925 12495/19631/7715 +f 12476/19607/8943 12478/19609/8945 12495/19631/7715 +f 12475/19606/8942 12477/19608/8944 12496/19632/8958 +f 12481/19612/7701 12475/19606/8942 12496/19632/8958 +f 12477/19608/8944 12497/19633/8959 12496/19632/8958 +f 12464/19594/7668 12479/19610/8946 12498/19634/8960 +f 12473/19603/8940 12472/19602/8939 12499/19635/7717 +f 12472/19602/8939 12480/19611/8947 12499/19635/7717 +f 12487/19619/8952 12464/19594/7668 12498/19634/8960 +f 12490/19624/8954 12469/19599/8937 12500/19636/8961 +f 12480/19611/8947 12467/19597/7690 12501/19637/7719 +f 12467/19597/7690 12491/19625/7711 12501/19637/7719 +f 12469/19599/8937 12481/19612/7701 12500/19636/8961 +f 12502/19638/8962 12471/19601/8938 12503/19639/8963 +f 12504/19640/8964 12502/19638/8962 12503/19639/8963 +f 12487/19622/8952 12498/19641/8960 12505/19642/8965 +f 12471/19601/8938 12473/19603/8940 12503/19639/8963 +f 12488/19620/8953 12487/19622/8952 12505/19642/8965 +f 12492/19643/8955 12474/19626/8941 12506/19644/8966 +f 12474/19626/8941 12490/19624/8954 12506/19644/8966 +f 12485/19617/8950 12459/19588/8930 12507/19645/8967 +f 12459/19588/8930 12489/19623/7708 12507/19645/8967 +f 12476/19607/8943 12495/19631/7715 12508/19646/8968 +f 12495/19631/7715 12494/19630/8957 12508/19646/8968 +f 12479/19610/8946 12492/19627/8955 12509/19647/8969 +f 12507/19645/8967 12489/19623/7708 12508/19646/8968 +f 12489/19623/7708 12476/19607/8943 12508/19646/8968 +f 12501/19648/7719 12491/19629/7711 12510/19649/8970 +f 12498/19634/8960 12479/19610/8946 12509/19647/8969 +f 12491/19629/7711 12493/19628/8956 12510/19649/8970 +f 12500/19636/8961 12481/19612/7701 12511/19650/8971 +f 12481/19612/7701 12496/19632/8958 12511/19650/8971 +f 12496/19632/8958 12497/19633/8959 12511/19650/8971 +f 12485/19617/8950 12507/19645/8967 12512/19651/8972 +f 12510/19649/8970 12493/19628/8956 12512/19651/8972 +f 12497/19633/8959 12513/19652/8973 12511/19650/8971 +f 12493/19628/8956 12485/19617/8950 12512/19651/8972 +f 12498/19641/8960 12509/19653/8969 12514/19654/8974 +f 12499/19635/7717 12480/19611/8947 12515/19655/8975 +f 12505/19642/8965 12498/19641/8960 12514/19654/8974 +f 12480/19611/8947 12501/19637/7719 12515/19655/8975 +f 12490/19624/8954 12500/19636/8961 12516/19656/8976 +f 12501/19648/7719 12510/19649/8970 12517/19657/7737 +f 12506/19644/8966 12490/19624/8954 12516/19656/8976 +f 12515/19658/8975 12501/19648/7719 12517/19657/7737 +f 12494/19630/8957 12518/19659/8977 12519/19660/7739 +f 12488/19620/8953 12505/19642/8965 12520/19661/8978 +f 12508/19646/8968 12494/19630/8957 12519/19660/7739 +f 12521/19662/7733 12488/19620/8953 12520/19661/8978 +f 12507/19645/8967 12508/19646/8968 12519/19660/7739 +f 12473/19603/8940 12499/19635/7717 12522/19663/7741 +f 12492/19643/8955 12506/19644/8966 12523/19664/8979 +f 12503/19639/8963 12473/19603/8940 12522/19663/7741 +f 12509/19665/8969 12492/19643/8955 12523/19664/8979 +f 12512/19651/8972 12507/19645/8967 12524/19666/8980 +f 12507/19645/8967 12519/19660/7739 12524/19666/8980 +f 12519/19660/7739 12518/19659/8977 12524/19666/8980 +f 12514/19654/8974 12509/19653/8969 12525/19667/7740 +f 12509/19665/8969 12523/19664/8979 12525/19668/7740 +f 12512/19651/8972 12524/19666/8980 12526/19669/8981 +f 12510/19649/8970 12512/19651/8972 12526/19669/8981 +f 12504/19640/8964 12503/19639/8963 12527/19670/8982 +f 12516/19656/8976 12500/19636/8961 12528/19671/7742 +f 12500/19636/8961 12511/19650/8971 12528/19671/7742 +f 12511/19650/8971 12513/19652/8973 12528/19671/7742 +f 12503/19639/8963 12522/19663/7741 12527/19670/8982 +f 12513/19652/8973 12529/19672/7743 12528/19671/7742 +f 12520/19661/8978 12505/19642/8965 12530/19673/8983 +f 12515/19658/8975 12517/19657/7737 12531/19674/7751 +f 12505/19642/8965 12514/19654/8974 12530/19673/8983 +f 12517/19657/7737 12510/19649/8970 12532/19675/8984 +f 12510/19649/8970 12526/19669/8981 12532/19675/8984 +f 12523/19664/8979 12506/19644/8966 12533/19676/7749 +f 12506/19644/8966 12516/19656/8976 12533/19676/7749 +f 12522/19663/7741 12499/19635/7717 12534/19677/8985 +f 12499/19635/7717 12515/19655/8975 12534/19677/8985 +f 12535/19678/8986 12521/19662/7733 12536/19679/7750 +f 12518/19659/8977 12537/19680/8987 12538/19681/7757 +f 12524/19666/8980 12518/19659/8977 12538/19681/7757 +f 12526/19669/8981 12524/19666/8980 12538/19681/7757 +f 12521/19662/7733 12520/19661/8978 12536/19679/7750 +f 12525/19668/7740 12523/19664/8979 12539/19682/8988 +f 12523/19664/8979 12533/19676/7749 12539/19682/8988 +f 12527/19670/8982 12522/19663/7741 12540/19683/8989 +f 12522/19663/7741 12534/19677/8985 12540/19683/8989 +f 12538/19681/7757 12537/19680/8987 12541/19684/7761 +f 12530/19673/8983 12514/19654/8974 12542/19685/8990 +f 12532/19675/8984 12526/19669/8981 12541/19684/7761 +f 12526/19669/8981 12538/19681/7757 12541/19684/7761 +f 12514/19654/8974 12525/19667/7740 12542/19685/8990 +f 12531/19674/7751 12517/19657/7737 12543/19686/8991 +f 12517/19657/7737 12532/19675/8984 12543/19686/8991 +f 12516/19656/8976 12528/19671/7742 12544/19687/7758 +f 12529/19672/7743 12545/19688/8992 12544/19687/7758 +f 12533/19676/7749 12516/19656/8976 12544/19687/7758 +f 12546/19689/7748 12504/19640/8964 12547/19690/7768 +f 12528/19671/7742 12529/19672/7743 12544/19687/7758 +f 12504/19640/8964 12527/19670/8982 12547/19690/7768 +f 12520/19661/8978 12530/19673/8983 12548/19691/8993 +f 12536/19679/7750 12520/19661/8978 12548/19691/8993 +f 12515/19658/8975 12531/19674/7751 12549/19692/8994 +f 12539/19682/8988 12533/19676/7749 12550/19693/8995 +f 12534/19694/8985 12515/19658/8975 12549/19692/8994 +f 12533/19676/7749 12544/19687/7758 12550/19693/8995 +f 12535/19678/8986 12536/19679/7750 12551/19695/8996 +f 12552/19696/7766 12535/19678/8986 12551/19695/8996 +f 12540/19683/8989 12534/19677/8985 12553/19697/8997 +f 12554/19698/7769 12552/19696/7766 12551/19695/8996 +f 12555/19699/7770 12554/19698/7769 12551/19695/8996 +f 12534/19694/8985 12549/19692/8994 12553/19700/8997 +f 12537/19680/8987 12556/19701/8998 12557/19702/8999 +f 12541/19684/7761 12537/19680/8987 12557/19702/8999 +f 12532/19675/8984 12541/19684/7761 12557/19702/8999 +f 12543/19686/8991 12532/19675/8984 12557/19702/8999 +f 12525/19668/7740 12539/19682/8988 12558/19703/9000 +f 12542/19704/8990 12525/19668/7740 12558/19703/9000 +f 12527/19670/8982 12540/19683/8989 12559/19705/9001 +f 12547/19690/7768 12527/19670/8982 12559/19705/9001 +f 12560/19706/9002 12546/19707/7748 12561/19708/9003 +f 12548/19691/8993 12530/19673/8983 12562/19709/7774 +f 12563/19710/9004 12560/19706/9002 12561/19708/9003 +f 12530/19673/8983 12542/19685/8990 12562/19709/7774 +f 12546/19707/7748 12547/19711/7768 12561/19708/9003 +f 12545/19688/8992 12564/19712/7776 12565/19713/9005 +f 12550/19693/8995 12544/19687/7758 12565/19713/9005 +f 12544/19687/7758 12545/19688/8992 12565/19713/9005 +f 12536/19679/7750 12548/19691/8993 12566/19714/9006 +f 12549/19692/8994 12531/19674/7751 12567/19715/7783 +f 12555/19699/7770 12551/19695/8996 12566/19714/9006 +f 12531/19674/7751 12543/19686/8991 12567/19715/7783 +f 12568/19716/9007 12555/19699/7770 12566/19714/9006 +f 12551/19695/8996 12536/19679/7750 12566/19714/9006 +f 12539/19682/8988 12550/19693/8995 12569/19717/9008 +f 12549/19692/8994 12567/19715/7783 12570/19718/9009 +f 12553/19700/8997 12549/19692/8994 12570/19718/9009 +f 12558/19703/9000 12539/19682/8988 12569/19717/9008 +f 12562/19719/7774 12542/19704/8990 12571/19720/7784 +f 12542/19704/8990 12558/19703/9000 12571/19720/7784 +f 12540/19683/8989 12553/19697/8997 12572/19721/9010 +f 12559/19705/9001 12540/19683/8989 12572/19721/9010 +f 12548/19691/8993 12562/19709/7774 12573/19722/9011 +f 12556/19701/8998 12574/19723/9012 12575/19724/9013 +f 12568/19716/9007 12566/19714/9006 12573/19722/9011 +f 12557/19702/8999 12556/19701/8998 12575/19724/9013 +f 12576/19725/7788 12568/19716/9007 12573/19722/9011 +f 12543/19686/8991 12557/19702/8999 12575/19724/9013 +f 12577/19726/7789 12576/19727/7788 12573/19728/9011 +f 12567/19715/7783 12543/19686/8991 12575/19724/9013 +f 12566/19714/9006 12548/19691/8993 12573/19722/9011 +f 12550/19693/8995 12565/19713/9005 12578/19729/9014 +f 12564/19712/7776 12579/19730/9015 12578/19729/9014 +f 12547/19711/7768 12559/19731/9001 12580/19732/9016 +f 12565/19713/9005 12564/19712/7776 12578/19729/9014 +f 12561/19708/9003 12547/19711/7768 12580/19732/9016 +f 12569/19717/9008 12550/19693/8995 12578/19729/9014 +f 12571/19720/7784 12558/19703/9000 12581/19733/9017 +f 12558/19703/9000 12569/19717/9008 12581/19733/9017 +f 12563/19710/9004 12561/19708/9003 12582/19734/9018 +f 12561/19708/9003 12580/19732/9016 12582/19734/9018 +f 12571/19720/7784 12581/19733/9017 12583/19735/9019 +f 12573/19728/9011 12562/19719/7774 12583/19735/9019 +f 12570/19718/9009 12567/19715/7783 12584/19736/9020 +f 12577/19726/7789 12573/19728/9011 12583/19735/9019 +f 12562/19719/7774 12571/19720/7784 12583/19735/9019 +f 12567/19715/7783 12575/19724/9013 12584/19736/9020 +f 12578/19729/9014 12579/19730/9015 12585/19737/9021 +f 12569/19717/9008 12578/19729/9014 12585/19737/9021 +f 12579/19730/9015 12586/19738/9022 12585/19737/9021 +f 12553/19700/8997 12570/19718/9009 12587/19739/9023 +f 12581/19733/9017 12569/19717/9008 12585/19737/9021 +f 12572/19740/9010 12553/19700/8997 12587/19739/9023 +f 12583/19735/9019 12581/19733/9017 12588/19741/9024 +f 12581/19733/9017 12585/19737/9021 12588/19741/9024 +f 12577/19726/7789 12583/19735/9019 12588/19741/9024 +f 12589/19742/9025 12577/19726/7789 12588/19741/9024 +f 12482/19613/8948 12589/19742/9025 12588/19741/9024 +f 12590/19743/7805 12482/19613/8948 12591/19744/9026 +f 12482/19613/8948 12588/19741/9024 12591/19744/9026 +f 12559/19731/9001 12572/19745/9010 12592/19746/9027 +f 12585/19737/9021 12586/19738/9022 12591/19744/9026 +f 12580/19732/9016 12559/19731/9001 12592/19746/9027 +f 12588/19741/9024 12585/19737/9021 12591/19744/9026 +f 12586/19738/9022 12590/19743/7805 12591/19744/9026 +f 12584/19736/9020 12575/19724/9013 12593/19747/9028 +f 12574/19723/9012 12594/19748/9029 12593/19747/9028 +f 12575/19724/9013 12574/19723/9012 12593/19747/9028 +f 12582/19734/9018 12580/19732/9016 12595/19749/9030 +f 12580/19732/9016 12592/19746/9027 12595/19749/9030 +f 12596/19750/9031 12563/19710/9004 12597/19751/9032 +f 12563/19710/9004 12582/19734/9018 12597/19751/9032 +f 12570/19718/9009 12584/19736/9020 12598/19752/9033 +f 12587/19739/9023 12570/19718/9009 12598/19752/9033 +f 12572/19740/9010 12587/19739/9023 12599/19753/9034 +f 12592/19754/9027 12572/19740/9010 12599/19753/9034 +f 12595/19749/9030 12592/19746/9027 12600/19755/7818 +f 12592/19754/9027 12599/19753/9034 12600/19756/7818 +f 12594/19748/9029 12601/19757/7819 12602/19758/7820 +f 12584/19736/9020 12593/19747/9028 12602/19758/7820 +f 12593/19747/9028 12594/19748/9029 12602/19758/7820 +f 12598/19752/9033 12584/19736/9020 12602/19758/7820 +f 12582/19734/9018 12595/19749/9030 12603/19759/7821 +f 12597/19751/9032 12582/19734/9018 12603/19759/7821 +f 12587/19739/9023 12598/19752/9033 12604/19760/7824 +f 12599/19753/9034 12587/19739/9023 12604/19760/7824 +f 12605/19761/7815 12596/19750/9031 12606/19762/7823 +f 12596/19750/9031 12597/19751/9032 12606/19762/7823 +f 12599/19753/9034 12604/19760/7824 12607/19763/9035 +f 12600/19756/7818 12599/19753/9034 12607/19763/9035 +f 12595/19749/9030 12600/19755/7818 12608/19764/7826 +f 12603/19759/7821 12595/19749/9030 12608/19764/7826 +f 12601/19757/7819 12609/19765/9036 12610/19766/7828 +f 12598/19752/9033 12602/19758/7820 12610/19766/7828 +f 12604/19760/7824 12598/19752/9033 12610/19766/7828 +f 12602/19758/7820 12601/19757/7819 12610/19766/7828 +f 12597/19751/9032 12603/19759/7821 12611/19767/9037 +f 12606/19762/7823 12597/19751/9032 12611/19767/9037 +f 12607/19763/9035 12604/19760/7824 12612/19768/9038 +f 12604/19760/7824 12610/19766/7828 12612/19768/9038 +f 12613/19769/7822 12605/19761/7815 12614/19770/9039 +f 12605/19761/7815 12606/19762/7823 12614/19770/9039 +f 12600/19756/7818 12607/19763/9035 12615/19771/9040 +f 12608/19772/7826 12600/19756/7818 12615/19771/9040 +f 12603/19759/7821 12608/19764/7826 12616/19773/9041 +f 12611/19767/9037 12603/19759/7821 12616/19773/9041 +f 12609/19765/9036 12617/19774/7834 12618/19775/9042 +f 12612/19768/9038 12610/19766/7828 12618/19775/9042 +f 12610/19766/7828 12609/19765/9036 12618/19775/9042 +f 12606/19762/7823 12611/19767/9037 12619/19776/9043 +f 12614/19770/9039 12606/19762/7823 12619/19776/9043 +f 12607/19763/9035 12612/19768/9038 12620/19777/9044 +f 12615/19771/9040 12607/19763/9035 12620/19777/9044 +f 12621/19778/7837 12613/19769/7822 12622/19779/7838 +f 12613/19769/7822 12614/19770/9039 12622/19779/7838 +f 12608/19772/7826 12615/19771/9040 12623/19780/7840 +f 12616/19781/9041 12608/19772/7826 12623/19780/7840 +f 12619/19776/9043 12611/19767/9037 12624/19782/9045 +f 12611/19767/9037 12616/19773/9041 12624/19782/9045 +f 12616/19781/9041 12623/19780/7840 12624/19783/9045 +f 12617/19774/7834 12625/19784/9046 12626/19785/9047 +f 12618/19775/9042 12617/19774/7834 12626/19785/9047 +f 12612/19768/9038 12618/19775/9042 12626/19785/9047 +f 12620/19777/9044 12612/19768/9038 12626/19785/9047 +f 12614/19770/9039 12619/19776/9043 12627/19786/7844 +f 12622/19779/7838 12614/19770/9039 12627/19786/7844 +f 12628/19787/7845 12621/19778/7837 12629/19788/9048 +f 12621/19778/7837 12622/19779/7838 12629/19788/9048 +f 12623/19780/7840 12615/19771/9040 12630/19789/9049 +f 12615/19771/9040 12620/19777/9044 12630/19789/9049 +f 12624/19783/9045 12623/19780/7840 12631/19790/9050 +f 12627/19786/7844 12619/19776/9043 12632/19791/7849 +f 12619/19776/9043 12624/19782/9045 12632/19791/7849 +f 12625/19784/9046 12633/19792/9051 12634/19793/9052 +f 12626/19785/9047 12625/19784/9046 12634/19793/9052 +f 12620/19777/9044 12626/19785/9047 12634/19793/9052 +f 12630/19789/9049 12620/19777/9044 12634/19793/9052 +f 12622/19779/7838 12627/19786/7844 12635/19794/7852 +f 12629/19788/9048 12622/19779/7838 12635/19794/7852 +f 12636/19795/7853 12628/19787/7845 12637/19796/9053 +f 12628/19787/7845 12629/19788/9048 12637/19796/9053 +f 12623/19780/7840 12630/19789/9049 12638/19797/7855 +f 12631/19790/9050 12623/19780/7840 12638/19797/7855 +f 12624/19783/9045 12631/19790/9050 12639/19798/9054 +f 12632/19799/7849 12624/19783/9045 12639/19798/9054 +f 12627/19786/7844 12632/19791/7849 12640/19800/7857 +f 12635/19794/7852 12627/19786/7844 12640/19800/7857 +f 12630/19789/9049 12634/19793/9052 12641/19801/9055 +f 12634/19793/9052 12633/19792/9051 12641/19801/9055 +f 12638/19797/7855 12630/19789/9049 12641/19801/9055 +f 12633/19792/9051 12642/19802/7859 12641/19801/9055 +f 12637/19796/9053 12629/19788/9048 12643/19803/9056 +f 12629/19788/9048 12635/19794/7852 12643/19803/9056 +f 12644/19804/9057 12636/19795/7853 12645/19805/7862 +f 12636/19795/7853 12637/19796/9053 12645/19805/7862 +f 12631/19790/9050 12638/19797/7855 12646/19806/7863 +f 12639/19798/9054 12631/19790/9050 12646/19806/7863 +f 12640/19807/7857 12632/19799/7849 12647/19808/9058 +f 12632/19799/7849 12639/19798/9054 12647/19808/9058 +f 12635/19794/7852 12640/19800/7857 12648/19809/9059 +f 12643/19803/9056 12635/19794/7852 12648/19809/9059 +f 12646/19806/7863 12638/19797/7855 12649/19810/9060 +f 12638/19797/7855 12641/19801/9055 12649/19810/9060 +f 12641/19801/9055 12642/19802/7859 12649/19810/9060 +f 12642/19802/7859 12650/19811/7867 12649/19810/9060 +f 12645/19805/7862 12637/19796/9053 12651/19812/9061 +f 12637/19796/9053 12643/19803/9056 12651/19812/9061 +f 12644/19804/9057 12645/19805/7862 12652/19813/7869 +f 12653/19814/7870 12644/19804/9057 12652/19813/7869 +f 12639/19798/9054 12646/19806/7863 12654/19815/9062 +f 12647/19808/9058 12639/19798/9054 12654/19815/9062 +f 12648/19816/9059 12640/19807/7857 12655/19817/9063 +f 12640/19807/7857 12647/19808/9058 12655/19817/9063 +f 12643/19803/9056 12648/19809/9059 12656/19818/9064 +f 12651/19812/9061 12643/19803/9056 12656/19818/9064 +f 12646/19806/7863 12649/19810/9060 12657/19819/9065 +f 12654/19815/9062 12646/19806/7863 12657/19819/9065 +f 12649/19810/9060 12650/19811/7867 12657/19819/9065 +f 12650/19811/7867 12658/19820/9066 12657/19819/9065 +f 12652/19813/7869 12645/19805/7862 12659/19821/9067 +f 12645/19805/7862 12651/19812/9061 12659/19821/9067 +f 12653/19814/7870 12652/19813/7869 12660/19822/9068 +f 12661/19823/9069 12653/19814/7870 12660/19822/9068 +f 12647/19808/9058 12654/19815/9062 12662/19824/9070 +f 12655/19817/9063 12647/19808/9058 12662/19824/9070 +f 12656/19825/9064 12648/19816/9059 12663/19826/7880 +f 12648/19816/9059 12655/19817/9063 12663/19826/7880 +f 12651/19812/9061 12656/19818/9064 12664/19827/9071 +f 12659/19821/9067 12651/19812/9061 12664/19827/9071 +f 12654/19815/9062 12657/19819/9065 12665/19828/9072 +f 12662/19824/9070 12654/19815/9062 12665/19828/9072 +f 12657/19819/9065 12658/19820/9066 12665/19828/9072 +f 12658/19820/9066 12666/19829/9073 12665/19828/9072 +f 12652/19813/7869 12659/19821/9067 12667/19830/9074 +f 12660/19822/9068 12652/19813/7869 12667/19830/9074 +f 12661/19823/9069 12660/19822/9068 12668/19831/7886 +f 12669/19832/7885 12661/19823/9069 12668/19831/7886 +f 12660/19822/9068 12667/19830/9074 12668/19831/7886 +f 12655/19817/9063 12662/19824/9070 12670/19833/9075 +f 12663/19826/7880 12655/19817/9063 12670/19833/9075 +f 12656/19825/9064 12663/19826/7880 12671/19834/9076 +f 12664/19835/9071 12656/19825/9064 12671/19834/9076 +f 12667/19830/9074 12659/19821/9067 12672/19836/9077 +f 12659/19821/9067 12664/19827/9071 12672/19836/9077 +f 12662/19824/9070 12665/19828/9072 12673/19837/9078 +f 12670/19833/9075 12662/19824/9070 12673/19837/9078 +f 12665/19828/9072 12666/19829/9073 12673/19837/9078 +f 12666/19829/9073 12674/19838/9079 12673/19837/9078 +f 12667/19830/9074 12672/19836/9077 12675/19839/9080 +f 12668/19831/7886 12667/19830/9074 12675/19839/9080 +f 12669/19832/7885 12668/19831/7886 12676/19840/9081 +f 12677/19841/9082 12669/19832/7885 12676/19840/9081 +f 12482/19613/8948 12590/19743/7805 12483/19614/7897 +f 12663/19826/7880 12670/19833/9075 12678/19842/9083 +f 12671/19834/9076 12663/19826/7880 12678/19842/9083 +f 12679/19843/7898 12554/19698/7769 12680/19844/7899 +f 12554/19698/7769 12555/19699/7770 12680/19844/7899 +f 12672/19845/9077 12664/19835/9071 12681/19846/9084 +f 12664/19835/9071 12671/19834/9076 12681/19846/9084 +f 12555/19699/7770 12568/19716/9007 12682/19847/9085 +f 12672/19845/9077 12681/19846/9084 12683/19848/9086 +f 12675/19839/9080 12672/19836/9077 12683/19849/9086 +f 12680/19844/7899 12555/19699/7770 12682/19847/9085 +f 12684/19850/7905 12679/19843/7898 12685/19851/9087 +f 12670/19833/9075 12673/19837/9078 12686/19852/9088 +f 12678/19842/9083 12670/19833/9075 12686/19852/9088 +f 12679/19843/7898 12680/19844/7899 12685/19851/9087 +f 12673/19837/9078 12674/19838/9079 12686/19852/9088 +f 12674/19838/9079 12687/19853/9089 12686/19852/9088 +f 12682/19847/9085 12568/19716/9007 12688/19854/7909 +f 12568/19716/9007 12576/19725/7788 12688/19854/7909 +f 12676/19840/9081 12668/19831/7886 12689/19855/9090 +f 12668/19831/7886 12675/19839/9080 12689/19855/9090 +f 12680/19844/7899 12682/19847/9085 12690/19856/9091 +f 12677/19841/9082 12676/19840/9081 12691/19857/7907 +f 12685/19851/9087 12680/19844/7899 12690/19856/9091 +f 12692/19858/9092 12677/19841/9082 12691/19857/7907 +f 12693/19859/9093 12684/19850/7905 12694/19860/7914 +f 12681/19846/9084 12671/19834/9076 12695/19861/9094 +f 12671/19834/9076 12678/19842/9083 12695/19861/9094 +f 12684/19850/7905 12685/19851/9087 12694/19860/7914 +f 12683/19848/9086 12681/19846/9084 12696/19862/9095 +f 12576/19727/7788 12577/19726/7789 12697/19863/9096 +f 12681/19846/9084 12695/19861/9094 12696/19862/9095 +f 12688/19864/7909 12576/19727/7788 12697/19863/9096 +f 12689/19855/9090 12675/19839/9080 12698/19865/7915 +f 12675/19839/9080 12683/19849/9086 12698/19865/7915 +f 12682/19847/9085 12688/19854/7909 12699/19866/9097 +f 12690/19856/9091 12682/19847/9085 12699/19866/9097 +f 12678/19842/9083 12686/19852/9088 12700/19867/9098 +f 12686/19852/9088 12687/19853/9089 12700/19867/9098 +f 12685/19851/9087 12690/19856/9091 12701/19868/9099 +f 12694/19860/7914 12685/19851/9087 12701/19868/9099 +f 12695/19861/9094 12678/19842/9083 12700/19867/9098 +f 12687/19853/9089 12702/19869/9100 12700/19867/9098 +f 12676/19840/9081 12689/19855/9090 12703/19870/9101 +f 12704/19871/7924 12693/19859/9093 12705/19872/9102 +f 12693/19859/9093 12694/19860/7914 12705/19872/9102 +f 12691/19857/7907 12676/19840/9081 12703/19870/9101 +f 12692/19858/9092 12691/19857/7907 12706/19873/9103 +f 12707/19874/9104 12692/19858/9092 12706/19873/9103 +f 12577/19726/7789 12589/19742/9025 12708/19875/9105 +f 12697/19863/9096 12577/19726/7789 12708/19875/9105 +f 12696/19862/9095 12695/19861/9094 12709/19876/9106 +f 12695/19861/9094 12700/19867/9098 12709/19876/9106 +f 12699/19877/9097 12688/19864/7909 12710/19878/9107 +f 12683/19848/9086 12696/19862/9095 12711/19879/9108 +f 12688/19864/7909 12697/19863/9096 12710/19878/9107 +f 12698/19880/7915 12683/19848/9086 12711/19879/9108 +f 12690/19856/9091 12699/19866/9097 12712/19881/9109 +f 12689/19855/9090 12698/19865/7915 12713/19882/9110 +f 12701/19868/9099 12690/19856/9091 12712/19881/9109 +f 12708/19875/9105 12589/19742/9025 12714/19883/9111 +f 12703/19870/9101 12689/19855/9090 12713/19882/9110 +f 12589/19742/9025 12482/19613/8948 12714/19883/9111 +f 12482/19613/8948 12484/19615/8949 12714/19883/9111 +f 12700/19867/9098 12702/19869/9100 12715/19884/9112 +f 12709/19876/9106 12700/19867/9098 12715/19884/9112 +f 12705/19872/9102 12694/19860/7914 12716/19885/9113 +f 12702/19869/9100 12717/19886/9114 12715/19884/9112 +f 12691/19857/7907 12703/19870/9101 12718/19887/9115 +f 12694/19860/7914 12701/19868/9099 12716/19885/9113 +f 12706/19873/9103 12691/19857/7907 12718/19887/9115 +f 12719/19888/9116 12704/19871/7924 12720/19889/9117 +f 12704/19871/7924 12705/19872/9102 12720/19889/9117 +f 12705/19872/9102 12716/19885/9113 12720/19889/9117 +f 12707/19890/9104 12706/19891/9103 12721/19892/9118 +f 12697/19863/9096 12708/19875/9105 12722/19893/7944 +f 12723/19894/7938 12707/19890/9104 12721/19892/9118 +f 12711/19879/9108 12696/19862/9095 12724/19895/9119 +f 12696/19862/9095 12709/19876/9106 12724/19895/9119 +f 12710/19878/9107 12697/19863/9096 12722/19893/7944 +f 12712/19896/9109 12699/19877/9097 12725/19897/7945 +f 12698/19880/7915 12711/19879/9108 12726/19898/9120 +f 12699/19877/9097 12710/19878/9107 12725/19897/7945 +f 12713/19899/9110 12698/19880/7915 12726/19898/9120 +f 12701/19868/9099 12712/19881/9109 12727/19900/9121 +f 12716/19885/9113 12701/19868/9099 12727/19900/9121 +f 12714/19883/9111 12484/19615/8949 12728/19901/9122 +f 12723/19894/7938 12721/19892/9118 12729/19902/9123 +f 12484/19615/8949 12730/19903/9124 12728/19901/9122 +f 12708/19875/9105 12714/19883/9111 12728/19901/9122 +f 12722/19893/7944 12708/19875/9105 12728/19901/9122 +f 12718/19887/9115 12703/19870/9101 12731/19904/9125 +f 12703/19870/9101 12713/19882/9110 12731/19904/9125 +f 12720/19889/9117 12716/19885/9113 12732/19905/9126 +f 12716/19885/9113 12727/19900/9121 12732/19905/9126 +f 12724/19895/9119 12709/19876/9106 12733/19906/9127 +f 12734/19907/7957 12719/19888/9116 12735/19908/9128 +f 12709/19876/9106 12715/19884/9112 12733/19906/9127 +f 12715/19884/9112 12717/19886/9114 12733/19906/9127 +f 12717/19886/9114 12736/19909/9129 12733/19906/9127 +f 12719/19888/9116 12720/19889/9117 12735/19908/9128 +f 12706/19891/9103 12718/19910/9115 12737/19911/9130 +f 12721/19892/9118 12706/19891/9103 12737/19911/9130 +f 12710/19878/9107 12722/19893/7944 12738/19912/9131 +f 12725/19897/7945 12710/19878/9107 12738/19912/9131 +f 12722/19893/7944 12728/19901/9122 12738/19912/9131 +f 12739/19913/7955 12723/19894/7938 12740/19914/9132 +f 12723/19894/7938 12729/19902/9123 12740/19914/9132 +f 12727/19915/9121 12712/19896/9109 12741/19916/9133 +f 12726/19898/9120 12711/19879/9108 12742/19917/9134 +f 12712/19896/9109 12725/19897/7945 12741/19916/9133 +f 12711/19879/9108 12724/19895/9119 12742/19917/9134 +f 12727/19915/9121 12741/19916/9133 12743/19918/9135 +f 12721/19892/9118 12737/19911/9130 12744/19919/9136 +f 12732/19905/9126 12727/19900/9121 12743/19920/9135 +f 12729/19902/9123 12721/19892/9118 12744/19919/9136 +f 12730/19903/9124 12745/19921/9137 12746/19922/9138 +f 12738/19912/9131 12728/19901/9122 12746/19922/9138 +f 12740/19914/9132 12729/19902/9123 12744/19919/9136 +f 12728/19901/9122 12730/19903/9124 12746/19922/9138 +f 12731/19923/9125 12713/19899/9110 12747/19924/7962 +f 12735/19908/9128 12720/19889/9117 12748/19925/9139 +f 12713/19899/9110 12726/19898/9120 12747/19924/7962 +f 12720/19889/9117 12732/19905/9126 12748/19925/9139 +f 12749/19926/9140 12734/19907/7957 12750/19927/9141 +f 12739/19913/7955 12740/19914/9132 12751/19928/9142 +f 12734/19907/7957 12735/19908/9128 12750/19927/9141 +f 12735/19908/9128 12748/19925/9139 12750/19927/9141 +f 12718/19929/9115 12731/19923/9125 12752/19930/9143 +f 12737/19931/9130 12718/19929/9115 12752/19930/9143 +f 12741/19916/9133 12725/19897/7945 12753/19932/9144 +f 12725/19897/7945 12738/19912/9131 12753/19932/9144 +f 12724/19895/9119 12733/19906/9127 12754/19933/9145 +f 12742/19917/9134 12724/19895/9119 12754/19933/9145 +f 12733/19906/9127 12736/19909/9129 12754/19933/9145 +f 12741/19916/9133 12753/19932/9144 12755/19934/9146 +f 12743/19918/9135 12741/19916/9133 12755/19934/9146 +f 12736/19909/9129 12756/19935/9147 12754/19933/9145 +f 12740/19914/9132 12744/19919/9136 12757/19936/9148 +f 12751/19928/9142 12740/19914/9132 12757/19936/9148 +f 12748/19925/9139 12732/19905/9126 12758/19937/7981 +f 12732/19905/9126 12743/19920/9135 12758/19937/7981 +f 12744/19919/9136 12737/19911/9130 12759/19938/9149 +f 12737/19911/9130 12752/19939/9143 12759/19938/9149 +f 12745/19921/9137 12760/19940/9150 12761/19941/9151 +f 12753/19932/9144 12738/19912/9131 12761/19941/9151 +f 12757/19936/9148 12744/19919/9136 12759/19938/9149 +f 12746/19922/9138 12745/19921/9137 12761/19941/9151 +f 12738/19912/9131 12746/19922/9138 12761/19941/9151 +f 12762/19942/7977 12739/19913/7955 12763/19943/9152 +f 12750/19927/9141 12748/19925/9139 12764/19944/9153 +f 12739/19913/7955 12751/19928/9142 12763/19943/9152 +f 12748/19925/9139 12758/19937/7981 12764/19944/9153 +f 12749/19926/9140 12750/19927/9141 12765/19945/7988 +f 12766/19946/9154 12749/19926/9140 12765/19945/7988 +f 12747/19924/7962 12726/19898/9120 12767/19947/9155 +f 12726/19898/9120 12742/19917/9134 12767/19947/9155 +f 12753/19932/9144 12761/19941/9151 12768/19948/9156 +f 12751/19928/9142 12757/19936/9148 12769/19949/7984 +f 12755/19934/9146 12753/19932/9144 12768/19948/9156 +f 12758/19950/7981 12743/19918/9135 12770/19951/7991 +f 12731/19923/9125 12747/19924/7962 12771/19952/7986 +f 12752/19930/9143 12731/19923/9125 12771/19952/7986 +f 12743/19918/9135 12755/19934/9146 12770/19951/7991 +f 12759/19953/9149 12752/19930/9143 12771/19952/7986 +f 12762/19942/7977 12763/19943/9152 12772/19954/9157 +f 12758/19950/7981 12770/19951/7991 12773/19955/9158 +f 12764/19944/9153 12758/19937/7981 12773/19956/9158 +f 12760/19940/9150 12774/19957/9159 12775/19958/9160 +f 12769/19949/7984 12757/19936/9148 12776/19959/9161 +f 12761/19941/9151 12760/19940/9150 12775/19958/9160 +f 12768/19948/9156 12761/19941/9151 12775/19958/9160 +f 12765/19945/7988 12750/19927/9141 12777/19960/9162 +f 12757/19936/9148 12759/19938/9149 12776/19959/9161 +f 12759/19953/9149 12771/19952/7986 12778/19961/7993 +f 12750/19927/9141 12764/19944/9153 12777/19960/9162 +f 12776/19962/9161 12759/19953/9149 12778/19961/7993 +f 12779/19963/9163 12766/19946/9154 12780/19964/8003 +f 12742/19917/9134 12754/19933/9145 12781/19965/9164 +f 12765/19945/7988 12777/19960/9162 12780/19964/8003 +f 12767/19947/9155 12742/19917/9134 12781/19965/9164 +f 12766/19946/9154 12765/19945/7988 12780/19964/8003 +f 12756/19935/9147 12782/19966/7996 12781/19965/9164 +f 12754/19933/9145 12756/19935/9147 12781/19965/9164 +f 12751/19928/9142 12769/19949/7984 12783/19967/7999 +f 12755/19934/9146 12768/19948/9156 12784/19968/9165 +f 12772/19954/9157 12763/19943/9152 12783/19967/7999 +f 12770/19951/7991 12755/19934/9146 12784/19968/9165 +f 12763/19943/9152 12751/19928/9142 12783/19967/7999 +f 12770/19951/7991 12784/19968/9165 12785/19969/8009 +f 12769/19949/7984 12776/19959/9161 12786/19970/9166 +f 12773/19955/9158 12770/19951/7991 12785/19969/8009 +f 12764/19944/9153 12773/19956/9158 12787/19971/9167 +f 12788/19972/8005 12762/19942/7977 12789/19973/8004 +f 12777/19960/9162 12764/19944/9153 12787/19971/9167 +f 12762/19942/7977 12772/19954/9157 12789/19973/8004 +f 12784/19968/9165 12768/19948/9156 12790/19974/9168 +f 12771/19952/7986 12747/19924/7962 12791/19975/9169 +f 12774/19957/9159 12792/19976/9170 12790/19974/9168 +f 12747/19924/7962 12767/19947/9155 12791/19975/9169 +f 12775/19958/9160 12774/19957/9159 12790/19974/9168 +f 12768/19948/9156 12775/19958/9160 12790/19974/9168 +f 12789/19973/8004 12772/19954/9157 12793/19977/8008 +f 12772/19954/9157 12783/19967/7999 12793/19977/8008 +f 12777/19960/9162 12787/19971/9167 12794/19978/9171 +f 12780/19964/8003 12777/19960/9162 12794/19978/9171 +f 12795/19979/8017 12779/19963/9163 12796/19980/9172 +f 12786/19981/9166 12776/19962/9161 12797/19982/8010 +f 12776/19962/9161 12778/19961/7993 12797/19982/8010 +f 12779/19963/9163 12780/19964/8003 12796/19980/9172 +f 12797/19982/8010 12778/19961/7993 12798/19983/9173 +f 12771/19952/7986 12791/19975/9169 12798/19983/9173 +f 12785/19969/8009 12784/19968/9165 12799/19984/9174 +f 12778/19961/7993 12771/19952/7986 12798/19983/9173 +f 12788/19972/8005 12789/19973/8004 12800/19985/8012 +f 12784/19968/9165 12790/19974/9168 12799/19984/9174 +f 12783/19967/7999 12769/19949/7984 12801/19986/9175 +f 12787/19987/9167 12773/19955/9158 12802/19988/8025 +f 12769/19949/7984 12786/19970/9166 12801/19986/9175 +f 12773/19955/9158 12785/19969/8009 12802/19988/8025 +f 12793/19977/8008 12783/19967/7999 12801/19986/9175 +f 12795/19979/8017 12796/19980/9172 12803/19989/9176 +f 12786/19981/9166 12797/19982/8010 12804/19990/9177 +f 12787/19987/9167 12802/19988/8025 12805/19991/9178 +f 12791/19975/9169 12767/19947/9155 12806/19992/9179 +f 12767/19947/9155 12781/19965/9164 12806/19992/9179 +f 12781/19965/9164 12782/19966/7996 12806/19992/9179 +f 12794/19978/9171 12787/19971/9167 12805/19993/9178 +f 12792/19976/9170 12807/19994/9180 12808/19995/9181 +f 12782/19966/7996 12809/19996/9182 12806/19992/9179 +f 12799/19984/9174 12790/19974/9168 12808/19995/9181 +f 12790/19974/9168 12792/19976/9170 12808/19995/9181 +f 12803/19989/9176 12796/19980/9172 12810/19997/9183 +f 12796/19980/9172 12780/19964/8003 12810/19997/9183 +f 12789/19973/8004 12793/19977/8008 12811/19998/9184 +f 12780/19964/8003 12794/19978/9171 12810/19997/9183 +f 12793/19977/8008 12801/19986/9175 12812/19999/9185 +f 12811/19998/9184 12793/19977/8008 12812/19999/9185 +f 12813/20000/8038 12795/20001/8017 12814/20002/9186 +f 12788/19972/8005 12800/19985/8012 12815/20003/9187 +f 12795/20001/8017 12803/20004/9176 12814/20002/9186 +f 12816/20005/8030 12788/19972/8005 12815/20003/9187 +f 12785/19969/8009 12799/19984/9174 12817/20006/9188 +f 12791/19975/9169 12806/19992/9179 12818/20007/8033 +f 12798/19983/9173 12791/19975/9169 12818/20007/8033 +f 12806/19992/9179 12809/19996/9182 12818/20007/8033 +f 12802/19988/8025 12785/19969/8009 12817/20006/9188 +f 12809/19996/9182 12819/20008/8034 12818/20007/8033 +f 12797/19982/8010 12798/19983/9173 12820/20009/9189 +f 12798/19983/9173 12818/20007/8033 12820/20009/9189 +f 12803/19989/9176 12810/19997/9183 12821/20010/8043 +f 12800/19985/8012 12789/19973/8004 12822/20011/8037 +f 12789/19973/8004 12811/19998/9184 12822/20011/8037 +f 12802/19988/8025 12817/20006/9188 12823/20012/8044 +f 12815/20003/9187 12800/19985/8012 12822/20011/8037 +f 12805/19991/9178 12802/19988/8025 12823/20012/8044 +f 12801/20013/9175 12786/19981/9166 12824/20014/9190 +f 12812/20015/9185 12801/20013/9175 12824/20014/9190 +f 12786/19981/9166 12804/19990/9177 12824/20014/9190 +f 12813/20000/8038 12814/20002/9186 12825/20016/8048 +f 12804/19990/9177 12797/19982/8010 12826/20017/9191 +f 12794/19978/9171 12805/19993/9178 12827/20018/9192 +f 12797/19982/8010 12820/20009/9189 12826/20017/9191 +f 12821/20010/8043 12810/19997/9183 12827/20018/9192 +f 12810/19997/9183 12794/19978/9171 12827/20018/9192 +f 12808/19995/9181 12807/19994/9180 12828/20019/9193 +f 12816/20005/8030 12815/20003/9187 12829/20020/9194 +f 12807/19994/9180 12830/20021/9195 12828/20019/9193 +f 12817/20006/9188 12799/19984/9174 12828/20019/9193 +f 12811/19998/9184 12812/19999/9185 12831/20022/8046 +f 12799/19984/9174 12808/19995/9181 12828/20019/9193 +f 12814/20002/9186 12803/20004/9176 12832/20023/9196 +f 12803/20004/9176 12821/20024/8043 12832/20023/9196 +f 12812/20015/9185 12824/20014/9190 12833/20025/9197 +f 12825/20016/8048 12814/20002/9186 12832/20023/9196 +f 12831/20026/8046 12812/20015/9185 12833/20025/9197 +f 12826/20017/9191 12820/20009/9189 12834/20027/9198 +f 12821/20010/8043 12827/20018/9192 12835/20028/8058 +f 12818/20007/8033 12819/20008/8034 12834/20027/9198 +f 12820/20009/9189 12818/20007/8033 12834/20027/9198 +f 12836/20029/8060 12813/20000/8038 12837/20030/9199 +f 12813/20000/8038 12825/20016/8048 12837/20030/9199 +f 12815/20003/9187 12822/20011/8037 12838/20031/9200 +f 12829/20020/9194 12815/20003/9187 12838/20031/9200 +f 12823/20012/8044 12817/20006/9188 12839/20032/9201 +f 12838/20031/9200 12822/20011/8037 12840/20033/8054 +f 12822/20011/8037 12811/19998/9184 12840/20033/8054 +f 12817/20006/9188 12828/20019/9193 12839/20032/9201 +f 12811/19998/9184 12831/20022/8046 12840/20033/8054 +f 12816/20005/8030 12829/20020/9194 12841/20034/8056 +f 12825/20016/8048 12832/20023/9196 12842/20035/9202 +f 12843/20036/8057 12816/20005/8030 12841/20034/8056 +f 12805/19991/9178 12823/20012/8044 12844/20037/8068 +f 12824/20014/9190 12804/19990/9177 12845/20038/8059 +f 12835/20039/8058 12827/20040/9192 12844/20037/8068 +f 12804/19990/9177 12826/20017/9191 12845/20038/8059 +f 12833/20025/9197 12824/20014/9190 12845/20038/8059 +f 12827/20040/9192 12805/19991/9178 12844/20037/8068 +f 12836/20029/8060 12837/20030/9199 12846/20041/9203 +f 12826/20017/9191 12834/20027/9198 12847/20042/9204 +f 12834/20027/9198 12819/20008/8034 12847/20042/9204 +f 12819/20008/8034 12848/20043/9205 12847/20042/9204 +f 12829/20020/9194 12838/20031/9200 12849/20044/8065 +f 12832/20023/9196 12821/20024/8043 12850/20045/9206 +f 12821/20024/8043 12835/20046/8058 12850/20045/9206 +f 12842/20035/9202 12832/20023/9196 12850/20045/9206 +f 12831/20026/8046 12833/20025/9197 12851/20047/9207 +f 12835/20039/8058 12844/20037/8068 12852/20048/9208 +f 12830/20021/9195 12853/20049/9209 12854/20050/9210 +f 12851/20047/9207 12833/20025/9197 12855/20051/9211 +f 12828/20019/9193 12830/20021/9195 12854/20050/9210 +f 12833/20025/9197 12845/20038/8059 12855/20051/9211 +f 12839/20032/9201 12828/20019/9193 12854/20050/9210 +f 12846/20041/9203 12837/20030/9199 12856/20052/9212 +f 12837/20030/9199 12825/20016/8048 12856/20052/9212 +f 12843/20036/8057 12841/20034/8056 12857/20053/9213 +f 12825/20016/8048 12842/20035/9202 12856/20052/9212 +f 12849/20044/8065 12838/20031/9200 12858/20054/9214 +f 12838/20031/9200 12840/20033/8054 12858/20054/9214 +f 12842/20035/9202 12850/20045/9206 12859/20055/8081 +f 12826/20017/9191 12847/20042/9204 12860/20056/9215 +f 12855/20051/9211 12845/20038/8059 12860/20056/9215 +f 12861/20057/8083 12836/20029/8060 12862/20058/8084 +f 12845/20038/8059 12826/20017/9191 12860/20056/9215 +f 12847/20042/9204 12848/20043/9205 12860/20056/9215 +f 12836/20029/8060 12846/20041/9203 12862/20058/8084 +f 12858/20059/9214 12840/20060/8054 12863/20061/9216 +f 12840/20060/8054 12831/20026/8046 12863/20061/9216 +f 12823/20012/8044 12839/20032/9201 12864/20062/9217 +f 12831/20026/8046 12851/20047/9207 12863/20061/9216 +f 12844/20037/8068 12823/20012/8044 12864/20062/9217 +f 12841/20034/8056 12829/20020/9194 12865/20063/9218 +f 12846/20041/9203 12856/20052/9212 12866/20064/9219 +f 12829/20020/9194 12849/20044/8065 12865/20063/9218 +f 12843/20036/8057 12857/20053/9213 12867/20065/9220 +f 12850/20066/9206 12835/20039/8058 12868/20067/8091 +f 12869/20068/8085 12843/20036/8057 12867/20065/9220 +f 12835/20039/8058 12852/20048/9208 12868/20067/8091 +f 12859/20069/8081 12850/20066/9206 12868/20067/8091 +f 12852/20048/9208 12844/20037/8068 12870/20070/9221 +f 12844/20037/8068 12864/20062/9217 12870/20070/9221 +f 12849/20044/8065 12858/20054/9214 12871/20071/9222 +f 12861/20057/8083 12862/20058/8084 12872/20072/9223 +f 12851/20047/9207 12855/20051/9211 12873/20073/9224 +f 12873/20073/9224 12855/20051/9211 12874/20074/8090 +f 12855/20051/9211 12860/20056/9215 12874/20074/8090 +f 12860/20056/9215 12848/20043/9205 12874/20074/8090 +f 12848/20043/9205 12875/20075/9225 12874/20074/8090 +f 12866/20064/9219 12856/20052/9212 12876/20076/9226 +f 12841/20034/8056 12865/20063/9218 12877/20077/9227 +f 12856/20052/9212 12842/20035/9202 12876/20076/9226 +f 12857/20053/9213 12841/20034/8056 12877/20077/9227 +f 12842/20035/9202 12859/20055/8081 12876/20076/9226 +f 12858/20059/9214 12863/20061/9216 12878/20078/9228 +f 12859/20069/8081 12868/20067/8091 12879/20079/9229 +f 12853/20049/9209 12880/20080/9230 12881/20081/8103 +f 12864/20062/9217 12839/20032/9201 12881/20081/8103 +f 12839/20032/9201 12854/20050/9210 12881/20081/8103 +f 12871/20082/9222 12858/20059/9214 12878/20078/9228 +f 12854/20050/9210 12853/20049/9209 12881/20081/8103 +f 12863/20061/9216 12851/20047/9207 12882/20083/9231 +f 12870/20070/9221 12864/20062/9217 12881/20081/8103 +f 12878/20078/9228 12863/20061/9216 12882/20083/9231 +f 12851/20047/9207 12873/20073/9224 12882/20083/9231 +f 12872/20072/9223 12862/20058/8084 12883/20084/8105 +f 12862/20058/8084 12846/20041/9203 12883/20084/8105 +f 12869/20068/8085 12867/20065/9220 12884/20085/8099 +f 12846/20041/9203 12866/20064/9219 12883/20084/8105 +f 12866/20064/9219 12876/20076/9226 12885/20086/8107 +f 12865/20063/9218 12849/20044/8065 12886/20087/8101 +f 12849/20044/8065 12871/20071/9222 12886/20087/8101 +f 12861/20057/8083 12872/20072/9223 12887/20088/8110 +f 12888/20089/8109 12861/20057/8083 12887/20088/8110 +f 12873/20073/9224 12874/20074/8090 12889/20090/9232 +f 12874/20074/8090 12875/20075/9225 12889/20090/9232 +f 12870/20070/9221 12881/20081/8103 12890/20091/8113 +f 12880/20080/9230 12891/20092/8114 12890/20091/8113 +f 12881/20081/8103 12880/20080/9230 12890/20091/8113 +f 12857/20053/9213 12877/20077/9227 12892/20093/9233 +f 12867/20065/9220 12857/20053/9213 12892/20093/9233 +f 12868/20067/8091 12852/20048/9208 12893/20094/9234 +f 12852/20048/9208 12870/20070/9221 12893/20094/9234 +f 12884/20085/8099 12867/20065/9220 12892/20093/9233 +f 12879/20079/9229 12868/20067/8091 12893/20094/9234 +f 12886/20095/8101 12871/20082/9222 12894/20096/8108 +f 12872/20072/9223 12883/20084/8105 12895/20097/9235 +f 12871/20082/9222 12878/20078/9228 12894/20096/8108 +f 12869/20068/8085 12884/20085/8099 12896/20098/8111 +f 12859/20069/8081 12879/20079/9229 12897/20099/9236 +f 12898/20100/9237 12869/20068/8085 12896/20098/8111 +f 12885/20101/8107 12876/20102/9226 12897/20099/9236 +f 12865/20063/9218 12886/20087/8101 12899/20103/9238 +f 12876/20102/9226 12859/20069/8081 12897/20099/9236 +f 12877/20077/9227 12865/20063/9218 12899/20103/9238 +f 12879/20079/9229 12893/20094/9234 12900/20104/9239 +f 12888/20089/8109 12887/20088/8110 12901/20105/8123 +f 12878/20078/9228 12882/20083/9231 12902/20106/9240 +f 12873/20073/9224 12889/20090/9232 12903/20107/9241 +f 12866/20064/9219 12885/20086/8107 12904/20108/9242 +f 12882/20083/9231 12873/20073/9224 12903/20107/9241 +f 12895/20097/9235 12883/20084/8105 12904/20108/9242 +f 12889/20090/9232 12875/20075/9225 12903/20107/9241 +f 12902/20106/9240 12882/20083/9231 12903/20107/9241 +f 12875/20075/9225 12905/20109/8121 12903/20107/9241 +f 12896/20098/8111 12884/20085/8099 12906/20110/8122 +f 12883/20084/8105 12866/20064/9219 12904/20108/9242 +f 12884/20085/8099 12892/20093/9233 12906/20110/8122 +f 12885/20101/8107 12897/20099/9236 12907/20111/9243 +f 12899/20112/9238 12886/20095/8101 12908/20113/8124 +f 12904/20114/9242 12885/20101/8107 12907/20111/9243 +f 12886/20095/8101 12894/20096/8108 12908/20113/8124 +f 12870/20070/9221 12890/20091/8113 12909/20115/9244 +f 12890/20091/8113 12891/20092/8114 12909/20115/9244 +f 12900/20104/9239 12893/20094/9234 12909/20115/9244 +f 12893/20094/9234 12870/20070/9221 12909/20115/9244 +f 12877/20077/9227 12899/20103/9238 12910/20116/8127 +f 12892/20093/9233 12877/20077/9227 12910/20116/8127 +f 12901/20105/8123 12887/20088/8110 12911/20117/9245 +f 12906/20110/8122 12892/20093/9233 12910/20116/8127 +f 12872/20072/9223 12895/20097/9235 12911/20117/9245 +f 12887/20088/8110 12872/20072/9223 12911/20117/9245 +f 12878/20078/9228 12902/20106/9240 12912/20118/9246 +f 12894/20096/8108 12878/20078/9228 12912/20118/9246 +f 12895/20097/9235 12904/20108/9242 12913/20119/8134 +f 12914/20120/8137 12888/20089/8109 12915/20121/8138 +f 12898/20100/9237 12896/20098/8111 12916/20122/9247 +f 12888/20089/8109 12901/20105/8123 12915/20121/8138 +f 12897/20099/9236 12879/20079/9229 12917/20123/8141 +f 12902/20106/9240 12903/20107/9241 12918/20124/9248 +f 12903/20107/9241 12905/20109/8121 12918/20124/9248 +f 12879/20079/9229 12900/20104/9239 12917/20123/8141 +f 12907/20111/9243 12897/20099/9236 12917/20123/8141 +f 12896/20098/8111 12906/20110/8122 12919/20125/9249 +f 12891/20092/8114 12920/20126/9250 12921/20127/9251 +f 12900/20104/9239 12909/20115/9244 12921/20127/9251 +f 12909/20115/9244 12891/20092/8114 12921/20127/9251 +f 12899/20112/9238 12908/20113/8124 12922/20128/8136 +f 12901/20105/8123 12911/20117/9245 12923/20129/8145 +f 12924/20130/8139 12898/20100/9237 12925/20131/9252 +f 12898/20100/9237 12916/20122/9247 12925/20131/9252 +f 12904/20114/9242 12907/20111/9243 12926/20132/8148 +f 12913/20133/8134 12904/20114/9242 12926/20132/8148 +f 12906/20110/8122 12910/20116/8127 12927/20134/8142 +f 12919/20125/9249 12906/20110/8122 12927/20134/8142 +f 12907/20111/9243 12917/20123/8141 12928/20135/9253 +f 12908/20113/8124 12894/20096/8108 12929/20136/9254 +f 12894/20096/8108 12912/20118/9246 12929/20136/9254 +f 12914/20120/8137 12915/20121/8138 12930/20137/9255 +f 12902/20106/9240 12918/20124/9248 12931/20138/9256 +f 12912/20118/9246 12902/20106/9240 12931/20138/9256 +f 12905/20109/8121 12932/20139/8149 12931/20138/9256 +f 12923/20129/8145 12911/20117/9245 12933/20140/9257 +f 12918/20124/9248 12905/20109/8121 12931/20138/9256 +f 12911/20117/9245 12895/20097/9235 12933/20140/9257 +f 12895/20097/9235 12913/20119/8134 12933/20140/9257 +f 12910/20141/8127 12899/20112/9238 12934/20142/9258 +f 12917/20123/8141 12900/20104/9239 12935/20143/8156 +f 12921/20127/9251 12920/20126/9250 12935/20143/8156 +f 12899/20112/9238 12922/20128/8136 12934/20142/9258 +f 12900/20104/9239 12921/20127/9251 12935/20143/8156 +f 12927/20144/8142 12910/20141/8127 12934/20142/9258 +f 12928/20135/9253 12917/20123/8141 12935/20143/8156 +f 12913/20133/8134 12926/20132/8148 12936/20145/9259 +f 12896/20098/8111 12919/20125/9249 12937/20146/9260 +f 12916/20122/9247 12896/20098/8111 12937/20146/9260 +f 12925/20131/9252 12916/20122/9247 12937/20146/9260 +f 12930/20137/9255 12915/20121/8138 12938/20147/8161 +f 12919/20125/9249 12927/20134/8142 12939/20148/9261 +f 12915/20121/8138 12901/20105/8123 12938/20147/8161 +f 12901/20105/8123 12923/20129/8145 12938/20147/8161 +f 12940/20149/8162 12914/20120/8137 12941/20150/8163 +f 12922/20128/8136 12908/20113/8124 12942/20151/8159 +f 12914/20120/8137 12930/20137/9255 12941/20150/8163 +f 12908/20113/8124 12929/20136/9254 12942/20151/8159 +f 12924/20130/8139 12925/20131/9252 12943/20152/8157 +f 12923/20129/8145 12933/20140/9257 12944/20153/9262 +f 12929/20136/9254 12912/20118/9246 12945/20154/8160 +f 12936/20145/9259 12926/20132/8148 12946/20155/9263 +f 12926/20132/8148 12907/20111/9243 12946/20155/9263 +f 12912/20118/9246 12931/20138/9256 12945/20154/8160 +f 12931/20138/9256 12932/20139/8149 12945/20154/8160 +f 12907/20111/9243 12928/20135/9253 12946/20155/9263 +f 12920/20126/9250 12947/20156/9264 12948/20157/8170 +f 12935/20143/8156 12920/20126/9250 12948/20157/8170 +f 12928/20135/9253 12935/20143/8156 12948/20157/8170 +f 12925/20131/9252 12937/20146/9260 12949/20158/9265 +f 12927/20144/8142 12934/20142/9258 12950/20159/8166 +f 12930/20137/9255 12938/20147/8161 12951/20160/9266 +f 12939/20161/9261 12927/20144/8142 12950/20159/8166 +f 12952/20162/8168 12924/20130/8139 12953/20163/9267 +f 12933/20164/9257 12913/20133/8134 12954/20165/9268 +f 12913/20133/8134 12936/20145/9259 12954/20165/9268 +f 12924/20130/8139 12943/20152/8157 12953/20163/9267 +f 12944/20166/9262 12933/20164/9257 12954/20165/9268 +f 12950/20159/8166 12934/20142/9258 12955/20167/8172 +f 12922/20128/8136 12942/20151/8159 12955/20167/8172 +f 12934/20142/9258 12922/20128/8136 12955/20167/8172 +f 12937/20146/9260 12919/20125/9249 12956/20168/8173 +f 12936/20145/9259 12946/20155/9263 12957/20169/9269 +f 12949/20158/9265 12937/20146/9260 12956/20168/8173 +f 12940/20149/8162 12941/20150/8163 12958/20170/8179 +f 12919/20125/9249 12939/20148/9261 12956/20168/8173 +f 12929/20136/9254 12945/20154/8160 12959/20171/9270 +f 12945/20154/8160 12932/20139/8149 12959/20171/9270 +f 12932/20139/8149 12960/20172/8176 12959/20171/9270 +f 12942/20151/8159 12929/20136/9254 12959/20171/9270 +f 12951/20160/9266 12938/20147/8161 12961/20173/8183 +f 12938/20147/8161 12923/20129/8145 12961/20173/8183 +f 12923/20129/8145 12944/20153/9262 12961/20173/8183 +f 12939/20161/9261 12950/20159/8166 12962/20174/8178 +f 12956/20175/8173 12939/20161/9261 12962/20174/8178 +f 12948/20157/8170 12947/20156/9264 12963/20176/8185 +f 12957/20169/9269 12946/20155/9263 12963/20176/8185 +f 12946/20155/9263 12928/20135/9253 12963/20176/8185 +f 12925/20131/9252 12949/20158/9265 12964/20177/9271 +f 12928/20135/9253 12948/20157/8170 12963/20176/8185 +f 12943/20152/8157 12925/20131/9252 12964/20177/9271 +f 12941/20150/8163 12930/20137/9255 12965/20178/9272 +f 12930/20137/9255 12951/20160/9266 12965/20178/9272 +f 12949/20158/9265 12956/20168/8173 12966/20179/8182 +f 12944/20166/9262 12954/20165/9268 12967/20180/9273 +f 12950/20159/8166 12955/20167/8172 12968/20181/9274 +f 12969/20182/9275 12940/20149/8162 12970/20183/8192 +f 12940/20149/8162 12958/20170/8179 12970/20183/8192 +f 12952/20162/8168 12953/20163/9267 12971/20184/9276 +f 12951/20160/9266 12961/20173/8183 12972/20185/8194 +f 12955/20167/8172 12942/20151/8159 12973/20186/8189 +f 12968/20181/9274 12955/20167/8172 12973/20186/8189 +f 12967/20180/9273 12954/20165/9268 12974/20187/8197 +f 12942/20151/8159 12959/20171/9270 12973/20186/8189 +f 12959/20171/9270 12960/20172/8176 12973/20186/8189 +f 12954/20165/9268 12936/20145/9259 12974/20187/8197 +f 12953/20163/9267 12943/20152/8157 12975/20188/8190 +f 12936/20145/9259 12957/20169/9269 12974/20187/8197 +f 12971/20184/9276 12953/20163/9267 12975/20188/8190 +f 12957/20169/9269 12963/20176/8185 12976/20189/9277 +f 12943/20152/8157 12964/20177/9271 12975/20188/8190 +f 12963/20176/8185 12947/20156/9264 12976/20189/9277 +f 12947/20156/9264 12977/20190/8200 12976/20189/9277 +f 12958/20170/8179 12941/20150/8163 12978/20191/8202 +f 12956/20175/8173 12962/20174/8178 12979/20192/8193 +f 12966/20193/8182 12956/20175/8173 12979/20192/8193 +f 12941/20150/8163 12965/20178/9272 12978/20191/8202 +f 12952/20162/8168 12971/20184/9276 12980/20194/8195 +f 12981/20195/8196 12952/20162/8168 12980/20194/8195 +f 12961/20196/8183 12944/20166/9262 12982/20197/8206 +f 12972/20198/8194 12961/20196/8183 12982/20197/8206 +f 12962/20174/8178 12950/20159/8166 12983/20199/8198 +f 12944/20166/9262 12967/20180/9273 12982/20197/8206 +f 12965/20178/9272 12951/20160/9266 12984/20200/8207 +f 12950/20159/8166 12968/20181/9274 12983/20199/8198 +f 12964/20177/9271 12949/20158/9265 12985/20201/8201 +f 12949/20158/9265 12966/20179/8182 12985/20201/8201 +f 12951/20160/9266 12972/20185/8194 12984/20200/8207 +f 12967/20180/9273 12974/20187/8197 12986/20202/9278 +f 12968/20181/9274 12973/20186/8189 12987/20203/9279 +f 12973/20186/8189 12960/20172/8176 12987/20203/9279 +f 12960/20172/8176 12988/20204/9280 12987/20203/9279 +f 12969/20182/9275 12970/20183/8192 12989/20205/8209 +f 12985/20206/8201 12966/20193/8182 12990/20207/8205 +f 12966/20193/8182 12979/20192/8193 12990/20207/8205 +f 12974/20187/8197 12957/20169/9269 12991/20208/8213 +f 12971/20184/9276 12975/20188/8190 12992/20209/8208 +f 12976/20189/9277 12977/20190/8200 12991/20208/8213 +f 12980/20194/8195 12971/20184/9276 12992/20209/8208 +f 12986/20202/9278 12974/20187/8197 12991/20208/8213 +f 12957/20169/9269 12976/20189/9277 12991/20208/8213 +f 12970/20183/8192 12958/20170/8179 12993/20210/9281 +f 12989/20205/8209 12970/20183/8192 12993/20210/9281 +f 12975/20188/8190 12964/20177/9271 12994/20211/9282 +f 12964/20177/9271 12985/20201/8201 12994/20211/9282 +f 12992/20209/8208 12975/20188/8190 12994/20211/9282 +f 12958/20170/8179 12978/20191/8202 12993/20210/9281 +f 12972/20198/8194 12982/20197/8206 12995/20212/8217 +f 12984/20213/8207 12972/20198/8194 12995/20212/8217 +f 12979/20192/8193 12962/20174/8178 12996/20214/8212 +f 12962/20174/8178 12983/20199/8198 12996/20214/8212 +f 12997/20215/8219 12969/20182/9275 12998/20216/8220 +f 12990/20207/8205 12979/20192/8193 12996/20214/8212 +f 12969/20182/9275 12989/20205/8209 12998/20216/8220 +f 12981/20195/8196 12980/20194/8195 12999/20217/8214 +f 12978/20191/8202 12965/20178/9272 13000/20218/9283 +f 12968/20181/9274 12987/20203/9279 13001/20219/9284 +f 12965/20178/9272 12984/20200/8207 13000/20218/9283 +f 12983/20199/8198 12968/20181/9274 13001/20219/9284 +f 12995/20212/8217 12982/20197/8206 13002/20220/9285 +f 12987/20203/9279 12988/20204/9280 13001/20219/9284 +f 12967/20180/9273 12986/20202/9278 13002/20220/9285 +f 12982/20197/8206 12967/20180/9273 13002/20220/9285 +f 12980/20194/8195 12992/20209/8208 13003/20221/9286 +f 12977/20190/8200 13004/20222/8227 13005/20223/8228 +f 12991/20208/8213 12977/20190/8200 13005/20223/8228 +f 12986/20202/9278 12991/20208/8213 13005/20223/8228 +f 12985/20206/8201 12990/20207/8205 13006/20224/9287 +f 12984/20213/8207 12995/20212/8217 13007/20225/9288 +f 13000/20226/9283 12984/20213/8207 13007/20225/9288 +f 13008/20227/8223 12981/20195/8196 13009/20228/9289 +f 12981/20195/8196 12999/20217/8214 13009/20228/9289 +f 12989/20205/8209 12993/20210/9281 13010/20229/9290 +f 12978/20191/8202 13000/20218/9283 13011/20230/9291 +f 12990/20207/8205 12996/20214/8212 13012/20231/8226 +f 12993/20210/9281 12978/20191/8202 13011/20230/9291 +f 13010/20229/9290 12993/20210/9281 13011/20230/9291 +f 12992/20209/8208 12994/20211/9282 13013/20232/9292 +f 13003/20221/9286 12992/20209/8208 13013/20232/9292 +f 13012/20231/8226 12996/20214/8212 13014/20233/8231 +f 12996/20214/8212 12983/20199/8198 13014/20233/8231 +f 12995/20212/8217 13002/20220/9285 13015/20234/8237 +f 12983/20199/8198 13001/20219/9284 13014/20233/8231 +f 12988/20204/9280 13016/20235/9293 13014/20233/8231 +f 13001/20219/9284 12988/20204/9280 13014/20233/8231 +f 13013/20236/9292 12994/20237/9282 13017/20238/9294 +f 12997/20215/8219 12998/20216/8220 13018/20239/9295 +f 12994/20237/9282 12985/20206/8201 13017/20238/9294 +f 12985/20206/8201 13006/20224/9287 13017/20238/9294 +f 13005/20223/8228 13004/20222/8227 13019/20240/9296 +f 12986/20202/9278 13005/20223/8228 13019/20240/9296 +f 13015/20234/8237 13002/20220/9285 13019/20240/9296 +f 13002/20220/9285 12986/20202/9278 13019/20240/9296 +f 12999/20217/8214 12980/20194/8195 13020/20241/9297 +f 12998/20216/8220 12989/20205/8209 13021/20242/9298 +f 12980/20194/8195 13003/20221/9286 13020/20241/9297 +f 12989/20205/8209 13010/20229/9290 13021/20242/9298 +f 13003/20221/9286 13013/20232/9292 13022/20243/9299 +f 13018/20239/9295 12998/20216/8220 13021/20242/9298 +f 13011/20244/9291 13000/20226/9283 13023/20245/8246 +f 13000/20226/9283 13007/20225/9288 13023/20245/8246 +f 12990/20207/8205 13012/20231/8226 13024/20246/9300 +f 13025/20247/8247 12997/20215/8219 13026/20248/9301 +f 13006/20224/9287 12990/20207/8205 13024/20246/9300 +f 12997/20215/8219 13018/20239/9295 13026/20248/9301 +f 13027/20249/8240 13008/20227/8223 13028/20250/9302 +f 13007/20225/9288 12995/20212/8217 13029/20251/8251 +f 13008/20227/8223 13009/20228/9289 13028/20250/9302 +f 12995/20212/8217 13015/20234/8237 13029/20251/8251 +f 13024/20246/9300 13012/20231/8226 13030/20252/8245 +f 13012/20231/8226 13014/20233/8231 13030/20252/8245 +f 13014/20233/8231 13016/20235/9293 13030/20252/8245 +f 13010/20229/9290 13011/20230/9291 13031/20253/8252 +f 12999/20217/8214 13020/20241/9297 13032/20254/9303 +f 13009/20228/9289 12999/20217/8214 13032/20254/9303 +f 13004/20222/8227 13033/20255/8255 13034/20256/9304 +f 13019/20240/9296 13004/20222/8227 13034/20256/9304 +f 13028/20250/9302 13009/20228/9289 13032/20254/9303 +f 13015/20234/8237 13019/20240/9296 13034/20256/9304 +f 13029/20251/8251 13015/20234/8237 13034/20256/9304 +f 13022/20257/9299 13013/20236/9292 13035/20258/9305 +f 13011/20244/9291 13023/20245/8246 13036/20259/8258 +f 13013/20236/9292 13017/20238/9294 13035/20258/9305 +f 13017/20238/9294 13006/20224/9287 13037/20260/8253 +f 13031/20261/8252 13011/20244/9291 13036/20259/8258 +f 13006/20224/9287 13024/20246/9300 13037/20260/8253 +f 13018/20239/9295 13021/20242/9298 13038/20262/9306 +f 13020/20241/9297 13003/20221/9286 13039/20263/9307 +f 13038/20262/9306 13021/20242/9298 13040/20264/8263 +f 13003/20221/9286 13022/20243/9299 13039/20263/9307 +f 13021/20242/9298 13010/20229/9290 13040/20264/8263 +f 13010/20229/9290 13031/20253/8252 13040/20264/8263 +f 13022/20257/9299 13035/20258/9305 13041/20265/9308 +f 13024/20246/9300 13030/20252/8245 13042/20266/8259 +f 13030/20252/8245 13016/20235/9293 13042/20266/8259 +f 13023/20245/8246 13007/20225/9288 13043/20267/9309 +f 13016/20235/9293 13044/20268/9310 13042/20266/8259 +f 13007/20225/9288 13029/20251/8251 13043/20267/9309 +f 13028/20250/9302 13032/20254/9303 13045/20269/9311 +f 13025/20247/8247 13026/20248/9301 13046/20270/9312 +f 13020/20241/9297 13039/20263/9307 13047/20271/9313 +f 13034/20256/9304 13033/20255/8255 13048/20272/8269 +f 13032/20254/9303 13020/20241/9297 13047/20271/9313 +f 13029/20251/8251 13034/20256/9304 13048/20272/8269 +f 13018/20239/9295 13038/20262/9306 12449/19577/8271 +f 13045/20269/9311 13032/20254/9303 13047/20271/9313 +f 13017/20238/9294 13037/20260/8253 13049/20273/9314 +f 13026/20248/9301 13018/20239/9295 12449/19577/8271 +f 13035/20258/9305 13017/20238/9294 13049/20273/9314 +f 13041/20265/9308 13035/20258/9305 13049/20273/9314 +f 13031/20261/8252 13036/20259/8258 12438/19566/8914 +f 13025/20247/8247 13046/20270/9312 13050/20274/8274 +f 13028/20250/9302 13045/20269/9311 12446/19574/8266 +f 13027/20249/8240 13028/20250/9302 12446/19574/8266 +f 13051/20275/8276 13025/20247/8247 13050/20274/8274 +f 13024/20246/9300 13042/20266/8259 13052/20276/9315 +f 13023/20245/8246 13043/20267/9309 13053/20277/7680 +f 13042/20266/8259 13044/20268/9310 13052/20276/9315 +f 13036/20259/8258 13023/20245/8246 13053/20277/7680 +f 12438/19566/8914 13036/20259/8258 13053/20277/7680 +f 13037/20260/8253 13024/20246/9300 13052/20276/9315 +f 13038/20262/9306 13040/20264/8263 13054/20278/9316 +f 13039/20279/9307 13022/20257/9299 13055/20280/8272 +f 13022/20257/9299 13041/20265/9308 13055/20280/8272 +f 13041/20265/9308 13049/20273/9314 12435/19563/8273 +f 13043/20267/9309 13029/20251/8251 13056/20281/8279 +f 13053/20277/7680 13043/20267/9309 13056/20281/8279 +f 13033/20255/8255 12453/19581/8924 13056/20281/8279 +f 13048/20272/8269 13033/20255/8255 13056/20281/8279 +f 13045/20269/9311 13047/20271/9313 13057/20282/9317 +f 13029/20251/8251 13048/20272/8269 13056/20281/8279 +f 13031/20261/8252 12438/19566/8914 12437/19565/7659 +f 13040/20283/8263 13031/20261/8252 12437/19565/7659 +f 13039/20279/9307 13055/20280/8272 13058/20284/9318 +f 13047/20285/9313 13039/20279/9307 13058/20284/9318 +f 13054/20286/9316 13040/20283/8263 12437/19565/7659 +f 13057/20287/9317 13047/20285/9313 13058/20284/9318 +f 13026/20248/9301 12449/19577/8271 12448/19576/8920 +f 13049/20273/9314 13037/20260/8253 13059/20288/9319 +f 13037/20260/8253 13052/20276/9315 13059/20288/9319 +f 13052/20276/9315 13044/20268/9310 13059/20288/9319 +f 12435/19563/8273 13049/20273/9314 13059/20288/9319 +f 13046/20270/9312 13026/20248/9301 12448/19576/8920 +f 13044/20268/9310 12441/19569/8916 13059/20288/9319 +f 13045/20269/9311 13057/20282/9317 12452/19580/8923 +f 12446/19574/8266 13045/20269/9311 12452/19580/8923 +f 13038/20262/9306 13054/20278/9316 12451/19579/8922 +f 12449/19577/8271 13038/20262/9306 12451/19579/8922 +f 12435/19563/8273 13059/20288/9319 12440/19568/8915 +f 13059/20288/9319 12441/19569/8916 12440/19568/8915 +f 12438/19566/8914 13053/20277/7680 12443/19571/7678 +f 13055/20280/8272 13041/20265/9308 12434/19562/8912 +f 13041/20265/9308 12435/19563/8273 12434/19562/8912 +f 13051/20275/8276 13050/20274/8274 12465/19595/7688 +f 12463/19593/8934 13027/20249/8240 12445/19573/8919 +f 13027/20249/8240 12446/19574/8266 12445/19573/8919 +f 13056/20281/8279 12453/19581/8924 12456/19584/8927 +f 12443/19571/7678 13053/20277/7680 12456/19584/8927 +f 13053/20277/7680 13056/20281/8279 12456/19584/8927 +f 13046/20270/9312 12448/19576/8920 12466/19596/8935 +f 13050/20274/8274 13046/20270/9312 12466/19596/8935 +f 13057/20287/9317 13058/20284/9318 12460/19589/8931 +f 12465/19595/7688 13050/20274/8274 12466/19596/8935 +f 13058/20284/9318 13055/20280/8272 12457/19585/8928 +f 12460/19589/8931 13058/20284/9318 12457/19585/8928 +f 13054/20286/9316 12437/19565/7659 12444/19572/8918 +f 13055/20280/8272 12434/19562/8912 12457/19585/8928 +f 12451/19587/8922 13054/20286/9316 12444/19572/8918 +f 12452/19580/8923 13057/20282/9317 12468/19605/8936 +f 12471/19601/8938 13051/20275/8276 12472/19602/8939 +f 13057/20287/9317 12460/19589/8931 12468/19598/8936 +f 13051/20275/8276 12465/19595/7688 12472/19602/8939 +f 11965/19013/7187 13060/20289/57 13061/20290/9320 +f 11965/19013/7187 11942/18986/7164 13060/20289/57 +f 11966/19014/7188 13061/20290/9320 13062/20291/9321 +f 11966/19014/7188 11965/19013/7187 13061/20290/9320 +f 11992/19047/7215 13062/20291/9321 13063/20292/8287 +f 11992/19047/7215 11966/19014/7188 13062/20291/9321 +f 11993/19048/7216 13063/20292/8287 13064/20293/8288 +f 11993/19048/7216 11992/19047/7215 13063/20292/8287 +f 12028/19087/7248 13064/20293/8288 13065/20294/8289 +f 12028/19087/7248 11993/19048/7216 13064/20293/8288 +f 12056/19119/7275 13065/20294/8289 13066/20295/8290 +f 12056/19119/7275 12028/19087/7248 13065/20294/8289 +f 12092/19162/7313 13066/20295/8290 13067/20296/8291 +f 12092/19162/7313 12056/19119/7275 13066/20295/8290 +f 12134/19207/7354 13067/20296/8291 13068/20297/8292 +f 12134/19207/7354 12092/19162/7313 13067/20296/8291 +f 12178/19259/7398 12134/19258/7354 13068/20298/8292 +f 12178/19259/7398 13068/20298/8292 13069/20299/8293 +f 12225/19315/7445 13069/20299/8293 13070/20300/8294 +f 12225/19315/7445 12178/19259/7398 13069/20299/8293 +f 12267/19365/7488 13070/20300/8294 13071/20301/9322 +f 12267/19365/7488 12225/19315/7445 13070/20300/8294 +f 12304/19405/8864 13071/20301/9322 13072/20302/8296 +f 12304/19405/8864 12267/19365/7488 13071/20301/9322 +f 12335/19442/8880 13072/20302/8296 13073/20303/8297 +f 12335/19442/8880 12304/19405/8864 13072/20302/8296 +f 12361/19473/7584 13073/20303/8297 13074/20304/8298 +f 12361/19473/7584 12335/19442/8880 13073/20303/8297 +f 12381/19499/7600 13074/20304/8298 13075/20305/8299 +f 12381/19499/7600 12361/19473/7584 13074/20304/8298 +f 12382/19500/7601 13075/20305/8299 13076/20306/8300 +f 12382/19500/7601 12381/19499/7600 13075/20305/8299 +f 12411/19533/7637 13076/20306/8300 13077/20307/8301 +f 12411/19533/7637 12382/19500/7601 13076/20306/8300 +f 12412/19534/8907 13077/20307/8301 13078/20308/8302 +f 12412/19534/8907 12411/19533/7637 13077/20307/8301 +f 12431/19556/8911 13078/20308/8302 13079/20309/8303 +f 12431/19556/8911 12412/19534/8907 13078/20308/8302 +f 11605/18599/8630 13079/20309/8303 13080/20310/8304 +f 11605/18599/8630 12431/19556/8911 13079/20309/8303 +f 11624/18621/8635 13080/20310/8304 13081/20311/8305 +f 11624/18621/8635 11605/18599/8630 13080/20310/8304 +f 11651/18652/8652 13081/20311/8305 13082/20312/8306 +f 11651/18652/8652 11624/18621/8635 13081/20311/8305 +f 11685/18690/6912 13082/20312/8306 13083/20313/8307 +f 11685/18690/6912 11651/18652/8652 13082/20312/8306 +f 11714/18724/6939 13083/20313/8307 13084/20314/8308 +f 11714/18724/6939 13084/20314/8308 13085/20315/8309 +f 11714/18724/6939 11685/18690/6912 13083/20313/8307 +f 11739/18752/8678 13085/20315/8309 13086/20316/8310 +f 11739/18752/8678 11714/18724/6939 13085/20315/8309 +f 11761/18778/6987 13086/20316/8310 13087/20317/8311 +f 11761/18778/6987 11739/18752/8678 13086/20316/8310 +f 11780/18798/7006 13087/20317/8311 13088/20318/8312 +f 11780/18798/7006 11761/18778/6987 13087/20317/8311 +f 11794/18833/7018 13088/20319/8312 13089/20320/8313 +f 11794/18814/7018 11780/18798/7006 13088/20318/8312 +f 11810/18834/8703 13089/20320/8313 13090/20321/9323 +f 11810/18834/8703 11794/18833/7018 13089/20320/8313 +f 11825/18853/7051 13090/20321/9323 13091/20322/8315 +f 11825/18853/7051 11810/18834/8703 13090/20321/9323 +f 11840/18871/7067 13091/20322/8315 13092/20323/8316 +f 11840/18871/7067 11825/18853/7051 13091/20322/8315 +f 11848/18879/7072 13092/20323/8316 13093/20324/8317 +f 11848/18879/7072 11840/18871/7067 13092/20323/8316 +f 11871/18906/7096 11848/18879/7072 13093/20324/8317 +f 11871/18906/7096 13093/20324/8317 13094/20325/8318 +f 11897/18936/7121 11871/18906/7096 13094/20325/8318 +f 11897/18936/7121 13094/20325/8318 13095/20326/8319 +f 11925/18968/7149 11897/18936/7121 13095/20326/8319 +f 11925/18968/7149 13095/20326/8319 13096/20327/8320 +f 11955/19001/7182 11925/18968/7149 13096/20327/8320 +f 11955/19001/7182 13096/20327/8320 13097/20328/8321 +f 12005/19063/7231 11955/19001/7182 13097/20328/8321 +f 12005/19063/7231 13097/20328/8321 13098/20329/8322 +f 12050/19111/7280 12005/19063/7231 13098/20329/8322 +f 12050/19111/7280 13098/20329/8322 13099/20330/8323 +f 12085/19154/7315 12050/19111/7280 13099/20330/8323 +f 12085/19154/7315 13099/20330/8323 13100/20331/9324 +f 12119/19191/7347 12085/19154/7315 13100/20331/9324 +f 12119/19191/7347 13100/20331/9324 13101/20332/135 +f 12147/19223/7376 12119/19191/7347 13101/20332/135 +f 12147/19223/7376 13101/20332/135 13102/20333/8325 +f 12168/19248/7397 12147/19223/7376 13102/20333/8325 +f 12168/19248/7397 13102/20333/8325 13103/20334/8326 +f 12191/19278/7419 12168/19248/7397 13103/20334/8326 +f 12191/19278/7419 13103/20334/8326 13104/20335/8327 +f 12192/19279/7420 13104/20335/8327 13105/20336/8328 +f 12192/19279/7420 12191/19278/7419 13104/20335/8327 +f 12239/19332/7467 12192/19279/7420 13105/20336/8328 +f 12239/19332/7467 13105/20336/8328 13106/20337/8329 +f 12251/19346/7479 13106/20337/8329 13107/20338/8330 +f 12251/19346/7479 12239/19332/7467 13106/20337/8329 +f 12279/19377/7507 13107/20338/8330 13108/20339/8331 +f 12279/19377/7507 12251/19346/7479 13107/20338/8330 +f 12315/19464/7541 13108/20340/8331 13109/20341/8332 +f 12315/19419/7541 12279/19377/7507 13108/20339/8331 +f 12354/19465/7583 13109/20341/8332 13110/20342/8333 +f 12354/19465/7583 12315/19464/7541 13109/20341/8332 +f 12393/19512/7625 13110/20342/8333 13111/20343/8334 +f 12393/19512/7625 12354/19465/7583 13110/20342/8333 +f 12424/19548/6806 13111/20343/8334 13112/20344/9325 +f 12424/19548/6806 12393/19512/7625 13111/20343/8334 +f 11622/18619/6807 13112/20344/9325 13113/20345/8336 +f 11622/18619/6807 12424/19548/6806 13112/20344/9325 +f 11625/18622/8636 13113/20345/8336 13114/20346/8337 +f 11625/18622/8636 11622/18619/6807 13113/20345/8336 +f 11647/18648/8649 13114/20346/8337 13115/20347/8338 +f 11647/18648/8649 11625/18622/8636 13114/20346/8337 +f 11664/18667/6895 13115/20347/8338 13116/20348/8339 +f 11664/18667/6895 11647/18648/8649 13115/20347/8338 +f 11676/18681/6907 13116/20348/8339 13117/20349/8340 +f 11676/18681/6907 11664/18667/6895 13116/20348/8339 +f 11691/18698/8665 13117/20349/8340 13118/20350/8341 +f 11691/18698/8665 11676/18681/6907 13117/20349/8340 +f 11707/18716/8670 13118/20350/8341 13119/20351/8342 +f 11707/18716/8670 11691/18698/8665 13118/20350/8341 +f 11722/18733/6953 11707/18716/8670 13119/20351/8342 +f 11731/18742/8674 11722/18733/6953 13119/20351/8342 +f 11731/18742/8674 13119/20351/8342 13120/20352/8343 +f 11751/18765/8680 11731/18742/8674 13120/20352/8343 +f 11751/18765/8680 13120/20352/8343 13121/20353/8344 +f 11774/18791/8688 11751/18765/8680 13121/20353/8344 +f 11774/18791/8688 13121/20353/8344 13122/20354/8345 +f 11801/18822/8699 11774/18791/8688 13122/20354/8345 +f 11801/18822/8699 13122/20354/8345 13123/20355/8346 +f 11834/18864/7063 11801/18822/8699 13123/20355/8346 +f 11834/18864/7063 13123/20355/8346 13124/20356/8347 +f 11861/18894/7093 11834/18864/7063 13124/20356/8347 +f 11861/18894/7093 13124/20356/8347 13125/20357/8348 +f 11883/18920/8728 11861/18894/7093 13125/20357/8348 +f 11883/18920/8728 13125/20357/8348 13126/20358/8349 +f 11906/18946/7136 11883/18920/8728 13126/20358/8349 +f 11906/18946/7136 13126/20358/8349 13127/20359/8350 +f 11924/18967/7154 11906/18946/7136 13127/20359/8350 +f 11924/18967/7154 13127/20359/8350 13128/20360/8351 +f 11937/18981/7171 11924/18967/7154 13128/20360/8351 +f 11937/18981/7171 13128/20360/8351 13129/20361/8352 +f 11957/19006/8753 11937/18981/7171 13129/20361/8352 +f 11957/19006/8753 13129/20361/8352 13130/20362/8353 +f 11958/19004/7192 11957/19003/8753 13130/20363/8353 +f 11958/19004/7192 13130/20363/8353 13131/20364/9326 +f 12007/19065/7241 11958/19004/7192 13131/20364/9326 +f 12007/19065/7241 13131/20364/9326 13132/20365/8355 +f 12013/19071/7250 12007/19065/7241 13132/20365/8355 +f 12013/19071/7250 13132/20365/8355 13133/20366/8356 +f 12051/19112/7285 12013/19071/7250 13133/20366/8356 +f 12051/19112/7285 13133/20366/8356 13134/20367/8357 +f 12088/19157/7321 12051/19112/7285 13134/20367/8357 +f 12088/19157/7321 13134/20367/8357 13135/20368/8358 +f 12128/19201/7364 12088/19157/7321 13135/20368/8358 +f 12128/19201/7364 13135/20368/8358 13136/20369/8359 +f 12174/19254/7407 12128/19201/7364 13136/20369/8359 +f 12174/19254/7407 13136/20369/8359 13137/20370/8360 +f 12216/19306/7452 13137/20370/8360 13138/20371/8361 +f 12216/19306/7452 12174/19254/7407 13137/20370/8360 +f 12261/19358/7496 13138/20371/8361 13139/20372/8362 +f 12261/19358/7496 12216/19306/7452 13138/20371/8361 +f 12297/19398/7533 13139/20372/8362 13140/20373/8363 +f 12297/19398/7533 12261/19358/7496 13139/20372/8362 +f 11941/18985/7163 13140/20373/8363 13141/20374/8364 +f 11941/18985/7163 12297/19398/7533 13140/20373/8363 +f 11942/18986/7164 13141/20374/8364 13060/20289/57 +f 11942/18986/7164 11941/18985/7163 13141/20374/8364 +f 12613/19769/7822 13142/20375/57 13143/20376/8365 +f 12613/19769/7822 12621/19778/7837 13142/20375/57 +f 12605/19761/7815 13143/20376/8365 13144/20377/8366 +f 12605/19761/7815 12613/19769/7822 13143/20376/8365 +f 12596/19750/9031 13144/20377/8366 13145/20378/8367 +f 12596/19750/9031 12605/19761/7815 13144/20377/8366 +f 12563/19710/9004 13145/20378/8367 13146/20379/8368 +f 12563/19710/9004 12596/19750/9031 13145/20378/8367 +f 12560/19706/9002 13146/20379/8368 13147/20380/8369 +f 12560/19706/9002 12563/19710/9004 13146/20379/8368 +f 12546/19707/7748 13147/20380/8369 13148/20381/188 +f 12546/19707/7748 12560/19706/9002 13147/20380/8369 +f 12504/19640/8964 13148/20382/188 13149/20383/8370 +f 12504/19640/8964 12546/19689/7748 13148/20382/188 +f 12502/19638/8962 13149/20383/8370 13150/20384/8371 +f 12502/19638/8962 12504/19640/8964 13149/20383/8370 +f 12471/19601/8938 13150/20384/8371 13151/20385/6572 +f 12471/19601/8938 12502/19638/8962 13150/20384/8371 +f 13051/20275/8276 13151/20385/6572 13152/20386/8372 +f 13051/20275/8276 12471/19601/8938 13151/20385/6572 +f 13025/20247/8247 13152/20386/8372 13153/20387/8373 +f 13025/20247/8247 13051/20275/8276 13152/20386/8372 +f 12997/20215/8219 13153/20387/8373 13154/20388/185 +f 12997/20215/8219 13025/20247/8247 13153/20387/8373 +f 12969/20182/9275 13154/20388/185 13155/20389/8374 +f 12969/20182/9275 12997/20215/8219 13154/20388/185 +f 12940/20149/8162 13155/20389/8374 13156/20390/8375 +f 12940/20149/8162 12969/20182/9275 13155/20389/8374 +f 12914/20120/8137 13156/20390/8375 13157/20391/32 +f 12914/20120/8137 12940/20149/8162 13156/20390/8375 +f 12888/20089/8109 13157/20391/32 13158/20392/8376 +f 12888/20089/8109 12914/20120/8137 13157/20391/32 +f 12861/20057/8083 13158/20392/8376 13159/20393/8377 +f 12861/20057/8083 12888/20089/8109 13158/20392/8376 +f 12836/20029/8060 13159/20393/8377 13160/20394/2299 +f 12836/20029/8060 12861/20057/8083 13159/20393/8377 +f 12813/20000/8038 13160/20394/2299 13161/20395/8378 +f 12813/20000/8038 12836/20029/8060 13160/20394/2299 +f 12795/20001/8017 12813/20000/8038 13161/20395/8378 +f 12795/20001/8017 13161/20395/8378 13162/20396/8379 +f 12779/19963/9163 12795/19979/8017 13162/20397/8379 +f 12779/19963/9163 13162/20397/8379 13163/20398/6577 +f 12766/19946/9154 12779/19963/9163 13163/20398/6577 +f 12766/19946/9154 13163/20398/6577 13164/20399/8380 +f 12749/19926/9140 12766/19946/9154 13164/20399/8380 +f 12749/19926/9140 13164/20399/8380 13165/20400/8381 +f 12734/19907/7957 12749/19926/9140 13165/20400/8381 +f 12734/19907/7957 13165/20400/8381 13166/20401/488 +f 12719/19888/9116 13166/20401/488 13167/20402/8382 +f 12719/19888/9116 12734/19907/7957 13166/20401/488 +f 12704/19871/7924 13167/20402/8382 13168/20403/8383 +f 12704/19871/7924 12719/19888/9116 13167/20402/8382 +f 12693/19859/9093 13168/20403/8383 13169/20404/8384 +f 12693/19859/9093 12704/19871/7924 13168/20403/8383 +f 12684/19850/7905 13169/20404/8384 13170/20405/8385 +f 12684/19850/7905 12693/19859/9093 13169/20404/8384 +f 12679/19843/7898 13170/20405/8385 13171/20406/8386 +f 12679/19843/7898 12684/19850/7905 13170/20405/8385 +f 12554/19698/7769 13171/20406/8386 13172/20407/135 +f 12554/19698/7769 12679/19843/7898 13171/20406/8386 +f 12552/19696/7766 13172/20407/135 13173/20408/8387 +f 12552/19696/7766 12554/19698/7769 13172/20407/135 +f 12535/19678/8986 13173/20408/8387 13174/20409/8388 +f 12535/19678/8986 12552/19696/7766 13173/20408/8387 +f 12521/19662/7733 13174/20409/8388 13175/20410/6559 +f 12521/19662/7733 12535/19678/8986 13174/20409/8388 +f 12488/19620/8953 13175/20410/6559 13176/20411/8389 +f 12488/19620/8953 12521/19662/7733 13175/20410/6559 +f 12486/19621/8951 13176/20411/8389 13177/20412/8390 +f 12486/19621/8951 12488/19620/8953 13176/20411/8389 +f 12462/19592/8933 13177/20413/8390 13178/20414/579 +f 12462/19592/8933 12486/19618/8951 13177/20413/8390 +f 12463/19593/8934 13178/20414/579 13179/20415/8391 +f 12463/19593/8934 12462/19592/8933 13178/20414/579 +f 13027/20249/8240 13179/20415/8391 13180/20416/8392 +f 13027/20249/8240 12463/19593/8934 13179/20415/8391 +f 13008/20227/8223 13180/20416/8392 13181/20417/8393 +f 13008/20227/8223 13027/20249/8240 13180/20416/8392 +f 12981/20195/8196 13181/20417/8393 13182/20418/8394 +f 12981/20195/8196 13008/20227/8223 13181/20417/8393 +f 12952/20162/8168 13182/20418/8394 13183/20419/8395 +f 12952/20162/8168 12981/20195/8196 13182/20418/8394 +f 12924/20130/8139 13183/20419/8395 13184/20420/583 +f 12924/20130/8139 12952/20162/8168 13183/20419/8395 +f 12898/20100/9237 13184/20420/583 13185/20421/8396 +f 12898/20100/9237 12924/20130/8139 13184/20420/583 +f 12869/20068/8085 13185/20421/8396 13186/20422/8397 +f 12869/20068/8085 12898/20100/9237 13185/20421/8396 +f 12843/20036/8057 12869/20068/8085 13186/20422/8397 +f 12843/20036/8057 13186/20422/8397 13187/20423/19 +f 12816/20005/8030 12843/20036/8057 13187/20423/19 +f 12816/20005/8030 13187/20423/19 13188/20424/8398 +f 12788/19972/8005 12816/20005/8030 13188/20424/8398 +f 12788/19972/8005 13188/20424/8398 13189/20425/8399 +f 12762/19942/7977 12788/19972/8005 13189/20425/8399 +f 12762/19942/7977 13189/20425/8399 13190/20426/5242 +f 12739/19913/7955 12762/19942/7977 13190/20426/5242 +f 12739/19913/7955 13190/20426/5242 13191/20427/8400 +f 12723/19894/7938 12739/19913/7955 13191/20427/8400 +f 12723/19894/7938 13191/20427/8400 13192/20428/8401 +f 12707/19890/9104 12723/19894/7938 13192/20428/8401 +f 12707/19890/9104 13192/20428/8401 13193/20429/8402 +f 12692/19858/9092 12707/19874/9104 13193/20430/8402 +f 12692/19858/9092 13193/20430/8402 13194/20431/8403 +f 12677/19841/9082 12692/19858/9092 13194/20431/8403 +f 12677/19841/9082 13194/20431/8403 13195/20432/8404 +f 12669/19832/7885 12677/19841/9082 13195/20432/8404 +f 12669/19832/7885 13195/20432/8404 13196/20433/2368 +f 12661/19823/9069 12669/19832/7885 13196/20433/2368 +f 12661/19823/9069 13196/20433/2368 13197/20434/8405 +f 12653/19814/7870 12661/19823/9069 13197/20434/8405 +f 12653/19814/7870 13197/20434/8405 13198/20435/8406 +f 12644/19804/9057 12653/19814/7870 13198/20435/8406 +f 12644/19804/9057 13198/20435/8406 13199/20436/6567 +f 12636/19795/7853 13199/20436/6567 13200/20437/8407 +f 12636/19795/7853 12644/19804/9057 13199/20436/6567 +f 12628/19787/7845 13200/20437/8407 13201/20438/8408 +f 12628/19787/7845 12636/19795/7853 13200/20437/8407 +f 12621/19778/7837 13201/20438/8408 13142/20375/57 +f 12621/19778/7837 12628/19787/7845 13201/20438/8408 +f 13143/20439/8409 13202/20440/8410 13203/20441/8411 +f 13143/20439/8409 13142/20442/5090 13202/20440/8410 +f 13144/20443/8412 13203/20441/8411 13204/20444/8413 +f 13144/20443/8412 13143/20439/8409 13203/20441/8411 +f 13145/20445/8414 13204/20444/8413 13205/20446/9327 +f 13145/20445/8414 13144/20443/8412 13204/20444/8413 +f 13146/20447/9328 13205/20446/9327 13206/20448/9329 +f 13146/20447/9328 13145/20445/8414 13205/20446/9327 +f 13147/20449/8418 13206/20448/9329 13207/20450/9330 +f 13147/20449/8418 13146/20447/9328 13206/20448/9329 +f 13148/20451/8420 13207/20450/9330 13208/20452/8421 +f 13148/20451/8420 13147/20449/8418 13207/20450/9330 +f 13149/20453/9331 13208/20452/8421 13209/20454/8423 +f 13149/20453/9331 13148/20451/8420 13208/20452/8421 +f 13150/20455/8424 13209/20454/8423 13210/20456/8425 +f 13150/20455/8424 13149/20453/9331 13209/20454/8423 +f 13151/20457/8426 13210/20456/8425 13211/20458/8427 +f 13151/20457/8426 13150/20455/8424 13210/20456/8425 +f 13152/20459/8428 13151/20457/8426 13211/20458/8427 +f 13153/20460/8429 13211/20458/8427 13212/20461/8430 +f 13153/20460/8429 13152/20459/8428 13211/20458/8427 +f 13154/20462/8431 13212/20461/8430 13213/20463/8432 +f 13154/20462/8431 13153/20460/8429 13212/20461/8430 +f 13155/20464/8433 13213/20463/8432 13214/20465/8434 +f 13155/20464/8433 13154/20462/8431 13213/20463/8432 +f 13156/20466/8435 13214/20465/8434 13215/20467/8436 +f 13156/20466/8435 13155/20464/8433 13214/20465/8434 +f 13157/20468/8437 13215/20467/8436 13216/20469/8438 +f 13157/20468/8437 13156/20466/8435 13215/20467/8436 +f 13158/20470/8439 13216/20469/8438 13217/20471/8440 +f 13158/20470/8439 13157/20468/8437 13216/20469/8438 +f 13159/20472/8441 13217/20471/8440 13218/20473/8442 +f 13159/20472/8441 13158/20470/8439 13217/20471/8440 +f 13160/20474/8443 13218/20473/8442 13219/20475/8444 +f 13160/20474/8443 13159/20472/8441 13218/20473/8442 +f 13161/20476/8445 13219/20475/8444 13220/20477/8446 +f 13161/20476/8445 13160/20474/8443 13219/20475/8444 +f 13162/20478/8447 13161/20476/8445 13220/20477/8446 +f 13163/20479/8448 13162/20478/8447 13220/20477/8446 +f 13163/20479/8448 13220/20477/8446 13221/20480/8449 +f 13164/20481/8450 13221/20480/8449 13222/20482/9332 +f 13164/20481/8450 13163/20479/8448 13221/20480/8449 +f 13165/20483/8452 13164/20481/8450 13222/20482/9332 +f 13165/20483/8452 13222/20482/9332 13223/20484/8453 +f 13166/20485/8454 13165/20483/8452 13223/20484/8453 +f 13166/20485/8454 13223/20484/8453 13224/20486/9333 +f 13167/20487/8456 13166/20485/8454 13224/20486/9333 +f 13167/20487/8456 13224/20486/9333 13225/20488/9334 +f 13168/20489/9335 13167/20487/8456 13225/20488/9334 +f 13168/20489/9335 13225/20488/9334 13226/20490/9336 +f 13169/20491/8460 13168/20489/9335 13226/20490/9336 +f 13169/20491/8460 13226/20490/9336 13227/20492/8461 +f 13170/20493/8462 13227/20492/8461 13228/20494/8463 +f 13170/20493/8462 13169/20491/8460 13227/20492/8461 +f 13171/20495/8464 13228/20494/8463 13229/20496/8465 +f 13171/20495/8464 13170/20493/8462 13228/20494/8463 +f 13172/20497/5028 13171/20495/8464 13229/20496/8465 +f 13173/20498/8466 13229/20496/8465 13230/20499/8467 +f 13173/20498/8466 13172/20497/5028 13229/20496/8465 +f 13174/20500/8468 13230/20499/8467 13231/20501/8469 +f 13174/20500/8468 13173/20498/8466 13230/20499/8467 +f 13175/20502/8470 13231/20501/8469 13232/20503/9337 +f 13175/20502/8470 13174/20500/8468 13231/20501/8469 +f 13176/20504/9338 13232/20503/9337 13233/20505/9339 +f 13176/20504/9338 13175/20502/8470 13232/20503/9337 +f 13177/20506/8474 13233/20505/9339 13234/20507/9340 +f 13177/20506/8474 13176/20504/9338 13233/20505/9339 +f 13178/20508/8476 13234/20507/9340 13235/20509/8477 +f 13178/20508/8476 13177/20506/8474 13234/20507/9340 +f 13179/20510/9341 13235/20509/8477 13236/20511/8479 +f 13179/20510/9341 13178/20508/8476 13235/20509/8477 +f 13180/20512/8480 13236/20511/8479 13237/20513/8481 +f 13180/20512/8480 13179/20510/9341 13236/20511/8479 +f 13181/20514/8482 13237/20513/8481 13238/20515/8483 +f 13181/20514/8482 13180/20512/8480 13237/20513/8481 +f 13182/20516/8484 13181/20514/8482 13238/20515/8483 +f 13183/20517/8485 13238/20515/8483 13239/20518/8486 +f 13183/20517/8485 13182/20516/8484 13238/20515/8483 +f 13184/20519/8487 13239/20518/8486 13240/20520/8488 +f 13184/20519/8487 13183/20517/8485 13239/20518/8486 +f 13185/20521/8489 13240/20520/8488 13241/20522/8490 +f 13185/20521/8489 13184/20519/8487 13240/20520/8488 +f 13186/20523/8491 13241/20522/8490 13242/20524/8492 +f 13186/20523/8491 13185/20521/8489 13241/20522/8490 +f 13187/20525/8493 13242/20524/8492 13243/20526/8494 +f 13187/20525/8493 13186/20523/8491 13242/20524/8492 +f 13188/20527/8495 13243/20526/8494 13244/20528/8496 +f 13188/20527/8495 13187/20525/8493 13243/20526/8494 +f 13189/20529/8497 13244/20528/8496 13245/20530/8498 +f 13189/20529/8497 13188/20527/8495 13244/20528/8496 +f 13190/20531/8499 13189/20529/8497 13245/20530/8498 +f 13190/20531/8499 13245/20530/8498 13246/20532/8500 +f 13191/20533/8501 13190/20531/8499 13246/20532/8500 +f 13191/20533/8501 13246/20532/8500 13247/20534/8502 +f 13192/20535/8503 13191/20533/8501 13247/20534/8502 +f 13193/20536/8504 13192/20535/8503 13247/20534/8502 +f 13193/20536/8504 13247/20534/8502 13248/20537/8505 +f 13194/20538/8506 13193/20536/8504 13248/20537/8505 +f 13194/20538/8506 13248/20537/8505 13249/20539/9342 +f 13195/20540/8508 13194/20538/8506 13249/20539/9342 +f 13195/20540/8508 13249/20539/9342 13250/20541/8509 +f 13196/20542/8510 13195/20540/8508 13250/20541/8509 +f 13196/20542/8510 13250/20541/8509 13251/20543/9343 +f 13197/20544/8512 13196/20542/8510 13251/20543/9343 +f 13197/20544/8512 13251/20543/9343 13252/20545/9344 +f 13198/20546/9345 13197/20544/8512 13252/20545/9344 +f 13198/20546/9345 13252/20545/9344 13253/20547/9346 +f 13199/20548/8516 13198/20546/9345 13253/20547/9346 +f 13199/20548/8516 13253/20547/9346 13254/20549/8517 +f 13200/20550/8518 13199/20548/8516 13254/20549/8517 +f 13200/20550/8518 13254/20549/8517 13255/20551/8519 +f 13201/20552/8520 13200/20550/8518 13255/20551/8519 +f 13201/20552/8520 13255/20551/8519 13202/20440/8410 +f 13142/20442/5090 13201/20552/8520 13202/20440/8410 +f 13256/20553/326 11768/18785/6998 11792/18812/8697 +f 11612/18606/6839 11611/18605/6838 13257/20554/326 +f 13256/20553/326 11792/18812/8697 11818/18844/7048 +f 13256/20553/326 11818/18844/7048 11846/18877/7077 +f 13256/20553/326 11846/18877/7077 11872/18907/7102 +f 13256/20553/326 11872/18907/7102 11892/18930/7123 +f 12157/19233/7378 13258/20555/326 12121/19194/7339 +f 13256/20553/326 11892/18930/7123 11911/18951/7142 +f 13256/20553/326 11911/18951/7142 11945/18989/7174 +f 13256/20553/326 11945/18989/7174 11962/19010/8755 +f 13256/20553/326 13259/20556/326 11710/18719/6941 +f 11985/19036/7222 13256/20553/326 11962/19010/8755 +f 12428/19552/7653 11612/18606/6839 13257/20554/326 +f 12415/19537/7641 12428/19552/7653 13257/20554/326 +f 12415/19537/7641 13257/20554/326 13258/20555/326 +f 12200/19287/7421 13258/20555/326 12157/19233/7378 +f 12399/19519/8902 12415/19537/7641 13258/20555/326 +f 12244/19337/7463 13258/20555/326 12200/19287/7421 +f 12384/19502/7605 12399/19519/8902 13258/20555/326 +f 13260/20557/326 12219/19309/8830 13259/20556/326 +f 13260/20557/326 11944/18988/7169 11976/19026/7206 +f 13260/20557/326 11976/19026/7206 12026/19085/7254 +f 12280/19378/8855 13258/20555/326 12244/19337/7463 +f 13260/20557/326 12026/19085/7254 12061/19124/7290 +f 13260/20557/326 12061/19124/7290 12097/19167/7326 +f 13260/20557/326 12097/19167/7326 12129/19202/8800 +f 12344/19452/7564 12384/19502/7605 13258/20555/326 +f 13260/20557/326 12129/19202/8800 12172/19252/7401 +f 13260/20557/326 12172/19252/7401 12198/19285/7426 +f 13260/20557/326 12198/19285/7426 12219/19309/8830 +f 12316/19420/8869 12344/19452/7564 13258/20555/326 +f 12316/19420/8869 13258/20555/326 12280/19378/8855 +f 11915/18955/7140 11944/18988/7169 13260/20557/326 +f 11888/18925/7113 11915/18955/7140 13260/20557/326 +f 13261/20558/326 13256/20553/326 11985/19036/7222 +f 13261/20558/326 11985/19036/7222 12010/19068/7246 +f 13261/20558/326 12010/19068/7246 12041/19102/7277 +f 13261/20558/326 12041/19102/7277 12076/19140/7310 +f 13261/20558/326 12076/19140/7310 12115/19187/7350 +f 12156/19232/7389 13261/20558/326 12115/19187/7350 +f 11865/18899/7089 11888/18925/7113 13260/20557/326 +f 12194/19281/7430 13261/20558/326 12156/19232/7389 +f 11842/18873/7069 11865/18899/7089 13260/20557/326 +f 12234/19327/8837 13261/20558/326 12194/19281/7430 +f 11827/18856/7053 11842/18873/7069 13260/20557/326 +f 13257/20554/326 11827/18856/7053 13260/20557/326 +f 12273/19371/7509 13261/20558/326 12234/19327/8837 +f 11812/18837/8704 11827/18856/7053 13257/20554/326 +f 12310/19414/7547 13261/20558/326 12273/19371/7509 +f 11796/18816/7021 11812/18837/8704 13257/20554/326 +f 12341/19448/8883 13261/20558/326 12310/19414/7547 +f 11766/18783/6992 11796/18816/7021 13257/20554/326 +f 12369/19484/7608 13261/20558/326 12341/19448/8883 +f 11747/18761/6971 11766/18783/6992 13257/20554/326 +f 12376/19492/7615 13261/20558/326 12369/19484/7608 +f 11724/18735/6948 11747/18761/6971 13257/20554/326 +f 11698/18705/6922 11724/18735/6948 13257/20554/326 +f 13259/20556/326 12219/19309/8830 12242/19335/8841 +f 13259/20556/326 12242/19335/8841 12271/19369/7498 +f 13259/20556/326 12271/19369/7498 12303/19404/8863 +f 13259/20556/326 12303/19404/8863 12340/19447/7569 +f 13259/20556/326 12340/19447/7569 12379/19495/7607 +f 12018/19076/7238 13258/20555/326 13261/20558/326 +f 13259/20556/326 12379/19495/7607 12407/19528/7639 +f 13259/20556/326 12407/19528/7639 11590/18584/6831 +f 12018/19076/7238 13261/20558/326 12376/19492/7615 +f 13259/20556/326 11590/18584/6831 11593/18587/8626 +f 12019/19077/8764 13258/20555/326 12018/19076/7238 +f 13259/20556/326 11593/18587/8626 11632/18630/8641 +f 13259/20556/326 11632/18630/8641 11653/18654/6883 +f 13259/20556/326 11653/18654/6883 11679/18684/6910 +f 13259/20556/326 11679/18684/6910 11694/18701/8666 +f 13259/20556/326 11694/18701/8666 11710/18719/6941 +f 11668/18671/6893 11698/18705/6922 13257/20554/326 +f 12047/19108/7268 13258/20555/326 12019/19077/8764 +f 11642/18641/8646 11668/18671/6893 13257/20554/326 +f 12080/19147/8785 13258/20555/326 12047/19108/7268 +f 11611/18605/6838 11642/18641/8646 13257/20554/326 +f 12121/19194/7339 13258/20555/326 12080/19147/8785 +f 13256/20553/326 11710/18719/6941 11726/18737/6956 +f 13256/20553/326 11726/18737/6956 11744/18758/6976 +f 13256/20553/326 11744/18758/6976 11768/18785/6998 +f 13231/20501/8521 13234/20507/4 13233/20505/4 +f 13214/20465/4 13207/20450/4 13202/20440/4 +f 13214/20465/4 13208/20452/8525 13207/20450/4 +f 13214/20465/4 13212/20461/8528 13211/20458/6592 +f 13214/20465/4 13213/20463/4 13212/20461/8528 +f 13214/20465/4 13211/20458/6592 13208/20452/8525 +f 13248/20537/6592 13250/20541/4 13249/20539/8523 +f 13214/20465/4 13202/20440/4 13241/20522/4 +f 13230/20499/4 13241/20522/4 13234/20507/4 +f 13230/20499/4 13234/20507/4 13231/20501/8521 +f 13252/20545/4 13251/20543/4 13250/20541/4 +f 13228/20494/4 13230/20499/4 13229/20496/4 +f 13246/20532/4 13248/20537/6592 13247/20534/8523 +f 13246/20532/4 13250/20541/4 13248/20537/6592 +f 13217/20471/4 13215/20467/4 13214/20465/4 +f 13217/20471/4 13216/20469/4 13215/20467/4 +f 13253/20547/6592 13252/20545/4 13250/20541/4 +f 13226/20490/9347 13228/20494/4 13227/20492/8527 +f 13225/20488/4 13241/20522/4 13230/20499/4 +f 13225/20488/4 13230/20499/4 13228/20494/4 +f 13225/20488/4 13228/20494/4 13226/20490/9347 +f 13243/20526/4 13245/20530/4 13244/20528/4 +f 13243/20526/4 13246/20532/4 13245/20530/4 +f 13220/20477/4 13218/20473/8522 13217/20471/4 +f 13220/20477/4 13219/20475/4 13218/20473/8522 +f 13220/20477/4 13214/20465/4 13241/20522/4 +f 13220/20477/4 13217/20471/4 13214/20465/4 +f 13202/20440/4 13254/20549/8521 13253/20547/6592 +f 13202/20440/4 13255/20551/4 13254/20549/8521 +f 13224/20486/4 13241/20522/4 13225/20488/4 +f 13202/20440/4 13250/20541/4 13246/20532/4 +f 13202/20440/4 13253/20547/6592 13250/20541/4 +f 13223/20484/4 13241/20522/4 13224/20486/4 +f 13222/20482/4 13221/20480/8529 13220/20477/4 +f 13222/20482/4 13220/20477/4 13241/20522/4 +f 13222/20482/4 13241/20522/4 13223/20484/4 +f 13241/20522/4 13243/20526/4 13242/20524/4 +f 13241/20522/4 13246/20532/4 13243/20526/4 +f 13241/20522/4 13202/20440/4 13246/20532/4 +f 13204/20444/8522 13203/20441/4 13202/20440/4 +f 13239/20518/4 13241/20522/4 13240/20520/4 +f 13206/20448/4 13205/20446/4 13204/20444/8522 +f 13206/20448/4 13204/20444/8522 13202/20440/4 +f 13207/20450/4 13206/20448/4 13202/20440/4 +f 13237/20513/4 13239/20518/4 13238/20515/8529 +f 13237/20513/4 13241/20522/4 13239/20518/4 +f 13235/20509/6592 13241/20522/4 13237/20513/4 +f 13235/20509/6592 13237/20513/4 13236/20511/8529 +f 13210/20456/4 13209/20454/8523 13208/20452/8525 +f 13234/20507/4 13241/20522/4 13235/20509/6592 +f 13211/20458/6592 13210/20456/4 13208/20452/8525 +f 13231/20501/8521 13233/20505/4 13232/20503/8527 +f 13085/20559/4 13084/20560/4 12920/20126/9250 +f 13096/20561/4 12745/19921/9137 13097/20562/4 +f 13096/20561/4 12760/19940/9150 12745/19921/9137 +f 13086/20563/4 13085/20559/4 12920/20126/9250 +f 13086/20563/4 12920/20126/9250 12891/20092/8114 +f 13095/20564/4 12760/19940/9150 13096/20561/4 +f 13095/20564/4 12774/19957/9159 12760/19940/9150 +f 13087/20565/4 12891/20092/8114 12880/20080/9230 +f 13087/20565/4 13086/20563/4 12891/20092/8114 +f 13094/20566/4 12774/19957/9159 13095/20564/4 +f 13094/20566/4 12792/19976/9170 12774/19957/9159 +f 13088/20567/4 13087/20565/4 12880/20080/9230 +f 13088/20567/4 12880/20080/9230 12853/20049/9209 +f 13093/20568/4 12792/19976/9170 13094/20566/4 +f 13089/20569/4 13088/20567/4 12853/20049/9209 +f 13092/20570/4 12792/19976/9170 13093/20568/4 +f 13092/20570/4 12807/19994/9180 12792/19976/9170 +f 13090/20571/4 13089/20569/4 12853/20049/9209 +f 13090/20571/4 12853/20049/9209 12830/20021/9195 +f 13091/20572/4 12807/19994/9180 13092/20570/4 +f 13091/20572/4 13090/20571/4 12830/20021/9195 +f 13091/20572/4 12830/20021/9195 12807/19994/9180 +f 12756/19935/9147 13132/20573/4 13131/20574/4 +f 12736/19909/9129 13133/20575/4 13132/20573/4 +f 12736/19909/9129 13132/20573/4 12756/19935/9147 +f 12782/19966/7996 13130/20576/4 13129/20577/4 +f 12782/19966/7996 13131/20574/4 13130/20576/4 +f 12782/19966/7996 12756/19935/9147 13131/20574/4 +f 12717/19886/9114 13134/20578/4 13133/20575/4 +f 12717/19886/9114 13135/20579/4 13134/20578/4 +f 12717/19886/9114 13133/20575/4 12736/19909/9129 +f 12809/19996/9182 13129/20577/4 13128/20580/4 +f 12809/19996/9182 12782/19966/7996 13129/20577/4 +f 12702/19869/9100 13135/20579/4 12717/19886/9114 +f 12702/19869/9100 13136/20581/4 13135/20579/4 +f 12819/20008/8034 13128/20580/4 13127/20582/4 +f 12819/20008/8034 12809/19996/9182 13128/20580/4 +f 12687/19853/9089 13136/20581/4 12702/19869/9100 +f 12687/19853/9089 13137/20583/4 13136/20581/4 +f 12848/20043/9205 12819/20008/8034 13127/20582/4 +f 12848/20043/9205 13126/20584/4 13125/20585/4 +f 12848/20043/9205 13127/20582/4 13126/20584/4 +f 12674/19838/9079 13137/20583/4 12687/19853/9089 +f 12674/19838/9079 13138/20586/4 13137/20583/4 +f 12674/19838/9079 13139/20587/4 13138/20586/4 +f 12875/20075/9225 12848/20043/9205 13125/20585/4 +f 12875/20075/9225 13125/20585/4 13124/20588/4 +f 12666/19829/9073 13139/20587/4 12674/19838/9079 +f 12666/19829/9073 13140/20589/4 13139/20587/4 +f 12905/20109/8121 12875/20075/9225 13124/20588/4 +f 12905/20109/8121 13124/20588/4 13123/20590/4 +f 12658/19820/9066 13140/20589/4 12666/19829/9073 +f 12658/19820/9066 13141/20591/4 13140/20589/4 +f 12932/20139/8149 12905/20109/8121 13123/20590/4 +f 12932/20139/8149 13123/20590/4 13122/20592/4 +f 12650/19811/7867 13061/20593/4 13060/20594/4 +f 12650/19811/7867 13141/20591/4 12658/19820/9066 +f 12650/19811/7867 13060/20594/4 13141/20591/4 +f 12960/20172/8176 12932/20139/8149 13122/20592/4 +f 12960/20172/8176 13121/20595/4 13120/20596/4 +f 12960/20172/8176 13122/20592/4 13121/20595/4 +f 12642/19802/7859 13062/20597/4 13061/20593/4 +f 12642/19802/7859 13061/20593/4 12650/19811/7867 +f 12988/20204/9280 12960/20172/8176 13120/20596/4 +f 12988/20204/9280 13120/20596/4 13119/20598/4 +f 12633/19792/9051 13063/20599/4 13062/20597/4 +f 12633/19792/9051 13062/20597/4 12642/19802/7859 +f 13016/20235/9293 12988/20204/9280 13119/20598/4 +f 13016/20235/9293 13119/20598/4 13118/20600/4 +f 12625/19784/9046 13064/20601/4 13063/20599/4 +f 12625/19784/9046 13065/20602/4 13064/20601/4 +f 12625/19784/9046 13063/20599/4 12633/19792/9051 +f 13044/20268/9310 13016/20235/9293 13118/20600/4 +f 13044/20268/9310 13117/20603/4 13116/20604/4 +f 13044/20268/9310 13118/20600/4 13117/20603/4 +f 12617/19774/7834 13066/20605/4 13065/20602/4 +f 12617/19774/7834 13065/20602/4 12625/19784/9046 +f 12441/19569/8916 13116/20604/4 13115/20606/4 +f 12441/19569/8916 13044/20268/9310 13116/20604/4 +f 12609/19765/9036 13067/20607/4 13066/20605/4 +f 12609/19765/9036 13066/20605/4 12617/19774/7834 +f 12442/19570/8917 13115/20606/4 13114/20608/4 +f 12442/19570/8917 12441/19569/8916 13115/20606/4 +f 12601/19757/7819 13068/20609/4 13067/20607/4 +f 12601/19757/7819 13067/20607/4 12609/19765/9036 +f 13069/20610/4 13068/20609/4 12601/19757/7819 +f 12477/19608/8944 13114/20608/4 13113/20611/4 +f 12477/19608/8944 12442/19570/8917 13114/20608/4 +f 13112/20612/4 12477/19608/8944 13113/20611/4 +f 12594/19748/9029 13069/20610/4 12601/19757/7819 +f 13070/20613/4 13069/20610/4 12594/19748/9029 +f 12497/19633/8959 12477/19608/8944 13112/20612/4 +f 12574/19723/9012 13070/20613/4 12594/19748/9029 +f 13111/20614/4 12497/19633/8959 13112/20612/4 +f 12513/19652/8973 12497/19633/8959 13111/20614/4 +f 13071/20615/4 13070/20613/4 12574/19723/9012 +f 12556/19701/8998 13071/20615/4 12574/19723/9012 +f 13110/20616/4 12513/19652/8973 13111/20614/4 +f 12529/19672/7743 12513/19652/8973 13110/20616/4 +f 13072/20617/4 13071/20615/4 12556/19701/8998 +f 13109/20618/4 12529/19672/7743 13110/20616/4 +f 13073/20619/4 12556/19701/8998 12537/19680/8987 +f 13073/20619/4 13072/20617/4 12556/19701/8998 +f 13108/20620/4 12529/19672/7743 13109/20618/4 +f 13108/20620/4 12545/19688/8992 12529/19672/7743 +f 13074/20621/4 13073/20619/4 12537/19680/8987 +f 13074/20621/4 12537/19680/8987 12518/19659/8977 +f 13107/20622/4 12545/19688/8992 13108/20620/4 +f 13107/20622/4 12564/19712/7776 12545/19688/8992 +f 13075/20623/4 12518/19659/8977 12494/19630/8957 +f 13075/20623/4 13074/20621/4 12518/19659/8977 +f 13106/20624/4 12564/19712/7776 13107/20622/4 +f 13106/20624/4 12579/19730/9015 12564/19712/7776 +f 13076/20625/4 13075/20623/4 12494/19630/8957 +f 13105/20626/4 12579/19730/9015 13106/20624/4 +f 13077/20627/4 12494/19630/8957 12454/19582/8925 +f 13077/20627/4 13076/20625/4 12494/19630/8957 +f 13104/20628/4 12579/19730/9015 13105/20626/4 +f 13104/20628/4 12586/19738/9022 12579/19730/9015 +f 13078/20629/4 12454/19582/8925 12453/19581/8924 +f 13078/20629/4 13077/20627/4 12454/19582/8925 +f 13103/20630/4 12586/19738/9022 13104/20628/4 +f 13103/20630/4 12590/19743/7805 12586/19738/9022 +f 13079/20631/4 12453/19581/8924 13033/20255/8255 +f 13079/20631/4 13078/20629/4 12453/19581/8924 +f 13102/20632/4 12483/19614/7897 12590/19743/7805 +f 13102/20632/4 12590/19743/7805 13103/20630/4 +f 13080/20633/4 13033/20255/8255 13004/20222/8227 +f 13080/20633/4 13079/20631/4 13033/20255/8255 +f 13101/20634/4 12483/19614/7897 13102/20632/4 +f 13081/20635/4 13080/20633/4 13004/20222/8227 +f 13100/20636/4 12484/19615/8949 12483/19614/7897 +f 13100/20636/4 12483/19614/7897 13101/20634/4 +f 13082/20637/4 13004/20222/8227 12977/20190/8200 +f 13082/20637/4 13081/20635/4 13004/20222/8227 +f 13099/20638/4 12730/19903/9124 12484/19615/8949 +f 13099/20638/4 12484/19615/8949 13100/20636/4 +f 13083/20639/4 12977/20190/8200 12947/20156/9264 +f 13083/20639/4 13082/20637/4 12977/20190/8200 +f 13098/20640/4 12745/19921/9137 12730/19903/9124 +f 13098/20640/4 12730/19903/9124 13099/20638/4 +f 13084/20560/4 12947/20156/9264 12920/20126/9250 +f 13084/20560/4 13083/20639/4 12947/20156/9264 +f 13097/20562/4 12745/19921/9137 13098/20640/4 +f 11564/20641/8394 13258/20642/8394 13257/20643/8394 +f 11564/20641/8394 13262/20644/8394 13258/20642/8394 +f 13263/20645/8394 11564/20641/8394 13257/20643/8394 +f 13261/20646/135 13258/20647/135 11556/20648/135 +f 13258/20647/135 13262/20649/135 11556/20648/135 +f 13261/20646/135 11556/20648/135 13264/20650/135 +f 11548/20651/8379 13256/20652/8379 13261/20653/8379 +f 11548/20651/8379 13265/20654/8379 13256/20652/8379 +f 13264/20655/8379 11548/20651/8379 13261/20653/8379 +f 11513/20656/8372 13259/20657/8372 13256/20652/8372 +f 11513/20656/8372 13266/20658/8372 13259/20657/8372 +f 13265/20654/8372 11513/20656/8372 13256/20652/8372 +f 13260/20659/57 13259/20660/57 11373/20661/57 +f 13259/20660/57 13266/20662/57 11373/20661/57 +f 13260/20659/57 11373/20661/57 13267/20663/57 +f 13257/20643/8401 13260/20664/8401 11572/20665/8401 +f 13260/20664/8401 13267/20666/8401 11572/20665/8401 +f 13257/20643/8401 11572/20665/8401 13263/20645/8401 +f 11531/18519/6757 11493/18481/6719 13266/20667/326 +f 11503/18491/6729 11531/18519/6757 13266/20667/326 +f 11504/18492/6730 11503/18491/6729 13266/20667/326 +f 13266/20667/326 11493/18481/6719 11492/18480/8581 +f 13266/20667/326 11492/18480/8581 11491/18479/8580 +f 13266/20667/326 11491/18479/8580 11374/18359/6598 +f 11374/18359/6598 11373/18358/6597 13266/20667/326 +f 11504/18492/6730 13266/20667/326 11513/18501/326 +f 11540/18528/6765 11539/18527/6764 13265/20668/326 +f 13265/20668/326 11539/18527/6764 11538/18526/8608 +f 13265/20668/326 11538/18526/8608 11529/18517/6755 +f 13265/20668/326 11529/18517/6755 11528/18516/8601 +f 13265/20668/326 11528/18516/8601 11527/18515/6753 +f 13265/20668/326 11527/18515/6753 11514/18502/6740 +f 11514/18502/6740 11513/18501/8530 13265/20668/326 +f 11540/18528/6765 13265/20668/326 11548/18539/8531 +f 13264/20669/326 11550/18541/6777 11549/18540/6776 +f 11550/18541/6777 13264/20669/326 11551/18542/6778 +f 11551/18542/6778 13264/20669/326 11552/18543/6779 +f 11552/18543/6779 13264/20669/326 11553/18544/6780 +f 11553/18544/6780 13264/20669/326 11554/18545/6781 +f 11554/18545/6781 13264/20669/326 11555/18546/6782 +f 11549/18540/6776 11548/18539/326 13264/20669/326 +f 11555/18546/6782 13264/20669/326 11556/18547/326 +f 11558/18549/6785 11557/18548/6784 13262/20670/326 +f 11559/18550/6786 11558/18549/6785 13262/20670/326 +f 11559/18550/6786 13262/20670/326 11560/18551/8613 +f 11560/18551/8613 13262/20670/326 11561/18552/6788 +f 11561/18552/6788 13262/20670/326 11562/18553/6789 +f 11557/18548/6784 11556/18547/326 13262/20670/326 +f 11563/18554/6790 13262/20670/326 11564/18555/326 +f 11562/18553/6789 13262/20670/326 11563/18554/6790 +f 11566/18557/6793 11565/18556/6792 13263/20671/326 +f 11567/18558/8614 11566/18557/6793 13263/20671/326 +f 11568/18559/6795 11567/18558/8614 13263/20671/326 +f 11569/18560/8615 11568/18559/6795 13263/20671/326 +f 11569/18560/8615 13263/20671/326 11570/18561/6797 +f 11570/18561/6797 13263/20671/326 11571/18562/6798 +f 11565/18556/6792 11564/18555/8531 13263/20671/326 +f 11571/18562/6798 13263/20671/326 11572/18563/8530 +f 11542/18530/6768 11541/18529/6767 13267/20672/326 +f 11517/18505/6745 11542/18530/6768 13267/20672/326 +f 11518/18506/6746 11517/18505/6745 13267/20672/326 +f 11520/18508/8597 11518/18506/6746 13267/20672/326 +f 11471/18458/6692 11520/18508/8597 13267/20672/326 +f 11573/18564/6800 11572/18563/326 13267/20672/326 +f 11541/18529/6767 11573/18564/6800 13267/20672/326 +f 11471/18458/6692 13267/20672/326 11373/18358/6597 +f 13268/20673/9348 13269/20674/9349 13270/20675/9350 +f 13271/20676/9351 13272/20677/9352 13270/20675/9350 +f 13272/20677/9352 13273/20678/9353 13270/20675/9350 +f 13273/20678/9353 13268/20673/9348 13270/20675/9350 +f 13274/20679/9354 13275/20680/9355 13276/20681/9356 +f 13277/20682/9357 13278/20683/9358 13276/20681/9356 +f 13279/20684/9359 13277/20682/9357 13276/20681/9356 +f 13278/20683/9358 13274/20679/9354 13276/20681/9356 +f 13280/20685/9360 13281/20686/9361 13282/20687/9362 +f 13283/20688/9363 13280/20685/9360 13282/20687/9362 +f 13284/20689/9364 13285/20690/9365 13286/20691/9366 +f 13273/20678/9353 13284/20689/9364 13286/20691/9366 +f 13268/20673/9348 13273/20678/9353 13286/20691/9366 +f 13270/20675/9350 13269/20674/9349 13287/20692/9367 +f 13274/20679/9354 13271/20676/9351 13287/20692/9367 +f 13269/20674/9349 13288/20693/9368 13287/20692/9367 +f 13271/20676/9351 13270/20675/9350 13287/20692/9367 +f 13282/20687/9362 13281/20686/9361 13289/20694/9369 +f 13281/20686/9361 13290/20695/9370 13289/20694/9369 +f 13276/20681/9356 13275/20680/9355 13291/20696/9371 +f 13281/20686/9361 13279/20684/9359 13291/20696/9371 +f 13275/20680/9355 13292/20697/9372 13291/20696/9371 +f 13279/20684/9359 13276/20681/9356 13291/20696/9371 +f 13274/20679/9354 13287/20692/9367 13293/20698/9373 +f 13287/20692/9367 13288/20693/9368 13293/20698/9373 +f 13288/20693/9368 13294/20699/9374 13293/20698/9373 +f 13275/20680/9355 13274/20679/9354 13293/20698/9373 +f 13291/20696/9371 13292/20697/9372 13295/20700/9375 +f 13292/20697/9372 13296/20701/9376 13295/20700/9375 +f 13281/20686/9361 13291/20696/9371 13295/20700/9375 +f 13290/20695/9370 13281/20686/9361 13295/20700/9375 +f 13294/20699/9374 13297/20702/9377 13298/20703/9378 +f 13293/20698/9373 13294/20699/9374 13298/20703/9378 +f 13275/20680/9355 13293/20698/9373 13298/20703/9378 +f 13292/20697/9372 13275/20680/9355 13298/20703/9378 +f 13295/20700/9375 13296/20701/9376 13299/20704/9379 +f 13300/20705/9380 13290/20695/9370 13299/20704/9379 +f 13290/20695/9370 13295/20700/9375 13299/20704/9379 +f 13296/20701/9376 13301/20706/9381 13299/20704/9379 +f 13296/20701/9376 13292/20697/9372 13302/20707/9382 +f 13292/20697/9372 13298/20703/9378 13302/20707/9382 +f 13297/20702/9377 13303/20708/9383 13302/20707/9382 +f 13298/20703/9378 13297/20702/9377 13302/20707/9382 +f 13304/20709/9384 13300/20705/9380 13305/20710/9385 +f 13300/20705/9380 13299/20704/9379 13305/20710/9385 +f 13299/20704/9379 13301/20706/9381 13305/20710/9385 +f 13301/20706/9381 13306/20711/9386 13305/20710/9385 +f 13296/20701/9376 13302/20707/9382 13307/20712/9387 +f 13302/20707/9382 13303/20708/9383 13307/20712/9387 +f 13303/20708/9383 13308/20713/9388 13307/20712/9387 +f 13301/20706/9381 13296/20701/9376 13307/20712/9387 +f 13305/20710/9385 13306/20711/9386 13309/20714/9389 +f 13304/20709/9384 13305/20710/9385 13309/20714/9389 +f 13306/20711/9386 13310/20715/9390 13309/20714/9389 +f 13311/20716/9391 13304/20709/9384 13309/20714/9389 +f 13307/20712/9387 13308/20713/9388 13312/20717/9392 +f 13301/20706/9381 13307/20712/9387 13312/20717/9392 +f 13306/20711/9386 13301/20706/9381 13312/20717/9392 +f 13308/20713/9388 13313/20718/9393 13312/20717/9392 +f 13309/20714/9389 13310/20715/9390 13314/20719/9394 +f 13311/20716/9391 13309/20714/9389 13314/20719/9394 +f 13315/20720/9395 13311/20716/9391 13314/20719/9394 +f 13310/20715/9390 13316/20721/9396 13314/20719/9394 +f 13306/20711/9386 13312/20717/9392 13317/20722/9397 +f 13312/20717/9392 13313/20718/9393 13317/20722/9397 +f 13310/20715/9390 13306/20711/9386 13317/20722/9397 +f 13313/20718/9393 13318/20723/9398 13317/20722/9397 +f 13316/20721/9396 13319/20724/9399 13320/20725/9400 +f 13315/20720/9395 13314/20719/9394 13320/20725/9400 +f 13314/20719/9394 13316/20721/9396 13320/20725/9400 +f 13321/20726/9401 13315/20720/9395 13320/20725/9400 +f 13322/20727/9402 13323/20728/9403 13324/20729/9404 +f 13310/20715/9390 13317/20722/9397 13325/20730/9405 +f 13317/20722/9397 13318/20723/9398 13325/20730/9405 +f 13316/20721/9396 13310/20715/9390 13325/20730/9405 +f 13318/20723/9398 13326/20731/9406 13325/20730/9405 +f 13319/20724/9399 13327/20732/9407 13328/20733/9408 +f 13322/20727/9402 13321/20726/9401 13328/20733/9408 +f 13321/20726/9401 13320/20725/9400 13328/20733/9408 +f 13320/20725/9400 13319/20724/9399 13328/20733/9408 +f 13324/20729/9404 13323/20728/9403 13329/20734/9409 +f 13319/20724/9399 13316/20721/9396 13330/20735/9410 +f 13326/20731/9406 13331/20736/9411 13330/20735/9410 +f 13316/20721/9396 13325/20730/9405 13330/20735/9410 +f 13325/20730/9405 13326/20731/9406 13330/20735/9410 +f 13329/20734/9409 13323/20728/9403 13332/20737/9412 +f 13333/20738/9413 13329/20734/9409 13332/20737/9412 +f 13323/20728/9403 13334/20739/9414 13332/20737/9412 +f 13333/20738/9413 13332/20737/9412 13335/20740/9415 +f 13327/20732/9407 13336/20741/9416 13337/20742/9417 +f 13322/20727/9402 13328/20733/9408 13337/20742/9417 +f 13328/20733/9408 13327/20732/9407 13337/20742/9417 +f 13323/20728/9403 13322/20727/9402 13337/20742/9417 +f 13334/20739/9414 13338/20743/9418 13339/20744/9419 +f 13332/20737/9412 13334/20739/9414 13339/20744/9419 +f 13335/20740/9415 13332/20737/9412 13339/20744/9419 +f 13340/20745/9420 13335/20740/9415 13339/20744/9419 +f 13327/20732/9407 13319/20724/9399 13341/20746/9421 +f 13330/20735/9410 13331/20736/9411 13341/20746/9421 +f 13331/20736/9411 13342/20747/9422 13341/20746/9421 +f 13319/20724/9399 13330/20735/9410 13341/20746/9421 +f 13339/20744/9419 13338/20743/9418 13343/20748/9423 +f 13340/20745/9420 13339/20744/9419 13343/20748/9423 +f 13337/20742/9417 13336/20741/9416 13344/20749/9424 +f 13323/20728/9403 13337/20742/9417 13344/20749/9424 +f 13336/20741/9416 13345/20750/9425 13344/20749/9424 +f 13334/20739/9414 13323/20728/9403 13344/20749/9424 +f 13338/20743/9418 13346/20751/9426 13347/20752/9427 +f 13343/20748/9423 13338/20743/9418 13347/20752/9427 +f 13327/20732/9407 13341/20746/9421 13348/20753/9428 +f 13342/20747/9422 13349/20754/9429 13348/20753/9428 +f 13336/20741/9416 13327/20732/9407 13348/20753/9428 +f 13341/20746/9421 13342/20747/9422 13348/20753/9428 +f 13347/20752/9427 13346/20751/9426 13350/20755/9430 +f 13334/20739/9414 13344/20749/9424 13351/20756/9431 +f 13344/20749/9424 13345/20750/9425 13351/20756/9431 +f 13345/20750/9425 13352/20757/9432 13351/20756/9431 +f 13338/20743/9418 13334/20739/9414 13351/20756/9431 +f 13346/20751/9426 13353/20758/9433 13354/20759/9434 +f 13350/20755/9430 13346/20751/9426 13354/20759/9434 +f 13349/20754/9429 13355/20760/9435 13356/20761/9436 +f 13345/20750/9425 13336/20741/9416 13356/20761/9436 +f 13336/20741/9416 13348/20753/9428 13356/20761/9436 +f 13348/20753/9428 13349/20754/9429 13356/20761/9436 +f 13354/20759/9434 13353/20758/9433 13357/20762/9437 +f 13351/20756/9431 13352/20757/9432 13358/20763/9438 +f 13338/20743/9418 13351/20756/9431 13358/20763/9438 +f 13346/20751/9426 13338/20743/9418 13358/20763/9438 +f 13352/20757/9432 13359/20764/9439 13358/20763/9438 +f 13345/20750/9425 13356/20761/9436 13360/20765/9440 +f 13355/20760/9435 13361/20766/9441 13360/20765/9440 +f 13352/20757/9432 13345/20750/9425 13360/20765/9440 +f 13356/20761/9436 13355/20760/9435 13360/20765/9440 +f 13346/20751/9426 13358/20763/9438 13362/20767/9442 +f 13358/20763/9438 13359/20764/9439 13362/20767/9442 +f 13353/20758/9433 13346/20751/9426 13362/20767/9442 +f 13359/20764/9439 13363/20768/9443 13362/20767/9442 +f 13357/20762/9437 13353/20758/9433 13364/20769/9444 +f 13365/20770/9445 13357/20762/9437 13364/20769/9444 +f 13364/20771/9446 13365/20772/9446 13366/20773/9446 +f 13353/20758/9433 13362/20767/9442 13364/20769/9444 +f 13362/20767/9442 13363/20768/9443 13364/20769/9444 +f 13361/20766/9441 13367/20774/9447 13368/20775/9448 +f 13360/20765/9440 13361/20766/9441 13368/20775/9448 +f 13352/20757/9432 13360/20765/9440 13368/20775/9448 +f 13359/20764/9439 13352/20757/9432 13368/20775/9448 +f 13359/20764/9439 13368/20775/9448 13369/20776/9449 +f 13363/20768/9443 13359/20764/9439 13369/20776/9449 +f 13368/20775/9448 13367/20774/9447 13369/20776/9449 +f 13367/20774/9447 13370/20777/9450 13369/20776/9449 +f 13371/20778/9451 13284/20689/9364 13372/20779/9452 +f 13284/20689/9364 13373/20780/9453 13372/20779/9452 +f 13373/20780/9453 13370/20777/9450 13372/20779/9452 +f 13374/20781/9454 13375/20782/9455 13376/20783/9456 +f 13366/20784/9457 13374/20781/9454 13376/20783/9456 +f 13376/20783/9456 13375/20782/9455 13377/20785/9458 +f 13366/20784/9457 13376/20783/9456 13377/20785/9458 +f 13366/20784/9457 13377/20785/9458 13378/20786/9459 +f 13377/20785/9458 13375/20782/9455 13378/20786/9459 +f 13375/20782/9455 13379/20787/9460 13378/20786/9459 +f 13378/20786/9459 13379/20787/9460 13380/20788/9461 +f 13366/20784/9457 13378/20786/9459 13380/20788/9461 +f 13379/20787/9460 13381/20789/9462 13382/20790/9463 +f 13380/20788/9461 13379/20787/9460 13382/20790/9463 +f 13366/20784/9457 13380/20788/9461 13382/20790/9463 +f 13382/20790/9463 13381/20789/9462 13383/20791/9464 +f 13366/20784/9457 13382/20790/9463 13383/20791/9464 +f 13381/20789/9462 13384/20792/9465 13385/20793/9466 +f 13383/20791/9464 13381/20789/9462 13385/20793/9466 +f 13384/20792/9465 13386/20794/9467 13385/20793/9466 +f 13366/20784/9468 13284/20689/9364 13387/20795/9469 +f 13388/20796/9470 13366/20784/9468 13387/20795/9469 +f 13389/20797/9471 13388/20796/9470 13387/20795/9469 +f 13390/20798/9472 13389/20797/9471 13387/20795/9469 +f 13284/20689/9364 13273/20678/9353 13387/20795/9469 +f 13273/20678/9353 13272/20677/9352 13387/20795/9469 +f 13272/20677/9352 13390/20798/9472 13387/20795/9469 +f 13282/20687/9362 13289/20694/9369 13391/20799/9473 +f 13285/20690/9365 13392/20800/9474 13393/20801/9475 +f 13392/20800/9474 13394/20802/9476 13393/20801/9475 +f 13394/20802/9476 13395/20803/9477 13393/20801/9475 +f 13286/20691/9366 13285/20690/9365 13393/20801/9475 +f 13289/20694/9369 13290/20695/9370 13396/20804/9478 +f 13391/20799/9473 13289/20694/9369 13396/20804/9478 +f 13397/20805/9479 13391/20799/9473 13396/20804/9478 +f 13290/20695/9370 13300/20705/9380 13396/20804/9478 +f 13300/20705/9380 13304/20709/9384 13398/20806/9480 +f 13396/20804/9478 13300/20705/9380 13398/20806/9480 +f 13397/20805/9479 13396/20804/9478 13398/20806/9480 +f 13398/20806/9480 13304/20709/9384 13399/20807/9481 +f 13397/20805/9479 13398/20806/9480 13399/20807/9481 +f 13400/20808/9482 13401/20809/9483 13269/20674/9349 +f 13402/20810/9484 13399/20807/9481 13403/20811/9485 +f 13304/20709/9384 13311/20716/9391 13404/20812/9486 +f 13403/20811/9485 13399/20807/9481 13404/20812/9486 +f 13399/20807/9481 13304/20709/9384 13404/20812/9486 +f 13311/20716/9391 13315/20720/9395 13405/20813/9487 +f 13402/20810/9484 13403/20811/9485 13405/20813/9487 +f 13403/20811/9485 13404/20812/9486 13405/20813/9487 +f 13404/20812/9486 13311/20716/9391 13405/20813/9487 +f 13405/20813/9487 13315/20720/9395 13406/20814/9488 +f 13315/20720/9395 13321/20726/9401 13407/20815/9489 +f 13406/20814/9488 13315/20720/9395 13407/20815/9489 +f 13321/20726/9401 13322/20727/9402 13408/20816/9490 +f 13407/20815/9489 13321/20726/9401 13408/20816/9490 +f 13347/20752/9427 13350/20755/9430 13409/20817/9491 +f 13410/20818/9492 13411/20819/9493 13288/20693/9368 +f 13340/20745/9420 13343/20748/9423 13409/20817/9491 +f 13343/20748/9423 13347/20752/9427 13409/20817/9491 +f 13269/20674/9349 13401/20809/9483 13288/20693/9368 +f 13401/20809/9483 13410/20818/9492 13288/20693/9368 +f 13409/20817/9491 13350/20755/9430 13412/20820/9494 +f 13366/20784/9495 13409/20817/9491 13412/20820/9494 +f 13366/20784/9495 13412/20820/9494 13413/20821/9496 +f 13412/20820/9494 13350/20755/9430 13413/20821/9496 +f 13350/20755/9430 13354/20759/9434 13413/20821/9496 +f 13366/20784/9495 13413/20821/9496 13414/20822/9497 +f 13413/20821/9496 13354/20759/9434 13414/20822/9497 +f 13354/20759/9434 13357/20762/9437 13415/20823/9498 +f 13366/20784/9495 13414/20822/9497 13415/20823/9498 +f 13414/20822/9497 13354/20759/9434 13415/20823/9498 +f 13415/20823/9498 13357/20762/9437 13416/20824/9499 +f 13366/20784/9495 13415/20823/9498 13416/20824/9499 +f 13416/20824/9499 13357/20762/9437 13417/20825/9500 +f 13357/20762/9437 13365/20770/9445 13417/20825/9500 +f 13365/20770/9445 13366/20784/9495 13417/20825/9500 +f 13366/20784/9495 13416/20824/9499 13417/20825/9500 +f 13373/20780/9453 13284/20689/9364 13418/20826/9501 +f 13364/20769/9444 13363/20768/9443 13418/20826/9501 +f 13363/20768/9443 13369/20776/9449 13418/20826/9501 +f 13369/20776/9449 13370/20777/9450 13418/20826/9501 +f 13370/20777/9450 13373/20780/9453 13418/20826/9501 +f 13366/20784/9468 13364/20769/9444 13418/20826/9501 +f 13284/20689/9364 13366/20784/9468 13418/20826/9501 +f 13419/20827/9502 13420/20828/9503 13421/20829/9504 +f 13420/20828/9503 13422/20830/9505 13421/20829/9504 +f 13422/20830/9505 13371/20778/9451 13421/20829/9504 +f 13411/20819/9493 13423/20831/9506 13294/20699/9374 +f 13423/20831/9506 13424/20832/9507 13294/20699/9374 +f 13371/20778/9451 13372/20779/9452 13421/20829/9504 +f 13424/20832/9507 13425/20833/9508 13294/20699/9374 +f 13383/20791/9464 13385/20793/9466 13426/20834/9509 +f 13385/20793/9466 13386/20794/9467 13426/20834/9509 +f 13288/20693/9368 13411/20819/9493 13294/20699/9374 +f 13366/20784/9457 13383/20791/9464 13426/20834/9509 +f 13386/20794/9467 13427/20835/9510 13426/20834/9509 +f 13426/20834/9509 13427/20835/9510 13428/20836/9511 +f 13427/20835/9510 13429/20837/9512 13428/20836/9511 +f 13429/20837/9512 13283/20688/9363 13428/20836/9511 +f 13426/20834/9509 13428/20836/9511 13430/20838/9513 +f 13428/20836/9511 13283/20688/9363 13430/20838/9513 +f 13282/20687/9362 13391/20799/9473 13430/20838/9513 +f 13283/20688/9363 13282/20687/9362 13430/20838/9513 +f 13286/20691/9366 13393/20801/9475 13431/20839/9514 +f 13268/20673/9348 13286/20691/9366 13431/20839/9514 +f 13269/20674/9349 13268/20673/9348 13431/20839/9514 +f 13400/20808/9482 13269/20674/9349 13431/20839/9514 +f 13395/20803/9477 13432/20840/9515 13431/20839/9514 +f 13432/20840/9515 13400/20808/9482 13431/20839/9514 +f 13393/20801/9475 13395/20803/9477 13431/20839/9514 +f 13405/20813/9487 13406/20814/9488 13433/20841/9516 +f 13433/20841/9516 13406/20814/9488 13434/20842/9517 +f 13425/20833/9508 13435/20843/9518 13297/20702/9377 +f 13435/20843/9518 13436/20844/9519 13297/20702/9377 +f 13436/20844/9519 13437/20845/9520 13297/20702/9377 +f 13407/20815/9489 13408/20816/9490 13438/20846/9521 +f 13434/20842/9517 13406/20814/9488 13438/20846/9521 +f 13294/20699/9374 13425/20833/9508 13297/20702/9377 +f 13406/20814/9488 13407/20815/9489 13438/20846/9521 +f 13434/20842/9517 13438/20846/9521 13439/20847/9522 +f 13439/20847/9522 13324/20729/9404 13440/20848/9523 +f 13434/20842/9517 13439/20847/9522 13440/20848/9523 +f 13324/20729/9404 13329/20734/9409 13440/20848/9523 +f 13324/20729/9404 13439/20847/9522 13441/20849/9524 +f 13322/20727/9402 13324/20729/9404 13441/20849/9524 +f 13438/20846/9521 13408/20816/9490 13441/20849/9524 +f 13439/20847/9522 13438/20846/9521 13441/20849/9524 +f 13408/20816/9490 13322/20727/9402 13441/20849/9524 +f 13366/20784/9495 13440/20848/9523 13442/20850/9525 +f 13340/20745/9420 13409/20817/9491 13442/20850/9525 +f 13440/20848/9523 13329/20734/9409 13442/20850/9525 +f 13329/20734/9409 13333/20738/9413 13442/20850/9525 +f 13333/20738/9413 13335/20740/9415 13442/20850/9525 +f 13409/20817/9491 13366/20784/9495 13442/20850/9525 +f 13335/20740/9415 13340/20745/9420 13442/20850/9525 +f 13443/20851/9526 13444/20852/9527 13445/20853/9528 +f 13444/20852/9527 13419/20827/9502 13445/20853/9528 +f 13421/20829/9504 13372/20779/9452 13445/20853/9528 +f 13446/20854/9529 13447/20855/9530 13303/20708/9383 +f 13372/20779/9452 13370/20777/9450 13445/20853/9528 +f 13367/20774/9447 13443/20851/9526 13445/20853/9528 +f 13370/20777/9450 13367/20774/9447 13445/20853/9528 +f 13419/20827/9502 13421/20829/9504 13445/20853/9528 +f 13440/20848/9523 13366/20784/9531 13448/20856/9532 +f 13437/20845/9520 13446/20854/9529 13303/20708/9383 +f 13430/20838/9513 13391/20799/9473 13448/20856/9532 +f 13297/20702/9377 13437/20845/9520 13303/20708/9383 +f 13426/20834/9509 13430/20838/9513 13448/20856/9532 +f 13366/20784/9457 13426/20834/9509 13448/20856/9532 +f 13391/20799/9473 13397/20805/9479 13448/20856/9532 +f 13448/20856/9532 13397/20805/9479 13449/20857/9533 +f 13397/20805/9479 13399/20807/9481 13449/20857/9533 +f 13440/20848/9523 13448/20856/9532 13449/20857/9533 +f 13449/20857/9533 13399/20807/9481 13450/20858/9534 +f 13399/20807/9481 13402/20810/9484 13450/20858/9534 +f 13405/20813/9487 13433/20841/9516 13451/20859/9535 +f 13434/20842/9517 13440/20848/9523 13451/20859/9535 +f 13440/20848/9523 13449/20857/9533 13451/20859/9535 +f 13402/20810/9484 13405/20813/9487 13451/20859/9535 +f 13449/20857/9533 13450/20858/9534 13451/20859/9535 +f 13450/20858/9534 13402/20810/9484 13451/20859/9535 +f 13433/20841/9516 13434/20842/9517 13451/20859/9535 +f 13447/20855/9530 13452/20860/9536 13308/20713/9388 +f 13452/20860/9536 13453/20861/9537 13308/20713/9388 +f 13453/20861/9537 13454/20862/9538 13308/20713/9388 +f 13303/20708/9383 13447/20855/9530 13308/20713/9388 +f 13308/20713/9388 13454/20862/9538 13313/20718/9393 +f 13454/20862/9538 13455/20863/9539 13313/20718/9393 +f 13455/20863/9539 13456/20864/9540 13313/20718/9393 +f 13456/20864/9540 13457/20865/9541 13313/20718/9393 +f 13458/20866/9542 13459/20867/9543 13318/20723/9398 +f 13457/20865/9541 13458/20866/9542 13318/20723/9398 +f 13313/20718/9393 13457/20865/9541 13318/20723/9398 +f 13459/20867/9543 13460/20868/9544 13326/20731/9406 +f 13460/20868/9544 13461/20869/9545 13326/20731/9406 +f 13461/20869/9545 13462/20870/9546 13326/20731/9406 +f 13318/20723/9398 13459/20867/9543 13326/20731/9406 +f 13326/20731/9406 13462/20870/9546 13331/20736/9411 +f 13462/20870/9546 13463/20871/9547 13331/20736/9411 +f 13463/20871/9547 13464/20872/9548 13331/20736/9411 +f 13464/20872/9548 13465/20873/9549 13331/20736/9411 +f 13331/20736/9411 13465/20873/9549 13342/20747/9422 +f 13466/20874/9550 13467/20875/9551 13342/20747/9422 +f 13465/20873/9549 13466/20874/9550 13342/20747/9422 +f 13467/20875/9551 13468/20876/9552 13349/20754/9429 +f 13468/20876/9552 13469/20877/9553 13349/20754/9429 +f 13469/20877/9553 13470/20878/9554 13349/20754/9429 +f 13342/20747/9422 13467/20875/9551 13349/20754/9429 +f 13470/20878/9554 13471/20879/9555 13355/20760/9435 +f 13471/20879/9555 13472/20880/9556 13355/20760/9435 +f 13472/20880/9556 13473/20881/9557 13355/20760/9435 +f 13349/20754/9429 13470/20878/9554 13355/20760/9435 +f 13474/20882/9558 13475/20883/9559 13361/20766/9441 +f 13355/20760/9435 13473/20881/9557 13361/20766/9441 +f 13473/20881/9557 13474/20882/9558 13361/20766/9441 +f 13475/20883/9559 13443/20851/9526 13367/20774/9447 +f 13361/20766/9441 13475/20883/9559 13367/20774/9447 +f 13374/20781/9454 13389/20797/9471 13375/20782/9455 +f 13389/20797/9471 13374/20781/9454 13388/20796/9470 +f 13388/20884/9560 13366/20885/9560 13374/20886/9560 +f 13375/20782/9455 13389/20797/9471 13379/20787/9460 +f 13389/20797/9471 13476/20887/9561 13379/20787/9460 +f 13379/20787/9460 13476/20887/9561 13381/20789/9462 +f 13476/20887/9561 13277/20682/9357 13384/20792/9465 +f 13381/20789/9462 13476/20887/9561 13384/20792/9465 +f 13384/20792/9465 13277/20682/9357 13386/20794/9467 +f 13272/20677/9352 13271/20676/9351 13390/20798/9472 +f 13476/20887/9561 13389/20797/9471 13390/20798/9472 +f 13386/20794/9467 13277/20682/9357 13477/20888/9562 +f 13427/20835/9510 13386/20794/9467 13477/20888/9562 +f 13277/20682/9357 13279/20684/9359 13477/20888/9562 +f 13427/20835/9510 13477/20888/9562 13429/20837/9512 +f 13390/20798/9472 13271/20676/9351 13278/20683/9358 +f 13277/20682/9357 13476/20887/9561 13278/20683/9358 +f 13271/20676/9351 13274/20679/9354 13278/20683/9358 +f 13476/20887/9561 13390/20798/9472 13278/20683/9358 +f 13477/20888/9562 13279/20684/9359 13280/20685/9360 +f 13279/20684/9359 13281/20686/9361 13280/20685/9360 +f 13283/20688/9363 13429/20837/9512 13280/20685/9360 +f 13429/20837/9512 13477/20888/9562 13280/20685/9360 +f 13478/20889/9563 13479/20890/9564 13480/20891/9565 +f 13481/20892/9566 13482/20893/9567 13483/20894/9568 +f 13481/20892/9566 13483/20894/9568 13484/20895/9569 +f 13485/20896/9570 13486/20897/9571 13487/20898/9572 +f 13485/20896/9570 13487/20898/9572 13488/20899/9573 +f 13489/20900/9574 13490/20901/9575 13482/20893/9567 +f 13489/20900/9574 13491/20902/9576 13490/20901/9575 +f 13492/20903/9577 13493/20904/9578 13494/20905/9579 +f 13489/20900/9574 13495/20906/9580 13491/20902/9576 +f 13492/20903/9577 13494/20905/9579 13496/20907/9581 +f 13497/20908/9582 13498/20909/9583 13499/20910/9584 +f 13500/20911/9585 13480/20891/9565 13501/20912/9586 +f 13497/20908/9582 13499/20910/9584 13502/20913/9587 +f 13500/20911/9585 13478/20889/9563 13480/20891/9565 +f 13503/20914/9588 13501/20912/9586 13504/20915/9589 +f 13505/20916/9590 13502/20913/9587 13506/20917/9591 +f 13505/20916/9590 13506/20917/9591 13507/20918/9592 +f 13503/20914/9588 13504/20915/9589 13486/20897/9571 +f 13508/20919/9593 13496/20907/9581 13509/20920/9594 +f 13508/20919/9593 13509/20920/9594 13478/20921/9563 +f 13510/20922/9595 13498/20923/9583 13497/20924/9582 +f 13510/20922/9595 13511/20925/9596 13498/20923/9583 +f 13512/20926/9597 13484/20895/9569 13511/20925/9596 +f 13508/20919/9593 13478/20921/9563 13500/20927/9585 +f 13512/20926/9597 13481/20892/9566 13484/20895/9569 +f 13513/20928/9598 13507/20918/9592 13514/20929/9599 +f 13515/20930/9600 13485/20896/9570 13488/20899/9573 +f 13513/20928/9598 13505/20916/9590 13507/20918/9592 +f 13516/20931/9601 13486/20897/9571 13485/20896/9570 +f 13516/20931/9601 13503/20914/9588 13486/20897/9571 +f 13517/20932/9602 13489/20900/9574 13482/20893/9567 +f 13517/20932/9602 13482/20893/9567 13481/20892/9566 +f 13518/20933/9603 13519/20934/9604 13520/20935/9605 +f 13517/20932/9602 13495/20906/9580 13489/20900/9574 +f 13518/20933/9603 13520/20935/9605 13521/20936/9606 +f 13518/20933/9603 13493/20904/9578 13492/20903/9577 +f 13522/20937/9607 13513/20928/9598 13514/20929/9599 +f 13518/20933/9603 13521/20936/9606 13493/20904/9578 +f 13522/20937/9607 13523/20938/9608 13524/20939/9609 +f 13522/20937/9607 13514/20929/9599 13523/20938/9608 +f 13525/20940/9610 13508/20919/9593 13500/20927/9585 +f 13526/20941/9611 13510/20922/9595 13497/20924/9582 +f 13527/20942/9612 13501/20912/9586 13503/20914/9588 +f 13527/20942/9612 13500/20911/9585 13501/20912/9586 +f 13528/20943/9613 13502/20913/9587 13505/20916/9590 +f 13529/20944/9614 13488/20899/9573 13530/20945/9615 +f 13528/20943/9613 13497/20908/9582 13502/20913/9587 +f 13531/20946/9616 13532/20947/9617 13495/20906/9580 +f 13531/20946/9616 13517/20932/9602 13481/20892/9566 +f 13529/20944/9614 13515/20930/9600 13488/20899/9573 +f 13531/20946/9616 13481/20892/9566 13512/20926/9597 +f 13531/20946/9616 13495/20906/9580 13517/20932/9602 +f 13533/20948/9618 13496/20907/9581 13508/20919/9593 +f 13533/20948/9618 13492/20903/9577 13496/20907/9581 +f 13534/20949/9619 13512/20926/9597 13511/20925/9596 +f 13534/20949/9619 13511/20925/9596 13510/20922/9595 +f 13535/20950/9620 13516/20931/9601 13485/20896/9570 +f 13535/20950/9620 13485/20896/9570 13515/20930/9600 +f 13536/20951/9621 13505/20916/9590 13513/20928/9598 +f 13536/20951/9621 13528/20943/9613 13505/20916/9590 +f 13537/20952/9622 13527/20942/9612 13503/20914/9588 +f 13537/20952/9622 13503/20914/9588 13516/20931/9601 +f 13538/20953/9623 13513/20928/9598 13522/20937/9607 +f 13539/20954/9624 13533/20948/9618 13508/20919/9593 +f 13538/20953/9623 13536/20951/9621 13513/20928/9598 +f 13540/20955/9625 13510/20922/9595 13526/20941/9611 +f 13539/20954/9624 13508/20919/9593 13525/20940/9610 +f 13540/20955/9625 13534/20949/9619 13510/20922/9595 +f 13541/20956/9626 13525/20940/9610 13500/20927/9585 +f 13541/20956/9626 13500/20927/9585 13527/20957/9612 +f 13542/20958/9627 13526/20941/9611 13497/20924/9582 +f 13542/20958/9627 13497/20924/9582 13528/20959/9613 +f 13543/20960/9628 13532/20947/9617 13531/20946/9616 +f 13544/20961/9629 13529/20944/9614 13530/20945/9615 +f 13543/20960/9628 13531/20946/9616 13512/20926/9597 +f 13545/20962/9630 13515/20930/9600 13529/20944/9614 +f 13543/20960/9628 13512/20926/9597 13534/20949/9619 +f 13546/20963/9631 13524/20939/9609 13547/20964/9632 +f 13546/20963/9631 13522/20937/9607 13524/20939/9609 +f 13545/20962/9630 13535/20950/9620 13515/20930/9600 +f 13546/20963/9631 13538/20953/9623 13522/20937/9607 +f 13548/20965/9633 13492/20903/9577 13533/20948/9618 +f 13548/20965/9633 13549/20966/9634 13519/20934/9604 +f 13548/20965/9633 13519/20934/9604 13518/20933/9603 +f 13550/20967/9635 13528/20959/9613 13536/20968/9621 +f 13548/20965/9633 13518/20933/9603 13492/20903/9577 +f 13551/20969/9636 13516/20931/9601 13535/20950/9620 +f 13551/20969/9636 13537/20952/9622 13516/20931/9601 +f 13550/20967/9635 13542/20958/9627 13528/20959/9613 +f 13552/20970/9637 13536/20951/9621 13538/20953/9623 +f 13553/20971/9638 13527/20957/9612 13537/20972/9622 +f 13553/20971/9638 13541/20956/9626 13527/20957/9612 +f 13552/20973/9637 13550/20967/9635 13536/20968/9621 +f 13554/20974/9639 13534/20949/9619 13540/20955/9625 +f 13554/20974/9639 13555/20975/9640 13532/20947/9617 +f 13554/20974/9639 13543/20960/9628 13534/20949/9619 +f 13553/20971/9638 13537/20972/9622 13551/20976/9636 +f 13554/20974/9639 13532/20947/9617 13543/20960/9628 +f 13556/20977/9641 13533/20948/9618 13539/20954/9624 +f 13556/20977/9641 13549/20966/9634 13548/20965/9633 +f 13557/20978/9642 13540/20955/9625 13526/20941/9611 +f 13556/20977/9641 13548/20965/9633 13533/20948/9618 +f 13557/20978/9642 13526/20941/9611 13542/20958/9627 +f 13558/20979/9643 13525/20940/9610 13541/20956/9626 +f 13558/20979/9643 13539/20954/9624 13525/20940/9610 +f 13559/20980/9644 13544/20961/9629 13530/20945/9615 +f 13560/20981/9645 13538/20953/9623 13546/20963/9631 +f 13560/20981/9645 13552/20970/9637 13538/20953/9623 +f 13559/20980/9644 13530/20945/9615 13561/20982/9646 +f 13562/20983/9647 13557/20978/9642 13542/20958/9627 +f 13562/20983/9647 13542/20958/9627 13550/20967/9635 +f 13563/20984/9648 13544/20961/9629 13559/20980/9644 +f 13563/20984/9648 13545/20962/9630 13529/20944/9614 +f 13564/20985/9649 13562/20983/9647 13550/20967/9635 +f 13563/20984/9648 13529/20944/9614 13544/20961/9629 +f 13565/20986/9650 13535/20950/9620 13545/20962/9630 +f 13564/20985/9649 13550/20967/9635 13552/20973/9637 +f 13565/20986/9650 13551/20969/9636 13535/20950/9620 +f 13566/20987/9651 13554/20974/9639 13540/20955/9625 +f 13566/20987/9651 13540/20955/9625 13557/20978/9642 +f 13567/20988/9652 13553/20971/9638 13551/20976/9636 +f 13566/20987/9651 13555/20975/9640 13554/20974/9639 +f 13567/20988/9652 13551/20976/9636 13565/20989/9650 +f 13568/20990/9653 13547/20964/9632 13569/20991/9654 +f 13570/20992/9655 13558/20979/9643 13541/20956/9626 +f 13568/20990/9653 13546/20963/9631 13547/20964/9632 +f 13570/20992/9655 13541/20956/9626 13553/20971/9638 +f 13568/20990/9653 13560/20981/9645 13546/20963/9631 +f 13571/20993/9656 13552/20970/9637 13560/20981/9645 +f 13571/20993/9656 13564/20994/9649 13552/20970/9637 +f 13572/20995/9657 13559/20980/9644 13561/20982/9646 +f 13573/20996/9658 13557/20978/9642 13562/20983/9647 +f 13574/20997/9659 13575/20998/9660 13549/20966/9634 +f 13573/20996/9658 13555/20975/9640 13566/20987/9651 +f 13573/20996/9658 13576/20999/9661 13555/20975/9640 +f 13574/20997/9659 13549/20966/9634 13556/20977/9641 +f 13573/20996/9658 13566/20987/9651 13557/20978/9642 +f 13574/20997/9659 13556/20977/9641 13539/20954/9624 +f 13574/20997/9659 13539/20954/9624 13558/20979/9643 +f 13577/21000/9662 13563/20984/9648 13559/20980/9644 +f 13578/21001/9663 13573/20996/9658 13562/20983/9647 +f 13578/21001/9663 13562/20983/9647 13564/20985/9649 +f 13579/21002/9664 13571/20993/9656 13560/20981/9645 +f 13579/21002/9664 13560/20981/9645 13568/20990/9653 +f 13580/21003/9665 13565/20986/9650 13545/20962/9630 +f 13580/21003/9665 13545/20962/9630 13563/20984/9648 +f 13580/21003/9665 13563/20984/9648 13577/21000/9662 +f 13581/21004/9666 13564/20994/9649 13571/20993/9656 +f 13582/21005/9667 13565/20989/9650 13580/21006/9665 +f 13582/21005/9667 13567/20988/9652 13565/20989/9650 +f 13583/21007/9668 13576/20999/9661 13573/20996/9658 +f 13584/21008/9669 13558/20979/9643 13570/20992/9655 +f 13583/21007/9668 13573/20996/9658 13578/21001/9663 +f 13584/21008/9669 13574/20997/9659 13558/20979/9643 +f 13583/21007/9668 13585/21009/9670 13576/20999/9661 +f 13584/21008/9669 13575/20998/9660 13574/20997/9659 +f 13586/21010/9671 13568/20990/9653 13569/20991/9654 +f 13587/21011/9672 13553/20971/9638 13567/20988/9652 +f 13587/21011/9672 13570/20992/9655 13553/20971/9638 +f 13586/21010/9671 13569/20991/9654 13588/21012/9673 +f 13587/21011/9672 13584/21008/9669 13570/20992/9655 +f 13589/21013/9674 13571/20993/9656 13579/21002/9664 +f 13590/21014/9675 13572/20995/9657 13561/20982/9646 +f 13590/21014/9675 13561/20982/9646 13591/21015/9676 +f 13589/21013/9674 13581/21004/9666 13571/20993/9656 +f 13592/21016/9677 13564/20985/9649 13581/21017/9666 +f 13592/21016/9677 13578/21001/9663 13564/20985/9649 +f 13593/21018/9678 13572/20995/9657 13590/21014/9675 +f 13593/21018/9678 13577/21000/9662 13559/20980/9644 +f 13593/21018/9678 13559/20980/9644 13572/20995/9657 +f 13594/21019/9679 13579/21002/9664 13568/20990/9653 +f 13594/21019/9679 13568/20990/9653 13586/21010/9671 +f 13595/21020/9680 13580/21003/9665 13577/21000/9662 +f 13596/21021/9681 13582/21005/9667 13580/21006/9665 +f 13597/21022/9682 13592/21016/9677 13581/21017/9666 +f 13597/21023/9682 13581/21004/9666 13589/21013/9674 +f 13596/21021/9681 13580/21006/9665 13595/21024/9680 +f 13598/21025/9683 13578/21001/9663 13592/21016/9677 +f 13599/21026/9684 13587/21011/9672 13567/20988/9652 +f 13598/21025/9683 13583/21007/9668 13578/21001/9663 +f 13599/21026/9684 13567/20988/9652 13582/21005/9667 +f 13598/21025/9683 13585/21009/9670 13583/21007/9668 +f 13598/21025/9683 13600/21027/9685 13585/21009/9670 +f 13601/21028/9686 13602/21029/9687 13603/21030/9688 +f 13601/21028/9686 13588/21012/9673 13602/21029/9687 +f 13601/21028/9686 13586/21010/9671 13588/21012/9673 +f 13604/21031/9689 13590/21014/9675 13591/21015/9676 +f 13605/21032/9690 13606/21033/9691 13575/20998/9660 +f 13605/21032/9690 13575/20998/9660 13584/21008/9669 +f 13607/21034/9692 13589/21013/9674 13579/21002/9664 +f 13605/21032/9690 13584/21008/9669 13587/21011/9672 +f 13608/21035/9693 13593/21018/9678 13590/21014/9675 +f 13607/21034/9692 13579/21002/9664 13594/21019/9679 +f 13609/21036/9694 13592/21016/9677 13597/21022/9682 +f 13608/21035/9693 13590/21014/9675 13604/21031/9689 +f 13609/21036/9694 13598/21025/9683 13592/21016/9677 +f 13610/21037/9695 13593/21018/9678 13608/21035/9693 +f 13610/21037/9695 13577/21000/9662 13593/21018/9678 +f 13610/21037/9695 13595/21020/9680 13577/21000/9662 +f 13611/21038/9696 13594/21019/9679 13586/21010/9671 +f 13611/21038/9696 13586/21010/9671 13601/21028/9686 +f 13612/21039/9697 13596/21021/9681 13595/21024/9680 +f 13612/21039/9697 13595/21024/9680 13610/21040/9695 +f 13613/21041/9698 13597/21023/9682 13589/21013/9674 +f 13614/21042/9699 13599/21026/9684 13582/21005/9667 +f 13613/21041/9698 13589/21013/9674 13607/21034/9692 +f 13614/21042/9699 13582/21005/9667 13596/21021/9681 +f 13614/21042/9699 13596/21021/9681 13612/21039/9697 +f 13615/21043/9700 13606/21033/9691 13605/21032/9690 +f 13616/21044/9701 13603/21030/9688 13617/21045/9702 +f 13615/21043/9700 13587/21011/9672 13599/21026/9684 +f 13616/21044/9701 13601/21028/9686 13603/21030/9688 +f 13615/21043/9700 13605/21032/9690 13587/21011/9672 +f 13616/21044/9701 13611/21038/9696 13601/21028/9686 +f 13618/21046/9703 13600/21027/9685 13598/21025/9683 +f 13618/21046/9703 13598/21025/9683 13609/21036/9694 +f 13619/21047/9704 13608/21035/9693 13604/21031/9689 +f 13620/21048/9705 13619/21047/9704 13604/21031/9689 +f 13620/21048/9705 13591/21015/9676 13621/21049/9706 +f 13622/21050/9707 13607/21034/9692 13594/21019/9679 +f 13622/21050/9707 13594/21019/9679 13611/21038/9696 +f 13620/21048/9705 13604/21031/9689 13591/21015/9676 +f 13623/21051/9708 13608/21035/9693 13619/21047/9704 +f 13624/21052/9709 13609/21036/9694 13597/21022/9682 +f 13624/21052/9709 13597/21022/9682 13613/21053/9698 +f 13623/21051/9708 13610/21037/9695 13608/21035/9693 +f 13625/21054/9710 13612/21039/9697 13610/21040/9695 +f 13625/21054/9710 13610/21040/9695 13623/21055/9708 +f 13626/21056/9711 13611/21038/9696 13616/21044/9701 +f 13626/21056/9711 13622/21050/9707 13611/21038/9696 +f 13627/21057/9712 13620/21058/9705 13621/21059/9706 +f 13628/21060/9713 13613/21041/9698 13607/21034/9692 +f 13628/21060/9713 13607/21034/9692 13622/21050/9707 +f 13629/21061/9714 13614/21042/9699 13612/21039/9697 +f 13630/21062/9715 13626/21056/9711 13616/21044/9701 +f 13631/21063/9716 13615/21043/9700 13599/21026/9684 +f 13631/21063/9716 13632/21064/9717 13606/21033/9691 +f 13630/21062/9715 13616/21044/9701 13617/21045/9702 +f 13631/21063/9716 13614/21042/9699 13629/21061/9714 +f 13633/21065/9718 13609/21036/9694 13624/21052/9709 +f 13631/21063/9716 13606/21033/9691 13615/21043/9700 +f 13633/21065/9718 13634/21066/9719 13600/21027/9685 +f 13631/21063/9716 13599/21026/9684 13614/21042/9699 +f 13633/21065/9718 13600/21027/9685 13618/21046/9703 +f 13633/21065/9718 13618/21046/9703 13609/21036/9694 +f 13635/21067/9720 13623/21051/9708 13619/21047/9704 +f 13636/21068/9721 13622/21050/9707 13626/21056/9711 +f 13637/21069/9722 13635/21067/9720 13619/21047/9704 +f 13638/21070/9723 13613/21053/9698 13628/21071/9713 +f 13638/21070/9723 13624/21052/9709 13613/21053/9698 +f 13637/21069/9722 13619/21047/9704 13620/21048/9705 +f 13639/21072/9724 13625/21054/9710 13623/21055/9708 +f 13639/21072/9724 13623/21055/9708 13635/21073/9720 +f 13640/21074/9725 13626/21056/9711 13630/21062/9715 +f 13641/21075/9726 13612/21039/9697 13625/21054/9710 +f 13640/21074/9725 13636/21068/9721 13626/21056/9711 +f 13641/21075/9726 13625/21054/9710 13639/21072/9724 +f 13641/21075/9726 13629/21061/9714 13612/21039/9697 +f 13642/21076/9727 13637/21077/9722 13620/21058/9705 +f 13643/21078/9728 13628/21071/9713 13622/21079/9707 +f 13642/21076/9727 13620/21058/9705 13627/21057/9712 +f 13643/21078/9728 13622/21079/9707 13636/21080/9721 +f 13644/21081/9729 13617/21045/9702 13645/21082/9730 +f 13646/21083/9731 13631/21063/9716 13629/21061/9714 +f 13644/21081/9729 13630/21062/9715 13617/21045/9702 +f 13646/21083/9731 13632/21064/9717 13631/21063/9716 +f 13647/21084/9732 13627/21057/9712 13621/21059/9706 +f 13648/21085/9733 13649/21086/9734 13634/21066/9719 +f 13647/21084/9732 13621/21059/9706 13650/21087/9735 +f 13648/21085/9733 13634/21066/9719 13633/21065/9718 +f 13648/21085/9733 13633/21065/9718 13624/21052/9709 +f 13648/21085/9733 13624/21052/9709 13638/21070/9723 +f 13651/21088/9736 13636/21068/9721 13640/21074/9725 +f 13652/21089/9737 13639/21072/9724 13635/21073/9720 +f 13653/21090/9738 13635/21067/9720 13637/21069/9722 +f 13654/21091/9739 13645/21082/9730 13655/21092/9740 +f 13654/21091/9739 13644/21081/9729 13645/21082/9730 +f 13656/21093/9741 13657/21094/9742 13632/21064/9717 +f 13658/21095/9743 13628/21071/9713 13643/21078/9728 +f 13656/21093/9741 13632/21064/9717 13646/21083/9731 +f 13656/21093/9741 13629/21061/9714 13641/21075/9726 +f 13656/21093/9741 13646/21083/9731 13629/21061/9714 +f 13658/21095/9743 13638/21070/9723 13628/21071/9713 +f 13659/21096/9744 13640/21074/9725 13630/21062/9715 +f 13660/21097/9745 13641/21075/9726 13639/21072/9724 +f 13660/21097/9745 13639/21072/9724 13652/21089/9737 +f 13660/21097/9745 13656/21093/9741 13641/21075/9726 +f 13659/21096/9744 13644/21081/9729 13654/21091/9739 +f 13659/21096/9744 13630/21062/9715 13644/21081/9729 +f 13661/21098/9746 13653/21099/9738 13637/21077/9722 +f 13661/21098/9746 13637/21077/9722 13642/21076/9727 +f 13662/21100/9747 13636/21080/9721 13651/21101/9736 +f 13663/21102/9748 13642/21076/9727 13627/21057/9712 +f 13662/21100/9747 13643/21078/9728 13636/21080/9721 +f 13663/21102/9748 13627/21057/9712 13647/21084/9732 +f 13664/21103/9749 13660/21097/9745 13652/21089/9737 +f 13665/21104/9750 13659/21096/9744 13654/21091/9739 +f 13666/21105/9751 13635/21073/9720 13653/21106/9738 +f 13666/21105/9751 13653/21106/9738 13661/21107/9746 +f 13667/21108/9752 13654/21091/9739 13655/21092/9740 +f 13666/21105/9751 13652/21089/9737 13635/21073/9720 +f 13668/21109/9753 13638/21070/9723 13658/21095/9743 +f 13666/21105/9751 13664/21103/9749 13652/21089/9737 +f 13668/21109/9753 13669/21110/9754 13649/21086/9734 +f 13670/21111/9755 13657/21094/9742 13656/21093/9741 +f 13668/21109/9753 13649/21086/9734 13648/21085/9733 +f 13670/21111/9755 13656/21093/9741 13660/21097/9745 +f 13668/21109/9753 13648/21085/9733 13638/21070/9723 +f 13670/21111/9755 13660/21097/9745 13664/21103/9749 +f 13671/21112/9756 13640/21074/9725 13659/21096/9744 +f 13671/21112/9756 13651/21088/9736 13640/21074/9725 +f 13672/21113/9757 13647/21084/9732 13650/21087/9735 +f 13671/21112/9756 13659/21096/9744 13665/21104/9750 +f 13672/21113/9757 13650/21087/9735 13673/21114/9758 +f 13672/21113/9757 13663/21102/9748 13647/21084/9732 +f 13674/21115/9759 13655/21092/9740 13675/21116/9760 +f 13674/21115/9759 13667/21108/9752 13655/21092/9740 +f 13676/21117/9761 13666/21105/9751 13661/21107/9746 +f 13677/21118/9762 13642/21076/9727 13663/21102/9748 +f 13678/21119/9763 13658/21095/9743 13643/21078/9728 +f 13678/21119/9763 13643/21078/9728 13662/21100/9747 +f 13677/21118/9762 13661/21098/9746 13642/21076/9727 +f 13679/21120/9764 13680/21121/9765 13657/21094/9742 +f 13681/21122/9766 13671/21112/9756 13665/21104/9750 +f 13679/21120/9764 13657/21094/9742 13670/21111/9755 +f 13679/21120/9764 13670/21111/9755 13664/21103/9749 +f 13682/21123/9767 13664/21103/9749 13666/21105/9751 +f 13683/21124/9768 13665/21104/9750 13654/21091/9739 +f 13683/21124/9768 13654/21091/9739 13667/21108/9752 +f 13682/21123/9767 13679/21120/9764 13664/21103/9749 +f 13684/21125/9769 13677/21118/9762 13663/21102/9748 +f 13685/21126/9770 13651/21101/9736 13671/21127/9756 +f 13685/21126/9770 13662/21100/9747 13651/21101/9736 +f 13685/21126/9770 13671/21127/9756 13681/21128/9766 +f 13684/21125/9769 13663/21102/9748 13672/21113/9757 +f 13686/21129/9771 13666/21105/9751 13676/21117/9761 +f 13687/21130/9772 13674/21115/9759 13675/21116/9760 +f 13686/21129/9771 13682/21123/9767 13666/21105/9751 +f 13688/21131/9773 13667/21108/9752 13674/21115/9759 +f 13689/21132/9774 13676/21117/9761 13661/21107/9746 +f 13689/21132/9774 13661/21107/9746 13677/21133/9762 +f 13688/21131/9773 13683/21124/9768 13667/21108/9752 +f 13689/21132/9774 13686/21129/9771 13676/21117/9761 +f 13690/21134/9775 13679/21120/9764 13682/21123/9767 +f 13690/21134/9775 13680/21121/9765 13679/21120/9764 +f 13691/21135/9776 13669/21110/9754 13668/21109/9753 +f 13691/21135/9776 13692/21136/9777 13669/21110/9754 +f 13691/21135/9776 13668/21109/9753 13658/21095/9743 +f 13693/21137/9778 13673/21114/9758 13694/21138/9779 +f 13691/21135/9776 13658/21095/9743 13678/21119/9763 +f 13695/21139/9780 13685/21126/9770 13681/21128/9766 +f 13693/21137/9778 13672/21113/9757 13673/21114/9758 +f 13696/21140/9781 13677/21118/9762 13684/21125/9769 +f 13697/21141/9782 13665/21104/9750 13683/21124/9768 +f 13697/21141/9782 13681/21122/9766 13665/21104/9750 +f 13696/21142/9781 13689/21132/9774 13677/21133/9762 +f 13698/21143/9783 13690/21134/9775 13682/21123/9767 +f 13697/21141/9782 13683/21124/9768 13688/21131/9773 +f 13698/21143/9783 13699/21144/9784 13680/21121/9765 +f 13698/21143/9783 13680/21121/9765 13690/21134/9775 +f 13698/21143/9783 13682/21123/9767 13686/21129/9771 +f 13700/21145/9785 13675/21116/9760 13701/21146/9786 +f 13700/21145/9785 13687/21130/9772 13675/21116/9760 +f 13702/21147/9787 13686/21129/9771 13689/21132/9774 +f 13703/21148/9788 13678/21119/9763 13662/21100/9747 +f 13704/21149/9789 13672/21113/9757 13693/21137/9778 +f 13703/21148/9788 13662/21100/9747 13685/21126/9770 +f 13703/21148/9788 13685/21126/9770 13695/21139/9780 +f 13705/21150/9790 13674/21115/9759 13687/21130/9772 +f 13704/21149/9789 13684/21125/9769 13672/21113/9757 +f 13705/21150/9790 13687/21130/9772 13700/21145/9785 +f 13706/21151/9791 13689/21132/9774 13696/21142/9781 +f 13705/21150/9790 13688/21131/9773 13674/21115/9759 +f 13706/21151/9791 13702/21147/9787 13689/21132/9774 +f 13707/21152/9792 13699/21144/9784 13698/21143/9783 +f 13708/21153/9793 13697/21141/9782 13688/21131/9773 +f 13707/21152/9792 13698/21143/9783 13686/21129/9771 +f 13707/21152/9792 13686/21129/9771 13702/21147/9787 +f 13707/21152/9792 13709/21154/9794 13699/21144/9784 +f 13710/21155/9795 13693/21137/9778 13694/21138/9779 +f 13711/21156/9796 13703/21148/9788 13695/21139/9780 +f 13712/21157/9797 13695/21139/9780 13681/21128/9766 +f 13710/21155/9795 13694/21138/9779 13713/21158/9798 +f 13712/21157/9797 13681/21128/9766 13697/21159/9782 +f 13712/21157/9797 13697/21159/9782 13708/21160/9793 +f 13714/21161/9799 13684/21125/9769 13704/21149/9789 +f 13714/21161/9799 13696/21140/9781 13684/21125/9769 +f 13715/21162/9800 13702/21147/9787 13706/21151/9791 +f 13716/21163/9801 13700/21145/9785 13701/21146/9786 +f 13715/21162/9800 13707/21152/9792 13702/21147/9787 +f 13717/21164/9802 13705/21150/9790 13700/21145/9785 +f 13718/21165/9803 13693/21137/9778 13710/21155/9795 +f 13717/21164/9802 13700/21145/9785 13716/21163/9801 +f 13719/21166/9804 13692/21136/9777 13691/21135/9776 +f 13719/21166/9804 13720/21167/9805 13692/21136/9777 +f 13719/21166/9804 13678/21119/9763 13703/21148/9788 +f 13719/21166/9804 13691/21135/9776 13678/21119/9763 +f 13718/21165/9803 13704/21149/9789 13693/21137/9778 +f 13719/21166/9804 13703/21148/9788 13711/21156/9796 +f 13721/21168/9806 13706/21151/9791 13696/21142/9781 +f 13721/21168/9806 13696/21142/9781 13714/21169/9799 +f 13722/21170/9807 13688/21131/9773 13705/21150/9790 +f 13722/21170/9807 13708/21153/9793 13688/21131/9773 +f 13722/21170/9807 13705/21150/9790 13717/21164/9802 +f 13723/21171/9808 13707/21152/9792 13715/21162/9800 +f 13723/21171/9808 13709/21154/9794 13707/21152/9792 +f 13723/21171/9808 13724/21172/9809 13709/21154/9794 +f 13725/21173/9810 13712/21157/9797 13708/21160/9793 +f 13725/21173/9810 13708/21160/9793 13722/21174/9807 +f 13726/21175/9811 13710/21155/9795 13713/21158/9798 +f 13727/21176/9812 13720/21167/9805 13719/21166/9804 +f 13727/21176/9812 13719/21166/9804 13711/21156/9796 +f 13726/21175/9811 13713/21158/9798 13728/21177/9813 +f 13729/21178/9814 13695/21139/9780 13712/21157/9797 +f 13729/21178/9814 13711/21156/9796 13695/21139/9780 +f 13730/21179/9815 13714/21161/9799 13704/21149/9789 +f 13731/21180/9816 13701/21146/9786 13732/21181/9817 +f 13730/21179/9815 13704/21149/9789 13718/21165/9803 +f 13731/21180/9816 13716/21163/9801 13701/21146/9786 +f 13733/21182/9818 13706/21151/9791 13721/21168/9806 +f 13733/21182/9818 13715/21162/9800 13706/21151/9791 +f 13734/21183/9819 13717/21164/9802 13716/21163/9801 +f 13735/21184/9820 13717/21164/9802 13734/21183/9819 +f 13736/21185/9821 13710/21155/9795 13726/21175/9811 +f 13736/21185/9821 13718/21165/9803 13710/21155/9795 +f 13735/21184/9820 13722/21170/9807 13717/21164/9802 +f 13737/21186/9822 13722/21174/9807 13735/21187/9820 +f 13738/21188/9823 13721/21168/9806 13714/21169/9799 +f 13737/21186/9822 13725/21173/9810 13722/21174/9807 +f 13738/21188/9823 13714/21169/9799 13730/21189/9815 +f 13739/21190/9824 13729/21178/9814 13712/21157/9797 +f 13739/21190/9824 13712/21157/9797 13725/21173/9810 +f 13740/21191/9825 13726/21175/9811 13728/21177/9813 +f 13740/21191/9825 13741/21192/9826 13742/21193/9827 +f 13740/21191/9825 13728/21177/9813 13741/21192/9826 +f 13743/21194/9828 13731/21180/9816 13732/21181/9817 +f 13744/21195/9829 13723/21171/9808 13715/21162/9800 +f 13745/21196/9830 13720/21167/9805 13727/21176/9812 +f 13744/21195/9829 13724/21172/9809 13723/21171/9808 +f 13745/21196/9830 13727/21176/9812 13711/21156/9796 +f 13744/21195/9829 13715/21162/9800 13733/21182/9818 +f 13745/21196/9830 13746/21197/9831 13720/21167/9805 +f 13745/21196/9830 13711/21156/9796 13729/21178/9814 +f 13747/21198/9832 13730/21179/9815 13718/21165/9803 +f 13748/21199/9833 13734/21183/9819 13716/21163/9801 +f 13747/21198/9832 13718/21165/9803 13736/21185/9821 +f 13749/21200/9834 13733/21182/9818 13721/21168/9806 +f 13748/21199/9833 13716/21163/9801 13731/21180/9816 +f 13749/21200/9834 13721/21168/9806 13738/21188/9823 +f 13750/21201/9835 13736/21185/9821 13726/21175/9811 +f 13751/21202/9836 13735/21184/9820 13734/21183/9819 +f 13752/21203/9837 13737/21186/9822 13735/21187/9820 +f 13750/21201/9835 13726/21175/9811 13740/21191/9825 +f 13752/21203/9837 13735/21187/9820 13751/21204/9836 +f 13753/21205/9838 13729/21178/9814 13739/21190/9824 +f 13753/21205/9838 13745/21196/9830 13729/21178/9814 +f 13754/21206/9839 13730/21189/9815 13747/21207/9832 +f 13753/21205/9838 13746/21197/9831 13745/21196/9830 +f 13754/21206/9839 13738/21188/9823 13730/21189/9815 +f 13755/21208/9840 13725/21173/9810 13737/21186/9822 +f 13755/21208/9840 13739/21190/9824 13725/21173/9810 +f 13755/21208/9840 13737/21186/9822 13752/21203/9837 +f 13756/21209/9841 13742/21193/9827 13757/21210/9842 +f 13756/21209/9841 13740/21191/9825 13742/21193/9827 +f 13756/21209/9841 13750/21201/9835 13740/21191/9825 +f 13758/21211/9843 13732/21181/9817 13759/21212/9844 +f 13760/21213/9845 13761/21214/9846 13724/21172/9809 +f 13758/21211/9843 13743/21194/9828 13732/21181/9817 +f 13760/21213/9845 13733/21182/9818 13749/21200/9834 +f 13760/21213/9845 13724/21172/9809 13744/21195/9829 +f 13760/21213/9845 13744/21195/9829 13733/21182/9818 +f 13762/21215/9847 13731/21180/9816 13743/21194/9828 +f 13763/21216/9848 13736/21185/9821 13750/21201/9835 +f 13762/21215/9847 13748/21199/9833 13731/21180/9816 +f 13763/21216/9848 13747/21198/9832 13736/21185/9821 +f 13764/21217/9849 13734/21183/9819 13748/21199/9833 +f 13764/21217/9849 13751/21202/9836 13734/21183/9819 +f 13765/21218/9850 13749/21200/9834 13738/21188/9823 +f 13765/21218/9850 13738/21188/9823 13754/21206/9839 +f 13766/21219/9851 13751/21204/9836 13764/21220/9849 +f 13766/21219/9851 13752/21203/9837 13751/21204/9836 +f 13767/21221/9852 13752/21203/9837 13766/21219/9851 +f 13768/21222/9853 13763/21216/9848 13750/21201/9835 +f 13767/21221/9852 13755/21208/9840 13752/21203/9837 +f 13768/21222/9853 13750/21201/9835 13756/21209/9841 +f 13769/21223/9854 13754/21206/9839 13747/21207/9832 +f 13769/21223/9854 13747/21207/9832 13763/21224/9848 +f 13770/21225/9855 13758/21211/9843 13759/21212/9844 +f 13771/21226/9856 13756/21209/9841 13757/21210/9842 +f 13772/21227/9857 13739/21190/9824 13755/21208/9840 +f 13772/21227/9857 13753/21205/9838 13739/21190/9824 +f 13772/21227/9857 13746/21197/9831 13753/21205/9838 +f 13772/21227/9857 13773/21228/9858 13746/21197/9831 +f 13772/21227/9857 13755/21208/9840 13767/21221/9852 +f 13774/21229/9859 13775/21230/9860 13761/21214/9846 +f 13776/21231/9861 13743/21194/9828 13758/21211/9843 +f 13774/21229/9859 13749/21200/9834 13765/21218/9850 +f 13774/21229/9859 13761/21214/9846 13760/21213/9845 +f 13774/21229/9859 13760/21213/9845 13749/21200/9834 +f 13776/21231/9861 13762/21215/9847 13743/21194/9828 +f 13776/21231/9861 13758/21211/9843 13770/21225/9855 +f 13777/21232/9862 13748/21199/9833 13762/21215/9847 +f 13778/21233/9863 13763/21216/9848 13768/21222/9853 +f 13777/21232/9862 13764/21217/9849 13748/21199/9833 +f 13779/21234/9864 13766/21219/9851 13764/21220/9849 +f 13780/21235/9865 13757/21210/9842 13781/21236/9866 +f 13780/21235/9865 13771/21226/9856 13757/21210/9842 +f 13779/21234/9864 13764/21220/9849 13777/21237/9862 +f 13782/21238/9867 13754/21206/9839 13769/21223/9854 +f 13782/21238/9867 13765/21218/9850 13754/21206/9839 +f 13783/21239/9868 13767/21221/9852 13766/21219/9851 +f 13784/21240/9869 13773/21228/9858 13772/21227/9857 +f 13784/21240/9869 13772/21227/9857 13767/21221/9852 +f 13784/21240/9869 13767/21221/9852 13783/21239/9868 +f 13785/21241/9870 13756/21209/9841 13771/21226/9856 +f 13785/21241/9870 13768/21222/9853 13756/21209/9841 +f 13786/21242/9871 13776/21231/9861 13770/21225/9855 +f 13787/21243/9872 13769/21244/9854 13763/21216/9848 +f 13788/21245/9873 13759/21246/9844 13789/21247/9874 +f 13787/21243/9872 13763/21216/9848 13778/21233/9863 +f 13788/21245/9873 13770/21248/9855 13759/21246/9844 +f 13790/21249/9875 13785/21241/9870 13771/21226/9856 +f 13791/21250/9876 13776/21231/9861 13786/21242/9871 +f 13791/21250/9876 13762/21215/9847 13776/21231/9861 +f 13790/21249/9875 13771/21226/9856 13780/21235/9865 +f 13791/21250/9876 13777/21232/9862 13762/21215/9847 +f 13792/21251/9877 13780/21235/9865 13781/21236/9866 +f 13793/21252/9878 13779/21234/9864 13777/21237/9862 +f 13794/21253/9879 13765/21218/9850 13782/21238/9867 +f 13794/21253/9879 13795/21254/9880 13775/21230/9860 +f 13794/21253/9879 13775/21230/9860 13774/21229/9859 +f 13794/21253/9879 13774/21229/9859 13765/21218/9850 +f 13796/21255/9881 13788/21245/9873 13789/21247/9874 +f 13797/21256/9882 13778/21233/9863 13768/21222/9853 +f 13798/21257/9883 13766/21219/9851 13779/21234/9864 +f 13798/21257/9883 13783/21239/9868 13766/21219/9851 +f 13797/21256/9882 13768/21222/9853 13785/21241/9870 +f 13799/21258/9884 13800/21259/9885 13773/21228/9858 +f 13799/21258/9884 13773/21228/9858 13784/21240/9869 +f 13799/21258/9884 13784/21240/9869 13783/21239/9868 +f 13801/21260/9886 13781/21236/9866 13802/21261/9887 +f 13801/21260/9886 13792/21251/9877 13781/21236/9866 +f 13803/21262/9888 13769/21223/9854 13787/21263/9872 +f 13804/21264/9889 13791/21250/9876 13786/21242/9871 +f 13803/21262/9888 13782/21238/9867 13769/21223/9854 +f 13805/21265/9890 13786/21266/9871 13770/21248/9855 +f 13806/21267/9891 13785/21241/9870 13790/21249/9875 +f 13805/21265/9890 13770/21248/9855 13788/21245/9873 +f 13806/21267/9891 13797/21256/9882 13785/21241/9870 +f 13807/21268/9892 13790/21249/9875 13780/21235/9865 +f 13808/21269/9893 13791/21270/9876 13804/21271/9889 +f 13807/21268/9892 13780/21235/9865 13792/21251/9877 +f 13808/21269/9893 13777/21237/9862 13791/21270/9876 +f 13808/21269/9893 13793/21252/9878 13777/21237/9862 +f 13809/21272/9894 13787/21243/9872 13778/21233/9863 +f 13810/21273/9895 13798/21257/9883 13779/21234/9864 +f 13809/21272/9894 13778/21233/9863 13797/21256/9882 +f 13810/21273/9895 13779/21234/9864 13793/21252/9878 +f 13809/21272/9894 13797/21256/9882 13806/21267/9891 +f 13811/21274/9896 13805/21265/9890 13788/21245/9873 +f 13812/21275/9897 13801/21260/9886 13802/21261/9887 +f 13811/21274/9896 13788/21245/9873 13796/21255/9881 +f 13813/21276/9898 13792/21251/9877 13801/21260/9886 +f 13813/21276/9898 13807/21268/9892 13792/21251/9877 +f 13814/21277/9899 13800/21259/9885 13799/21258/9884 +f 13814/21277/9899 13783/21239/9868 13798/21257/9883 +f 13814/21277/9899 13799/21258/9884 13783/21239/9868 +f 13815/21278/9900 13789/21247/9874 13816/21279/9901 +f 13817/21280/9902 13818/21281/9903 13795/21254/9880 +f 13815/21278/9900 13796/21255/9881 13789/21247/9874 +f 13817/21280/9902 13782/21238/9867 13803/21262/9888 +f 13819/21282/9904 13808/21269/9893 13804/21271/9889 +f 13817/21280/9902 13794/21253/9879 13782/21238/9867 +f 13817/21280/9902 13795/21254/9880 13794/21253/9879 +f 13820/21283/9905 13809/21272/9894 13806/21267/9891 +f 13821/21284/9906 13790/21249/9875 13807/21268/9892 +f 13821/21284/9906 13806/21267/9891 13790/21249/9875 +f 13822/21285/9907 13786/21266/9871 13805/21265/9890 +f 13822/21285/9907 13804/21286/9889 13786/21266/9871 +f 13823/21287/9908 13814/21277/9899 13798/21257/9883 +f 13823/21287/9908 13798/21257/9883 13810/21273/9895 +f 13823/21287/9908 13800/21259/9885 13814/21277/9899 +f 13823/21287/9908 13824/21288/9909 13800/21259/9885 +f 13825/21289/9910 13812/21275/9897 13802/21261/9887 +f 13826/21290/9911 13793/21252/9878 13808/21269/9893 +f 13825/21289/9910 13802/21261/9887 13827/21291/9912 +f 13826/21290/9911 13810/21273/9895 13793/21252/9878 +f 13826/21290/9911 13808/21269/9893 13819/21282/9904 +f 13828/21292/9913 13787/21263/9872 13809/21293/9894 +f 13829/21294/9914 13822/21285/9907 13805/21265/9890 +f 13828/21292/9913 13803/21262/9888 13787/21263/9872 +f 13830/21295/9915 13801/21260/9886 13812/21275/9897 +f 13829/21294/9914 13805/21265/9890 13811/21274/9896 +f 13830/21295/9915 13813/21276/9898 13801/21260/9886 +f 13831/21296/9916 13811/21274/9896 13796/21255/9881 +f 13830/21295/9915 13812/21275/9897 13825/21289/9910 +f 13832/21297/9917 13807/21268/9892 13813/21276/9898 +f 13831/21296/9916 13796/21255/9881 13815/21278/9900 +f 13832/21297/9917 13813/21276/9898 13830/21295/9915 +f 13833/21298/9918 13826/21290/9911 13819/21282/9904 +f 13832/21297/9917 13821/21284/9906 13807/21268/9892 +f 13834/21299/9919 13809/21293/9894 13820/21300/9905 +f 13835/21301/9920 13804/21271/9889 13822/21302/9907 +f 13834/21299/9919 13828/21292/9913 13809/21293/9894 +f 13835/21301/9920 13819/21282/9904 13804/21271/9889 +f 13836/21303/9921 13806/21267/9891 13821/21284/9906 +f 13837/21304/9922 13824/21288/9909 13823/21287/9908 +f 13836/21303/9921 13820/21283/9905 13806/21267/9891 +f 13837/21304/9922 13810/21273/9895 13826/21290/9911 +f 13836/21303/9921 13821/21284/9906 13832/21297/9917 +f 13837/21304/9922 13823/21287/9908 13810/21273/9895 +f 13837/21304/9922 13826/21290/9911 13833/21298/9918 +f 13838/21305/9923 13815/21278/9900 13816/21279/9901 +f 13839/21306/9924 13825/21289/9910 13827/21291/9912 +f 13838/21305/9923 13816/21279/9901 13840/21307/9925 +f 13838/21305/9923 13831/21296/9916 13815/21278/9900 +f 13841/21308/9926 13822/21302/9907 13829/21309/9914 +f 13842/21310/9927 13830/21295/9915 13825/21289/9910 +f 13842/21310/9927 13825/21289/9910 13839/21306/9924 +f 13843/21311/9928 13818/21281/9903 13817/21280/9902 +f 13843/21311/9928 13844/21312/9929 13818/21281/9903 +f 13841/21308/9926 13835/21301/9920 13822/21302/9907 +f 13843/21311/9928 13817/21280/9902 13803/21262/9888 +f 13843/21311/9928 13803/21262/9888 13828/21292/9913 +f 13845/21313/9930 13811/21274/9896 13831/21296/9916 +f 13845/21313/9930 13829/21294/9914 13811/21274/9896 +f 13846/21314/9931 13832/21297/9917 13830/21295/9915 +f 13846/21314/9931 13830/21295/9915 13842/21310/9927 +f 13847/21315/9932 13824/21288/9909 13837/21304/9922 +f 13848/21316/9933 13849/21317/9934 13850/21318/9935 +f 13847/21315/9932 13837/21304/9922 13833/21298/9918 +f 13847/21315/9932 13851/21319/9936 13824/21288/9909 +f 13852/21320/9937 13836/21303/9921 13832/21297/9917 +f 13853/21321/9938 13819/21282/9904 13835/21301/9920 +f 13852/21320/9937 13832/21297/9917 13846/21314/9931 +f 13853/21321/9938 13833/21298/9918 13819/21282/9904 +f 13854/21322/9939 13844/21312/9929 13843/21311/9928 +f 13854/21322/9939 13828/21292/9913 13834/21299/9919 +f 13854/21322/9939 13843/21311/9928 13828/21292/9913 +f 13855/21323/9940 13834/21299/9919 13820/21300/9905 +f 13855/21323/9940 13820/21300/9905 13836/21324/9921 +f 13856/21325/9941 13845/21313/9930 13831/21296/9916 +f 13856/21325/9941 13831/21296/9916 13838/21305/9923 +f 13857/21326/9942 13835/21301/9920 13841/21308/9926 +f 13857/21326/9942 13853/21321/9938 13835/21301/9920 +f 13858/21327/9943 13827/21291/9912 13859/21328/9944 +f 13858/21327/9943 13839/21306/9924 13827/21291/9912 +f 13860/21329/9945 13829/21309/9914 13845/21330/9930 +f 13860/21329/9945 13841/21308/9926 13829/21309/9914 +f 13861/21331/9946 13842/21310/9927 13839/21306/9924 +f 13862/21332/9947 13846/21314/9931 13842/21310/9927 +f 13862/21332/9947 13842/21310/9927 13861/21331/9946 +f 13863/21333/9948 13847/21315/9932 13833/21298/9918 +f 13863/21333/9948 13851/21319/9936 13847/21315/9932 +f 13864/21334/9949 13846/21314/9931 13862/21332/9947 +f 13863/21333/9948 13833/21298/9918 13853/21321/9938 +f 13864/21334/9949 13852/21320/9937 13846/21314/9931 +f 13865/21335/9950 13840/21307/9925 13866/21336/9951 +f 13865/21335/9950 13856/21325/9941 13838/21305/9923 +f 13865/21335/9950 13838/21305/9923 13840/21307/9925 +f 13867/21337/9952 13836/21324/9921 13852/21338/9937 +f 13867/21337/9952 13855/21323/9940 13836/21324/9921 +f 13868/21339/9953 13860/21329/9945 13845/21330/9930 +f 13869/21340/9954 13848/21316/9933 13850/21318/9935 +f 13868/21341/9953 13845/21313/9930 13856/21325/9941 +f 13870/21342/9955 13858/21327/9943 13859/21328/9944 +f 13871/21343/9956 13872/21344/9957 13851/21319/9936 +f 13869/21340/9954 13850/21318/9935 13873/21345/9958 +f 13871/21343/9956 13853/21321/9938 13857/21326/9942 +f 13871/21343/9956 13851/21319/9936 13863/21333/9948 +f 13874/21346/9959 13875/21347/9960 13844/21312/9929 +f 13871/21343/9956 13863/21333/9948 13853/21321/9938 +f 13876/21348/9961 13877/21349/9962 13848/21316/9933 +f 13874/21346/9959 13834/21299/9919 13855/21323/9940 +f 13874/21346/9959 13844/21312/9929 13854/21322/9939 +f 13874/21346/9959 13854/21322/9939 13834/21299/9919 +f 13878/21350/9963 13841/21308/9926 13860/21329/9945 +f 13878/21350/9963 13857/21326/9942 13841/21308/9926 +f 13876/21348/9961 13848/21316/9933 13869/21340/9954 +f 13879/21351/9964 13839/21306/9924 13858/21327/9943 +f 13880/21352/9965 13869/21340/9954 13873/21345/9958 +f 13879/21351/9964 13861/21331/9946 13839/21306/9924 +f 13881/21353/9966 13862/21332/9947 13861/21331/9946 +f 13882/21354/9967 13856/21325/9941 13865/21335/9950 +f 13880/21352/9965 13883/21355/9968 13884/21356/9969 +f 13880/21352/9965 13873/21345/9958 13883/21355/9968 +f 13882/21354/9967 13868/21341/9953 13856/21325/9941 +f 13885/21357/9970 13877/21349/9962 13876/21348/9961 +f 13886/21358/9971 13864/21334/9949 13862/21332/9947 +f 13885/21357/9970 13887/21359/9972 13877/21349/9962 +f 13888/21360/9973 13878/21350/9963 13860/21329/9945 +f 13888/21360/9973 13860/21329/9945 13868/21339/9953 +f 13886/21358/9971 13862/21332/9947 13881/21353/9966 +f 13889/21361/9974 13855/21323/9940 13867/21337/9952 +f 13890/21362/9975 13891/21363/9976 13872/21344/9957 +f 13889/21361/9974 13874/21346/9959 13855/21323/9940 +f 13890/21362/9975 13872/21344/9957 13871/21343/9956 +f 13892/21364/9977 13869/21340/9954 13880/21352/9965 +f 13890/21362/9975 13871/21343/9956 13857/21326/9942 +f 13892/21364/9977 13876/21348/9961 13869/21340/9954 +f 13889/21361/9974 13875/21347/9960 13874/21346/9959 +f 13890/21362/9975 13857/21326/9942 13878/21350/9963 +f 13893/21365/9978 13852/21338/9937 13864/21366/9949 +f 13894/21367/9979 13866/21336/9951 13895/21368/9980 +f 13893/21365/9978 13867/21337/9952 13852/21338/9937 +f 13894/21367/9979 13865/21335/9950 13866/21336/9951 +f 13893/21365/9978 13864/21366/9949 13886/21369/9971 +f 13896/21370/9981 13897/21371/9982 13887/21372/9972 +f 13898/21373/9983 13870/21342/9955 13859/21328/9944 +f 13896/21370/9981 13899/21374/9984 13897/21371/9982 +f 13896/21370/9981 13887/21372/9972 13885/21375/9970 +f 13900/21376/9985 13868/21341/9953 13882/21354/9967 +f 13901/21377/9986 13880/21352/9965 13884/21356/9969 +f 13900/21378/9985 13888/21360/9973 13868/21339/9953 +f 13898/21373/9983 13859/21328/9944 13902/21379/9987 +f 13901/21377/9986 13892/21364/9977 13880/21352/9965 +f 13903/21380/9988 13879/21351/9964 13858/21327/9943 +f 13904/21381/9989 13878/21350/9963 13888/21360/9973 +f 13905/21382/9990 13885/21357/9970 13876/21348/9961 +f 13903/21380/9988 13858/21327/9943 13870/21342/9955 +f 13904/21381/9989 13890/21362/9975 13878/21350/9963 +f 13905/21382/9990 13876/21348/9961 13892/21364/9977 +f 13906/21383/9991 13865/21335/9950 13894/21367/9979 +f 13907/21384/9992 13899/21374/9984 13896/21370/9981 +f 13908/21385/9993 13881/21353/9966 13861/21331/9946 +f 13908/21385/9993 13861/21331/9946 13879/21351/9964 +f 13906/21383/9991 13882/21354/9967 13865/21335/9950 +f 13909/21386/9994 13886/21358/9971 13881/21353/9966 +f 13907/21384/9992 13910/21387/9995 13899/21374/9984 +f 13911/21388/9996 13888/21360/9973 13900/21378/9985 +f 13912/21389/9997 13905/21382/9990 13892/21364/9977 +f 13911/21388/9996 13904/21381/9989 13888/21360/9973 +f 13913/21390/9998 13886/21369/9971 13909/21391/9994 +f 13914/21392/9999 13890/21362/9975 13904/21381/9989 +f 13912/21389/9997 13892/21364/9977 13901/21377/9986 +f 13913/21390/9998 13893/21365/9978 13886/21369/9971 +f 13914/21392/9999 13891/21363/9976 13890/21362/9975 +f 13915/21393/10000 13916/21394/10001 13917/21395/10002 +f 13918/21396/10003 13896/21370/9981 13885/21375/9970 +f 13915/21393/10000 13895/21368/9980 13916/21394/10001 +f 13919/21397/10004 13898/21373/9983 13902/21379/9987 +f 13918/21396/10003 13907/21384/9992 13896/21370/9981 +f 13918/21396/10003 13885/21375/9970 13905/21398/9990 +f 13915/21393/10000 13894/21367/9979 13895/21368/9980 +f 13920/21399/10005 13889/21361/9974 13867/21337/9952 +f 13920/21399/10005 13921/21400/10006 13875/21347/9960 +f 13922/21401/10007 13882/21354/9967 13906/21383/9991 +f 13920/21399/10005 13875/21347/9960 13889/21361/9974 +f 13923/21402/10008 13884/21403/9969 13924/21404/10009 +f 13920/21399/10005 13893/21365/9978 13913/21390/9998 +f 13920/21399/10005 13867/21337/9952 13893/21365/9978 +f 13923/21402/10008 13901/21405/9986 13884/21403/9969 +f 13922/21401/10007 13900/21376/9985 13882/21354/9967 +f 13925/21406/10010 13870/21342/9955 13898/21373/9983 +f 13926/21407/10011 13910/21387/9995 13907/21384/9992 +f 13925/21406/10010 13903/21380/9988 13870/21342/9955 +f 13927/21408/10012 13904/21381/9989 13911/21388/9996 +f 13926/21407/10011 13928/21409/10013 13910/21387/9995 +f 13927/21408/10012 13914/21392/9999 13904/21381/9989 +f 13926/21407/10011 13929/21410/10014 13928/21409/10013 +f 13930/21411/10015 13905/21382/9990 13912/21389/9997 +f 13931/21412/10016 13903/21380/9988 13925/21406/10010 +f 13931/21412/10016 13879/21351/9964 13903/21380/9988 +f 13932/21413/10017 13894/21367/9979 13915/21393/10000 +f 13930/21414/10015 13918/21396/10003 13905/21398/9990 +f 13931/21412/10016 13908/21385/9993 13879/21351/9964 +f 13932/21413/10017 13906/21383/9991 13894/21367/9979 +f 13933/21415/10018 13924/21404/10009 13934/21416/10019 +f 13935/21417/10020 13909/21386/9994 13881/21353/9966 +f 13936/21418/10021 13900/21378/9985 13922/21419/10007 +f 13935/21417/10020 13881/21353/9966 13908/21385/9993 +f 13933/21415/10018 13923/21402/10008 13924/21404/10009 +f 13937/21420/10022 13907/21384/9992 13918/21396/10003 +f 13935/21417/10020 13908/21385/9993 13931/21412/10016 +f 13937/21420/10022 13926/21407/10011 13907/21384/9992 +f 13938/21421/10023 13913/21390/9998 13909/21391/9994 +f 13936/21418/10021 13911/21388/9996 13900/21378/9985 +f 13939/21422/10024 13921/21400/10006 13920/21399/10005 +f 13940/21423/10025 13932/21413/10017 13915/21393/10000 +f 13939/21422/10024 13920/21399/10005 13913/21390/9998 +f 13941/21424/10026 13912/21425/9997 13901/21405/9986 +f 13939/21422/10024 13913/21390/9998 13938/21421/10023 +f 13940/21423/10025 13915/21393/10000 13917/21395/10002 +f 13941/21424/10026 13901/21405/9986 13923/21402/10008 +f 13942/21426/10027 13891/21363/9976 13914/21392/9999 +f 13942/21426/10027 13914/21392/9999 13927/21408/10012 +f 13942/21426/10027 13943/21427/10028 13891/21363/9976 +f 13944/21428/10029 13925/21406/10010 13898/21373/9983 +f 13945/21429/10030 13906/21383/9991 13932/21413/10017 +f 13946/21430/10031 13918/21396/10003 13930/21414/10015 +f 13945/21429/10030 13922/21401/10007 13906/21383/9991 +f 13946/21430/10031 13937/21420/10022 13918/21396/10003 +f 13944/21428/10029 13898/21373/9983 13919/21397/10004 +f 13947/21431/10032 13919/21397/10004 13902/21379/9987 +f 13948/21432/10033 13941/21424/10026 13923/21402/10008 +f 13947/21431/10032 13902/21379/9987 13949/21433/10034 +f 13950/21434/10035 13927/21408/10012 13911/21388/9996 +f 13951/21435/10036 13931/21412/10016 13925/21406/10010 +f 13950/21434/10035 13911/21388/9996 13936/21418/10021 +f 13950/21434/10035 13942/21426/10027 13927/21408/10012 +f 13948/21432/10033 13923/21402/10008 13933/21415/10018 +f 13952/21436/10037 13931/21412/10016 13951/21435/10036 +f 13953/21437/10038 13932/21413/10017 13940/21423/10025 +f 13954/21438/10039 13933/21415/10018 13934/21416/10019 +f 13955/21439/10040 13926/21407/10011 13937/21420/10022 +f 13955/21439/10040 13929/21410/10014 13926/21407/10011 +f 13952/21436/10037 13935/21417/10020 13931/21412/10016 +f 13953/21437/10038 13945/21429/10030 13932/21413/10017 +f 13955/21439/10040 13956/21440/10041 13929/21410/10014 +f 13957/21441/10042 13922/21419/10007 13945/21442/10030 +f 13957/21441/10042 13936/21418/10021 13922/21419/10007 +f 13958/21443/10043 13912/21425/9997 13941/21424/10026 +f 13958/21443/10043 13930/21444/10015 13912/21425/9997 +f 13959/21445/10044 13947/21431/10032 13949/21433/10034 +f 13960/21446/10045 13909/21391/9994 13935/21447/10020 +f 13961/21448/10046 13917/21395/10002 13962/21449/10047 +f 13960/21446/10045 13938/21421/10023 13909/21391/9994 +f 13963/21450/10048 13954/21438/10039 13934/21416/10019 +f 13964/21451/10049 13965/21452/10050 13921/21400/10006 +f 13961/21448/10046 13940/21423/10025 13917/21395/10002 +f 13963/21450/10048 13934/21416/10019 13966/21453/10051 +f 13964/21451/10049 13939/21422/10024 13938/21421/10023 +f 13964/21451/10049 13921/21400/10006 13939/21422/10024 +f 13967/21454/10052 13943/21427/10028 13942/21426/10027 +f 13967/21454/10052 13942/21426/10027 13950/21434/10035 +f 13967/21454/10052 13968/21455/10053 13943/21427/10028 +f 13969/21456/10054 13955/21439/10040 13937/21420/10022 +f 13970/21457/10055 13925/21406/10010 13944/21428/10029 +f 13971/21458/10056 13957/21441/10042 13945/21442/10030 +f 13969/21456/10054 13937/21420/10022 13946/21430/10031 +f 13971/21459/10056 13945/21429/10030 13953/21437/10038 +f 13970/21457/10055 13951/21435/10036 13925/21406/10010 +f 13972/21460/10057 13941/21424/10026 13948/21432/10033 +f 13972/21460/10057 13958/21443/10043 13941/21424/10026 +f 13973/21461/10058 13944/21428/10029 13919/21397/10004 +f 13974/21462/10059 13936/21418/10021 13957/21441/10042 +f 13973/21461/10058 13919/21397/10004 13947/21431/10032 +f 13974/21462/10059 13950/21434/10035 13936/21418/10021 +f 13975/21463/10060 13948/21432/10033 13933/21415/10018 +f 13976/21464/10061 13953/21437/10038 13940/21423/10025 +f 13975/21463/10060 13933/21415/10018 13954/21438/10039 +f 13977/21465/10062 13952/21436/10037 13951/21435/10036 +f 13976/21464/10061 13940/21423/10025 13961/21448/10046 +f 13978/21466/10063 13930/21414/10015 13958/21467/10043 +f 13978/21466/10063 13946/21430/10031 13930/21414/10015 +f 13979/21468/10064 13957/21441/10042 13971/21458/10056 +f 13978/21466/10063 13958/21467/10043 13972/21469/10057 +f 13980/21470/10065 13935/21447/10020 13952/21471/10037 +f 13979/21468/10064 13974/21462/10059 13957/21441/10042 +f 13980/21470/10065 13960/21446/10045 13935/21447/10020 +f 13981/21472/10066 13963/21450/10048 13966/21453/10051 +f 13982/21473/10067 13962/21449/10047 13983/21474/10068 +f 13982/21473/10067 13961/21448/10046 13962/21449/10047 +f 13984/21475/10069 13947/21431/10032 13959/21445/10044 +f 13984/21475/10069 13973/21461/10058 13947/21431/10032 +f 13985/21476/10070 13975/21463/10060 13954/21438/10039 +f 13986/21477/10071 13965/21452/10050 13964/21451/10049 +f 13985/21476/10070 13954/21438/10039 13963/21450/10048 +f 13986/21477/10071 13938/21421/10023 13960/21446/10045 +f 13987/21478/10072 13950/21434/10035 13974/21462/10059 +f 13986/21477/10071 13964/21451/10049 13938/21421/10023 +f 13987/21478/10072 13967/21454/10052 13950/21434/10035 +f 13987/21478/10072 13968/21455/10053 13967/21454/10052 +f 13987/21478/10072 13988/21479/10073 13968/21455/10053 +f 13989/21480/10074 13955/21439/10040 13969/21456/10054 +f 13990/21481/10075 13949/21433/10034 13991/21482/10076 +f 13992/21483/10077 13971/21459/10056 13953/21437/10038 +f 13989/21480/10074 13956/21440/10041 13955/21439/10040 +f 13990/21481/10075 13959/21445/10044 13949/21433/10034 +f 13989/21480/10074 13993/21484/10078 13956/21440/10041 +f 13990/21481/10075 13984/21475/10069 13959/21445/10044 +f 13992/21483/10077 13953/21437/10038 13976/21464/10061 +f 13994/21485/10079 13978/21466/10063 13972/21469/10057 +f 13995/21486/10080 13951/21487/10036 13970/21488/10055 +f 13996/21489/10081 13983/21474/10068 13997/21490/10082 +f 13995/21486/10080 13977/21491/10062 13951/21487/10036 +f 13996/21489/10081 13982/21473/10067 13983/21474/10068 +f 13998/21492/10083 13972/21460/10057 13948/21432/10033 +f 13998/21492/10083 13948/21432/10033 13975/21463/10060 +f 13999/21493/10084 13944/21428/10029 13973/21461/10058 +f 13999/21493/10084 13970/21457/10055 13944/21428/10029 +f 14000/21494/10085 13974/21462/10059 13979/21468/10064 +f 14000/21494/10085 13987/21478/10072 13974/21462/10059 +f 14001/21495/10086 13981/21472/10066 13966/21453/10051 +f 14002/21496/10087 13986/21477/10071 13960/21446/10045 +f 14002/21496/10087 14003/21497/10088 13965/21452/10050 +f 14004/21498/10089 13976/21464/10061 13961/21448/10046 +f 14001/21495/10086 13966/21453/10051 14005/21499/10090 +f 14002/21496/10087 13965/21452/10050 13986/21477/10071 +f 14006/21500/10091 13946/21430/10031 13978/21466/10063 +f 14002/21496/10087 13960/21446/10045 13980/21470/10065 +f 14006/21500/10091 13989/21480/10074 13969/21456/10054 +f 14004/21498/10089 13961/21448/10046 13982/21473/10067 +f 14007/21501/10092 13952/21471/10037 13977/21491/10062 +f 14008/21502/10093 13979/21468/10064 13971/21458/10056 +f 14006/21500/10091 13969/21456/10054 13946/21430/10031 +f 14007/21501/10092 13980/21470/10065 13952/21471/10037 +f 14009/21503/10094 13981/21472/10066 14001/21495/10086 +f 14008/21502/10093 13971/21458/10056 13992/21504/10077 +f 14009/21503/10094 13985/21476/10070 13963/21450/10048 +f 14010/21505/10095 13999/21493/10084 13973/21461/10058 +f 14009/21503/10094 13963/21450/10048 13981/21472/10066 +f 14011/21506/10096 13982/21473/10067 13996/21489/10081 +f 14012/21507/10097 13975/21463/10060 13985/21476/10070 +f 14010/21505/10095 13973/21461/10058 13984/21475/10069 +f 14013/21508/10098 13984/21475/10069 13990/21481/10075 +f 14011/21506/10096 14004/21498/10089 13982/21473/10067 +f 14012/21507/10097 13998/21492/10083 13975/21463/10060 +f 14013/21508/10098 14010/21505/10095 13984/21475/10069 +f 14014/21509/10099 14007/21501/10092 13977/21491/10062 +f 14015/21510/10100 13996/21489/10081 13997/21490/10082 +f 14016/21511/10101 13978/21466/10063 13994/21485/10079 +f 14015/21510/10100 14011/21506/10096 13996/21489/10081 +f 14016/21511/10101 14006/21500/10091 13978/21466/10063 +f 14014/21509/10099 13977/21491/10062 13995/21486/10080 +f 14017/21512/10102 14018/21513/10103 13988/21479/10073 +f 14019/21514/10104 13995/21486/10080 13970/21488/10055 +f 14020/21515/10105 13972/21469/10057 13998/21516/10083 +f 14017/21512/10102 13987/21478/10072 14000/21494/10085 +f 14017/21512/10102 13988/21479/10073 13987/21478/10072 +f 14020/21515/10105 13994/21485/10079 13972/21469/10057 +f 14019/21514/10104 13999/21517/10084 14010/21518/10095 +f 14021/21519/10106 13992/21483/10077 13976/21464/10061 +f 14022/21520/10107 14001/21495/10086 14005/21499/10090 +f 14019/21514/10104 13970/21488/10055 13999/21517/10084 +f 14023/21521/10108 14002/21496/10087 13980/21470/10065 +f 14021/21519/10106 13976/21464/10061 14004/21498/10089 +f 14023/21521/10108 13980/21470/10065 14007/21501/10092 +f 14021/21519/10106 14004/21498/10089 14011/21506/10096 +f 14023/21521/10108 14003/21497/10088 14002/21496/10087 +f 14024/21522/10109 13997/21490/10082 14025/21523/10110 +f 14026/21524/10111 14009/21503/10094 14001/21495/10086 +f 14027/21525/10112 14013/21508/10098 13990/21481/10075 +f 14024/21522/10109 14015/21510/10100 13997/21490/10082 +f 14027/21525/10112 13991/21482/10076 14028/21526/10113 +f 14029/21527/10114 13989/21480/10074 14006/21500/10091 +f 14027/21525/10112 13990/21481/10075 13991/21482/10076 +f 14030/21528/10115 14000/21494/10085 13979/21468/10064 +f 14029/21527/10114 13993/21484/10078 13989/21480/10074 +f 14030/21528/10115 13979/21468/10064 14008/21502/10093 +f 14029/21527/10114 14031/21529/10116 13993/21484/10078 +f 14032/21530/10117 13985/21476/10070 14009/21503/10094 +f 14033/21531/10118 14019/21514/10104 14010/21518/10095 +f 14032/21530/10117 14012/21507/10097 13985/21476/10070 +f 14032/21530/10117 14009/21503/10094 14026/21524/10111 +f 14034/21532/10119 14010/21505/10095 14013/21508/10098 +f 14035/21533/10120 14021/21519/10106 14011/21506/10096 +f 14036/21534/10121 14020/21515/10105 13998/21516/10083 +f 14037/21535/10122 14035/21533/10120 14011/21506/10096 +f 14036/21534/10121 13998/21516/10083 14012/21536/10097 +f 14036/21534/10121 14012/21536/10097 14032/21537/10117 +f 14038/21538/10123 14039/21539/10124 14003/21497/10088 +f 14038/21538/10123 14003/21497/10088 14023/21521/10108 +f 14038/21538/10123 14023/21521/10108 14007/21501/10092 +f 14037/21535/10122 14011/21506/10096 14015/21510/10100 +f 14040/21540/10125 14006/21500/10091 14016/21511/10101 +f 14038/21538/10123 14007/21501/10092 14014/21509/10099 +f 14040/21540/10125 14031/21529/10116 14029/21527/10114 +f 14041/21541/10126 13995/21486/10080 14019/21514/10104 +f 14042/21542/10127 14021/21519/10106 14035/21533/10120 +f 14040/21540/10125 14029/21527/10114 14006/21500/10091 +f 14041/21541/10126 14014/21509/10099 13995/21486/10080 +f 14042/21542/10127 14008/21543/10093 13992/21483/10077 +f 14043/21544/10128 13994/21485/10079 14020/21515/10105 +f 14042/21542/10127 13992/21483/10077 14021/21519/10106 +f 14044/21545/10129 14013/21508/10098 14027/21525/10112 +f 14043/21544/10128 14016/21511/10101 13994/21485/10079 +f 14045/21546/10130 14022/21520/10107 14005/21499/10090 +f 14046/21547/10131 14024/21522/10109 14025/21523/10110 +f 14045/21546/10130 14005/21499/10090 14047/21548/10132 +f 14044/21545/10129 14034/21532/10119 14013/21508/10098 +f 14048/21549/10133 14037/21535/10122 14015/21510/10100 +f 14049/21550/10134 14041/21541/10126 14019/21514/10104 +f 14050/21551/10135 14022/21520/10107 14045/21546/10130 +f 14049/21550/10134 14019/21514/10104 14033/21531/10118 +f 14050/21551/10135 14001/21495/10086 14022/21520/10107 +f 14048/21549/10133 14015/21510/10100 14024/21522/10109 +f 14051/21552/10136 14033/21531/10118 14010/21518/10095 +f 14050/21551/10135 14026/21524/10111 14001/21495/10086 +f 14051/21552/10136 14010/21518/10095 14034/21553/10119 +f 14052/21554/10137 14000/21494/10085 14030/21528/10115 +f 14053/21555/10138 14032/21530/10117 14026/21524/10111 +f 14052/21554/10137 14054/21556/10139 14018/21513/10103 +f 14052/21554/10137 14018/21513/10103 14017/21512/10102 +f 14052/21554/10137 14017/21512/10102 14000/21494/10085 +f 14055/21557/10140 14038/21538/10123 14014/21509/10099 +f 14056/21558/10141 14036/21534/10121 14032/21537/10117 +f 14056/21558/10141 14032/21537/10117 14053/21559/10138 +f 14055/21557/10140 14039/21539/10124 14038/21538/10123 +f 14057/21560/10142 14042/21542/10127 14035/21533/10120 +f 14055/21557/10140 14014/21509/10099 14041/21541/10126 +f 14058/21561/10143 14035/21533/10120 14037/21535/10122 +f 14059/21562/10144 14027/21525/10112 14028/21526/10113 +f 14060/21563/10145 14020/21515/10105 14036/21534/10121 +f 14060/21563/10145 14043/21544/10128 14020/21515/10105 +f 14059/21562/10144 14028/21526/10113 14061/21564/10146 +f 14058/21561/10143 14057/21560/10142 14035/21533/10120 +f 14059/21562/10144 14044/21545/10129 14027/21525/10112 +f 14062/21565/10147 14025/21523/10110 14063/21566/10148 +f 14062/21565/10147 14046/21547/10131 14025/21523/10110 +f 14064/21567/10149 14051/21552/10136 14034/21553/10119 +f 14065/21568/10150 14045/21546/10130 14047/21548/10132 +f 14064/21569/10149 14034/21532/10119 14044/21545/10129 +f 14066/21570/10151 14008/21502/10093 14042/21571/10127 +f 14067/21572/10152 14040/21540/10125 14016/21511/10101 +f 14068/21573/10153 14069/21574/10154 14039/21539/10124 +f 14067/21572/10152 14031/21529/10116 14040/21540/10125 +f 14068/21573/10153 14041/21541/10126 14049/21550/10134 +f 14067/21572/10152 14016/21511/10101 14043/21544/10128 +f 14068/21573/10153 14039/21539/10124 14055/21557/10140 +f 14067/21572/10152 14070/21575/10155 14031/21529/10116 +f 14068/21573/10153 14055/21557/10140 14041/21541/10126 +f 14066/21570/10151 14030/21528/10115 14008/21502/10093 +f 14071/21576/10156 14050/21551/10135 14045/21546/10130 +f 14072/21577/10157 14049/21550/10134 14033/21531/10118 +f 14073/21578/10158 14048/21549/10133 14024/21522/10109 +f 14072/21577/10157 14033/21531/10118 14051/21552/10136 +f 14073/21578/10158 14024/21522/10109 14046/21547/10131 +f 14073/21578/10158 14046/21547/10131 14062/21565/10147 +f 14074/21579/10159 14037/21535/10122 14048/21549/10133 +f 14075/21580/10160 14026/21524/10111 14050/21551/10135 +f 14074/21579/10159 14058/21561/10143 14037/21535/10122 +f 14075/21580/10160 14053/21555/10138 14026/21524/10111 +f 14075/21580/10160 14050/21551/10135 14071/21576/10156 +f 14076/21581/10161 14044/21545/10129 14059/21562/10144 +f 14076/21581/10161 14064/21569/10149 14044/21545/10129 +f 14077/21582/10162 14056/21558/10141 14053/21559/10138 +f 14078/21583/10163 14066/21570/10151 14042/21571/10127 +f 14079/21584/10164 14051/21552/10136 14064/21567/10149 +f 14078/21583/10163 14042/21571/10127 14057/21585/10142 +f 14080/21586/10165 14070/21575/10155 14067/21572/10152 +f 14081/21587/10166 14058/21561/10143 14074/21579/10159 +f 14080/21586/10165 14043/21544/10128 14060/21563/10145 +f 14081/21587/10166 14057/21560/10142 14058/21561/10143 +f 14082/21588/10167 14049/21550/10134 14072/21577/10157 +f 14080/21586/10165 14067/21572/10152 14043/21544/10128 +f 14083/21589/10168 14056/21558/10141 14077/21582/10162 +f 14082/21588/10167 14069/21574/10154 14068/21573/10153 +f 14081/21590/10166 14078/21583/10163 14057/21585/10142 +f 14082/21588/10167 14068/21573/10153 14049/21550/10134 +f 14083/21589/10168 14036/21534/10121 14056/21558/10141 +f 14084/21591/10169 14062/21565/10147 14063/21566/10148 +f 14083/21589/10168 14060/21563/10145 14036/21534/10121 +f 14085/21592/10170 14061/21564/10146 14086/21593/10171 +f 14085/21592/10170 14059/21562/10144 14061/21564/10146 +f 14087/21594/10172 14065/21568/10150 14047/21548/10132 +f 14085/21592/10170 14076/21581/10161 14059/21562/10144 +f 14088/21595/10173 14073/21578/10158 14062/21565/10147 +f 14087/21594/10172 14047/21548/10132 14089/21596/10174 +f 14090/21597/10175 14064/21569/10149 14076/21581/10161 +f 14090/21598/10175 14079/21584/10164 14064/21567/10149 +f 14091/21599/10176 14071/21576/10156 14045/21546/10130 +f 14092/21600/10177 14030/21528/10115 14066/21570/10151 +f 14091/21599/10176 14065/21568/10150 14087/21594/10172 +f 14092/21600/10177 14093/21601/10178 14054/21556/10139 +f 14091/21599/10176 14045/21546/10130 14065/21568/10150 +f 14094/21602/10179 14072/21577/10157 14051/21552/10136 +f 14092/21600/10177 14054/21556/10139 14052/21554/10137 +f 14095/21603/10180 14075/21580/10160 14071/21576/10156 +f 14094/21602/10179 14051/21552/10136 14079/21584/10164 +f 14092/21600/10177 14052/21554/10137 14030/21528/10115 +f 14096/21604/10181 14074/21579/10159 14048/21549/10133 +f 14095/21603/10180 14071/21576/10156 14091/21599/10176 +f 14096/21604/10181 14048/21549/10133 14073/21578/10158 +f 14096/21604/10181 14073/21578/10158 14088/21595/10173 +f 14097/21605/10182 14081/21587/10166 14074/21579/10159 +f 14098/21606/10183 14075/21607/10160 14095/21608/10180 +f 14099/21609/10184 14076/21581/10161 14085/21592/10170 +f 14099/21609/10184 14090/21597/10175 14076/21581/10161 +f 14098/21606/10183 14077/21582/10162 14053/21559/10138 +f 14098/21606/10183 14053/21559/10138 14075/21607/10160 +f 14100/21610/10185 14093/21601/10178 14092/21600/10177 +f 14101/21611/10186 14079/21584/10164 14090/21598/10175 +f 14102/21612/10187 14083/21589/10168 14077/21582/10162 +f 14100/21610/10185 14092/21600/10177 14066/21570/10151 +f 14103/21613/10188 14104/21614/10189 14069/21574/10154 +f 14100/21610/10185 14066/21570/10151 14078/21583/10163 +f 14105/21615/10190 14078/21583/10163 14081/21590/10166 +f 14103/21613/10188 14072/21577/10157 14094/21602/10179 +f 14105/21615/10190 14100/21610/10185 14078/21583/10163 +f 14103/21613/10188 14069/21574/10154 14082/21588/10167 +f 14103/21613/10188 14082/21588/10167 14072/21577/10157 +f 14106/21616/10191 14087/21594/10172 14089/21596/10174 +f 14107/21617/10192 14108/21618/10193 14109/21619/10194 +f 14110/21620/10195 14063/21566/10148 14111/21621/10196 +f 14112/21622/10197 14070/21575/10155 14080/21586/10165 +f 14107/21617/10192 14086/21593/10171 14108/21618/10193 +f 14112/21622/10197 14083/21589/10168 14102/21612/10187 +f 14112/21622/10197 14080/21586/10165 14060/21563/10145 +f 14107/21617/10192 14085/21592/10170 14086/21593/10171 +f 14110/21620/10195 14084/21591/10169 14063/21566/10148 +f 14112/21622/10197 14060/21563/10145 14083/21589/10168 +f 14112/21622/10197 14113/21623/10198 14070/21575/10155 +f 14114/21624/10199 14088/21595/10173 14062/21565/10147 +f 14115/21625/10200 14090/21597/10175 14099/21609/10184 +f 14116/21626/10201 14091/21599/10176 14087/21594/10172 +f 14114/21624/10199 14062/21565/10147 14084/21591/10169 +f 14117/21627/10202 14096/21604/10181 14088/21595/10173 +f 14118/21628/10203 14091/21599/10176 14116/21626/10201 +f 14119/21629/10204 14094/21602/10179 14079/21584/10164 +f 14118/21628/10203 14095/21603/10180 14091/21599/10176 +f 14119/21629/10204 14079/21584/10164 14101/21611/10186 +f 14120/21630/10205 14074/21579/10159 14096/21604/10181 +f 14121/21631/10206 14085/21592/10170 14107/21617/10192 +f 14120/21630/10205 14097/21605/10182 14074/21579/10159 +f 14120/21630/10205 14096/21604/10181 14117/21627/10202 +f 14122/21632/10207 14098/21606/10183 14095/21608/10180 +f 14122/21632/10207 14095/21608/10180 14118/21633/10203 +f 14123/21634/10208 14105/21615/10190 14081/21590/10166 +f 14124/21635/10209 14077/21582/10162 14098/21606/10183 +f 14124/21635/10209 14098/21606/10183 14122/21632/10207 +f 14121/21631/10206 14099/21609/10184 14085/21592/10170 +f 14125/21636/10210 14090/21598/10175 14115/21637/10200 +f 14124/21635/10209 14102/21612/10187 14077/21582/10162 +f 14123/21634/10208 14081/21590/10166 14097/21638/10182 +f 14126/21639/10211 14112/21622/10197 14102/21612/10187 +f 14126/21639/10211 14113/21623/10198 14112/21622/10197 +f 14127/21640/10212 14110/21620/10195 14111/21621/10196 +f 14125/21636/10210 14101/21611/10186 14090/21598/10175 +f 14128/21641/10213 14107/21617/10192 14109/21619/10194 +f 14129/21642/10214 14093/21601/10178 14100/21610/10185 +f 14130/21643/10215 14087/21594/10172 14106/21616/10191 +f 14129/21642/10214 14131/21644/10216 14093/21601/10178 +f 14130/21643/10215 14116/21626/10201 14087/21594/10172 +f 14128/21645/10213 14109/21646/10194 14132/21647/10217 +f 14129/21642/10214 14100/21610/10185 14105/21615/10190 +f 14128/21641/10213 14121/21631/10206 14107/21617/10192 +f 14133/21648/10218 14094/21602/10179 14119/21629/10204 +f 14133/21648/10218 14134/21649/10219 14104/21614/10189 +f 14135/21650/10220 14106/21616/10191 14089/21596/10174 +f 14136/21651/10221 14084/21591/10169 14110/21620/10195 +f 14133/21648/10218 14104/21614/10189 14103/21613/10188 +f 14133/21648/10218 14103/21613/10188 14094/21602/10179 +f 14136/21651/10221 14114/21624/10199 14084/21591/10169 +f 14137/21652/10222 14115/21625/10200 14099/21609/10184 +f 14135/21650/10220 14089/21596/10174 14138/21653/10223 +f 14139/21654/10224 14088/21595/10173 14114/21624/10199 +f 14140/21655/10225 14118/21628/10203 14116/21626/10201 +f 14139/21654/10224 14117/21627/10202 14088/21595/10173 +f 14137/21652/10222 14099/21609/10184 14121/21631/10206 +f 14141/21656/10226 14101/21611/10186 14125/21636/10210 +f 14142/21657/10227 14120/21630/10205 14117/21627/10202 +f 14143/21658/10228 14122/21632/10207 14118/21633/10203 +f 14143/21658/10228 14118/21633/10203 14140/21659/10225 +f 14141/21656/10226 14119/21629/10204 14101/21611/10186 +f 14144/21660/10229 14121/21631/10206 14128/21641/10213 +f 14145/21661/10230 14105/21615/10190 14123/21634/10208 +f 14145/21661/10230 14131/21644/10216 14129/21642/10214 +f 14145/21661/10230 14129/21642/10214 14105/21615/10190 +f 14146/21662/10231 14135/21650/10220 14138/21653/10223 +f 14147/21663/10232 14097/21638/10182 14120/21664/10205 +f 14147/21663/10232 14123/21634/10208 14097/21638/10182 +f 14144/21660/10229 14137/21652/10222 14121/21631/10206 +f 14148/21665/10233 14124/21635/10209 14122/21632/10207 +f 14147/21663/10232 14120/21664/10205 14142/21666/10227 +f 14149/21667/10234 14126/21639/10211 14102/21612/10187 +f 14150/21668/10235 14115/21637/10200 14137/21669/10222 +f 14151/21670/10236 14111/21621/10196 14152/21671/10237 +f 14149/21667/10234 14102/21612/10187 14124/21635/10209 +f 14150/21668/10235 14125/21636/10210 14115/21637/10200 +f 14149/21667/10234 14113/21623/10198 14126/21639/10211 +f 14153/21672/10238 14128/21645/10213 14132/21647/10217 +f 14149/21667/10234 14124/21635/10209 14148/21665/10233 +f 14151/21670/10236 14127/21640/10212 14111/21621/10196 +f 14149/21667/10234 14154/21673/10239 14113/21623/10198 +f 14155/21674/10240 14127/21640/10212 14151/21670/10236 +f 14153/21672/10238 14144/21675/10229 14128/21645/10213 +f 14155/21674/10240 14110/21620/10195 14127/21640/10212 +f 14156/21676/10241 14116/21626/10201 14130/21643/10215 +f 14157/21677/10242 14119/21629/10204 14141/21656/10226 +f 14156/21676/10241 14140/21655/10225 14116/21626/10201 +f 14157/21677/10242 14158/21678/10243 14134/21649/10219 +f 14155/21674/10240 14136/21651/10221 14110/21620/10195 +f 14157/21677/10242 14134/21649/10219 14133/21648/10218 +f 14157/21677/10242 14133/21648/10218 14119/21629/10204 +f 14159/21679/10244 14114/21624/10199 14136/21651/10221 +f 14160/21680/10245 14130/21643/10215 14106/21616/10191 +f 14159/21679/10244 14139/21654/10224 14114/21624/10199 +f 14160/21680/10245 14106/21616/10191 14135/21650/10220 +f 14160/21680/10245 14135/21650/10220 14146/21662/10231 +f 14161/21681/10246 14137/21652/10222 14144/21660/10229 +f 14162/21682/10247 14141/21656/10226 14125/21636/10210 +f 14163/21683/10248 14143/21658/10228 14140/21659/10225 +f 14162/21682/10247 14125/21636/10210 14150/21668/10235 +f 14164/21684/10249 14117/21627/10202 14139/21654/10224 +f 14164/21684/10249 14142/21657/10227 14117/21627/10202 +f 14165/21685/10250 14122/21632/10207 14143/21658/10228 +f 14165/21685/10250 14143/21658/10228 14163/21683/10248 +f 14165/21685/10250 14148/21665/10233 14122/21632/10207 +f 14166/21686/10251 14147/21663/10232 14142/21666/10227 +f 14167/21687/10252 14161/21688/10246 14144/21675/10229 +f 14167/21687/10252 14144/21675/10229 14153/21672/10238 +f 14168/21689/10253 14137/21669/10222 14161/21690/10246 +f 14169/21691/10254 14151/21670/10236 14152/21671/10237 +f 14168/21689/10253 14150/21668/10235 14137/21669/10222 +f 14170/21692/10255 14160/21680/10245 14146/21662/10231 +f 14171/21693/10256 14149/21667/10234 14148/21665/10233 +f 14172/21694/10257 14147/21663/10232 14166/21686/10251 +f 14171/21693/10256 14154/21673/10239 14149/21667/10234 +f 14172/21694/10257 14173/21695/10258 14131/21644/10216 +f 14172/21694/10257 14131/21644/10216 14145/21661/10230 +f 14174/21696/10259 14153/21672/10238 14132/21647/10217 +f 14172/21694/10257 14123/21634/10208 14147/21663/10232 +f 14172/21694/10257 14145/21661/10230 14123/21634/10208 +f 14175/21697/10260 14146/21662/10231 14138/21653/10223 +f 14174/21696/10259 14132/21647/10217 14176/21698/10261 +f 14175/21697/10260 14138/21653/10223 14177/21699/10262 +f 14178/21700/10263 14141/21656/10226 14162/21682/10247 +f 14178/21700/10263 14179/21701/10264 14158/21678/10243 +f 14180/21702/10265 14155/21674/10240 14151/21670/10236 +f 14181/21703/10266 14136/21651/10221 14155/21674/10240 +f 14182/21704/10267 14163/21683/10248 14140/21659/10225 +f 14178/21700/10263 14158/21678/10243 14157/21677/10242 +f 14181/21703/10266 14159/21679/10244 14136/21651/10221 +f 14182/21704/10267 14140/21659/10225 14156/21705/10241 +f 14178/21700/10263 14157/21677/10242 14141/21656/10226 +f 14183/21706/10268 14168/21689/10253 14161/21690/10246 +f 14181/21703/10266 14155/21674/10240 14180/21702/10265 +f 14184/21707/10269 14139/21654/10224 14159/21679/10244 +f 14183/21708/10268 14161/21688/10246 14167/21687/10252 +f 14184/21707/10269 14164/21684/10249 14139/21654/10224 +f 14185/21709/10270 14160/21680/10245 14170/21692/10255 +f 14185/21709/10270 14156/21676/10241 14130/21643/10215 +f 14184/21707/10269 14159/21679/10244 14181/21703/10266 +f 14185/21709/10270 14130/21643/10215 14160/21680/10245 +f 14186/21710/10271 14171/21693/10256 14148/21665/10233 +f 14187/21711/10272 14176/21698/10261 14188/21712/10273 +f 14187/21711/10272 14174/21696/10259 14176/21698/10261 +f 14189/21713/10274 14142/21666/10227 14164/21714/10249 +f 14186/21710/10271 14148/21665/10233 14165/21685/10250 +f 14189/21713/10274 14166/21686/10251 14142/21666/10227 +f 14186/21710/10271 14154/21673/10239 14171/21693/10256 +f 14190/21715/10275 14162/21682/10247 14150/21668/10235 +f 14186/21710/10271 14191/21716/10276 14154/21673/10239 +f 14190/21715/10275 14150/21668/10235 14168/21689/10253 +f 14192/21717/10277 14165/21685/10250 14163/21683/10248 +f 14193/21718/10278 14172/21694/10257 14166/21686/10251 +f 14192/21717/10277 14186/21710/10271 14165/21685/10250 +f 14193/21718/10278 14173/21695/10258 14172/21694/10257 +f 14194/21719/10279 14167/21687/10252 14153/21672/10238 +f 14195/21720/10280 14180/21702/10265 14151/21670/10236 +f 14195/21720/10280 14151/21670/10236 14169/21691/10254 +f 14196/21721/10281 14185/21709/10270 14170/21692/10255 +f 14194/21719/10279 14153/21672/10238 14174/21696/10259 +f 14197/21722/10282 14152/21671/10237 14198/21723/10283 +f 14199/21724/10284 14190/21715/10275 14168/21689/10253 +f 14199/21724/10284 14168/21689/10253 14183/21706/10268 +f 14197/21722/10282 14169/21691/10254 14152/21671/10237 +f 14200/21725/10285 14170/21692/10255 14146/21662/10231 +f 14201/21726/10286 14181/21703/10266 14180/21702/10265 +f 14200/21725/10285 14146/21662/10231 14175/21697/10260 +f 14202/21727/10287 14192/21717/10277 14163/21683/10248 +f 14202/21727/10287 14163/21683/10248 14182/21704/10267 +f 14203/21728/10288 14174/21696/10259 14187/21711/10272 +f 14203/21728/10288 14194/21719/10279 14174/21696/10259 +f 14204/21729/10289 14184/21707/10269 14181/21703/10266 +f 14205/21730/10290 14185/21731/10270 14196/21732/10281 +f 14204/21729/10289 14181/21703/10266 14201/21726/10286 +f 14205/21730/10290 14156/21705/10241 14185/21731/10270 +f 14205/21730/10290 14182/21704/10267 14156/21705/10241 +f 14206/21733/10291 14187/21711/10272 14188/21712/10273 +f 14207/21734/10292 14191/21716/10276 14186/21710/10271 +f 14208/21735/10293 14209/21736/10294 14179/21701/10264 +f 14210/21737/10295 14197/21722/10282 14198/21723/10283 +f 14207/21734/10292 14186/21710/10271 14192/21717/10277 +f 14208/21735/10293 14162/21682/10247 14190/21715/10275 +f 14208/21735/10293 14178/21700/10263 14162/21682/10247 +f 14211/21738/10296 14200/21725/10285 14175/21697/10260 +f 14208/21735/10293 14179/21701/10264 14178/21700/10263 +f 14212/21739/10297 14189/21713/10274 14164/21714/10249 +f 14213/21740/10298 14167/21687/10252 14194/21719/10279 +f 14211/21738/10296 14177/21699/10262 14214/21741/10299 +f 14213/21740/10298 14183/21708/10268 14167/21687/10252 +f 14212/21739/10297 14164/21714/10249 14184/21742/10269 +f 14211/21738/10296 14175/21697/10260 14177/21699/10262 +f 14215/21743/10300 14166/21686/10251 14189/21713/10274 +f 14215/21743/10300 14193/21718/10278 14166/21686/10251 +f 14215/21743/10300 14173/21695/10258 14193/21718/10278 +f 14216/21744/10301 14188/21712/10273 14217/21745/10302 +f 14215/21743/10300 14218/21746/10303 14173/21695/10258 +f 14219/21747/10304 14205/21730/10290 14196/21732/10281 +f 14220/21748/10305 14201/21726/10286 14180/21702/10265 +f 14216/21744/10301 14206/21733/10291 14188/21712/10273 +f 14221/21749/10306 14190/21715/10275 14199/21724/10284 +f 14220/21748/10305 14180/21702/10265 14195/21720/10280 +f 14221/21749/10306 14208/21735/10293 14190/21715/10275 +f 14222/21750/10307 14170/21692/10255 14200/21725/10285 +f 14222/21750/10307 14196/21721/10281 14170/21692/10255 +f 14223/21751/10308 14195/21720/10280 14169/21691/10254 +f 14224/21752/10309 14192/21717/10277 14202/21727/10287 +f 14224/21752/10309 14191/21716/10276 14207/21734/10292 +f 14223/21751/10308 14169/21691/10254 14197/21722/10282 +f 14224/21752/10309 14207/21734/10292 14192/21717/10277 +f 14224/21752/10309 14225/21753/10310 14191/21716/10276 +f 14226/21754/10311 14194/21719/10279 14203/21728/10288 +f 14227/21755/10312 14202/21727/10287 14182/21704/10267 +f 14226/21754/10311 14213/21740/10298 14194/21719/10279 +f 14228/21756/10313 14201/21726/10286 14220/21748/10305 +f 14227/21755/10312 14182/21704/10267 14205/21730/10290 +f 14228/21756/10313 14204/21729/10289 14201/21726/10286 +f 14227/21755/10312 14205/21730/10290 14219/21747/10304 +f 14229/21757/10314 14203/21728/10288 14187/21711/10272 +f 14229/21757/10314 14187/21711/10272 14206/21733/10291 +f 14230/21758/10315 14200/21725/10285 14211/21738/10296 +f 14231/21759/10316 14212/21739/10297 14184/21742/10269 +f 14231/21759/10316 14184/21742/10269 14204/21760/10289 +f 14231/21759/10316 14204/21760/10289 14228/21761/10313 +f 14230/21758/10315 14222/21750/10307 14200/21725/10285 +f 14232/21762/10317 14199/21724/10284 14183/21706/10268 +f 14232/21762/10317 14183/21706/10268 14213/21763/10298 +f 14233/21764/10318 14223/21751/10308 14197/21722/10282 +f 14232/21762/10317 14213/21763/10298 14226/21765/10311 +f 14234/21766/10319 14227/21755/10312 14219/21747/10304 +f 14233/21764/10318 14197/21722/10282 14210/21737/10295 +f 14235/21767/10320 14216/21744/10301 14217/21745/10302 +f 14236/21768/10321 14219/21747/10304 14196/21732/10281 +f 14236/21768/10321 14196/21732/10281 14222/21769/10307 +f 14237/21770/10322 14215/21743/10300 14189/21713/10274 +f 14237/21770/10322 14189/21713/10274 14212/21739/10297 +f 14237/21770/10322 14218/21746/10303 14215/21743/10300 +f 14238/21771/10323 14224/21752/10309 14202/21727/10287 +f 14239/21772/10324 14206/21733/10291 14216/21744/10301 +f 14238/21771/10323 14225/21753/10310 14224/21752/10309 +f 14239/21772/10324 14229/21757/10314 14206/21733/10291 +f 14240/21773/10325 14198/21723/10283 14241/21774/10326 +f 14238/21771/10323 14227/21755/10312 14234/21766/10319 +f 14238/21771/10323 14202/21727/10287 14227/21755/10312 +f 14239/21772/10324 14216/21744/10301 14235/21767/10320 +f 14242/21775/10327 14243/21776/10328 14209/21736/10294 +f 14244/21777/10329 14211/21738/10296 14214/21741/10299 +f 14242/21775/10327 14209/21736/10294 14208/21735/10293 +f 14240/21773/10325 14210/21737/10295 14198/21723/10283 +f 14245/21778/10330 14228/21756/10313 14220/21748/10305 +f 14242/21775/10327 14208/21735/10293 14221/21749/10306 +f 14244/21777/10329 14214/21741/10299 14246/21779/10331 +f 14247/21780/10332 14232/21762/10317 14226/21765/10311 +f 14248/21781/10333 14222/21750/10307 14230/21758/10315 +f 14249/21782/10334 14229/21757/10314 14239/21772/10324 +f 14250/21783/10335 14195/21720/10280 14223/21751/10308 +f 14250/21783/10335 14220/21748/10305 14195/21720/10280 +f 14248/21784/10333 14236/21768/10321 14222/21769/10307 +f 14249/21782/10334 14203/21728/10288 14229/21757/10314 +f 14251/21785/10336 14252/21786/10337 14225/21753/10310 +f 14251/21785/10336 14238/21771/10323 14234/21766/10319 +f 14249/21782/10334 14226/21754/10311 14203/21728/10288 +f 14251/21785/10336 14225/21753/10310 14238/21771/10323 +f 14253/21787/10338 14237/21770/10322 14212/21739/10297 +f 14254/21788/10339 14217/21745/10302 14255/21789/10340 +f 14253/21787/10338 14212/21739/10297 14231/21759/10316 +f 14253/21787/10338 14256/21790/10341 14218/21746/10303 +f 14257/21791/10342 14234/21766/10319 14219/21747/10304 +f 14253/21787/10338 14218/21746/10303 14237/21770/10322 +f 14254/21788/10339 14235/21767/10320 14217/21745/10302 +f 14257/21791/10342 14219/21747/10304 14236/21768/10321 +f 14258/21792/10343 14221/21749/10306 14199/21724/10284 +f 14259/21793/10344 14231/21759/10316 14228/21761/10313 +f 14260/21794/10345 14211/21738/10296 14244/21777/10329 +f 14259/21793/10344 14253/21787/10338 14231/21759/10316 +f 14260/21794/10345 14230/21758/10315 14211/21738/10296 +f 14261/21795/10346 14223/21751/10308 14233/21764/10318 +f 14258/21792/10343 14199/21724/10284 14232/21762/10317 +f 14261/21795/10346 14250/21783/10335 14223/21751/10308 +f 14262/21796/10347 14236/21768/10321 14248/21784/10333 +f 14263/21797/10348 14239/21772/10324 14235/21767/10320 +f 14262/21796/10347 14257/21791/10342 14236/21768/10321 +f 14264/21798/10349 14239/21772/10324 14263/21797/10348 +f 14264/21798/10349 14249/21782/10334 14239/21772/10324 +f 14265/21799/10350 14233/21764/10318 14210/21737/10295 +f 14266/21800/10351 14252/21786/10337 14251/21785/10336 +f 14265/21799/10350 14210/21737/10295 14240/21773/10325 +f 14266/21800/10351 14251/21785/10336 14234/21766/10319 +f 14266/21800/10351 14234/21766/10319 14257/21791/10342 +f 14267/21801/10352 14258/21792/10343 14232/21762/10317 +f 14267/21801/10352 14232/21762/10317 14247/21780/10332 +f 14268/21802/10353 14259/21793/10344 14228/21761/10313 +f 14269/21803/10354 14244/21777/10329 14246/21779/10331 +f 14268/21802/10353 14228/21761/10313 14245/21804/10330 +f 14270/21805/10355 14247/21780/10332 14226/21765/10311 +f 14270/21805/10355 14249/21806/10334 14264/21807/10349 +f 14269/21803/10354 14246/21779/10331 14271/21808/10356 +f 14272/21809/10357 14245/21804/10330 14220/21810/10305 +f 14272/21809/10357 14220/21810/10305 14250/21811/10335 +f 14270/21805/10355 14226/21765/10311 14249/21806/10334 +f 14273/21812/10358 14248/21781/10333 14230/21758/10315 +f 14273/21812/10358 14230/21758/10315 14260/21794/10345 +f 14272/21809/10357 14250/21811/10335 14261/21813/10346 +f 14274/21814/10359 14254/21788/10339 14255/21789/10340 +f 14275/21815/10360 14256/21790/10341 14253/21787/10338 +f 14275/21815/10360 14253/21787/10338 14259/21793/10344 +f 14276/21816/10361 14257/21791/10342 14262/21796/10347 +f 14277/21817/10362 14235/21767/10320 14254/21788/10339 +f 14276/21816/10361 14266/21800/10351 14257/21791/10342 +f 14278/21818/10363 14241/21774/10326 14279/21819/10364 +f 14278/21818/10363 14240/21773/10325 14241/21774/10326 +f 14280/21820/10365 14244/21777/10329 14269/21803/10354 +f 14277/21817/10362 14254/21788/10339 14274/21814/10359 +f 14277/21817/10362 14263/21797/10348 14235/21767/10320 +f 14281/21821/10366 14242/21775/10327 14221/21749/10306 +f 14280/21820/10365 14260/21794/10345 14244/21777/10329 +f 14281/21821/10366 14282/21822/10367 14243/21776/10328 +f 14281/21821/10366 14221/21749/10306 14258/21792/10343 +f 14281/21821/10366 14243/21776/10328 14242/21775/10327 +f 14283/21823/10368 14264/21798/10349 14263/21797/10348 +f 14284/21824/10369 14272/21809/10357 14261/21813/10346 +f 14285/21825/10370 14262/21796/10347 14248/21784/10333 +f 14285/21825/10370 14248/21784/10333 14273/21826/10358 +f 14286/21827/10371 14270/21805/10355 14264/21807/10349 +f 14287/21828/10372 14288/21829/10373 14252/21786/10337 +f 14289/21830/10374 14261/21795/10346 14233/21764/10318 +f 14287/21828/10372 14290/21831/10375 14288/21829/10373 +f 14287/21828/10372 14252/21786/10337 14266/21800/10351 +f 14287/21828/10372 14266/21800/10351 14276/21816/10361 +f 14289/21830/10374 14233/21764/10318 14265/21799/10350 +f 14286/21827/10371 14264/21807/10349 14283/21832/10368 +f 14291/21833/10376 14256/21790/10341 14275/21815/10360 +f 14291/21833/10376 14259/21793/10344 14268/21802/10353 +f 14292/21834/10377 14280/21820/10365 14269/21803/10354 +f 14291/21833/10376 14293/21835/10378 14256/21790/10341 +f 14294/21836/10379 14282/21822/10367 14281/21821/10366 +f 14294/21836/10379 14281/21821/10366 14258/21792/10343 +f 14291/21833/10376 14275/21815/10360 14259/21793/10344 +f 14292/21834/10377 14295/21837/10380 14296/21838/10381 +f 14294/21836/10379 14258/21792/10343 14267/21801/10352 +f 14292/21834/10377 14271/21808/10356 14295/21837/10380 +f 14297/21839/10382 14291/21833/10376 14268/21802/10353 +f 14292/21834/10377 14269/21803/10354 14271/21808/10356 +f 14298/21840/10383 14247/21780/10332 14270/21805/10355 +f 14297/21839/10382 14268/21802/10353 14245/21804/10330 +f 14298/21840/10383 14294/21836/10379 14267/21801/10352 +f 14297/21839/10382 14245/21804/10330 14272/21809/10357 +f 14299/21841/10384 14273/21812/10358 14260/21794/10345 +f 14298/21840/10383 14267/21801/10352 14247/21780/10332 +f 14300/21842/10385 14274/21814/10359 14255/21789/10340 +f 14299/21841/10384 14260/21794/10345 14280/21820/10365 +f 14301/21843/10386 14240/21773/10325 14278/21818/10363 +f 14301/21843/10386 14265/21799/10350 14240/21773/10325 +f 14300/21842/10385 14255/21789/10340 14302/21844/10387 +f 14303/21845/10388 14276/21816/10361 14262/21796/10347 +f 14303/21845/10388 14262/21796/10347 14285/21825/10370 +f 14304/21846/10389 14272/21809/10357 14284/21824/10369 +f 14305/21847/10390 14277/21817/10362 14274/21814/10359 +f 14306/21848/10391 14263/21797/10348 14277/21817/10362 +f 14307/21849/10392 14280/21820/10365 14292/21834/10377 +f 14306/21848/10391 14277/21817/10362 14305/21847/10390 +f 14304/21846/10389 14297/21839/10382 14272/21809/10357 +f 14307/21849/10392 14299/21841/10384 14280/21820/10365 +f 14308/21850/10393 14284/21824/10369 14261/21813/10346 +f 14306/21848/10391 14283/21823/10368 14263/21797/10348 +f 14308/21850/10393 14261/21813/10346 14289/21851/10374 +f 14309/21852/10394 14285/21825/10370 14273/21826/10358 +f 14310/21853/10395 14286/21827/10371 14283/21832/10368 +f 14309/21852/10394 14273/21826/10358 14299/21854/10384 +f 14311/21855/10396 14293/21835/10378 14291/21833/10376 +f 14312/21856/10397 14298/21840/10383 14270/21805/10355 +f 14311/21855/10396 14291/21833/10376 14297/21839/10382 +f 14313/21857/10398 14279/21819/10364 13849/21317/9934 +f 14312/21856/10397 14270/21805/10355 14286/21827/10371 +f 14313/21857/10398 13849/21317/9934 13848/21316/9933 +f 14312/21856/10397 14286/21827/10371 14310/21853/10395 +f 14313/21857/10398 14301/21843/10386 14278/21818/10363 +f 14314/21858/10399 14292/21834/10377 14296/21838/10381 +f 14313/21857/10398 14278/21818/10363 14279/21819/10364 +f 14314/21858/10399 14307/21849/10392 14292/21834/10377 +f 14313/21857/10398 13848/21316/9933 13877/21349/9962 +f 14315/21859/10400 14316/21860/10401 14290/21831/10375 +f 14315/21859/10400 14276/21816/10361 14303/21845/10388 +f 14315/21859/10400 14290/21831/10375 14287/21828/10372 +f 14317/21861/10402 14265/21799/10350 14301/21843/10386 +f 14315/21859/10400 14287/21828/10372 14276/21816/10361 +f 14318/21862/10403 14300/21842/10385 14302/21844/10387 +f 14319/21863/10404 14294/21836/10379 14298/21840/10383 +f 14319/21863/10404 14320/21864/10405 14282/21822/10367 +f 14319/21863/10404 14282/21822/10367 14294/21836/10379 +f 14317/21861/10402 14289/21830/10374 14265/21799/10350 +f 14321/21865/10406 14299/21841/10384 14307/21849/10392 +f 14321/21866/10406 14309/21852/10394 14299/21854/10384 +f 14322/21867/10407 14274/21814/10359 14300/21842/10385 +f 14323/21868/10408 14293/21835/10378 14311/21855/10396 +f 14322/21867/10407 14305/21847/10390 14274/21814/10359 +f 14323/21868/10408 14297/21839/10382 14304/21846/10389 +f 14323/21868/10408 14311/21855/10396 14297/21839/10382 +f 14323/21868/10408 14324/21869/10409 14293/21835/10378 +f 14325/21870/10410 14285/21825/10370 14309/21852/10394 +f 14326/21871/10411 14304/21846/10389 14284/21824/10369 +f 14325/21870/10410 14303/21845/10388 14285/21825/10370 +f 14327/21872/10412 14307/21849/10392 14314/21858/10399 +f 14328/21873/10413 14306/21848/10391 14305/21847/10390 +f 14326/21871/10411 14284/21824/10369 14308/21850/10393 +f 14329/21874/10414 14317/21861/10402 14301/21843/10386 +f 14330/21875/10415 14306/21876/10391 14328/21877/10413 +f 14329/21874/10414 14301/21843/10386 14313/21857/10398 +f 14327/21872/10412 14321/21865/10406 14307/21849/10392 +f 14329/21874/10414 14313/21857/10398 13877/21349/9962 +f 14330/21875/10415 14283/21832/10368 14306/21876/10391 +f 14330/21875/10415 14310/21853/10395 14283/21832/10368 +f 14329/21874/10414 13877/21349/9962 13887/21359/9972 +f 14331/21878/10416 14309/21852/10394 14321/21866/10406 +f 14331/21878/10416 14325/21870/10410 14309/21852/10394 +f 14332/21879/10417 14319/21863/10404 14298/21840/10383 +f 14333/21880/10418 14289/21851/10374 14317/21881/10402 +f 14334/21882/10419 14314/21858/10399 14296/21838/10381 +f 14332/21879/10417 14298/21840/10383 14312/21856/10397 +f 14332/21879/10417 14320/21864/10405 14319/21863/10404 +f 14333/21880/10418 14308/21850/10393 14289/21851/10374 +f 14334/21882/10419 14296/21838/10381 14335/21883/10420 +f 14336/21884/10421 14312/21856/10397 14310/21853/10395 +f 14337/21885/10422 14304/21846/10389 14326/21871/10411 +f 14337/21885/10422 14323/21868/10408 14304/21846/10389 +f 14336/21884/10421 14332/21879/10417 14312/21856/10397 +f 14337/21885/10422 14324/21869/10409 14323/21868/10408 +f 14338/21886/10423 14315/21859/10400 14303/21845/10388 +f 14338/21886/10423 14303/21845/10388 14325/21870/10410 +f 14339/21887/10424 14302/21844/10387 14340/21888/10425 +f 14341/21889/10426 14317/21861/10402 14329/21874/10414 +f 14338/21886/10423 14316/21860/10401 14315/21859/10400 +f 14341/21889/10426 14329/21874/10414 13887/21359/9972 +f 14341/21890/10426 13887/21372/9972 13897/21371/9982 +f 14339/21887/10424 14318/21862/10403 14302/21844/10387 +f 14342/21891/10427 14321/21865/10406 14327/21872/10412 +f 14343/21892/10428 14322/21867/10407 14300/21842/10385 +f 14344/21893/10429 14326/21871/10411 14308/21850/10393 +f 14343/21892/10428 14300/21842/10385 14318/21862/10403 +f 14345/21894/10430 14325/21870/10410 14331/21878/10416 +f 14344/21893/10429 14308/21850/10393 14333/21880/10418 +f 14345/21894/10430 14338/21886/10423 14325/21870/10410 +f 14346/21895/10431 14305/21847/10390 14322/21867/10407 +f 14347/21896/10432 14333/21880/10418 14317/21881/10402 +f 13479/20890/9564 14314/21858/10399 14334/21882/10419 +f 14347/21896/10432 14317/21881/10402 14341/21890/10426 +f 14346/21895/10431 14328/21873/10413 14305/21847/10390 +f 14347/21896/10432 14341/21890/10426 13897/21371/9982 +f 14347/21896/10432 13897/21371/9982 13899/21374/9984 +f 14348/21897/10433 14326/21871/10411 14344/21893/10429 +f 14348/21897/10433 14337/21885/10422 14326/21871/10411 +f 13483/20894/9568 14330/21875/10415 14328/21877/10413 +f 13479/20890/9564 14327/21872/10412 14314/21858/10399 +f 14348/21897/10433 14324/21869/10409 14337/21885/10422 +f 14348/21897/10433 14349/21898/10434 14324/21869/10409 +f 13494/20905/9579 14331/21878/10416 14321/21866/10406 +f 13494/20905/9579 14321/21866/10406 14342/21899/10427 +f 14350/21900/10435 14344/21893/10429 14333/21880/10418 +f 14351/21901/10436 14310/21853/10395 14330/21875/10415 +f 14350/21900/10435 14333/21880/10418 14347/21896/10432 +f 14351/21901/10436 14336/21884/10421 14310/21853/10395 +f 14350/21900/10435 14347/21896/10432 13899/21374/9984 +f 14351/21901/10436 14330/21875/10415 13483/20894/9568 +f 14350/21900/10435 13899/21374/9984 13910/21387/9995 +f 14352/21902/10437 14334/21882/10419 14335/21883/10420 +f 14353/21903/10438 14344/21893/10429 14350/21900/10435 +f 14353/21903/10438 14350/21900/10435 13910/21387/9995 +f 14353/21903/10438 14348/21897/10433 14344/21893/10429 +f 14353/21903/10438 14349/21898/10434 14348/21897/10433 +f 14352/21902/10437 14335/21883/10420 14354/21904/10439 +f 14353/21903/10438 14355/21905/10440 14349/21898/10434 +f 14353/21903/10438 13928/21409/10013 14355/21905/10440 +f 13506/20917/9591 14339/21887/10424 14340/21888/10425 +f 14356/21906/10441 14357/21907/10442 14316/21860/10401 +f 14353/21903/10438 13910/21387/9995 13928/21409/10013 +f 14358/21908/10443 13491/20902/9576 14320/21864/10405 +f 14358/21908/10443 14320/21864/10405 14332/21879/10417 +f 14356/21906/10441 14338/21886/10423 14345/21894/10430 +f 14358/21908/10443 14332/21879/10417 14336/21884/10421 +f 14356/21906/10441 14316/21860/10401 14338/21886/10423 +f 13509/21909/9594 14342/21891/10427 14327/21872/10412 +f 13509/21909/9594 14327/21872/10412 13479/20890/9564 +f 13499/20910/9584 14318/21862/10403 14339/21887/10424 +f 13499/20910/9584 14343/21892/10428 14318/21862/10403 +f 14359/21910/10444 14343/21892/10428 13499/20910/9584 +f 13504/20915/9589 14352/21902/10437 14354/21904/10439 +f 14359/21910/10444 14346/21895/10431 14322/21867/10407 +f 14359/21910/10444 14322/21867/10407 14343/21892/10428 +f 13504/20915/9589 14354/21904/10439 13487/20898/9572 +f 13484/20895/9569 14346/21911/10431 14359/21912/10444 +f 13493/20904/9578 14345/21894/10430 14331/21878/10416 +f 13484/20895/9569 14328/21877/10413 14346/21911/10431 +f 13493/20904/9578 14331/21878/10416 13494/20905/9579 +f 13484/20895/9569 13483/20894/9568 14328/21877/10413 +f 13480/20891/9565 14334/21882/10419 14352/21902/10437 +f 13480/20891/9565 13479/20890/9564 14334/21882/10419 +f 13482/20893/9567 14351/21901/10436 13483/20894/9568 +f 13490/20901/9575 14358/21908/10443 14336/21884/10421 +f 13490/20901/9575 14351/21901/10436 13482/20893/9567 +f 13490/20901/9575 13491/20902/9576 14358/21908/10443 +f 13496/20907/9581 14342/21899/10427 13509/20920/9594 +f 13490/20901/9575 14336/21884/10421 14351/21901/10436 +f 13496/20907/9581 13494/20905/9579 14342/21899/10427 +f 13502/20913/9587 13499/20910/9584 14339/21887/10424 +f 13502/20913/9587 14339/21887/10424 13506/20917/9591 +f 13501/20912/9586 14352/21902/10437 13504/20915/9589 +f 13507/20918/9592 13506/20917/9591 14340/21888/10425 +f 13507/20918/9592 14340/21888/10425 13523/20938/9608 +f 13501/20912/9586 13480/20891/9565 14352/21902/10437 +f 13486/20897/9571 13504/20915/9589 13487/20898/9572 +f 13498/20909/9583 14359/21910/10444 13499/20910/9584 +f 13521/20936/9606 13520/20935/9605 14357/21907/10442 +f 13521/20936/9606 14356/21906/10441 14345/21894/10430 +f 13511/20925/9596 14359/21912/10444 13498/20923/9583 +f 13521/20936/9606 14357/21907/10442 14356/21906/10441 +f 13521/20936/9606 14345/21894/10430 13493/20904/9578 +f 13511/20925/9596 13484/20895/9569 14359/21912/10444 +f 13478/20889/9563 13509/21909/9594 13479/20890/9564 +f 13514/20929/9599 13507/20918/9592 13523/20938/9608 +f 14360/21913/10445 14361/21914/10446 14362/21915/10447 +f 14363/21916/10448 14364/21917/10449 14365/21918/10450 +f 14366/21919/10451 14367/21920/10452 14368/21921/10453 +f 14369/21922/10454 14370/21923/10455 14371/21924/10456 +f 14372/21925/10457 14369/21922/10454 14371/21924/10456 +f 14373/21926/10458 14374/21927/10459 14368/21921/10453 +f 14374/21927/10459 14366/21919/10451 14368/21921/10453 +f 14370/21923/10455 14375/21928/10460 14371/21924/10456 +f 14376/21929/10461 14377/21930/10462 14378/21931/10463 +f 14379/21932/10464 14376/21929/10461 14378/21931/10463 +f 14380/21933/10465 14363/21916/10448 14381/21934/10466 +f 14362/21915/10447 14361/21914/10446 14382/21935/10467 +f 14383/21936/10468 14372/21937/10457 14384/21938/10469 +f 14385/21939/10470 14383/21936/10468 14384/21938/10469 +f 14361/21914/10446 14373/21940/10458 14382/21935/10467 +f 14365/21918/10450 14385/21939/10470 14384/21938/10469 +f 14386/21941/10471 14387/21942/10472 14388/21943/10473 +f 14367/21920/10452 14386/21941/10471 14388/21943/10473 +f 14372/21925/10457 14371/21924/10456 14389/21944/10474 +f 14390/21945/10475 14391/21946/10476 14392/21947/10477 +f 14393/21948/10478 14394/21949/10479 14395/21950/10480 +f 14396/21951/10481 14397/21952/10482 14395/21950/10480 +f 14391/21946/10476 14398/21953/10483 14392/21947/10477 +f 14375/21928/10460 14396/21951/10481 14395/21950/10480 +f 14387/21942/10472 14390/21945/10475 14392/21947/10477 +f 14373/21926/10458 14368/21921/10453 14399/21954/10484 +f 14397/21952/10482 14393/21948/10478 14395/21950/10480 +f 14382/21955/10467 14373/21926/10458 14399/21954/10484 +f 14363/21916/10448 14365/21918/10450 14400/21956/10485 +f 14381/21934/10466 14363/21916/10448 14400/21956/10485 +f 14360/21913/10445 14362/21915/10447 14401/21957/10486 +f 14377/21930/10462 14360/21913/10445 14401/21957/10486 +f 14365/21918/10450 14384/21938/10469 14402/21958/10487 +f 14378/21931/10463 14377/21930/10462 14401/21957/10486 +f 14403/21959/10488 14380/21933/10465 14404/21960/10489 +f 14380/21933/10465 14381/21934/10466 14404/21960/10489 +f 14362/21915/10447 14382/21935/10467 14405/21961/10490 +f 14368/21921/10453 14367/21920/10452 14406/21962/10491 +f 14367/21920/10452 14388/21943/10473 14406/21962/10491 +f 14371/21924/10456 14375/21928/10460 14407/21963/10492 +f 14375/21928/10460 14395/21950/10480 14407/21963/10492 +f 14379/21932/10464 14378/21931/10463 14408/21964/10493 +f 14381/21934/10466 14400/21956/10485 14409/21965/10494 +f 14384/21966/10469 14372/21925/10457 14410/21967/10495 +f 14388/21943/10473 14387/21942/10472 14411/21968/10496 +f 14387/21942/10472 14392/21947/10477 14411/21968/10496 +f 14372/21925/10457 14389/21944/10474 14410/21967/10495 +f 14392/21947/10477 14398/21953/10483 14411/21968/10496 +f 14402/21969/10487 14384/21966/10469 14410/21967/10495 +f 14389/21944/10474 14371/21924/10456 14412/21970/10497 +f 14378/21931/10463 14401/21957/10486 14413/21971/10498 +f 14371/21924/10456 14407/21963/10492 14412/21970/10497 +f 14382/21955/10467 14399/21954/10484 14414/21972/10499 +f 14403/21959/10488 14404/21960/10489 14415/21973/10500 +f 14405/21974/10490 14382/21955/10467 14414/21972/10499 +f 14379/21932/10464 14408/21964/10493 14416/21975/10501 +f 14417/21976/10502 14379/21932/10464 14416/21975/10501 +f 14400/21956/10485 14365/21918/10450 14418/21977/10503 +f 14365/21918/10450 14402/21958/10487 14418/21977/10503 +f 14409/21965/10494 14400/21956/10485 14418/21977/10503 +f 14368/21921/10453 14406/21962/10491 14419/21978/10504 +f 14418/21979/10503 14402/21969/10487 14420/21980/10505 +f 14399/21954/10484 14368/21921/10453 14419/21978/10504 +f 14414/21972/10499 14399/21954/10484 14419/21978/10504 +f 14402/21969/10487 14410/21967/10495 14420/21980/10505 +f 14401/21957/10486 14362/21915/10447 14421/21981/10506 +f 14362/21915/10447 14405/21961/10490 14421/21981/10506 +f 14394/21949/10479 14422/21982/10507 14423/21983/10508 +f 14395/21950/10480 14394/21949/10479 14423/21983/10508 +f 14407/21963/10492 14395/21950/10480 14423/21983/10508 +f 14415/21973/10500 14404/21960/10489 14424/21984/10509 +f 14388/21943/10473 14411/21968/10496 14425/21985/10510 +f 14406/21962/10491 14388/21943/10473 14425/21985/10510 +f 14411/21968/10496 14398/21953/10483 14425/21985/10510 +f 14404/21960/10489 14381/21934/10466 14424/21984/10509 +f 14398/21953/10483 14426/21986/10511 14425/21985/10510 +f 14381/21934/10466 14409/21965/10494 14424/21984/10509 +f 14405/21974/10490 14414/21972/10499 14427/21987/10512 +f 14428/21988/10513 14403/21959/10488 14429/21989/10514 +f 14403/21959/10488 14415/21973/10500 14429/21989/10514 +f 14408/21964/10493 14378/21931/10463 14430/21990/10515 +f 14416/21975/10501 14408/21964/10493 14430/21990/10515 +f 14409/21965/10494 14418/21977/10503 14431/21991/10516 +f 14378/21931/10463 14413/21971/10498 14430/21990/10515 +f 14422/21982/10507 14432/21992/10517 14433/21993/10518 +f 14407/21963/10492 14423/21983/10508 14433/21993/10518 +f 14401/21957/10486 14421/21981/10506 14434/21994/10519 +f 14423/21983/10508 14422/21982/10507 14433/21993/10518 +f 14413/21971/10498 14401/21957/10486 14434/21994/10519 +f 14412/21970/10497 14407/21963/10492 14433/21993/10518 +f 14420/21980/10505 14410/21967/10495 14435/21995/10520 +f 14427/21987/10512 14414/21972/10499 14436/21996/10521 +f 14410/21967/10495 14389/21944/10474 14435/21995/10520 +f 14414/21972/10499 14419/21978/10504 14436/21996/10521 +f 14389/21944/10474 14412/21970/10497 14435/21995/10520 +f 14429/21989/10514 14415/21973/10500 14437/21997/10522 +f 14415/21973/10500 14424/21984/10509 14437/21997/10522 +f 14419/21978/10504 14406/21962/10491 14438/21998/10523 +f 14406/21962/10491 14425/21985/10510 14438/21998/10523 +f 14436/21996/10521 14419/21978/10504 14438/21998/10523 +f 14425/21985/10510 14426/21986/10511 14438/21998/10523 +f 14417/21976/10502 14416/21975/10501 14439/21999/10524 +f 14431/22000/10516 14418/21979/10503 14440/22001/10525 +f 14418/21979/10503 14420/21980/10505 14440/22001/10525 +f 14420/21980/10505 14435/21995/10520 14441/22002/10526 +f 14416/21975/10501 14430/21990/10515 14442/22003/10527 +f 14439/21999/10524 14416/21975/10501 14442/22003/10527 +f 14424/21984/10509 14409/21965/10494 14443/22004/10528 +f 14421/22005/10506 14405/21974/10490 14444/22006/10529 +f 14437/21997/10522 14424/21984/10509 14443/22004/10528 +f 14405/21974/10490 14427/21987/10512 14444/22006/10529 +f 14434/22007/10519 14421/22005/10506 14444/22006/10529 +f 14409/21965/10494 14431/21991/10516 14443/22004/10528 +f 14428/21988/10513 14429/21989/10514 14445/22008/10530 +f 14427/21987/10512 14436/21996/10521 14446/22009/10531 +f 14433/21993/10518 14432/21992/10517 14447/22010/10532 +f 14412/21970/10497 14433/21993/10518 14447/22010/10532 +f 14430/21990/10515 14413/21971/10498 14448/22011/10533 +f 14435/21995/10520 14412/21970/10497 14447/22010/10532 +f 14441/22002/10526 14435/21995/10520 14447/22010/10532 +f 14413/21971/10498 14434/21994/10519 14448/22011/10533 +f 14445/22008/10530 14429/21989/10514 14449/22012/10534 +f 14446/22009/10531 14436/21996/10521 14450/22013/10535 +f 14426/21986/10511 14451/22014/10536 14450/22013/10535 +f 14438/21998/10523 14426/21986/10511 14450/22013/10535 +f 14429/21989/10514 14437/21997/10522 14449/22012/10534 +f 14436/21996/10521 14438/21998/10523 14450/22013/10535 +f 14434/22007/10519 14444/22006/10529 14452/22015/10537 +f 14431/22000/10516 14440/22001/10525 14453/22016/10538 +f 14454/22017/10539 14428/21988/10513 14455/22018/10540 +f 14428/21988/10513 14445/22008/10530 14455/22018/10540 +f 14439/21999/10524 14442/22003/10527 14456/22019/10541 +f 14430/21990/10515 14448/22011/10533 14457/22020/10542 +f 14437/21997/10522 14443/22004/10528 14458/22021/10543 +f 14442/22003/10527 14430/21990/10515 14457/22020/10542 +f 14449/22012/10534 14437/21997/10522 14458/22021/10543 +f 14456/22019/10541 14442/22003/10527 14457/22020/10542 +f 14440/22001/10525 14420/21980/10505 14459/22022/10544 +f 14444/22006/10529 14427/21987/10512 14460/22023/10545 +f 14420/21980/10505 14441/22002/10526 14459/22022/10544 +f 14427/21987/10512 14446/22009/10531 14460/22023/10545 +f 14453/22016/10538 14440/22001/10525 14459/22022/10544 +f 14432/21992/10517 14461/22024/10546 14462/22025/10547 +f 14441/22002/10526 14447/22010/10532 14462/22025/10547 +f 14447/22010/10532 14432/21992/10517 14462/22025/10547 +f 14446/22009/10531 14450/22013/10535 14463/22026/10548 +f 14450/22013/10535 14451/22014/10536 14463/22026/10548 +f 14443/22027/10528 14431/22000/10516 14464/22028/10549 +f 14431/22000/10516 14453/22016/10538 14464/22028/10549 +f 14465/22029/10550 14417/21976/10502 14466/22030/10551 +f 14458/22031/10543 14443/22027/10528 14464/22028/10549 +f 14467/22032/10552 14465/22029/10550 14466/22030/10551 +f 14445/22008/10530 14449/22012/10534 14468/22033/10553 +f 14417/21976/10502 14439/21999/10524 14466/22030/10551 +f 14455/22018/10540 14445/22008/10530 14468/22033/10553 +f 14457/22034/10542 14448/22035/10533 14469/22036/10554 +f 14448/22035/10533 14434/22007/10519 14469/22036/10554 +f 14434/22007/10519 14452/22015/10537 14469/22036/10554 +f 14449/22012/10534 14458/22021/10543 14470/22037/10555 +f 14444/22006/10529 14460/22023/10545 14471/22038/10556 +f 14452/22015/10537 14444/22006/10529 14471/22038/10556 +f 14453/22016/10538 14459/22022/10544 14472/22039/10557 +f 14456/22019/10541 14457/22020/10542 14473/22040/10558 +f 14454/22017/10539 14455/22018/10540 14474/22041/10559 +f 14457/22034/10542 14469/22036/10554 14475/22042/10560 +f 14459/22022/10544 14441/22002/10526 14476/22043/10561 +f 14473/22044/10558 14457/22034/10542 14475/22042/10560 +f 14441/22002/10526 14462/22025/10547 14476/22043/10561 +f 14460/22023/10545 14446/22009/10531 14477/22045/10562 +f 14472/22039/10557 14459/22022/10544 14476/22043/10561 +f 14462/22025/10547 14461/22024/10546 14476/22043/10561 +f 14463/22026/10548 14451/22014/10536 14477/22045/10562 +f 14451/22014/10536 14478/22046/10563 14477/22045/10562 +f 14455/22018/10540 14468/22033/10553 14479/22047/10564 +f 14446/22009/10531 14463/22026/10548 14477/22045/10562 +f 14474/22041/10559 14455/22018/10540 14479/22047/10564 +f 14439/21999/10524 14456/22019/10541 14480/22048/10565 +f 14466/22030/10551 14439/21999/10524 14480/22048/10565 +f 14458/22031/10543 14464/22028/10549 14481/22049/10566 +f 14470/22050/10555 14458/22031/10543 14481/22049/10566 +f 14482/22051/10567 14454/22017/10539 14483/22052/10568 +f 14471/22038/10556 14460/22023/10545 14484/22053/10569 +f 14460/22023/10545 14477/22045/10562 14484/22053/10569 +f 14454/22017/10539 14474/22041/10559 14483/22052/10568 +f 14477/22045/10562 14478/22046/10563 14484/22053/10569 +f 14464/22028/10549 14453/22016/10538 14485/22054/10570 +f 14452/22015/10537 14471/22038/10556 14486/22055/10571 +f 14469/22036/10554 14452/22015/10537 14486/22055/10571 +f 14453/22016/10538 14472/22039/10557 14485/22054/10570 +f 14481/22049/10566 14464/22028/10549 14485/22054/10570 +f 14467/22032/10552 14466/22030/10551 14487/22056/10572 +f 14466/22030/10551 14480/22048/10565 14487/22056/10572 +f 14468/22033/10553 14449/22012/10534 14488/22057/10573 +f 14449/22012/10534 14470/22037/10555 14488/22057/10573 +f 14461/22024/10546 14489/22058/10574 14490/22059/10575 +f 14476/22043/10561 14461/22024/10546 14490/22059/10575 +f 14472/22039/10557 14476/22043/10561 14490/22059/10575 +f 14473/22044/10558 14475/22042/10560 14491/22060/10576 +f 14470/22050/10555 14481/22049/10566 14492/22061/10577 +f 14475/22042/10560 14469/22036/10554 14493/22062/10578 +f 14469/22036/10554 14486/22055/10571 14493/22062/10578 +f 14488/22063/10573 14470/22050/10555 14492/22061/10577 +f 14491/22060/10576 14475/22042/10560 14493/22062/10578 +f 14456/22019/10541 14473/22040/10558 14494/22064/10579 +f 14474/22041/10559 14479/22047/10564 14495/22065/10580 +f 14480/22048/10565 14456/22019/10541 14494/22064/10579 +f 14483/22052/10568 14474/22041/10559 14495/22065/10580 +f 14471/22038/10556 14484/22053/10569 14496/22066/10581 +f 14486/22055/10571 14471/22038/10556 14496/22066/10581 +f 14479/22047/10564 14468/22033/10553 14497/22067/10582 +f 14484/22053/10569 14478/22046/10563 14496/22066/10581 +f 14468/22033/10553 14488/22057/10573 14497/22067/10582 +f 14478/22046/10563 14498/22068/10583 14496/22066/10581 +f 14480/22048/10565 14494/22064/10579 14499/22069/10584 +f 14481/22049/10566 14485/22054/10570 14500/22070/10585 +f 14492/22061/10577 14481/22049/10566 14500/22070/10585 +f 14487/22056/10572 14480/22048/10565 14499/22069/10584 +f 14500/22070/10585 14485/22054/10570 14501/22071/10586 +f 14493/22062/10578 14486/22055/10571 14502/22072/10587 +f 14486/22055/10571 14496/22066/10581 14502/22072/10587 +f 14490/22059/10575 14489/22058/10574 14501/22071/10586 +f 14485/22054/10570 14472/22039/10557 14501/22071/10586 +f 14496/22066/10581 14498/22068/10583 14502/22072/10587 +f 14472/22039/10557 14490/22059/10575 14501/22071/10586 +f 14493/22062/10578 14502/22072/10587 14503/22073/10588 +f 14491/22060/10576 14493/22062/10578 14503/22073/10588 +f 14504/22074/10589 14482/22051/10567 14505/22075/10590 +f 14482/22051/10567 14483/22052/10568 14505/22075/10590 +f 14467/22032/10552 14487/22056/10572 14506/22076/10591 +f 14507/22077/10592 14467/22032/10552 14506/22076/10591 +f 14508/22078/10593 14507/22079/10592 14506/22080/10591 +f 14483/22052/10568 14495/22065/10580 14509/22081/10594 +f 14510/22082/10595 14508/22078/10593 14506/22080/10591 +f 14511/22083/10596 14510/22082/10595 14506/22080/10591 +f 14505/22075/10590 14483/22052/10568 14509/22081/10594 +f 14487/22056/10572 14499/22069/10584 14506/22076/10591 +f 14494/22084/10579 14473/22044/10558 14512/22085/10597 +f 14473/22044/10558 14491/22060/10576 14512/22085/10597 +f 14488/22063/10573 14492/22061/10577 14513/22086/10598 +f 14497/22087/10582 14488/22063/10573 14513/22086/10598 +f 14492/22061/10577 14500/22070/10585 14514/22088/10599 +f 14494/22084/10579 14512/22085/10597 14515/22089/10600 +f 14479/22047/10564 14497/22067/10582 14516/22090/10601 +f 14499/22069/10584 14494/22064/10579 14515/22091/10600 +f 14503/22073/10588 14502/22072/10587 14517/22092/10602 +f 14495/22065/10580 14479/22047/10564 14516/22090/10601 +f 14509/22081/10594 14495/22065/10580 14516/22090/10601 +f 14498/22068/10583 14518/22093/10603 14517/22092/10602 +f 14502/22072/10587 14498/22068/10583 14517/22092/10602 +f 14489/22058/10574 14519/22094/10604 14520/22095/10605 +f 14521/22096/10606 14511/22083/10596 14522/22097/10607 +f 14500/22070/10585 14501/22071/10586 14520/22095/10605 +f 14511/22083/10596 14506/22080/10591 14522/22097/10607 +f 14514/22088/10599 14500/22070/10585 14520/22095/10605 +f 14506/22076/10591 14499/22069/10584 14522/22098/10607 +f 14501/22071/10586 14489/22058/10574 14520/22095/10605 +f 14499/22069/10584 14515/22091/10600 14522/22098/10607 +f 14497/22087/10582 14513/22086/10598 14523/22099/10608 +f 14512/22085/10597 14491/22060/10576 14524/22100/10609 +f 14491/22060/10576 14503/22073/10588 14524/22100/10609 +f 14516/22101/10601 14497/22087/10582 14523/22099/10608 +f 14505/22075/10590 14509/22081/10594 14525/22102/10610 +f 14515/22089/10600 14512/22085/10597 14526/22103/10611 +f 14512/22085/10597 14524/22100/10609 14526/22103/10611 +f 14515/22089/10600 14526/22103/10611 14527/22104/10612 +f 14528/22105/10613 14521/22106/10606 14527/22104/10612 +f 14509/22081/10594 14516/22090/10601 14529/22107/10614 +f 14521/22096/10606 14522/22097/10607 14527/22108/10612 +f 14522/22098/10607 14515/22091/10600 14527/22109/10612 +f 14518/22093/10603 14530/22110/10615 14531/22111/10616 +f 14503/22073/10588 14517/22092/10602 14531/22111/10616 +f 14513/22086/10598 14492/22061/10577 14532/22112/10617 +f 14524/22100/10609 14503/22073/10588 14531/22111/10616 +f 14492/22061/10577 14514/22088/10599 14532/22112/10617 +f 14517/22092/10602 14518/22093/10603 14531/22111/10616 +f 14524/22100/10609 14531/22111/10616 14533/22113/10618 +f 14514/22088/10599 14520/22095/10605 14534/22114/10619 +f 14520/22095/10605 14519/22094/10604 14534/22114/10619 +f 14526/22103/10611 14524/22100/10609 14533/22113/10618 +f 14528/22105/10613 14527/22104/10612 14535/22115/10620 +f 14505/22075/10590 14525/22102/10610 14536/22116/10621 +f 14504/22074/10589 14505/22075/10590 14536/22116/10621 +f 14537/22117/10622 14528/22105/10613 14535/22115/10620 +f 14527/22104/10612 14526/22103/10611 14535/22115/10620 +f 14530/22110/10615 14538/22118/10623 14539/22119/10624 +f 14529/22120/10614 14516/22101/10601 14540/22121/10625 +f 14533/22113/10618 14531/22111/10616 14539/22119/10624 +f 14531/22111/10616 14530/22110/10615 14539/22119/10624 +f 14516/22101/10601 14523/22099/10608 14540/22121/10625 +f 14533/22113/10618 14539/22119/10624 14541/22122/10626 +f 14526/22103/10611 14533/22113/10618 14541/22122/10626 +f 14523/22099/10608 14513/22086/10598 14542/22123/10627 +f 14537/22117/10622 14535/22115/10620 14541/22122/10626 +f 14535/22115/10620 14526/22103/10611 14541/22122/10626 +f 14513/22086/10598 14532/22112/10617 14542/22123/10627 +f 14543/22124/10628 14537/22117/10622 14541/22122/10626 +f 14541/22122/10626 14539/22119/10624 14544/22125/10629 +f 14543/22124/10628 14541/22122/10626 14544/22125/10629 +f 14545/22126/10630 14543/22124/10628 14544/22125/10629 +f 14539/22119/10624 14538/22118/10623 14544/22125/10629 +f 14538/22118/10623 14545/22126/10630 14544/22125/10629 +f 14525/22102/10610 14509/22081/10594 14546/22127/10631 +f 14509/22081/10594 14529/22107/10614 14546/22127/10631 +f 14529/22120/10614 14540/22121/10625 14547/22128/10632 +f 14546/22129/10631 14529/22120/10614 14547/22128/10632 +f 14534/22114/10619 14519/22094/10604 14548/22130/10633 +f 14519/22094/10604 14549/22131/10634 14548/22130/10633 +f 14514/22088/10599 14534/22114/10619 14548/22130/10633 +f 14542/22123/10627 14532/22112/10617 14548/22130/10633 +f 14532/22112/10617 14514/22088/10599 14548/22130/10633 +f 14525/22102/10610 14546/22127/10631 14550/22132/10635 +f 14536/22116/10621 14525/22102/10610 14550/22132/10635 +f 14548/22130/10633 14549/22131/10634 14551/22133/10636 +f 14542/22123/10627 14548/22130/10633 14551/22133/10636 +f 14540/22121/10625 14523/22099/10608 14552/22134/10637 +f 14523/22099/10608 14542/22123/10627 14552/22134/10637 +f 14553/22135/10638 14504/22074/10589 14554/22136/10639 +f 14555/22137/10640 14553/22138/10638 14554/22139/10639 +f 14504/22074/10589 14536/22116/10621 14554/22136/10639 +f 14546/22129/10631 14547/22128/10632 14556/22140/10641 +f 14540/22121/10625 14552/22134/10637 14557/22141/10642 +f 14547/22128/10632 14540/22121/10625 14557/22141/10642 +f 14550/22132/10635 14546/22127/10631 14558/22142/10643 +f 14546/22129/10631 14556/22140/10641 14558/22143/10643 +f 14549/22131/10634 14559/22144/10644 14560/22145/10645 +f 14551/22133/10636 14549/22131/10634 14560/22145/10645 +f 14542/22123/10627 14551/22133/10636 14560/22145/10645 +f 14552/22134/10637 14542/22123/10627 14560/22145/10645 +f 14536/22116/10621 14550/22132/10635 14561/22146/10646 +f 14554/22136/10639 14536/22116/10621 14561/22146/10646 +f 14560/22145/10645 14559/22144/10644 14562/22147/10647 +f 14557/22141/10642 14552/22134/10637 14562/22147/10647 +f 14552/22134/10637 14560/22145/10645 14562/22147/10647 +f 14556/22140/10641 14547/22128/10632 14563/22148/10648 +f 14547/22128/10632 14557/22141/10642 14563/22148/10648 +f 14555/22137/10640 14554/22139/10639 14564/22149/10649 +f 14554/22139/10639 14561/22150/10646 14564/22149/10649 +f 14558/22143/10643 14556/22140/10641 14565/22151/10650 +f 14556/22140/10641 14563/22148/10648 14565/22151/10650 +f 14550/22132/10635 14558/22142/10643 14566/22152/10651 +f 14561/22146/10646 14550/22132/10635 14566/22152/10651 +f 14559/22144/10644 14567/22153/10652 14568/22154/10653 +f 14562/22147/10647 14559/22144/10644 14568/22154/10653 +f 14557/22141/10642 14562/22147/10647 14568/22154/10653 +f 14563/22148/10648 14557/22141/10642 14568/22154/10653 +f 14561/22150/10646 14566/22155/10651 14569/22156/10654 +f 14564/22149/10649 14561/22150/10646 14569/22156/10654 +f 14565/22151/10650 14563/22148/10648 14570/22157/10655 +f 14563/22148/10648 14568/22154/10653 14570/22157/10655 +f 14571/22158/10656 14555/22137/10640 14572/22159/10657 +f 14555/22137/10640 14564/22149/10649 14572/22159/10657 +f 14558/22143/10643 14565/22151/10650 14573/22160/10658 +f 14566/22161/10651 14558/22143/10643 14573/22160/10658 +f 14569/22156/10654 14566/22155/10651 14574/22162/10659 +f 14566/22161/10651 14573/22160/10658 14574/22163/10659 +f 14567/22153/10652 14575/22164/10660 14576/22165/10661 +f 14570/22157/10655 14568/22154/10653 14576/22165/10661 +f 14568/22154/10653 14567/22153/10652 14576/22165/10661 +f 14572/22159/10657 14564/22149/10649 14577/22166/10662 +f 14564/22149/10649 14569/22156/10654 14577/22166/10662 +f 14573/22160/10658 14565/22151/10650 14578/22167/10663 +f 14565/22151/10650 14570/22157/10655 14578/22167/10663 +f 14579/22168/10664 14571/22158/10656 14580/22169/10665 +f 14571/22158/10656 14572/22159/10657 14580/22169/10665 +f 14574/22163/10659 14573/22160/10658 14581/22170/10666 +f 14573/22160/10658 14578/22167/10663 14581/22170/10666 +f 14577/22166/10662 14569/22156/10654 14582/22171/10667 +f 14569/22156/10654 14574/22162/10659 14582/22171/10667 +f 14575/22164/10660 14583/22172/10668 14584/22173/10669 +f 14576/22165/10661 14575/22164/10660 14584/22173/10669 +f 14570/22157/10655 14576/22165/10661 14584/22173/10669 +f 14578/22167/10663 14570/22157/10655 14584/22173/10669 +f 14580/22169/10665 14572/22159/10657 14585/22174/10670 +f 14572/22159/10657 14577/22166/10662 14585/22174/10670 +f 14586/22175/10671 14579/22168/10664 14587/22176/10672 +f 14580/22169/10665 14585/22174/10670 14587/22176/10672 +f 14579/22168/10664 14580/22169/10665 14587/22176/10672 +f 14581/22170/10666 14578/22167/10663 14588/22177/10673 +f 14574/22163/10659 14581/22170/10666 14589/22178/10674 +f 14582/22179/10667 14574/22163/10659 14589/22178/10674 +f 14577/22166/10662 14582/22171/10667 14590/22180/10675 +f 14585/22174/10670 14577/22166/10662 14590/22180/10675 +f 14583/22172/10668 14591/22181/10676 14592/22182/10677 +f 14584/22173/10669 14583/22172/10668 14592/22182/10677 +f 14578/22167/10663 14584/22173/10669 14592/22182/10677 +f 14588/22177/10673 14578/22167/10663 14592/22182/10677 +f 14585/22174/10670 14590/22180/10675 14593/22183/10678 +f 14587/22176/10672 14585/22174/10670 14593/22183/10678 +f 14594/22184/10679 14586/22175/10671 14595/22185/10680 +f 14587/22176/10672 14593/22183/10678 14595/22185/10680 +f 14586/22175/10671 14587/22176/10672 14595/22185/10680 +f 14581/22170/10666 14588/22177/10673 14596/22186/10681 +f 14589/22178/10674 14581/22170/10666 14596/22186/10681 +f 14582/22179/10667 14589/22178/10674 14597/22187/10682 +f 14590/22188/10675 14582/22179/10667 14597/22187/10682 +f 14593/22183/10678 14590/22180/10675 14598/22189/10683 +f 14590/22188/10675 14597/22187/10682 14598/22190/10683 +f 14596/22186/10681 14588/22177/10673 14599/22191/10684 +f 14592/22182/10677 14591/22181/10676 14599/22191/10684 +f 14588/22177/10673 14592/22182/10677 14599/22191/10684 +f 14591/22181/10676 14600/22192/10685 14599/22191/10684 +f 14593/22183/10678 14598/22189/10683 14601/22193/10686 +f 14595/22185/10680 14593/22183/10678 14601/22193/10686 +f 14594/22184/10679 14595/22185/10680 14602/22194/10687 +f 14595/22185/10680 14601/22193/10686 14602/22194/10687 +f 14603/22195/10688 14594/22184/10679 14602/22194/10687 +f 14589/22178/10674 14596/22186/10681 14604/22196/10689 +f 14597/22187/10682 14589/22178/10674 14604/22196/10689 +f 14598/22190/10683 14597/22187/10682 14605/22197/10690 +f 14597/22187/10682 14604/22196/10689 14605/22197/10690 +f 14598/22190/10683 14605/22197/10690 14606/22198/10691 +f 14601/22193/10686 14598/22189/10683 14606/22199/10691 +f 14596/22186/10681 14599/22191/10684 14607/22200/10692 +f 14604/22196/10689 14596/22186/10681 14607/22200/10692 +f 14599/22191/10684 14600/22192/10685 14607/22200/10692 +f 14600/22192/10685 14608/22201/10693 14607/22200/10692 +f 14602/22194/10687 14601/22193/10686 14609/22202/10694 +f 14601/22193/10686 14606/22199/10691 14609/22202/10694 +f 14610/22203/10695 14603/22195/10688 14611/22204/10696 +f 14603/22195/10688 14602/22194/10687 14611/22204/10696 +f 14602/22194/10687 14609/22202/10694 14611/22204/10696 +f 14605/22197/10690 14604/22196/10689 14612/22205/10697 +f 14606/22198/10691 14605/22197/10690 14613/22206/10698 +f 14605/22197/10690 14612/22205/10697 14613/22206/10698 +f 14610/22203/10695 14611/22204/10696 14614/22207/10699 +f 14606/22198/10691 14613/22206/10698 14615/22208/10700 +f 14609/22202/10694 14606/22199/10691 14615/22209/10700 +f 14604/22196/10689 14607/22200/10692 14616/22210/10701 +f 14612/22205/10697 14604/22196/10689 14616/22210/10701 +f 14607/22200/10692 14608/22201/10693 14616/22210/10701 +f 14608/22201/10693 14617/22211/10702 14616/22210/10701 +f 14611/22204/10696 14609/22202/10694 14618/22212/10703 +f 14614/22207/10699 14611/22204/10696 14618/22212/10703 +f 14609/22202/10694 14615/22209/10700 14618/22212/10703 +f 14543/22124/10628 14545/22126/10630 14619/22213/10704 +f 14620/22214/10705 14508/22078/10593 14621/22215/10706 +f 14622/22216/10707 14610/22203/10695 14623/22217/10708 +f 14508/22078/10593 14510/22082/10595 14621/22215/10706 +f 14610/22203/10695 14614/22207/10699 14623/22217/10708 +f 14613/22206/10698 14612/22205/10697 14624/22218/10709 +f 14510/22082/10595 14511/22083/10596 14625/22219/10710 +f 14623/22217/10708 14614/22207/10699 14626/22220/10711 +f 14614/22207/10699 14618/22212/10703 14626/22220/10711 +f 14621/22215/10706 14510/22082/10595 14625/22219/10710 +f 14627/22221/10712 14620/22214/10705 14628/22222/10713 +f 14613/22206/10698 14624/22218/10709 14629/22223/10714 +f 14620/22214/10705 14621/22215/10706 14628/22222/10713 +f 14615/22208/10700 14613/22206/10698 14629/22223/10714 +f 14511/22083/10596 14521/22096/10606 14630/22224/10715 +f 14622/22216/10707 14623/22217/10708 14631/22225/10716 +f 14625/22219/10710 14511/22083/10596 14630/22224/10715 +f 14615/22208/10700 14629/22223/10714 14632/22226/10717 +f 14618/22212/10703 14615/22209/10700 14632/22227/10717 +f 14621/22215/10706 14625/22219/10710 14633/22228/10718 +f 14628/22222/10713 14621/22215/10706 14633/22228/10718 +f 14624/22218/10709 14612/22205/10697 14634/22229/10719 +f 14612/22205/10697 14616/22210/10701 14634/22229/10719 +f 14635/22230/10720 14627/22221/10712 14636/22231/10721 +f 14616/22210/10701 14617/22211/10702 14634/22229/10719 +f 14617/22211/10702 14637/22232/10722 14634/22229/10719 +f 14627/22221/10712 14628/22222/10713 14636/22231/10721 +f 14631/22225/10716 14623/22217/10708 14638/22233/10723 +f 14623/22217/10708 14626/22220/10711 14638/22233/10723 +f 14521/22106/10606 14528/22105/10613 14639/22234/10724 +f 14626/22220/10711 14618/22212/10703 14640/22235/10725 +f 14618/22212/10703 14632/22227/10717 14640/22235/10725 +f 14630/22236/10715 14521/22106/10606 14639/22234/10724 +f 14633/22228/10718 14625/22219/10710 14641/22237/10726 +f 14622/22216/10707 14631/22225/10716 14642/22238/10727 +f 14625/22219/10710 14630/22224/10715 14641/22237/10726 +f 14643/22239/10728 14622/22216/10707 14642/22238/10727 +f 14628/22222/10713 14633/22228/10718 14644/22240/10729 +f 14629/22223/10714 14624/22218/10709 14645/22241/10730 +f 14636/22231/10721 14628/22222/10713 14644/22240/10729 +f 14646/22242/10731 14635/22230/10720 14647/22243/10732 +f 14631/22225/10716 14638/22233/10723 14648/22244/10733 +f 14635/22230/10720 14636/22231/10721 14647/22243/10732 +f 14642/22238/10727 14631/22225/10716 14648/22244/10733 +f 14632/22226/10717 14629/22223/10714 14649/22245/10734 +f 14629/22223/10714 14645/22241/10730 14649/22245/10734 +f 14640/22246/10725 14632/22226/10717 14649/22245/10734 +f 14528/22105/10613 14537/22117/10622 14650/22247/10735 +f 14639/22234/10724 14528/22105/10613 14650/22247/10735 +f 14643/22239/10728 14642/22238/10727 14651/22248/10736 +f 14630/22236/10715 14639/22234/10724 14652/22249/10737 +f 14641/22250/10726 14630/22236/10715 14652/22249/10737 +f 14648/22244/10733 14638/22233/10723 14653/22251/10738 +f 14633/22228/10718 14641/22237/10726 14654/22252/10739 +f 14626/22220/10711 14640/22235/10725 14653/22251/10738 +f 14638/22233/10723 14626/22220/10711 14653/22251/10738 +f 14644/22240/10729 14633/22228/10718 14654/22252/10739 +f 14640/22246/10725 14649/22245/10734 14655/22253/10740 +f 14650/22247/10735 14537/22117/10622 14656/22254/10741 +f 14653/22255/10738 14640/22246/10725 14655/22253/10740 +f 14619/22213/10704 14657/22256/10742 14656/22254/10741 +f 14537/22117/10622 14543/22124/10628 14656/22254/10741 +f 14543/22124/10628 14619/22213/10704 14656/22254/10741 +f 14624/22218/10709 14634/22229/10719 14658/22257/10743 +f 14634/22229/10719 14637/22232/10722 14658/22257/10743 +f 14647/22243/10732 14636/22231/10721 14659/22258/10744 +f 14645/22241/10730 14624/22218/10709 14658/22257/10743 +f 14637/22232/10722 14660/22259/10745 14658/22257/10743 +f 14636/22231/10721 14644/22240/10729 14659/22258/10744 +f 14642/22238/10727 14648/22244/10733 14661/22260/10746 +f 14662/22261/10747 14646/22242/10731 14663/22262/10748 +f 14648/22244/10733 14653/22251/10738 14664/22263/10749 +f 14646/22242/10731 14647/22243/10732 14663/22262/10748 +f 14639/22234/10724 14650/22247/10735 14665/22264/10750 +f 14661/22260/10746 14648/22244/10733 14664/22263/10749 +f 14666/22265/10751 14643/22239/10728 14667/22266/10752 +f 14652/22249/10737 14639/22234/10724 14665/22264/10750 +f 14643/22239/10728 14651/22248/10736 14667/22266/10752 +f 14649/22245/10734 14645/22241/10730 14668/22267/10753 +f 14654/22268/10739 14641/22250/10726 14669/22269/10754 +f 14645/22241/10730 14658/22257/10743 14668/22267/10753 +f 14641/22250/10726 14652/22249/10737 14669/22269/10754 +f 14651/22248/10736 14642/22238/10727 14670/22270/10755 +f 14642/22238/10727 14661/22260/10746 14670/22270/10755 +f 14662/22261/10747 14663/22262/10748 14671/22271/10756 +f 14653/22255/10738 14655/22253/10740 14672/22272/10757 +f 14664/22273/10749 14653/22255/10738 14672/22272/10757 +f 14644/22240/10729 14654/22252/10739 14673/22274/10758 +f 14659/22258/10744 14644/22240/10729 14673/22274/10758 +f 14649/22245/10734 14668/22267/10753 14674/22275/10759 +f 14657/22256/10742 14675/22276/10760 14676/22277/10761 +f 14655/22253/10740 14649/22245/10734 14674/22275/10759 +f 14656/22254/10741 14657/22256/10742 14676/22277/10761 +f 14665/22264/10750 14650/22247/10735 14676/22277/10761 +f 14650/22247/10735 14656/22254/10741 14676/22277/10761 +f 14647/22243/10732 14659/22258/10744 14677/22278/10762 +f 14671/22271/10756 14663/22262/10748 14677/22278/10762 +f 14663/22262/10748 14647/22243/10732 14677/22278/10762 +f 14666/22265/10751 14667/22266/10752 14678/22279/10763 +f 14679/22280/10764 14662/22261/10747 14680/22281/10765 +f 14661/22260/10746 14664/22263/10749 14681/22282/10766 +f 14662/22261/10747 14671/22271/10756 14680/22281/10765 +f 14664/22273/10749 14672/22272/10757 14682/22283/10767 +f 14681/22284/10766 14664/22273/10749 14682/22283/10767 +f 14669/22269/10754 14652/22249/10737 14683/22285/10768 +f 14652/22249/10737 14665/22264/10750 14683/22285/10768 +f 14658/22257/10743 14660/22259/10745 14684/22286/10769 +f 14668/22267/10753 14658/22257/10743 14684/22286/10769 +f 14671/22271/10756 14677/22278/10762 14685/22287/10770 +f 14660/22259/10745 14686/22288/10771 14684/22286/10769 +f 14651/22248/10736 14670/22270/10755 14687/22289/10772 +f 14680/22281/10765 14671/22271/10756 14685/22287/10770 +f 14678/22279/10763 14667/22266/10752 14687/22289/10772 +f 14667/22266/10752 14651/22248/10736 14687/22289/10772 +f 14654/22268/10739 14669/22269/10754 14688/22290/10773 +f 14669/22269/10754 14683/22285/10768 14688/22290/10773 +f 14673/22291/10758 14654/22268/10739 14688/22290/10773 +f 14689/22292/10774 14666/22265/10751 14690/22293/10775 +f 14666/22265/10751 14678/22279/10763 14690/22293/10775 +f 14670/22270/10755 14661/22260/10746 14691/22294/10776 +f 14661/22260/10746 14681/22282/10766 14691/22294/10776 +f 14679/22280/10764 14680/22281/10765 14692/22295/10777 +f 14684/22286/10769 14686/22288/10771 14693/22296/10778 +f 14668/22267/10753 14684/22286/10769 14693/22296/10778 +f 14659/22258/10744 14673/22274/10758 14694/22297/10779 +f 14674/22275/10759 14668/22267/10753 14693/22296/10778 +f 14677/22278/10762 14659/22258/10744 14694/22297/10779 +f 14686/22288/10771 14695/22298/10780 14693/22296/10778 +f 14665/22264/10750 14676/22277/10761 14696/22299/10781 +f 14675/22276/10760 14697/22300/10782 14696/22299/10781 +f 14655/22253/10740 14674/22275/10759 14698/22301/10783 +f 14672/22272/10757 14655/22253/10740 14698/22301/10783 +f 14676/22277/10761 14675/22276/10760 14696/22299/10781 +f 14683/22285/10768 14665/22264/10750 14696/22299/10781 +f 14682/22283/10767 14672/22272/10757 14698/22301/10783 +f 14678/22279/10763 14687/22289/10772 14699/22302/10784 +f 14692/22295/10777 14680/22281/10765 14700/22303/10785 +f 14680/22281/10765 14685/22287/10770 14700/22303/10785 +f 14690/22293/10775 14678/22279/10763 14699/22302/10784 +f 14681/22284/10766 14682/22283/10767 14701/22304/10786 +f 14685/22287/10770 14677/22278/10762 14702/22305/10787 +f 14700/22303/10785 14685/22287/10770 14702/22305/10787 +f 14677/22278/10762 14694/22297/10779 14702/22305/10787 +f 14679/22280/10764 14692/22295/10777 14703/22306/10788 +f 14704/22307/10789 14679/22280/10764 14703/22306/10788 +f 14682/22283/10767 14698/22301/10783 14705/22308/10790 +f 14701/22304/10786 14682/22283/10767 14705/22308/10790 +f 14699/22302/10784 14687/22289/10772 14706/22309/10791 +f 14687/22289/10772 14670/22270/10755 14706/22309/10791 +f 14688/22290/10773 14683/22285/10768 14707/22310/10792 +f 14670/22270/10755 14691/22294/10776 14706/22309/10791 +f 14689/22292/10774 14690/22293/10775 14708/22311/10793 +f 14692/22295/10777 14700/22303/10785 14709/22312/10794 +f 14674/22275/10759 14693/22296/10778 14710/22313/10795 +f 14693/22296/10778 14695/22298/10780 14710/22313/10795 +f 14694/22314/10779 14673/22291/10758 14711/22315/10796 +f 14705/22308/10790 14698/22301/10783 14710/22313/10795 +f 14673/22291/10758 14688/22290/10773 14711/22315/10796 +f 14698/22301/10783 14674/22275/10759 14710/22313/10795 +f 14688/22290/10773 14707/22310/10792 14711/22315/10796 +f 14702/22316/10787 14694/22314/10779 14711/22315/10796 +f 14690/22293/10775 14699/22302/10784 14712/22317/10797 +f 14708/22311/10793 14690/22293/10775 14712/22317/10797 +f 14704/22307/10789 14703/22306/10788 14713/22318/10798 +f 14691/22319/10776 14681/22284/10766 14714/22320/10799 +f 14681/22284/10766 14701/22304/10786 14714/22320/10799 +f 14700/22303/10785 14702/22305/10787 14715/22321/10800 +f 14689/22292/10774 14708/22311/10793 14716/22322/10801 +f 14715/22323/10800 14702/22316/10787 14717/22324/10802 +f 14718/22325/10803 14689/22292/10774 14716/22322/10801 +f 14702/22316/10787 14711/22315/10796 14717/22324/10802 +f 14699/22302/10784 14706/22309/10791 14719/22326/10804 +f 14697/22300/10782 14720/22327/10805 14721/22328/10806 +f 14696/22299/10781 14697/22300/10782 14721/22328/10806 +f 14707/22310/10792 14683/22285/10768 14721/22328/10806 +f 14683/22285/10768 14696/22299/10781 14721/22328/10806 +f 14703/22306/10788 14692/22295/10777 14722/22329/10807 +f 14692/22295/10777 14709/22312/10794 14722/22329/10807 +f 14701/22304/10786 14705/22308/10790 14723/22330/10808 +f 14713/22318/10798 14703/22306/10788 14722/22329/10807 +f 14705/22308/10790 14710/22313/10795 14724/22331/10809 +f 14723/22330/10808 14705/22308/10790 14724/22331/10809 +f 14700/22303/10785 14715/22321/10800 14725/22332/10810 +f 14710/22313/10795 14695/22298/10780 14724/22331/10809 +f 14709/22312/10794 14700/22303/10785 14725/22332/10810 +f 14695/22298/10780 14726/22333/10811 14724/22331/10809 +f 14706/22334/10791 14691/22319/10776 14727/22335/10812 +f 14719/22336/10804 14706/22334/10791 14727/22335/10812 +f 14691/22319/10776 14714/22320/10799 14727/22335/10812 +f 14728/22337/10813 14704/22307/10789 14729/22338/10814 +f 14704/22307/10789 14713/22318/10798 14729/22338/10814 +f 14716/22322/10801 14708/22311/10793 14730/22339/10815 +f 14708/22311/10793 14712/22317/10797 14730/22339/10815 +f 14711/22315/10796 14707/22310/10792 14731/22340/10816 +f 14712/22317/10797 14699/22302/10784 14732/22341/10817 +f 14699/22302/10784 14719/22326/10804 14732/22341/10817 +f 14730/22339/10815 14712/22317/10797 14732/22341/10817 +f 14729/22338/10814 14713/22318/10798 14733/22342/10818 +f 14713/22318/10798 14722/22329/10807 14733/22342/10818 +f 14714/22320/10799 14701/22304/10786 14734/22343/10819 +f 14715/22323/10800 14717/22324/10802 14735/22344/10820 +f 14701/22304/10786 14723/22330/10808 14734/22343/10819 +f 14725/22345/10810 14715/22323/10800 14735/22344/10820 +f 14711/22315/10796 14731/22340/10816 14736/22346/10821 +f 14717/22324/10802 14711/22315/10796 14736/22346/10821 +f 14718/22325/10803 14716/22322/10801 14737/22347/10822 +f 14735/22344/10820 14717/22324/10802 14736/22346/10821 +f 14723/22330/10808 14724/22331/10809 14738/22348/10823 +f 14724/22331/10809 14726/22333/10811 14738/22348/10823 +f 14728/22337/10813 14729/22338/10814 14739/22349/10824 +f 14737/22347/10822 14716/22322/10801 14740/22350/10825 +f 14716/22322/10801 14730/22339/10815 14740/22350/10825 +f 14709/22312/10794 14725/22332/10810 14741/22351/10826 +f 14722/22329/10807 14709/22312/10794 14741/22351/10826 +f 14719/22336/10804 14727/22335/10812 14742/22352/10827 +f 14733/22342/10818 14722/22329/10807 14741/22351/10826 +f 14732/22353/10817 14719/22336/10804 14742/22352/10827 +f 14725/22345/10810 14735/22344/10820 14743/22354/10828 +f 14718/22325/10803 14737/22347/10822 14744/22355/10829 +f 14745/22356/10830 14718/22325/10803 14744/22355/10829 +f 14721/22328/10806 14720/22327/10805 14746/22357/10831 +f 14707/22310/10792 14721/22328/10806 14746/22357/10831 +f 14720/22327/10805 14747/22358/10832 14746/22357/10831 +f 14736/22346/10821 14731/22340/10816 14746/22357/10831 +f 14727/22335/10812 14714/22320/10799 14748/22359/10833 +f 14714/22320/10799 14734/22343/10819 14748/22359/10833 +f 14731/22340/10816 14707/22310/10792 14746/22357/10831 +f 14742/22352/10827 14727/22335/10812 14748/22359/10833 +f 14729/22338/10814 14733/22342/10818 14749/22360/10834 +f 14739/22349/10824 14729/22338/10814 14749/22360/10834 +f 14730/22339/10815 14732/22341/10817 14750/22361/10835 +f 14751/22362/10836 14728/22337/10813 14752/22363/10837 +f 14734/22343/10819 14723/22330/10808 14753/22364/10838 +f 14728/22337/10813 14739/22349/10824 14752/22363/10837 +f 14723/22330/10808 14738/22348/10823 14753/22364/10838 +f 14738/22348/10823 14726/22333/10811 14753/22364/10838 +f 14726/22333/10811 14754/22365/10839 14753/22364/10838 +f 14732/22353/10817 14742/22352/10827 14755/22366/10840 +f 14750/22367/10835 14732/22353/10817 14755/22366/10840 +f 14733/22342/10818 14741/22351/10826 14756/22368/10841 +f 14746/22357/10831 14747/22358/10832 14757/22369/10842 +f 14736/22346/10821 14746/22357/10831 14757/22369/10842 +f 14747/22358/10832 14758/22370/10843 14757/22369/10842 +f 14744/22355/10829 14737/22347/10822 14759/22371/10844 +f 14736/22346/10821 14757/22369/10842 14760/22372/10845 +f 14737/22347/10822 14740/22350/10825 14759/22371/10844 +f 14735/22344/10820 14736/22346/10821 14760/22372/10845 +f 14740/22350/10825 14730/22339/10815 14761/22373/10846 +f 14730/22339/10815 14750/22361/10835 14761/22373/10846 +f 14739/22349/10824 14749/22360/10834 14762/22374/10847 +f 14752/22363/10837 14739/22349/10824 14762/22374/10847 +f 14759/22371/10844 14740/22350/10825 14761/22373/10846 +f 14725/22345/10810 14743/22354/10828 14763/22375/10848 +f 14742/22352/10827 14748/22359/10833 14764/22376/10849 +f 14741/22377/10826 14725/22345/10810 14763/22375/10848 +f 14756/22378/10841 14741/22377/10826 14763/22375/10848 +f 14748/22359/10833 14734/22343/10819 14765/22379/10850 +f 14734/22343/10819 14753/22364/10838 14765/22379/10850 +f 14764/22376/10849 14748/22359/10833 14765/22379/10850 +f 14753/22364/10838 14754/22365/10839 14765/22379/10850 +f 14735/22344/10820 14760/22372/10845 14766/22380/10851 +f 14743/22354/10828 14735/22344/10820 14766/22380/10851 +f 14745/22356/10830 14744/22355/10829 14767/22381/10852 +f 14733/22342/10818 14756/22368/10841 14768/22382/10853 +f 14762/22374/10847 14749/22360/10834 14768/22382/10853 +f 14749/22360/10834 14733/22342/10818 14768/22382/10853 +f 14744/22355/10829 14759/22371/10844 14769/22383/10854 +f 14751/22362/10836 14752/22363/10837 14770/22384/10855 +f 14750/22367/10835 14755/22366/10840 14771/22385/10856 +f 14761/22386/10846 14750/22367/10835 14771/22385/10856 +f 14760/22372/10845 14757/22369/10842 14772/22387/10857 +f 14757/22369/10842 14758/22370/10843 14772/22387/10857 +f 14755/22366/10840 14742/22352/10827 14773/22388/10858 +f 14771/22385/10856 14755/22366/10840 14773/22388/10858 +f 14752/22363/10837 14762/22374/10847 14774/22389/10859 +f 14742/22352/10827 14764/22376/10849 14773/22388/10858 +f 14769/22383/10854 14759/22371/10844 14775/22390/10860 +f 14768/22391/10853 14756/22378/10841 14776/22392/10861 +f 14759/22371/10844 14761/22373/10846 14775/22390/10860 +f 14756/22378/10841 14763/22375/10848 14776/22392/10861 +f 14773/22388/10858 14764/22376/10849 14777/22393/10862 +f 14765/22379/10850 14754/22365/10839 14777/22393/10862 +f 14754/22365/10839 14778/22394/10863 14777/22393/10862 +f 14779/22395/10864 14751/22362/10836 14780/22396/10865 +f 14764/22376/10849 14765/22379/10850 14777/22393/10862 +f 14761/22386/10846 14771/22385/10856 14781/22397/10866 +f 14751/22362/10836 14770/22384/10855 14780/22396/10865 +f 14775/22398/10860 14761/22386/10846 14781/22397/10866 +f 14762/22374/10847 14768/22382/10853 14782/22399/10867 +f 14774/22389/10859 14762/22374/10847 14782/22399/10867 +f 14767/22381/10852 14744/22355/10829 14783/22400/10868 +f 14743/22354/10828 14766/22380/10851 14784/22401/10869 +f 14744/22355/10829 14769/22383/10854 14783/22400/10868 +f 14776/22392/10861 14763/22375/10848 14784/22401/10869 +f 14769/22383/10854 14775/22390/10860 14785/22402/10870 +f 14763/22375/10848 14743/22354/10828 14784/22401/10869 +f 14760/22372/10845 14772/22387/10857 14786/22403/10871 +f 14766/22380/10851 14760/22372/10845 14786/22403/10871 +f 14758/22370/10843 14787/22404/10872 14786/22403/10871 +f 14771/22385/10856 14773/22388/10858 14788/22405/10873 +f 14772/22387/10857 14758/22370/10843 14786/22403/10871 +f 14782/22406/10867 14768/22391/10853 14789/22407/10874 +f 14777/22393/10862 14778/22394/10863 14790/22408/10875 +f 14768/22391/10853 14776/22392/10861 14789/22407/10874 +f 14788/22405/10873 14773/22388/10858 14790/22408/10875 +f 14773/22388/10858 14777/22393/10862 14790/22408/10875 +f 14770/22384/10855 14752/22363/10837 14791/22409/10876 +f 14792/22410/10877 14745/22356/10830 14793/22411/10878 +f 14752/22363/10837 14774/22389/10859 14791/22409/10876 +f 14794/22412/10879 14792/22410/10877 14793/22411/10878 +f 14780/22396/10865 14770/22384/10855 14791/22409/10876 +f 14745/22356/10830 14767/22381/10852 14793/22411/10878 +f 14785/22413/10870 14775/22398/10860 14795/22414/10880 +f 14774/22389/10859 14782/22399/10867 14796/22415/10881 +f 14775/22398/10860 14781/22397/10866 14795/22414/10880 +f 14795/22414/10880 14781/22397/10866 14797/22416/10882 +f 14776/22392/10861 14784/22401/10869 14798/22417/10883 +f 14771/22385/10856 14788/22405/10873 14797/22416/10882 +f 14781/22397/10866 14771/22385/10856 14797/22416/10882 +f 14769/22383/10854 14785/22402/10870 14799/22418/10884 +f 14783/22400/10868 14769/22383/10854 14799/22418/10884 +f 14779/22395/10864 14780/22396/10865 14800/22419/10885 +f 14784/22401/10869 14766/22380/10851 14801/22420/10886 +f 14766/22380/10851 14786/22403/10871 14801/22420/10886 +f 14785/22413/10870 14795/22414/10880 14802/22421/10887 +f 14786/22403/10871 14787/22404/10872 14801/22420/10886 +f 14798/22417/10883 14784/22401/10869 14801/22420/10886 +f 14790/22408/10875 14778/22394/10863 14803/22422/10888 +f 14780/22396/10865 14791/22409/10876 14804/22423/10889 +f 14788/22405/10873 14790/22408/10875 14803/22422/10888 +f 14797/22416/10882 14788/22405/10873 14803/22422/10888 +f 14778/22394/10863 14805/22424/10890 14803/22422/10888 +f 14793/22411/10878 14767/22381/10852 14806/22425/10891 +f 14782/22406/10867 14789/22407/10874 14807/22426/10892 +f 14796/22427/10881 14782/22406/10867 14807/22426/10892 +f 14779/22395/10864 14800/22419/10885 14808/22428/10893 +f 14767/22381/10852 14783/22400/10868 14806/22425/10891 +f 14809/22429/10894 14779/22395/10864 14808/22428/10893 +f 14797/22416/10882 14803/22422/10888 14810/22430/10895 +f 14803/22422/10888 14805/22424/10890 14810/22430/10895 +f 14795/22414/10880 14797/22416/10882 14811/22431/10896 +f 14789/22407/10874 14776/22392/10861 14812/22432/10897 +f 14797/22416/10882 14810/22430/10895 14811/22431/10896 +f 14776/22392/10861 14798/22417/10883 14812/22432/10897 +f 14807/22426/10892 14789/22407/10874 14812/22432/10897 +f 14794/22412/10879 14793/22411/10878 14813/22433/10898 +f 14814/22434/10899 14794/22435/10879 14813/22436/10898 +f 14791/22409/10876 14774/22389/10859 14815/22437/10900 +f 14774/22389/10859 14796/22415/10881 14815/22437/10900 +f 14793/22411/10878 14806/22425/10891 14813/22433/10898 +f 14799/22438/10884 14785/22413/10870 14816/22439/10901 +f 14801/22420/10886 14787/22404/10872 14817/22440/10902 +f 14785/22413/10870 14802/22421/10887 14816/22439/10901 +f 14787/22404/10872 14818/22441/10903 14817/22440/10902 +f 14798/22417/10883 14801/22420/10886 14817/22440/10902 +f 14802/22421/10887 14795/22414/10880 14819/22442/10904 +f 14795/22414/10880 14811/22431/10896 14819/22442/10904 +f 14796/22427/10881 14807/22426/10892 14820/22443/10905 +f 14783/22400/10868 14799/22418/10884 14821/22444/10906 +f 14806/22425/10891 14783/22400/10868 14821/22444/10906 +f 14808/22428/10893 14800/22419/10885 14822/22445/10907 +f 14800/22419/10885 14780/22396/10865 14822/22445/10907 +f 14780/22396/10865 14804/22423/10889 14822/22445/10907 +f 14791/22409/10876 14815/22437/10900 14823/22446/10908 +f 14810/22430/10895 14805/22424/10890 14824/22447/10909 +f 14811/22431/10896 14810/22430/10895 14824/22447/10909 +f 14805/22424/10890 14825/22448/10910 14824/22447/10909 +f 14804/22423/10889 14791/22409/10876 14823/22446/10908 +f 14820/22443/10905 14807/22426/10892 14826/22449/10911 +f 14806/22425/10891 14821/22444/10906 14827/22450/10912 +f 14813/22433/10898 14806/22425/10891 14827/22450/10912 +f 14807/22426/10892 14812/22432/10897 14826/22449/10911 +f 14819/22442/10904 14811/22431/10896 14828/22451/10913 +f 14817/22440/10902 14818/22441/10903 14829/22452/10914 +f 14798/22417/10883 14817/22440/10902 14829/22452/10914 +f 14811/22431/10896 14824/22447/10909 14828/22451/10913 +f 14824/22447/10909 14825/22448/10910 14828/22451/10913 +f 14826/22449/10911 14812/22432/10897 14829/22452/10914 +f 14816/22439/10901 14802/22421/10887 14830/22453/10915 +f 14812/22432/10897 14798/22417/10883 14829/22452/10914 +f 14802/22421/10887 14819/22442/10904 14830/22453/10915 +f 14809/22429/10894 14808/22428/10893 14831/22454/10916 +f 14814/22434/10899 14813/22436/10898 14832/22455/10917 +f 14813/22436/10898 14827/22456/10912 14832/22455/10917 +f 14831/22454/10916 14808/22428/10893 14833/22457/10918 +f 14808/22428/10893 14822/22445/10907 14833/22457/10918 +f 14815/22458/10900 14796/22427/10881 14834/22459/10919 +f 14799/22438/10884 14816/22439/10901 14835/22460/10920 +f 14821/22461/10906 14799/22438/10884 14835/22460/10920 +f 14823/22462/10908 14815/22458/10900 14834/22459/10919 +f 14796/22427/10881 14820/22443/10905 14834/22459/10919 +f 14827/22450/10912 14821/22444/10906 14836/22463/10921 +f 14820/22443/10905 14826/22449/10911 14837/22464/10922 +f 14821/22461/10906 14835/22460/10920 14836/22465/10921 +f 14804/22423/10889 14823/22446/10908 14838/22466/10923 +f 14830/22453/10915 14819/22442/10904 14839/22467/10924 +f 14819/22442/10904 14828/22451/10913 14839/22467/10924 +f 14828/22451/10913 14825/22448/10910 14839/22467/10924 +f 14833/22457/10918 14822/22445/10907 14838/22466/10923 +f 14825/22448/10910 14840/22468/10925 14839/22467/10924 +f 14822/22445/10907 14804/22423/10889 14838/22466/10923 +f 14829/22452/10914 14818/22441/10903 14841/22469/10926 +f 14826/22449/10911 14829/22452/10914 14841/22469/10926 +f 14818/22441/10903 14842/22470/10927 14841/22469/10926 +f 14827/22456/10912 14836/22471/10921 14843/22472/10928 +f 14837/22464/10922 14826/22449/10911 14841/22469/10926 +f 14832/22455/10917 14827/22456/10912 14843/22472/10928 +f 14823/22462/10908 14834/22459/10919 14844/22473/10929 +f 14816/22439/10901 14830/22453/10915 14845/22474/10930 +f 14835/22460/10920 14816/22439/10901 14845/22474/10930 +f 14814/22434/10899 14832/22455/10917 14846/22475/10931 +f 14847/22476/10932 14814/22434/10899 14846/22475/10931 +f 14831/22454/10916 14833/22457/10918 14848/22477/10933 +f 14833/22457/10918 14838/22466/10923 14849/22478/10934 +f 14832/22455/10917 14843/22472/10928 14846/22475/10931 +f 14848/22477/10933 14833/22457/10918 14849/22478/10934 +f 14836/22465/10921 14835/22460/10920 14850/22479/10935 +f 14835/22460/10920 14845/22474/10930 14850/22479/10935 +f 14834/22459/10919 14820/22443/10905 14851/22480/10936 +f 14820/22443/10905 14837/22464/10922 14851/22480/10936 +f 14843/22472/10928 14836/22471/10921 14852/22481/10937 +f 14841/22469/10926 14842/22470/10927 14853/22482/10938 +f 14836/22465/10921 14850/22479/10935 14852/22483/10937 +f 14837/22464/10922 14841/22469/10926 14853/22482/10938 +f 14809/22429/10894 14831/22454/10916 14854/22484/10939 +f 14855/22485/10940 14809/22429/10894 14854/22484/10939 +f 14830/22453/10915 14839/22467/10924 14856/22486/10941 +f 14845/22474/10930 14830/22453/10915 14856/22486/10941 +f 14840/22468/10925 14857/22487/10942 14856/22486/10941 +f 14839/22467/10924 14840/22468/10925 14856/22486/10941 +f 14843/22472/10928 14852/22481/10937 14858/22488/10943 +f 14846/22475/10931 14843/22472/10928 14858/22488/10943 +f 14838/22489/10923 14823/22462/10908 14859/22490/10944 +f 14823/22462/10908 14844/22473/10929 14859/22490/10944 +f 14849/22491/10934 14838/22489/10923 14859/22490/10944 +f 14850/22479/10935 14845/22474/10930 14860/22492/10945 +f 14844/22473/10929 14834/22459/10919 14861/22493/10946 +f 14834/22459/10919 14851/22480/10936 14861/22493/10946 +f 14846/22475/10931 14858/22488/10943 14862/22494/10947 +f 14863/22495/10948 14847/22476/10932 14862/22494/10947 +f 14847/22476/10932 14846/22475/10931 14862/22494/10947 +f 14848/22477/10933 14849/22478/10934 14864/22496/10949 +f 14852/22483/10937 14850/22479/10935 14865/22497/10950 +f 14850/22479/10935 14860/22492/10945 14865/22497/10950 +f 14849/22491/10934 14859/22490/10944 14866/22498/10951 +f 14864/22499/10949 14849/22491/10934 14866/22498/10951 +f 14842/22470/10927 14867/22500/10952 14868/22501/10953 +f 14853/22482/10938 14842/22470/10927 14868/22501/10953 +f 14851/22480/10936 14837/22464/10922 14868/22501/10953 +f 14837/22464/10922 14853/22482/10938 14868/22501/10953 +f 14852/22483/10937 14865/22497/10950 14869/22502/10954 +f 14858/22488/10943 14852/22481/10937 14869/22503/10954 +f 14856/22486/10941 14857/22487/10942 14870/22504/10955 +f 14845/22474/10930 14856/22486/10941 14870/22504/10955 +f 14860/22492/10945 14845/22474/10930 14870/22504/10955 +f 14854/22484/10939 14831/22454/10916 14871/22505/10956 +f 14857/22487/10942 14872/22506/10957 14870/22504/10955 +f 14858/22488/10943 14869/22503/10954 14873/22507/10958 +f 14831/22454/10916 14848/22477/10933 14871/22505/10956 +f 14862/22494/10947 14858/22488/10943 14873/22507/10958 +f 14868/22501/10953 14867/22500/10952 14874/22508/10959 +f 14861/22493/10946 14851/22480/10936 14874/22508/10959 +f 14851/22480/10936 14868/22501/10953 14874/22508/10959 +f 14862/22494/10947 14873/22507/10958 14875/22509/10960 +f 14859/22490/10944 14844/22473/10929 14876/22510/10961 +f 14844/22473/10929 14861/22493/10946 14876/22510/10961 +f 14877/22511/10962 14863/22495/10948 14875/22509/10960 +f 14863/22495/10948 14862/22494/10947 14875/22509/10960 +f 14855/22485/10940 14854/22484/10939 14878/22512/10963 +f 14879/22513/10964 14855/22485/10940 14878/22512/10963 +f 14880/22514/10965 14879/22515/10964 14878/22516/10963 +f 14865/22497/10950 14860/22492/10945 14881/22517/10966 +f 14860/22492/10945 14870/22504/10955 14881/22517/10966 +f 14869/22502/10954 14865/22497/10950 14882/22518/10967 +f 14864/22499/10949 14866/22498/10951 14883/22519/10968 +f 14873/22507/10958 14869/22503/10954 14884/22520/10969 +f 14869/22502/10954 14882/22518/10967 14884/22521/10969 +f 14859/22490/10944 14876/22510/10961 14885/22522/10970 +f 14866/22498/10951 14859/22490/10944 14885/22522/10970 +f 14883/22519/10968 14866/22498/10951 14885/22522/10970 +f 14870/22504/10955 14872/22506/10957 14886/22523/10971 +f 14848/22477/10933 14864/22496/10949 14887/22524/10972 +f 14881/22517/10966 14870/22504/10955 14886/22523/10971 +f 14871/22505/10956 14848/22477/10933 14887/22524/10972 +f 14872/22506/10957 14888/22525/10973 14886/22523/10971 +f 14873/22507/10958 14884/22520/10969 14889/22526/10974 +f 14875/22509/10960 14873/22507/10958 14889/22526/10974 +f 14867/22500/10952 14890/22527/10975 14891/22528/10976 +f 14874/22508/10959 14867/22500/10952 14891/22528/10976 +f 14861/22493/10946 14874/22508/10959 14891/22528/10976 +f 14876/22510/10961 14861/22493/10946 14891/22528/10976 +f 14892/22529/10977 14877/22511/10962 14893/22530/10978 +f 14878/22512/10963 14854/22484/10939 14894/22531/10979 +f 14877/22511/10962 14875/22509/10960 14893/22530/10978 +f 14865/22497/10950 14881/22517/10966 14895/22532/10980 +f 14854/22484/10939 14871/22505/10956 14894/22531/10979 +f 14882/22518/10967 14865/22497/10950 14895/22532/10980 +f 14881/22517/10966 14886/22523/10971 14895/22532/10980 +f 14891/22528/10976 14890/22527/10975 14896/22533/10981 +f 14885/22522/10970 14876/22510/10961 14896/22533/10981 +f 14876/22510/10961 14891/22528/10976 14896/22533/10981 +f 14883/22519/10968 14885/22522/10970 14897/22534/10982 +f 14882/22518/10967 14895/22532/10980 14898/22535/10983 +f 14884/22521/10969 14882/22518/10967 14898/22535/10983 +f 14885/22522/10970 14896/22533/10981 14897/22534/10982 +f 14889/22526/10974 14884/22520/10969 14899/22536/10984 +f 14880/22514/10965 14878/22516/10963 14900/22537/10985 +f 14884/22521/10969 14898/22535/10983 14899/22538/10984 +f 14878/22516/10963 14894/22539/10979 14900/22537/10985 +f 14886/22523/10971 14888/22525/10973 14901/22540/10986 +f 14895/22532/10980 14886/22523/10971 14901/22540/10986 +f 14887/22541/10972 14864/22499/10949 14902/22542/10987 +f 14888/22525/10973 14903/22543/10988 14901/22540/10986 +f 14875/22509/10960 14889/22526/10974 14904/22544/10989 +f 14864/22499/10949 14883/22519/10968 14902/22542/10987 +f 14893/22530/10978 14875/22509/10960 14904/22544/10989 +f 14905/22545/10990 14892/22529/10977 14906/22546/10991 +f 14871/22505/10956 14887/22524/10972 14907/22547/10992 +f 14894/22531/10979 14871/22505/10956 14907/22547/10992 +f 14897/22534/10982 14896/22533/10981 14908/22548/10993 +f 14892/22529/10977 14893/22530/10978 14906/22546/10991 +f 14890/22527/10975 14909/22549/10994 14908/22548/10993 +f 14893/22530/10978 14904/22544/10989 14906/22546/10991 +f 14896/22533/10981 14890/22527/10975 14908/22548/10993 +f 14900/22537/10985 14894/22539/10979 14910/22550/10995 +f 14898/22535/10983 14895/22532/10980 14911/22551/10996 +f 14894/22539/10979 14907/22552/10992 14910/22550/10995 +f 14898/22535/10983 14911/22551/10996 14912/22553/10997 +f 14883/22519/10968 14897/22534/10982 14913/22554/10998 +f 14899/22538/10984 14898/22535/10983 14912/22553/10997 +f 14902/22542/10987 14883/22519/10968 14913/22554/10998 +f 14904/22544/10989 14889/22526/10974 14914/22555/10999 +f 14889/22526/10974 14899/22536/10984 14914/22555/10999 +f 14915/22556/11000 14880/22514/10965 14916/22557/11001 +f 14880/22514/10965 14900/22537/10985 14916/22557/11001 +f 14911/22551/10996 14895/22532/10980 14917/22558/11002 +f 14895/22532/10980 14901/22540/10986 14917/22558/11002 +f 14901/22540/10986 14903/22543/10988 14917/22558/11002 +f 14887/22541/10972 14902/22542/10987 14918/22559/11003 +f 14903/22543/10988 14919/22560/11004 14917/22558/11002 +f 14907/22561/10992 14887/22541/10972 14918/22559/11003 +f 14904/22544/10989 14914/22555/10999 14920/22562/11005 +f 14906/22546/10991 14904/22544/10989 14920/22562/11005 +f 14921/22563/11006 14905/22545/10990 14922/22564/11007 +f 14907/22561/10992 14918/22559/11003 14923/22565/11008 +f 14905/22545/10990 14906/22546/10991 14922/22564/11007 +f 14910/22550/10995 14907/22552/10992 14923/22566/11008 +f 14908/22548/10993 14909/22549/10994 14924/22567/11009 +f 14909/22549/10994 14925/22568/11010 14924/22567/11009 +f 14912/22553/10997 14911/22551/10996 14926/22569/11011 +f 14913/22554/10998 14897/22534/10982 14924/22567/11009 +f 14897/22534/10982 14908/22548/10993 14924/22567/11009 +f 14899/22538/10984 14912/22553/10997 14927/22570/11012 +f 14914/22571/10999 14899/22538/10984 14927/22570/11012 +f 14916/22557/11001 14900/22537/10985 14928/22572/11013 +f 14900/22537/10985 14910/22550/10995 14928/22572/11013 +f 14902/22542/10987 14913/22554/10998 14929/22573/11014 +f 14921/22563/11006 14922/22564/11007 14930/22574/11015 +f 14918/22559/11003 14902/22542/10987 14929/22573/11014 +f 14931/22575/11016 14915/22556/11000 14932/22576/11017 +f 14920/22562/11005 14914/22555/10999 14933/22577/11018 +f 14915/22556/11000 14916/22557/11001 14932/22576/11017 +f 14914/22571/10999 14927/22570/11012 14933/22578/11018 +f 14916/22557/11001 14928/22572/11013 14932/22576/11017 +f 14911/22551/10996 14917/22558/11002 14934/22579/11019 +f 14919/22560/11004 14935/22580/11020 14934/22579/11019 +f 14926/22569/11011 14911/22551/10996 14934/22579/11019 +f 14923/22565/11008 14918/22559/11003 14936/22581/11021 +f 14917/22558/11002 14919/22560/11004 14934/22579/11019 +f 14918/22559/11003 14929/22573/11014 14936/22581/11021 +f 14910/22550/10995 14923/22566/11008 14937/22582/11022 +f 14922/22564/11007 14906/22546/10991 14938/22583/11023 +f 14930/22574/11015 14922/22564/11007 14938/22583/11023 +f 14906/22546/10991 14920/22562/11005 14938/22583/11023 +f 14928/22572/11013 14910/22550/10995 14937/22582/11022 +f 14939/22584/11024 14921/22563/11006 14940/22585/11025 +f 14925/22568/11010 14941/22586/11026 14942/22587/11027 +f 14924/22567/11009 14925/22568/11010 14942/22587/11027 +f 14913/22554/10998 14924/22567/11009 14942/22587/11027 +f 14929/22573/11014 14913/22554/10998 14942/22587/11027 +f 14921/22563/11006 14930/22574/11015 14940/22585/11025 +f 14927/22570/11012 14912/22553/10997 14943/22588/11028 +f 14932/22576/11017 14928/22572/11013 14944/22589/11029 +f 14928/22572/11013 14937/22582/11022 14944/22589/11029 +f 14912/22553/10997 14926/22569/11011 14943/22588/11028 +f 14945/22590/11030 14931/22575/11016 14946/22591/11031 +f 14940/22585/11025 14930/22574/11015 14947/22592/11032 +f 14931/22575/11016 14932/22576/11017 14946/22591/11031 +f 14930/22574/11015 14938/22583/11023 14947/22592/11032 +f 14933/22578/11018 14927/22570/11012 14948/22593/11033 +f 14936/22581/11021 14929/22573/11014 14949/22594/11034 +f 14929/22573/11014 14942/22587/11027 14949/22594/11034 +f 14927/22570/11012 14943/22588/11028 14948/22593/11033 +f 14937/22595/11022 14923/22565/11008 14950/22596/11035 +f 14923/22565/11008 14936/22581/11021 14950/22596/11035 +f 14939/22584/11024 14940/22585/11025 14951/22597/11036 +f 14938/22583/11023 14920/22562/11005 14952/22598/11037 +f 14937/22595/11022 14950/22596/11035 14953/22599/11038 +f 14947/22592/11032 14938/22583/11023 14952/22598/11037 +f 14944/22589/11029 14937/22582/11022 14953/22600/11038 +f 14941/22586/11026 14954/22601/11039 14955/22602/11040 +f 14920/22562/11005 14933/22577/11018 14952/22598/11037 +f 14942/22587/11027 14941/22586/11026 14955/22602/11040 +f 14949/22594/11034 14942/22587/11027 14955/22602/11040 +f 14934/22579/11019 14935/22580/11020 14956/22603/11041 +f 14926/22569/11011 14934/22579/11019 14956/22603/11041 +f 14943/22588/11028 14926/22569/11011 14956/22603/11041 +f 14935/22580/11020 14957/22604/11042 14956/22603/11041 +f 14932/22576/11017 14944/22589/11029 14958/22605/11043 +f 14951/22597/11036 14940/22585/11025 14959/22606/11044 +f 14946/22591/11031 14932/22576/11017 14958/22605/11043 +f 14940/22585/11025 14947/22592/11032 14959/22606/11044 +f 14960/22607/11045 14945/22590/11030 14961/22608/11046 +f 14945/22590/11030 14946/22591/11031 14961/22608/11046 +f 14947/22592/11032 14952/22598/11037 14962/22609/11047 +f 14963/22610/11048 14939/22584/11024 14964/22611/11049 +f 14936/22581/11021 14949/22594/11034 14965/22612/11050 +f 14950/22596/11035 14936/22581/11021 14965/22612/11050 +f 14939/22584/11024 14951/22597/11036 14964/22611/11049 +f 14948/22593/11033 14943/22588/11028 14966/22613/11051 +f 14953/22599/11038 14950/22596/11035 14967/22614/11052 +f 14950/22596/11035 14965/22612/11050 14967/22614/11052 +f 14944/22589/11029 14953/22600/11038 14968/22615/11053 +f 14958/22605/11043 14944/22589/11029 14968/22615/11053 +f 14951/22597/11036 14959/22606/11044 14969/22616/11054 +f 14954/22601/11039 14970/22617/11055 14971/22618/11056 +f 14952/22619/11037 14933/22578/11018 14972/22620/11057 +f 14962/22621/11047 14952/22619/11037 14972/22620/11057 +f 14949/22594/11034 14955/22602/11040 14971/22618/11056 +f 14965/22612/11050 14949/22594/11034 14971/22618/11056 +f 14955/22602/11040 14954/22601/11039 14971/22618/11056 +f 14933/22578/11018 14948/22593/11033 14972/22620/11057 +f 14946/22591/11031 14958/22605/11043 14973/22622/11058 +f 14961/22608/11046 14946/22591/11031 14973/22622/11058 +f 14963/22610/11048 14964/22611/11049 14974/22623/11059 +f 14975/22624/11060 14960/22607/11045 14976/22625/11061 +f 14947/22592/11032 14962/22609/11047 14977/22626/11062 +f 14960/22607/11045 14961/22608/11046 14976/22625/11061 +f 14959/22606/11044 14947/22592/11032 14977/22626/11062 +f 14962/22621/11047 14972/22620/11057 14978/22627/11063 +f 14967/22614/11052 14965/22612/11050 14979/22628/11064 +f 14977/22629/11062 14962/22621/11047 14978/22627/11063 +f 14965/22612/11050 14971/22618/11056 14979/22628/11064 +f 14943/22588/11028 14956/22603/11041 14980/22630/11065 +f 14966/22613/11051 14943/22588/11028 14980/22630/11065 +f 14953/22599/11038 14967/22614/11052 14981/22631/11066 +f 14956/22603/11041 14957/22604/11042 14980/22630/11065 +f 14968/22632/11053 14953/22599/11038 14981/22631/11066 +f 14957/22604/11042 14982/22633/11067 14980/22630/11065 +f 14964/22611/11049 14951/22597/11036 14983/22634/11068 +f 14951/22597/11036 14969/22616/11054 14983/22634/11068 +f 14958/22605/11043 14968/22615/11053 14984/22635/11069 +f 14973/22622/11058 14958/22605/11043 14984/22635/11069 +f 14969/22616/11054 14959/22606/11044 14985/22636/11070 +f 14970/22617/11055 14986/22637/11071 14987/22638/11072 +f 14959/22606/11044 14977/22626/11062 14985/22636/11070 +f 14979/22628/11064 14971/22618/11056 14987/22638/11072 +f 14971/22618/11056 14970/22617/11055 14987/22638/11072 +f 14988/22639/11073 14963/22610/11048 14989/22640/11074 +f 14961/22608/11046 14973/22622/11058 14990/22641/11075 +f 14963/22610/11048 14974/22623/11059 14989/22640/11074 +f 14976/22625/11061 14961/22608/11046 14990/22641/11075 +f 14976/22625/11061 14990/22641/11075 14991/22642/11076 +f 14972/22620/11057 14948/22593/11033 14992/22643/11077 +f 14948/22593/11033 14966/22613/11051 14992/22643/11077 +f 14993/22644/11078 14975/22624/11060 14991/22642/11076 +f 14978/22627/11063 14972/22620/11057 14992/22643/11077 +f 14975/22624/11060 14976/22625/11061 14991/22642/11076 +f 14964/22611/11049 14983/22634/11068 14994/22645/11079 +f 14974/22623/11059 14964/22611/11049 14994/22645/11079 +f 14989/22640/11074 14974/22623/11059 14994/22645/11079 +f 14967/22614/11052 14979/22628/11064 14995/22646/11080 +f 14981/22631/11066 14967/22614/11052 14995/22646/11080 +f 14977/22629/11062 14978/22627/11063 14996/22647/11081 +f 14985/22648/11070 14977/22629/11062 14996/22647/11081 +f 14968/22632/11053 14981/22631/11066 14997/22649/11082 +f 14984/22650/11069 14968/22632/11053 14997/22649/11082 +f 14978/22627/11063 14992/22643/11077 14998/22651/11083 +f 14993/22644/11078 14991/22642/11076 14999/22652/11084 +f 14988/22639/11073 14989/22640/11074 15000/22653/11085 +f 14973/22622/11058 14984/22635/11069 15001/22654/11086 +f 14983/22634/11068 14969/22616/11054 14366/22655/10451 +f 14969/22616/11054 14985/22636/11070 14366/22655/10451 +f 14990/22641/11075 14973/22622/11058 15001/22654/11086 +f 14979/22628/11064 14987/22638/11072 15002/22656/11087 +f 14986/22637/11071 15003/22657/11088 15002/22656/11087 +f 14987/22638/11072 14986/22637/11071 15002/22656/11087 +f 14995/22646/11080 14979/22628/11064 15002/22656/11087 +f 14985/22648/11070 14996/22647/11081 14386/21941/10471 +f 14990/22641/11075 15001/22654/11086 15004/22658/11089 +f 14999/22652/11084 14991/22642/11076 15004/22658/11089 +f 14992/22643/11077 14966/22613/11051 15005/22659/11090 +f 14991/22642/11076 14990/22641/11075 15004/22658/11089 +f 14980/22630/11065 14982/22633/11067 15005/22659/11090 +f 14998/22651/11083 14992/22643/11077 15005/22659/11090 +f 15006/22660/11091 14993/22644/11078 15007/22661/11092 +f 14982/22633/11067 15008/22662/11093 15005/22659/11090 +f 14966/22613/11051 14980/22630/11065 15005/22659/11090 +f 14993/22644/11078 14999/22652/11084 15007/22661/11092 +f 15000/22653/11085 14989/22640/11074 15009/22663/11094 +f 14981/22631/11066 14995/22646/11080 14396/21951/10481 +f 14989/22640/11074 14994/22645/11079 15009/22663/11094 +f 14376/21929/10461 14988/22639/11073 14360/21913/10445 +f 14997/22649/11082 14981/22631/11066 14396/21951/10481 +f 14988/22639/11073 15000/22653/11085 14360/21913/10445 +f 14994/22645/11079 14983/22634/11068 14374/22664/10459 +f 14999/22652/11084 15004/22658/11089 14383/21936/10468 +f 14983/22634/11068 14366/22655/10451 14374/22664/10459 +f 15001/22665/11086 14984/22650/11069 14370/21923/10455 +f 14984/22650/11069 14997/22649/11082 14370/21923/10455 +f 15008/22662/11093 14391/21946/10476 15010/22666/11095 +f 14998/22651/11083 15005/22659/11090 15010/22666/11095 +f 15005/22659/11090 15008/22662/11093 15010/22666/11095 +f 14996/22647/11081 14978/22627/11063 15011/22667/11096 +f 14978/22627/11063 14998/22651/11083 15011/22667/11096 +f 15006/22660/11091 15007/22661/11092 14364/21917/10449 +f 14360/21913/10445 15000/22653/11085 14361/21914/10446 +f 15004/22658/11089 15001/22654/11086 14369/22668/10454 +f 15001/22665/11086 14370/21923/10455 14369/21922/10454 +f 14383/21936/10468 15004/22658/11089 14369/22668/10454 +f 15000/22653/11085 15009/22663/11094 14361/21914/10446 +f 15003/22657/11088 14393/21948/10478 14397/21952/10482 +f 15002/22656/11087 15003/22657/11088 14397/21952/10482 +f 14366/21919/10451 14985/22648/11070 14367/21920/10452 +f 14995/22646/11080 15002/22656/11087 14397/21952/10482 +f 14396/21951/10481 14995/22646/11080 14397/21952/10482 +f 14985/22648/11070 14386/21941/10471 14367/21920/10452 +f 15007/22661/11092 14999/22652/11084 14385/21939/10470 +f 14999/22652/11084 14383/21936/10468 14385/21939/10470 +f 14364/21917/10449 15007/22661/11092 14385/21939/10470 +f 14386/21941/10471 14996/22647/11081 14387/21942/10472 +f 14996/22647/11081 15011/22667/11096 14387/21942/10472 +f 14994/22645/11079 14374/22664/10459 14373/21940/10458 +f 14383/21936/10468 14369/22668/10454 14372/21937/10457 +f 15009/22663/11094 14994/22645/11079 14373/21940/10458 +f 14361/21914/10446 15009/22663/11094 14373/21940/10458 +f 15006/22660/11091 14364/21917/10449 14363/21916/10448 +f 14380/21933/10465 15006/22660/11091 14363/21916/10448 +f 14376/21929/10461 14360/21913/10445 14377/21930/10462 +f 14370/21923/10455 14997/22649/11082 14375/21928/10460 +f 14998/22651/11083 15010/22666/11095 14390/21945/10475 +f 14997/22649/11082 14396/21951/10481 14375/21928/10460 +f 14387/21942/10472 15011/22667/11096 14390/21945/10475 +f 15011/22667/11096 14998/22651/11083 14390/21945/10475 +f 15010/22666/11095 14391/21946/10476 14390/21945/10475 +f 14364/21917/10449 14385/21939/10470 14365/21918/10450 +f 13873/21345/9958 15012/22669/11097 15013/22670/11098 +f 13873/21345/9958 15013/22670/11098 15014/22671/11099 +f 13873/21345/9958 13850/21318/9935 15012/22669/11097 +f 13883/21355/9968 15014/22671/11099 15015/22672/11100 +f 13883/21355/9968 13873/21345/9958 15014/22671/11099 +f 13884/21403/9969 15015/22673/11100 15016/22674/11101 +f 13884/21356/9969 13883/21355/9968 15015/22672/11100 +f 13924/21404/10009 15016/22674/11101 15017/22675/11102 +f 13924/21404/10009 13884/21403/9969 15016/22674/11101 +f 13934/21416/10019 15017/22675/11102 15018/22676/11103 +f 13934/21416/10019 13924/21404/10009 15017/22675/11102 +f 13966/21453/10051 15018/22676/11103 15019/22677/11104 +f 13966/21453/10051 13934/21416/10019 15018/22676/11103 +f 14005/21499/10090 13966/21453/10051 15019/22677/11104 +f 14005/21499/10090 15019/22677/11104 15020/22678/11105 +f 14047/21548/10132 14005/21499/10090 15020/22678/11105 +f 14047/21548/10132 15020/22678/11105 15021/22679/11106 +f 14089/21596/10174 15021/22679/11106 15022/22680/11107 +f 14089/21596/10174 14047/21548/10132 15021/22679/11106 +f 14138/21653/10223 14089/21596/10174 15022/22680/11107 +f 14177/21699/10262 14138/21653/10223 15022/22680/11107 +f 14177/21699/10262 15022/22680/11107 15023/22681/11108 +f 14214/21741/10299 15023/22681/11108 15024/22682/11109 +f 14214/21741/10299 15024/22682/11109 15025/22683/11110 +f 14214/21741/10299 14177/21699/10262 15023/22681/11108 +f 14246/21779/10331 14214/21741/10299 15025/22683/11110 +f 14271/21808/10356 15025/22683/11110 15026/22684/11111 +f 14271/21808/10356 14246/21779/10331 15025/22683/11110 +f 14295/21837/10380 15026/22684/11111 15027/22685/11112 +f 14295/21837/10380 14271/21808/10356 15026/22684/11111 +f 14296/21838/10381 15027/22685/11112 15028/22686/11113 +f 14296/21838/10381 14295/21837/10380 15027/22685/11112 +f 14335/21883/10420 15028/22686/11113 15029/22687/11114 +f 14335/21883/10420 14296/21838/10381 15028/22686/11113 +f 14354/21904/10439 15029/22687/11114 15030/22688/11115 +f 14354/21904/10439 14335/21883/10420 15029/22687/11114 +f 13487/20898/9572 15030/22688/11115 15031/22689/11116 +f 13487/20898/9572 14354/21904/10439 15030/22688/11115 +f 13488/20899/9573 15031/22689/11116 15032/22690/11117 +f 13488/20899/9573 13487/20898/9572 15031/22689/11116 +f 13530/20945/9615 15032/22690/11117 15033/22691/11118 +f 13530/20945/9615 13488/20899/9573 15032/22690/11117 +f 13561/20982/9646 15033/22691/11118 15034/22692/11119 +f 13561/20982/9646 13530/20945/9615 15033/22691/11118 +f 13591/21015/9676 15034/22692/11119 15035/22693/11120 +f 13591/21015/9676 13561/20982/9646 15034/22692/11119 +f 13621/21049/9706 15035/22693/11120 15036/22694/11121 +f 13621/21049/9706 13591/21015/9676 15035/22693/11120 +f 13650/21087/9735 15036/22695/11121 15037/22696/11122 +f 13650/21087/9735 13621/21059/9706 15036/22695/11121 +f 13673/21114/9758 15037/22696/11122 15038/22697/11123 +f 13673/21114/9758 13650/21087/9735 15037/22696/11122 +f 13694/21138/9779 15038/22697/11123 15039/22698/11124 +f 13694/21138/9779 13673/21114/9758 15038/22697/11123 +f 13713/21158/9798 15039/22698/11124 15040/22699/11125 +f 13713/21158/9798 13694/21138/9779 15039/22698/11124 +f 13728/21177/9813 15040/22699/11125 15041/22700/11126 +f 13728/21177/9813 13713/21158/9798 15040/22699/11125 +f 13741/21192/9826 15041/22700/11126 15042/22701/11127 +f 13741/21192/9826 13728/21177/9813 15041/22700/11126 +f 13742/21193/9827 15042/22701/11127 15043/22702/11128 +f 13742/21193/9827 13741/21192/9826 15042/22701/11127 +f 13757/21210/9842 13742/21193/9827 15043/22702/11128 +f 13757/21210/9842 15043/22702/11128 15044/22703/11129 +f 13781/21236/9866 13757/21210/9842 15044/22703/11129 +f 13781/21236/9866 15044/22703/11129 15045/22704/11130 +f 13802/21261/9887 13781/21236/9866 15045/22704/11130 +f 13802/21261/9887 15045/22704/11130 15046/22705/11131 +f 13827/21291/9912 13802/21261/9887 15046/22705/11131 +f 13827/21291/9912 15046/22705/11131 15047/22706/11132 +f 13859/21328/9944 13827/21291/9912 15047/22706/11132 +f 13859/21328/9944 15047/22706/11132 15048/22707/11133 +f 13902/21379/9987 13859/21328/9944 15048/22707/11133 +f 13902/21379/9987 15048/22707/11133 15049/22708/11134 +f 13949/21433/10034 13902/21379/9987 15049/22708/11134 +f 13949/21433/10034 15049/22708/11134 15050/22709/11135 +f 13991/21482/10076 13949/21433/10034 15050/22709/11135 +f 13991/21482/10076 15050/22709/11135 15051/22710/11136 +f 14028/21526/10113 13991/21482/10076 15051/22710/11136 +f 14028/21526/10113 15051/22710/11136 15052/22711/11137 +f 14061/21564/10146 14028/21526/10113 15052/22711/11137 +f 14061/21564/10146 15052/22711/11137 15053/22712/11138 +f 14086/21593/10171 15053/22712/11138 15054/22713/11139 +f 14086/21593/10171 14061/21564/10146 15053/22712/11138 +f 14108/21618/10193 15054/22713/11139 15055/22714/11140 +f 14108/21618/10193 14086/21593/10171 15054/22713/11139 +f 14109/21619/10194 14108/21618/10193 15055/22714/11140 +f 14109/21619/10194 15055/22714/11140 15056/22715/11141 +f 14132/21647/10217 15056/22716/11141 15057/22717/11142 +f 14132/21647/10217 14109/21646/10194 15056/22716/11141 +f 14176/21698/10261 15057/22717/11142 15058/22718/11143 +f 14176/21698/10261 14132/21647/10217 15057/22717/11142 +f 14188/21712/10273 15058/22718/11143 15059/22719/11144 +f 14188/21712/10273 14176/21698/10261 15058/22718/11143 +f 14217/21745/10302 15059/22719/11144 15060/22720/11145 +f 14217/21745/10302 14188/21712/10273 15059/22719/11144 +f 14255/21789/10340 15060/22720/11145 15061/22721/11146 +f 14255/21789/10340 14217/21745/10302 15060/22720/11145 +f 14302/21844/10387 15061/22721/11146 15062/22722/11147 +f 14302/21844/10387 14255/21789/10340 15061/22721/11146 +f 14340/21888/10425 15062/22722/11147 15063/22723/11148 +f 14340/21888/10425 14302/21844/10387 15062/22722/11147 +f 13523/20938/9608 15063/22723/11148 15064/22724/11149 +f 13523/20938/9608 14340/21888/10425 15063/22723/11148 +f 13524/20939/9609 15064/22724/11149 15065/22725/11150 +f 13524/20939/9609 13523/20938/9608 15064/22724/11149 +f 13547/20964/9632 15065/22725/11150 15066/22726/11151 +f 13547/20964/9632 13524/20939/9609 15065/22725/11150 +f 13569/20991/9654 15066/22726/11151 15067/22727/11152 +f 13569/20991/9654 13547/20964/9632 15066/22726/11151 +f 13588/21012/9673 15067/22727/11152 15068/22728/11153 +f 13588/21012/9673 13569/20991/9654 15067/22727/11152 +f 13602/21029/9687 15068/22728/11153 15069/22729/11154 +f 13602/21029/9687 13588/21012/9673 15068/22728/11153 +f 13603/21030/9688 13602/21029/9687 15069/22729/11154 +f 13603/21030/9688 15069/22729/11154 15070/22730/11155 +f 13617/21045/9702 13603/21030/9688 15070/22730/11155 +f 13617/21045/9702 15070/22730/11155 15071/22731/11156 +f 13645/21082/9730 13617/21045/9702 15071/22731/11156 +f 13645/21082/9730 15071/22731/11156 15072/22732/11157 +f 13655/21092/9740 13645/21082/9730 15072/22732/11157 +f 13655/21092/9740 15072/22732/11157 15073/22733/11158 +f 13675/21116/9760 13655/21092/9740 15073/22733/11158 +f 13675/21116/9760 15073/22733/11158 15074/22734/11159 +f 13701/21146/9786 13675/21116/9760 15074/22734/11159 +f 13701/21146/9786 15074/22734/11159 15075/22735/11160 +f 13732/21181/9817 13701/21146/9786 15075/22735/11160 +f 13732/21181/9817 15075/22735/11160 15076/22736/11161 +f 13759/21212/9844 13732/21181/9817 15076/22736/11161 +f 13759/21212/9844 15076/22736/11161 15077/22737/11162 +f 13789/21247/9874 13759/21246/9844 15077/22738/11162 +f 13789/21247/9874 15077/22738/11162 15078/22739/11163 +f 13816/21279/9901 13789/21247/9874 15078/22739/11163 +f 13816/21279/9901 15078/22739/11163 15079/22740/11164 +f 13840/21307/9925 13816/21279/9901 15079/22740/11164 +f 13840/21307/9925 15079/22740/11164 15080/22741/11165 +f 13866/21336/9951 13840/21307/9925 15080/22741/11165 +f 13866/21336/9951 15080/22741/11165 15081/22742/11166 +f 13895/21368/9980 13866/21336/9951 15081/22742/11166 +f 13895/21368/9980 15081/22742/11166 15082/22743/11167 +f 13916/21394/10001 13895/21368/9980 15082/22743/11167 +f 13916/21394/10001 15082/22743/11167 15083/22744/11168 +f 13916/21394/10001 15083/22744/11168 15084/22745/11169 +f 13917/21395/10002 13916/21394/10001 15084/22745/11169 +f 13962/21449/10047 13917/21395/10002 15084/22745/11169 +f 13962/21449/10047 15084/22745/11169 15085/22746/11170 +f 13983/21474/10068 13962/21449/10047 15085/22746/11170 +f 13983/21474/10068 15085/22746/11170 15086/22747/11171 +f 13997/21490/10082 13983/21474/10068 15086/22747/11171 +f 13997/21490/10082 15086/22747/11171 15087/22748/11172 +f 13997/21490/10082 15087/22748/11172 15088/22749/11173 +f 14025/21523/10110 15088/22749/11173 15089/22750/11174 +f 14025/21523/10110 13997/21490/10082 15088/22749/11173 +f 14063/21566/10148 15089/22750/11174 15090/22751/11175 +f 14063/21566/10148 14025/21523/10110 15089/22750/11174 +f 14111/21621/10196 15090/22751/11175 15091/22752/11176 +f 14111/21621/10196 14063/21566/10148 15090/22751/11175 +f 14152/21671/10237 15091/22752/11176 15092/22753/11177 +f 14152/21671/10237 14111/21621/10196 15091/22752/11176 +f 14198/21723/10283 15092/22753/11177 15093/22754/11178 +f 14198/21723/10283 14152/21671/10237 15092/22753/11177 +f 14241/21774/10326 15093/22754/11178 15094/22755/11179 +f 14241/21774/10326 14198/21723/10283 15093/22754/11178 +f 14279/21819/10364 14241/21774/10326 15094/22755/11179 +f 14279/21819/10364 15094/22755/11179 15095/22756/11180 +f 13849/21317/9934 14279/21819/10364 15095/22756/11180 +f 13850/21318/9935 13849/21317/9934 15095/22756/11180 +f 13850/21318/9935 15095/22756/11180 15012/22669/11097 +f 14571/22158/10656 15096/22757/11097 15097/22758/11181 +f 14555/22137/10640 15097/22758/11181 15098/22759/11182 +f 14555/22137/10640 14571/22158/10656 15097/22758/11181 +f 14553/22135/10638 15098/22760/11182 15099/22761/11183 +f 14553/22138/10638 14555/22137/10640 15098/22759/11182 +f 14504/22074/10589 15099/22761/11183 15100/22762/11184 +f 14504/22074/10589 14553/22135/10638 15099/22761/11183 +f 14482/22051/10567 15100/22762/11184 15101/22763/11185 +f 14482/22051/10567 14504/22074/10589 15100/22762/11184 +f 14454/22017/10539 15101/22763/11185 15102/22764/11186 +f 14454/22017/10539 14482/22051/10567 15101/22763/11185 +f 14428/21988/10513 15102/22764/11186 15103/22765/11187 +f 14428/21988/10513 14454/22017/10539 15102/22764/11186 +f 14403/21959/10488 15103/22765/11187 15104/22766/11188 +f 14403/21959/10488 14428/21988/10513 15103/22765/11187 +f 14380/21933/10465 15104/22766/11188 15105/22767/11189 +f 14380/21933/10465 14403/21959/10488 15104/22766/11188 +f 15006/22660/11091 15105/22767/11189 15106/22768/11190 +f 15006/22660/11091 14380/21933/10465 15105/22767/11189 +f 14993/22644/11078 15106/22768/11190 15107/22769/11191 +f 14993/22644/11078 15006/22660/11091 15106/22768/11190 +f 14975/22624/11060 15107/22769/11191 15108/22770/11192 +f 14975/22624/11060 14993/22644/11078 15107/22769/11191 +f 14960/22607/11045 15108/22770/11192 15109/22771/11193 +f 14960/22607/11045 14975/22624/11060 15108/22770/11192 +f 14945/22590/11030 15109/22771/11193 15110/22772/11194 +f 14945/22590/11030 14960/22607/11045 15109/22771/11193 +f 14931/22575/11016 15110/22772/11194 15111/22773/11195 +f 14931/22575/11016 14945/22590/11030 15110/22772/11194 +f 14915/22556/11000 15111/22773/11195 15112/22774/11196 +f 14915/22556/11000 14931/22575/11016 15111/22773/11195 +f 14880/22514/10965 15112/22774/11196 15113/22775/11197 +f 14880/22514/10965 14915/22556/11000 15112/22774/11196 +f 14879/22515/10964 15113/22775/11197 15114/22776/11198 +f 14879/22515/10964 14880/22514/10965 15113/22775/11197 +f 14855/22485/10940 15114/22777/11198 15115/22778/11199 +f 14855/22485/10940 14879/22513/10964 15114/22777/11198 +f 14809/22429/10894 14855/22485/10940 15115/22778/11199 +f 14809/22429/10894 15115/22778/11199 15116/22779/11200 +f 14779/22395/10864 14809/22429/10894 15116/22779/11200 +f 14779/22395/10864 15116/22779/11200 15117/22780/11201 +f 14751/22362/10836 14779/22395/10864 15117/22780/11201 +f 14751/22362/10836 15117/22780/11201 15118/22781/11202 +f 14728/22337/10813 14751/22362/10836 15118/22781/11202 +f 14728/22337/10813 15118/22781/11202 15119/22782/11203 +f 14704/22307/10789 14728/22337/10813 15119/22782/11203 +f 14704/22307/10789 15119/22782/11203 15120/22783/11204 +f 14679/22280/10764 15120/22783/11204 15121/22784/11205 +f 14679/22280/10764 14704/22307/10789 15120/22783/11204 +f 14662/22261/10747 15121/22784/11205 15122/22785/11206 +f 14662/22261/10747 14679/22280/10764 15121/22784/11205 +f 14646/22242/10731 15122/22785/11206 15123/22786/11207 +f 14646/22242/10731 14662/22261/10747 15122/22785/11206 +f 14635/22230/10720 15123/22786/11207 15124/22787/11208 +f 14635/22230/10720 14646/22242/10731 15123/22786/11207 +f 14627/22221/10712 15124/22787/11208 15125/22788/11209 +f 14627/22221/10712 14635/22230/10720 15124/22787/11208 +f 14620/22214/10705 15125/22788/11209 15126/22789/11210 +f 14620/22214/10705 14627/22221/10712 15125/22788/11209 +f 14508/22078/10593 15126/22789/11210 15127/22790/11139 +f 14508/22078/10593 15127/22790/11139 15128/22791/11211 +f 14508/22078/10593 14620/22214/10705 15126/22789/11210 +f 14507/22077/10592 15128/22792/11211 15129/22793/11212 +f 14507/22079/10592 14508/22078/10593 15128/22791/11211 +f 14467/22032/10552 15129/22793/11212 15130/22794/11213 +f 14467/22032/10552 14507/22077/10592 15129/22793/11212 +f 14465/22029/10550 15130/22794/11213 15131/22795/11214 +f 14465/22029/10550 14467/22032/10552 15130/22794/11213 +f 14417/21976/10502 15131/22795/11214 15132/22796/11215 +f 14417/21976/10502 14465/22029/10550 15131/22795/11214 +f 14379/21932/10464 15132/22796/11215 15133/22797/11216 +f 14379/21932/10464 14417/21976/10502 15132/22796/11215 +f 14376/21929/10461 15133/22797/11216 15134/22798/11217 +f 14376/21929/10461 14379/21932/10464 15133/22797/11216 +f 14988/22639/11073 15134/22798/11217 15135/22799/11218 +f 14988/22639/11073 14376/21929/10461 15134/22798/11217 +f 14963/22610/11048 15135/22799/11218 15136/22800/11219 +f 14963/22610/11048 14988/22639/11073 15135/22799/11218 +f 14939/22584/11024 15136/22800/11219 15137/22801/11220 +f 14939/22584/11024 14963/22610/11048 15136/22800/11219 +f 14921/22563/11006 15137/22801/11220 15138/22802/11221 +f 14921/22563/11006 14939/22584/11024 15137/22801/11220 +f 14905/22545/10990 15138/22802/11221 15139/22803/11222 +f 14905/22545/10990 14921/22563/11006 15138/22802/11221 +f 14892/22529/10977 15139/22803/11222 15140/22804/11223 +f 14892/22529/10977 14905/22545/10990 15139/22803/11222 +f 14877/22511/10962 14892/22529/10977 15140/22804/11223 +f 14877/22511/10962 15140/22804/11223 15141/22805/11224 +f 14863/22495/10948 14877/22511/10962 15141/22805/11224 +f 14863/22495/10948 15141/22805/11224 15142/22806/11225 +f 14847/22476/10932 14863/22495/10948 15142/22806/11225 +f 14847/22476/10932 15142/22806/11225 15143/22807/11226 +f 14814/22434/10899 14847/22476/10932 15143/22807/11226 +f 14814/22434/10899 15143/22807/11226 15144/22808/11227 +f 14794/22435/10879 14814/22434/10899 15144/22808/11227 +f 14794/22412/10879 15144/22809/11227 15145/22810/11228 +f 14792/22410/10877 14794/22412/10879 15145/22810/11228 +f 14792/22410/10877 15145/22810/11228 15146/22811/11229 +f 14745/22356/10830 14792/22410/10877 15146/22811/11229 +f 14745/22356/10830 15146/22811/11229 15147/22812/11230 +f 14718/22325/10803 14745/22356/10830 15147/22812/11230 +f 14718/22325/10803 15147/22812/11230 15148/22813/11231 +f 14689/22292/10774 14718/22325/10803 15148/22813/11231 +f 14689/22292/10774 15148/22813/11231 15149/22814/11232 +f 14666/22265/10751 14689/22292/10774 15149/22814/11232 +f 14666/22265/10751 15149/22814/11232 15150/22815/11233 +f 14643/22239/10728 14666/22265/10751 15150/22815/11233 +f 14643/22239/10728 15150/22815/11233 15151/22816/11234 +f 14622/22216/10707 14643/22239/10728 15151/22816/11234 +f 14622/22216/10707 15151/22816/11234 15152/22817/11235 +f 14610/22203/10695 14622/22216/10707 15152/22817/11235 +f 14610/22203/10695 15152/22817/11235 15153/22818/11236 +f 14603/22195/10688 14610/22203/10695 15153/22818/11236 +f 14603/22195/10688 15153/22818/11236 15154/22819/11237 +f 14594/22184/10679 14603/22195/10688 15154/22819/11237 +f 14594/22184/10679 15154/22819/11237 15155/22820/11238 +f 14586/22175/10671 15155/22820/11238 15156/22821/11239 +f 14586/22175/10671 14594/22184/10679 15155/22820/11238 +f 14579/22168/10664 15156/22821/11239 15157/22822/11240 +f 14579/22168/10664 14586/22175/10671 15156/22821/11239 +f 14571/22158/10656 15157/22822/11240 15096/22757/11097 +f 14571/22158/10656 14579/22168/10664 15157/22822/11240 +f 15097/22823/11241 15158/22824/11242 15159/22825/11243 +f 15097/22823/11241 15096/22826/11244 15158/22824/11242 +f 15098/22827/11245 15159/22825/11243 15160/22828/11246 +f 15098/22827/11245 15097/22823/11241 15159/22825/11243 +f 15099/22829/11247 15160/22828/11246 15161/22830/11248 +f 15099/22829/11247 15098/22827/11245 15160/22828/11246 +f 15100/22831/11249 15161/22830/11248 15162/22832/11250 +f 15100/22831/11249 15099/22829/11247 15161/22830/11248 +f 15101/22833/11251 15162/22832/11250 15163/22834/11252 +f 15101/22833/11251 15100/22831/11249 15162/22832/11250 +f 15102/22835/11253 15163/22834/11252 15164/22836/11254 +f 15102/22835/11253 15101/22833/11251 15163/22834/11252 +f 15103/22837/11255 15164/22836/11254 15165/22838/11256 +f 15103/22837/11255 15102/22835/11253 15164/22836/11254 +f 15104/22839/11257 15103/22837/11255 15165/22838/11256 +f 15105/22840/11258 15165/22838/11256 15166/22841/11259 +f 15105/22840/11258 15104/22839/11257 15165/22838/11256 +f 15106/22842/11260 15166/22841/11259 15167/22843/11261 +f 15106/22842/11260 15105/22840/11258 15166/22841/11259 +f 15107/22844/11262 15167/22843/11261 15168/22845/11263 +f 15107/22844/11262 15106/22842/11260 15167/22843/11261 +f 15108/22846/11264 15168/22845/11263 15169/22847/11265 +f 15108/22846/11264 15107/22844/11262 15168/22845/11263 +f 15109/22848/11266 15169/22847/11265 15170/22849/11267 +f 15109/22848/11266 15108/22846/11264 15169/22847/11265 +f 15110/22850/11268 15170/22849/11267 15171/22851/11269 +f 15110/22850/11268 15109/22848/11266 15170/22849/11267 +f 15111/22852/11270 15110/22850/11268 15171/22851/11269 +f 15112/22853/11271 15171/22851/11269 15172/22854/11272 +f 15112/22853/11271 15111/22852/11270 15171/22851/11269 +f 15113/22855/11273 15172/22854/11272 15173/22856/11274 +f 15113/22855/11273 15112/22853/11271 15172/22854/11272 +f 15114/22857/11275 15173/22856/11274 15174/22858/11276 +f 15114/22857/11275 15113/22855/11273 15173/22856/11274 +f 15115/22859/11277 15174/22858/11276 15175/22860/11278 +f 15115/22859/11277 15114/22857/11275 15174/22858/11276 +f 15116/22861/11279 15175/22860/11278 15176/22862/11280 +f 15116/22861/11279 15115/22859/11277 15175/22860/11278 +f 15117/22863/11281 15116/22861/11279 15176/22862/11280 +f 15117/22863/11281 15176/22862/11280 15177/22864/11282 +f 15118/22865/11283 15117/22863/11281 15177/22864/11282 +f 15118/22865/11283 15177/22864/11282 15178/22866/11284 +f 15119/22867/11285 15118/22865/11283 15178/22866/11284 +f 15120/22868/11286 15119/22867/11285 15178/22866/11284 +f 15120/22868/11286 15178/22866/11284 15179/22869/11287 +f 15121/22870/11288 15120/22868/11286 15179/22869/11287 +f 15121/22870/11288 15179/22869/11287 15180/22871/11289 +f 15122/22872/11290 15121/22870/11288 15180/22871/11289 +f 15122/22872/11290 15180/22871/11289 15181/22873/11291 +f 15123/22874/11292 15181/22873/11291 15182/22875/11293 +f 15123/22874/11292 15122/22872/11290 15181/22873/11291 +f 15124/22876/11294 15182/22875/11293 15183/22877/11295 +f 15124/22876/11294 15123/22874/11292 15182/22875/11293 +f 15125/22878/11296 15183/22877/11295 15184/22879/11297 +f 15125/22878/11296 15124/22876/11294 15183/22877/11295 +f 15126/22880/11298 15184/22879/11297 15185/22881/11299 +f 15126/22880/11298 15125/22878/11296 15184/22879/11297 +f 15127/22882/11300 15126/22880/11298 15185/22881/11299 +f 15128/22883/11301 15185/22881/11299 15186/22884/11302 +f 15128/22883/11301 15127/22882/11300 15185/22881/11299 +f 15129/22885/11303 15186/22884/11302 15187/22886/11304 +f 15129/22885/11303 15128/22883/11301 15186/22884/11302 +f 15130/22887/11305 15187/22886/11304 15188/22888/11306 +f 15130/22887/11305 15129/22885/11303 15187/22886/11304 +f 15131/22889/11307 15188/22888/11306 15189/22890/11308 +f 15131/22889/11307 15130/22887/11305 15188/22888/11306 +f 15132/22891/11309 15189/22890/11308 15190/22892/11310 +f 15132/22891/11309 15131/22889/11307 15189/22890/11308 +f 15133/22893/11311 15190/22892/11310 15191/22894/11312 +f 15133/22893/11311 15132/22891/11309 15190/22892/11310 +f 15134/22895/11313 15191/22894/11312 15192/22896/11314 +f 15134/22895/11313 15133/22893/11311 15191/22894/11312 +f 15135/22897/11315 15134/22895/11313 15192/22896/11314 +f 15136/22898/11316 15192/22896/11314 15193/22899/11317 +f 15136/22898/11316 15135/22897/11315 15192/22896/11314 +f 15137/22900/11318 15193/22899/11317 15194/22901/11319 +f 15137/22900/11318 15136/22898/11316 15193/22899/11317 +f 15138/22902/11320 15194/22901/11319 15195/22903/11321 +f 15138/22902/11320 15137/22900/11318 15194/22901/11319 +f 15139/22904/11322 15195/22903/11321 15196/22905/11323 +f 15139/22904/11322 15138/22902/11320 15195/22903/11321 +f 15140/22906/11324 15196/22905/11323 15197/22907/11325 +f 15140/22906/11324 15139/22904/11322 15196/22905/11323 +f 15141/22908/11326 15197/22907/11325 15198/22909/11327 +f 15141/22908/11326 15140/22906/11324 15197/22907/11325 +f 15142/22910/11328 15141/22908/11326 15198/22909/11327 +f 15143/22911/11329 15198/22909/11327 15199/22912/11330 +f 15143/22911/11329 15142/22910/11328 15198/22909/11327 +f 15144/22913/11331 15199/22912/11330 15200/22914/11332 +f 15144/22913/11331 15143/22911/11329 15199/22912/11330 +f 15145/22915/11333 15144/22913/11331 15200/22914/11332 +f 15145/22915/11333 15200/22914/11332 15201/22916/11334 +f 15146/22917/11335 15145/22915/11333 15201/22916/11334 +f 15146/22917/11335 15201/22916/11334 15202/22918/11336 +f 15147/22919/11337 15146/22917/11335 15202/22918/11336 +f 15147/22919/11337 15202/22918/11336 15203/22920/11338 +f 15148/22921/11339 15147/22919/11337 15203/22920/11338 +f 15148/22921/11339 15203/22920/11338 15204/22922/11340 +f 15149/22923/11341 15148/22921/11339 15204/22922/11340 +f 15149/22923/11341 15204/22922/11340 15205/22924/11342 +f 15150/22925/11343 15149/22923/11341 15205/22924/11342 +f 15151/22926/11344 15150/22925/11343 15205/22924/11342 +f 15151/22926/11344 15205/22924/11342 15206/22927/11345 +f 15152/22928/11346 15151/22926/11344 15206/22927/11345 +f 15152/22928/11346 15206/22927/11345 15207/22929/11347 +f 15153/22930/11348 15152/22928/11346 15207/22929/11347 +f 15153/22930/11348 15207/22929/11347 15208/22931/11349 +f 15154/22932/11350 15153/22930/11348 15208/22931/11349 +f 15154/22932/11350 15208/22931/11349 15209/22933/11351 +f 15155/22934/11352 15154/22932/11350 15209/22933/11351 +f 15155/22934/11352 15209/22933/11351 15210/22935/11353 +f 15156/22936/11354 15155/22934/11352 15210/22935/11353 +f 15156/22936/11354 15210/22935/11353 15211/22937/11355 +f 15157/22938/11356 15156/22936/11354 15211/22937/11355 +f 15157/22938/11356 15211/22937/11355 15158/22824/11242 +f 15096/22826/11244 15157/22938/11356 15158/22824/11242 +f 13993/21484/10078 15212/22939/326 13956/21440/10041 +f 15213/22940/326 15214/22941/326 13634/21066/9719 +f 13519/20934/9604 13549/20966/9634 15215/22942/326 +f 15213/22940/326 13634/21066/9719 13649/21086/9734 +f 15213/22940/326 13649/21086/9734 13669/21110/9754 +f 15213/22940/326 13669/21110/9754 13692/21136/9777 +f 15213/22940/326 13692/21136/9777 13720/21167/9805 +f 14031/21529/10116 15212/22939/326 13993/21484/10078 +f 15213/22940/326 13720/21167/9805 13746/21197/9831 +f 15213/22940/326 13746/21197/9831 13773/21228/9858 +f 15213/22940/326 13773/21228/9858 13800/21259/9885 +f 15213/22940/326 13800/21259/9885 13824/21288/9909 +f 15213/22940/326 13824/21288/9909 13851/21319/9936 +f 15213/22940/326 13851/21319/9936 13872/21344/9957 +f 13520/20935/9605 13519/20934/9604 15215/22942/326 +f 15213/22940/326 13872/21344/9957 13891/21363/9976 +f 15213/22940/326 13891/21363/9976 13943/21427/10028 +f 14070/21575/10155 15212/22939/326 14031/21529/10116 +f 13968/21455/10053 15213/22940/326 13943/21427/10028 +f 14357/21907/10442 13520/20935/9605 15215/22942/326 +f 14113/21623/10198 15212/22939/326 14070/21575/10155 +f 14316/21860/10401 14357/21907/10442 15215/22942/326 +f 14316/21860/10401 15215/22942/326 15212/22939/326 +f 15216/22943/326 14158/21678/10243 15214/22941/326 +f 15216/22943/326 13875/21347/9960 13921/21400/10006 +f 14154/21673/10239 15212/22939/326 14113/21623/10198 +f 15216/22943/326 13921/21400/10006 13965/21452/10050 +f 15216/22943/326 13965/21452/10050 14003/21497/10088 +f 15216/22943/326 14003/21497/10088 14039/21539/10124 +f 15216/22943/326 14039/21539/10124 14069/21574/10154 +f 14290/21831/10375 14316/21860/10401 15212/22939/326 +f 15216/22943/326 14069/21574/10154 14104/21614/10189 +f 15216/22943/326 14104/21614/10189 14134/21649/10219 +f 15216/22943/326 14134/21649/10219 14158/21678/10243 +f 14191/21716/10276 15212/22939/326 14154/21673/10239 +f 14288/21829/10373 14290/21831/10375 15212/22939/326 +f 14225/21753/10310 15212/22939/326 14191/21716/10276 +f 13844/21312/9929 13875/21347/9960 15216/22943/326 +f 14252/21786/10337 14288/21829/10373 15212/22939/326 +f 14252/21786/10337 15212/22939/326 14225/21753/10310 +f 13818/21281/9903 13844/21312/9929 15216/22943/326 +f 13795/21254/9880 13818/21281/9903 15216/22943/326 +f 15217/22944/326 15213/22940/326 13968/21455/10053 +f 15217/22944/326 13968/21455/10053 13988/21479/10073 +f 15217/22944/326 13988/21479/10073 14018/21513/10103 +f 15217/22944/326 14018/21513/10103 14054/21556/10139 +f 15217/22944/326 14054/21556/10139 14093/21601/10178 +f 14131/21644/10216 15217/22944/326 14093/21601/10178 +f 13775/21230/9860 13795/21254/9880 15216/22943/326 +f 14173/21695/10258 15217/22944/326 14131/21644/10216 +f 13761/21214/9846 13775/21230/9860 15216/22943/326 +f 14218/21746/10303 15217/22944/326 14173/21695/10258 +f 15215/22942/326 13761/21214/9846 15216/22943/326 +f 13724/21172/9809 13761/21214/9846 15215/22942/326 +f 14256/21790/10341 15217/22944/326 14218/21746/10303 +f 13709/21154/9794 13724/21172/9809 15215/22942/326 +f 14293/21835/10378 15217/22944/326 14256/21790/10341 +f 13699/21144/9784 13709/21154/9794 15215/22942/326 +f 14324/21869/10409 15217/22944/326 14293/21835/10378 +f 13680/21121/9765 13699/21144/9784 15215/22942/326 +f 14349/21898/10434 15217/22944/326 14324/21869/10409 +f 13657/21094/9742 13680/21121/9765 15215/22942/326 +f 14355/21905/10440 15217/22944/326 14349/21898/10434 +f 15214/22941/326 14158/21678/10243 14179/21701/10264 +f 15214/22941/326 14179/21701/10264 14209/21736/10294 +f 13632/21064/9717 13657/21094/9742 15215/22942/326 +f 15214/22941/326 14209/21736/10294 14243/21776/10328 +f 15214/22941/326 14243/21776/10328 14282/21822/10367 +f 15214/22941/326 14282/21822/10367 14320/21864/10405 +f 15214/22941/326 14320/21864/10405 13491/20902/9576 +f 15214/22941/326 13491/20902/9576 13495/20906/9580 +f 15214/22941/326 13495/20906/9580 13532/20947/9617 +f 13928/21409/10013 15212/22939/326 15217/22944/326 +f 15214/22941/326 13532/20947/9617 13555/20975/9640 +f 15214/22941/326 13555/20975/9640 13576/20999/9661 +f 13928/21409/10013 15217/22944/326 14355/21905/10440 +f 15214/22941/326 13576/20999/9661 13585/21009/9670 +f 15214/22941/326 13585/21009/9670 13600/21027/9685 +f 15214/22941/326 13600/21027/9685 13634/21066/9719 +f 13606/21033/9691 13632/21064/9717 15215/22942/326 +f 13929/21410/10014 15212/22939/326 13928/21409/10013 +f 13575/20998/9660 13606/21033/9691 15215/22942/326 +f 13956/21440/10041 15212/22939/326 13929/21410/10014 +f 13549/20966/9634 13575/20998/9660 15215/22942/326 +f 15186/22884/6592 15158/22824/4 15187/22886/6592 +f 15171/22851/4 15170/22849/4 15158/22824/4 +f 15185/22881/8525 15158/22824/4 15186/22884/6592 +f 15184/22879/4 15158/22824/4 15185/22881/8525 +f 15173/22856/4 15172/22854/4 15171/22851/4 +f 15173/22856/4 15171/22851/4 15158/22824/4 +f 15182/22875/6592 15184/22879/4 15183/22877/4 +f 15175/22860/4 15174/22858/8523 15173/22856/4 +f 15181/22873/4 15158/22824/4 15184/22879/4 +f 15181/22873/4 15184/22879/4 15182/22875/6592 +f 15176/22862/4 15173/22856/4 15158/22824/4 +f 15176/22862/4 15175/22860/4 15173/22856/4 +f 15179/22869/6592 15181/22873/4 15180/22871/8525 +f 15158/22824/4 15201/22916/4 15200/22914/4 +f 15158/22824/4 15202/22918/4 15201/22916/4 +f 15158/22824/4 15203/22920/4 15202/22918/4 +f 15178/22866/4 15177/22864/4 15176/22862/4 +f 15158/22824/4 15204/22922/4 15203/22920/4 +f 15178/22866/4 15176/22862/4 15158/22824/4 +f 15158/22824/4 15205/22924/4 15204/22922/4 +f 15178/22866/4 15158/22824/4 15181/22873/4 +f 15158/22824/4 15206/22927/4 15205/22924/4 +f 15178/22866/4 15181/22873/4 15179/22869/6592 +f 15158/22824/4 15207/22929/4 15206/22927/4 +f 15158/22824/4 15208/22931/4 15207/22929/4 +f 15158/22824/4 15209/22933/4 15208/22931/4 +f 15158/22824/4 15210/22935/4 15209/22933/4 +f 15158/22824/4 15211/22937/8528 15210/22935/4 +f 15198/22909/4 15200/22914/4 15199/22912/4 +f 15198/22909/4 15158/22824/4 15200/22914/4 +f 15197/22907/4 15158/22824/4 15198/22909/4 +f 15160/22828/4 15159/22825/4 15158/22824/4 +f 15196/22905/4 15158/22824/4 15197/22907/4 +f 15161/22830/4 15160/22828/4 15158/22824/4 +f 15195/22903/4 15158/22824/4 15196/22905/4 +f 15162/22832/4 15161/22830/4 15158/22824/4 +f 15194/22901/4 15158/22824/4 15195/22903/4 +f 15163/22834/4 15162/22832/4 15158/22824/4 +f 15164/22836/4 15163/22834/4 15158/22824/4 +f 15192/22896/4 15158/22824/4 15194/22901/4 +f 15192/22896/4 15194/22901/4 15193/22899/8527 +f 15165/22838/4 15164/22836/4 15158/22824/4 +f 15191/22894/4 15158/22824/4 15192/22896/4 +f 15166/22841/4 15165/22838/4 15158/22824/4 +f 15167/22843/4 15166/22841/4 15158/22824/4 +f 15189/22890/8524 15191/22894/4 15190/22892/8529 +f 15168/22845/4 15167/22843/4 15158/22824/4 +f 15188/22888/4 15191/22894/4 15189/22890/8524 +f 15187/22886/6592 15158/22824/4 15191/22894/4 +f 15187/22886/6592 15191/22894/4 15188/22888/4 +f 15170/22849/4 15169/22847/8526 15168/22845/4 +f 15170/22849/4 15168/22845/4 15158/22824/4 +f 15037/22945/4 15036/22946/4 14925/22568/11010 +f 15038/22947/4 15037/22945/4 14925/22568/11010 +f 15038/22947/4 14925/22568/11010 14909/22549/10994 +f 15049/22948/4 14697/22300/10782 15050/22949/4 +f 15049/22948/4 14720/22327/10805 14697/22300/10782 +f 15048/22950/4 14720/22327/10805 15049/22948/4 +f 15048/22950/4 14747/22358/10832 14720/22327/10805 +f 15039/22951/4 15038/22947/4 14909/22549/10994 +f 15039/22951/4 14909/22549/10994 14890/22527/10975 +f 15047/22952/4 14747/22358/10832 15048/22950/4 +f 15047/22952/4 14758/22370/10843 14747/22358/10832 +f 15040/22953/4 14890/22527/10975 14867/22500/10952 +f 15040/22953/4 15039/22951/4 14890/22527/10975 +f 15046/22954/4 14758/22370/10843 15047/22952/4 +f 15041/22955/4 15040/22953/4 14867/22500/10952 +f 15042/22956/4 15041/22955/4 14867/22500/10952 +f 15042/22956/4 14867/22500/10952 14842/22470/10927 +f 15045/22957/4 14758/22370/10843 15046/22954/4 +f 15045/22957/4 14787/22404/10872 14758/22370/10843 +f 15044/22958/4 14787/22404/10872 15045/22957/4 +f 15044/22958/4 14818/22441/10903 14787/22404/10872 +f 15043/22959/4 14818/22441/10903 15044/22958/4 +f 15043/22959/4 15042/22956/4 14842/22470/10927 +f 15043/22959/4 14842/22470/10927 14818/22441/10903 +f 14754/22365/10839 15086/22960/4 15085/22961/4 +f 14726/22333/10811 15086/22960/4 14754/22365/10839 +f 14726/22333/10811 15087/22962/4 15086/22960/4 +f 14778/22394/10863 14754/22365/10839 15085/22961/4 +f 14778/22394/10863 15085/22961/4 15084/22963/4 +f 14695/22298/10780 15087/22962/4 14726/22333/10811 +f 14695/22298/10780 15088/22964/4 15087/22962/4 +f 14695/22298/10780 15089/22965/4 15088/22964/4 +f 14805/22424/10890 14778/22394/10863 15084/22963/4 +f 14805/22424/10890 15083/22966/4 15082/22967/4 +f 14805/22424/10890 15084/22963/4 15083/22966/4 +f 14825/22448/10910 14805/22424/10890 15082/22967/4 +f 14825/22448/10910 15082/22967/4 15081/22968/4 +f 14686/22288/10771 15090/22969/4 15089/22965/4 +f 14686/22288/10771 15089/22965/4 14695/22298/10780 +f 14660/22259/10745 15090/22969/4 14686/22288/10771 +f 14660/22259/10745 15091/22970/4 15090/22969/4 +f 14840/22468/10925 14825/22448/10910 15081/22968/4 +f 14840/22468/10925 15081/22968/4 15080/22971/4 +f 14857/22487/10942 14840/22468/10925 15080/22971/4 +f 14857/22487/10942 15079/22972/4 15078/22973/4 +f 14857/22487/10942 15080/22971/4 15079/22972/4 +f 14637/22232/10722 15092/22974/4 15091/22970/4 +f 14637/22232/10722 15093/22975/8525 15092/22974/4 +f 14637/22232/10722 15091/22970/4 14660/22259/10745 +f 14872/22506/10957 14857/22487/10942 15078/22973/4 +f 14872/22506/10957 15078/22973/4 15077/22976/4 +f 14617/22211/10702 15093/22975/8525 14637/22232/10722 +f 14617/22211/10702 15094/22977/8525 15093/22975/8525 +f 14888/22525/10973 14872/22506/10957 15077/22976/4 +f 14888/22525/10973 15077/22976/4 15076/22978/4 +f 14608/22201/10693 15094/22977/8525 14617/22211/10702 +f 14608/22201/10693 15095/22979/4 15094/22977/8525 +f 14903/22543/10988 14888/22525/10973 15076/22978/4 +f 14903/22543/10988 15075/22980/4 15074/22981/4 +f 14903/22543/10988 15076/22978/4 15075/22980/4 +f 14600/22192/10685 15013/22982/4 15012/22983/4 +f 14600/22192/10685 15095/22979/4 14608/22201/10693 +f 14600/22192/10685 15012/22983/4 15095/22979/4 +f 14919/22560/11004 14903/22543/10988 15074/22981/4 +f 14919/22560/11004 15074/22981/4 15073/22984/4 +f 14591/22181/10676 15014/22985/4 15013/22982/4 +f 14591/22181/10676 15013/22982/4 14600/22192/10685 +f 14935/22580/11020 14919/22560/11004 15073/22984/4 +f 14935/22580/11020 15073/22984/4 15072/22986/4 +f 14583/22172/10668 15015/22987/4 15014/22985/4 +f 14583/22172/10668 15014/22985/4 14591/22181/10676 +f 14957/22604/11042 14935/22580/11020 15072/22986/4 +f 14957/22604/11042 15071/22988/4 15070/22989/4 +f 14957/22604/11042 15072/22986/4 15071/22988/4 +f 14575/22164/10660 15016/22990/4 15015/22987/4 +f 14575/22164/10660 15017/22991/4 15016/22990/4 +f 14575/22164/10660 15015/22987/4 14583/22172/10668 +f 14982/22633/11067 14957/22604/11042 15070/22989/4 +f 14982/22633/11067 15070/22989/4 15069/22992/4 +f 14567/22153/10652 15017/22991/4 14575/22164/10660 +f 14567/22153/10652 15018/22993/4 15017/22991/4 +f 15008/22662/11093 14982/22633/11067 15069/22992/4 +f 15008/22662/11093 15069/22992/4 15068/22994/4 +f 14559/22144/10644 15019/22995/4 15018/22993/4 +f 14559/22144/10644 15018/22993/4 14567/22153/10652 +f 14391/21946/10476 15008/22662/11093 15068/22994/4 +f 14391/21946/10476 15068/22994/4 15067/22996/4 +f 14549/22131/10634 15020/22997/4 15019/22995/4 +f 14549/22131/10634 15019/22995/4 14559/22144/10644 +f 15066/22998/4 14391/21946/10476 15067/22996/4 +f 15021/22999/4 15020/22997/4 14549/22131/10634 +f 14398/21953/10483 14391/21946/10476 15066/22998/4 +f 14519/22094/10604 15021/22999/4 14549/22131/10634 +f 15065/23000/4 14398/21953/10483 15066/22998/4 +f 15022/23001/4 15021/22999/4 14519/22094/10604 +f 14426/21986/10511 14398/21953/10483 15065/23000/4 +f 14489/22058/10574 15022/23001/4 14519/22094/10604 +f 15064/23002/4 14426/21986/10511 15065/23000/4 +f 15023/23003/4 15022/23001/4 14489/22058/10574 +f 14451/22014/10536 14426/21986/10511 15064/23002/4 +f 14461/22024/10546 15023/23003/4 14489/22058/10574 +f 15063/23004/4 14451/22014/10536 15064/23002/4 +f 15024/23005/4 15023/23003/4 14461/22024/10546 +f 14478/22046/10563 14451/22014/10536 15063/23004/4 +f 14432/21992/10517 15024/23005/4 14461/22024/10546 +f 15062/23006/4 14478/22046/10563 15063/23004/4 +f 15025/23007/4 15024/23005/4 14432/21992/10517 +f 15061/23008/4 14478/22046/10563 15062/23006/4 +f 15061/23008/4 14498/22068/10583 14478/22046/10563 +f 15026/23009/4 15025/23007/4 14432/21992/10517 +f 15026/23009/4 14432/21992/10517 14422/21982/10507 +f 15060/23010/4 14498/22068/10583 15061/23008/4 +f 15060/23010/4 14518/22093/10603 14498/22068/10583 +f 15027/23011/4 14422/21982/10507 14394/21949/10479 +f 15027/23011/4 15026/23009/4 14422/21982/10507 +f 15059/23012/4 14518/22093/10603 15060/23010/4 +f 15059/23012/4 14530/22110/10615 14518/22093/10603 +f 15028/23013/4 14394/21949/10479 14393/21948/10478 +f 15028/23013/4 15027/23011/4 14394/21949/10479 +f 15058/23014/4 14530/22110/10615 15059/23012/4 +f 15029/23015/4 15028/23013/4 14393/21948/10478 +f 15057/23016/4 14530/22110/10615 15058/23014/4 +f 15057/23016/4 14538/22118/10623 14530/22110/10615 +f 15030/23017/4 14393/21948/10478 15003/22657/11088 +f 15030/23017/4 15029/23015/4 14393/21948/10478 +f 15056/23018/4 14538/22118/10623 15057/23016/4 +f 15056/23018/4 14545/22126/10630 14538/22118/10623 +f 15031/23019/4 15003/22657/11088 14986/22637/11071 +f 15031/23019/4 15030/23017/4 15003/22657/11088 +f 15055/23020/4 14619/22213/10704 14545/22126/10630 +f 15055/23020/4 14545/22126/10630 15056/23018/4 +f 15032/23021/4 14986/22637/11071 14970/22617/11055 +f 15032/23021/4 15031/23019/4 14986/22637/11071 +f 15054/23022/4 14619/22213/10704 15055/23020/4 +f 15033/23023/4 15032/23021/4 14970/22617/11055 +f 15053/23024/4 14619/22213/10704 15054/23022/4 +f 15053/23024/4 14657/22256/10742 14619/22213/10704 +f 15034/23025/4 14970/22617/11055 14954/22601/11039 +f 15034/23025/4 15033/23023/4 14970/22617/11055 +f 15052/23026/4 14675/22276/10760 14657/22256/10742 +f 15052/23026/4 14657/22256/10742 15053/23024/4 +f 15035/23027/4 14954/22601/11039 14941/22586/11026 +f 15035/23027/4 15034/23025/4 14954/22601/11039 +f 15051/23028/6592 14675/22276/10760 15052/23026/4 +f 15051/23028/6592 14697/22300/10782 14675/22276/10760 +f 15036/22946/4 14941/22586/11026 14925/22568/11010 +f 15036/22946/4 15035/23027/4 14941/22586/11026 +f 15050/22949/4 14697/22300/10782 15051/23028/6592 +f 13466/23029/11153 15212/23030/11153 15215/23031/11153 +f 13466/23029/11153 15218/23032/11153 15212/23030/11153 +f 15219/23033/11153 13466/23029/11153 15215/23031/11153 +f 15217/23034/11357 15212/23035/11357 13458/23036/11357 +f 15212/23035/11357 15218/23037/11139 13458/23036/11357 +f 15217/23034/11357 13458/23036/11357 15220/23038/11357 +f 13446/23039/11125 15213/23040/11125 15217/23034/11125 +f 13446/23039/11125 15221/23041/11125 15213/23040/11125 +f 15220/23038/11125 13446/23039/11125 15217/23034/11125 +f 13410/23042/11111 15214/23043/11111 15213/23044/11111 +f 13410/23042/11111 15222/23045/11111 15214/23043/11111 +f 15221/23046/11111 13410/23042/11111 15213/23044/11111 +f 15216/23047/11358 15214/23048/11358 13284/23049/11358 +f 15214/23048/11358 15222/23050/11097 13284/23049/11358 +f 15216/23047/11358 13284/23049/11358 15223/23051/11358 +f 15215/23052/11167 15216/23047/11167 13474/23053/11167 +f 15216/23047/11167 15223/23051/11167 13474/23053/11167 +f 15215/23052/11167 13474/23053/11167 15219/23054/11167 +f 13432/20840/9515 13395/20803/9477 15222/23055/326 +f 13400/20808/9482 13432/20840/9515 15222/23055/326 +f 13401/20809/9483 13400/20808/9482 15222/23055/326 +f 15222/23055/326 13395/20803/9477 13394/20802/9476 +f 15222/23055/326 13394/20802/9476 13392/20800/9474 +f 15222/23055/326 13392/20800/9474 13285/20690/9365 +f 13285/20690/9365 13284/20689/9364 15222/23055/326 +f 13401/20809/9483 15222/23055/326 13410/20818/326 +f 13437/20845/9520 13436/20844/9519 15221/23056/326 +f 15221/23056/326 13436/20844/9519 13435/20843/9518 +f 15221/23056/326 13435/20843/9518 13425/20833/9508 +f 15221/23056/326 13425/20833/9508 13424/20832/9507 +f 15221/23056/326 13424/20832/9507 13423/20831/9506 +f 15221/23056/326 13423/20831/9506 13411/20819/9493 +f 13411/20819/9493 13410/20818/326 15221/23056/326 +f 13437/20845/9520 15221/23056/326 13446/20854/326 +f 13452/20860/9536 15220/23057/326 13453/20861/9537 +f 15220/23057/326 13452/20860/9536 13447/20855/9530 +f 13453/20861/9537 15220/23057/326 13454/20862/9538 +f 13454/20862/9538 15220/23057/326 13455/20863/9539 +f 13455/20863/9539 15220/23057/326 13456/20864/9540 +f 13456/20864/9540 15220/23057/326 13457/20865/9541 +f 13447/20855/9530 13446/20854/8531 15220/23057/326 +f 13457/20865/9541 15220/23057/326 13458/20866/11359 +f 13460/20868/9544 13459/20867/9543 15218/23058/326 +f 13461/20869/9545 13460/20868/9544 15218/23058/326 +f 13461/20869/9545 15218/23058/326 13462/20870/9546 +f 13462/20870/9546 15218/23058/326 13463/20871/9547 +f 13463/20871/9547 15218/23058/326 13464/20872/9548 +f 13459/20867/9543 13458/20866/326 15218/23058/326 +f 13465/20873/9549 15218/23058/326 13466/20874/9550 +f 13464/20872/9548 15218/23058/326 13465/20873/9549 +f 13468/20876/9552 13467/20875/9551 15219/23059/326 +f 13469/20877/9553 13468/20876/9552 15219/23059/326 +f 13470/20878/9554 13469/20877/9553 15219/23059/326 +f 13471/20879/9555 13470/20878/9554 15219/23059/326 +f 13471/20879/9555 15219/23059/326 13472/20880/9556 +f 13472/20880/9556 15219/23059/326 13473/20881/9557 +f 13467/20875/9551 13466/20874/326 15219/23059/326 +f 13473/20881/9557 15219/23059/326 13474/20882/326 +f 13444/20852/9527 13443/20851/9526 15223/23060/326 +f 13419/20827/9502 13444/20852/9527 15223/23060/326 +f 13420/20828/9503 13419/20827/9502 15223/23060/326 +f 13422/20830/9505 13420/20828/9503 15223/23060/326 +f 13371/20778/9451 13422/20830/9505 15223/23060/326 +f 13475/20883/9559 13474/20882/8531 15223/23060/326 +f 13443/20851/9526 13475/20883/9559 15223/23060/326 +f 13371/20778/9451 15223/23060/326 13284/20689/9364 +f 15224/23061/11360 15225/23062/6598 15226/23063/6599 +f 15227/23064/6600 15224/23061/11360 15226/23063/6599 +f 15228/23065/11361 15227/23064/6600 15226/23063/6599 +f 15229/23066/6606 15230/23067/6607 15231/23068/6604 +f 15232/23069/6602 15233/23070/6603 15231/23068/6604 +f 15233/23070/6603 15234/23071/6605 15231/23068/6604 +f 15234/23071/6605 15229/23066/6606 15231/23068/6604 +f 15235/23072/8535 15236/23073/6608 15237/23074/8536 +f 15238/23075/8537 15235/23072/8535 15237/23074/8536 +f 15239/23076/6613 15240/23077/6610 15241/23078/6612 +f 15235/23072/8535 15242/23079/8538 15241/23078/6612 +f 15240/23077/6610 15243/23080/6611 15241/23078/6612 +f 15242/23079/8538 15239/23076/6613 15241/23078/6612 +f 15232/23069/6602 15231/23068/6604 15244/23081/6615 +f 15230/23067/6607 15245/23082/6616 15244/23081/6615 +f 15231/23068/6604 15230/23067/6607 15244/23081/6615 +f 15240/23077/6610 15232/23069/6602 15244/23081/6615 +f 15235/23072/8535 15241/23078/6612 15246/23083/6617 +f 15243/23080/6611 15247/23084/6618 15246/23083/6617 +f 15241/23078/6612 15243/23080/6611 15246/23083/6617 +f 15236/23073/6608 15235/23072/8535 15246/23083/6617 +f 15244/23081/6615 15245/23082/6616 15248/23085/6619 +f 15240/23077/6610 15244/23081/6615 15248/23085/6619 +f 15245/23082/6616 15249/23086/6620 15248/23085/6619 +f 15243/23080/6611 15240/23077/6610 15248/23085/6619 +f 15246/23083/6617 15247/23084/6618 15250/23087/6621 +f 15236/23073/6608 15246/23083/6617 15250/23087/6621 +f 15247/23084/6618 15251/23088/6622 15250/23087/6621 +f 15252/23089/6623 15236/23073/6608 15250/23087/6621 +f 15247/23084/6618 15243/23080/6611 15253/23090/8539 +f 15249/23086/6620 15254/23091/6625 15253/23090/8539 +f 15248/23085/6619 15249/23086/6620 15253/23090/8539 +f 15243/23080/6611 15248/23085/6619 15253/23090/8539 +f 15255/23092/11362 15252/23089/6623 15256/23093/6626 +f 15252/23089/6623 15250/23087/6621 15256/23093/6626 +f 15250/23087/6621 15251/23088/6622 15256/23093/6626 +f 15251/23088/6622 15257/23094/6628 15256/23093/6626 +f 15253/23090/8539 15254/23091/6625 15258/23095/6629 +f 15247/23084/6618 15253/23090/8539 15258/23095/6629 +f 15254/23091/6625 15259/23096/6630 15258/23095/6629 +f 15251/23088/6622 15247/23084/6618 15258/23095/6629 +f 15256/23093/6626 15257/23094/6628 15260/23097/6632 +f 15255/23092/11362 15256/23093/6626 15260/23097/6632 +f 15257/23094/6628 15261/23098/6631 15260/23097/6632 +f 15262/23099/11363 15255/23092/11362 15260/23097/6632 +f 15258/23095/6629 15259/23096/6630 15263/23100/8540 +f 15251/23088/6622 15258/23095/6629 15263/23100/8540 +f 15257/23094/6628 15251/23088/6622 15263/23100/8540 +f 15259/23096/6630 15264/23101/6635 15263/23100/8540 +f 15262/23099/11363 15260/23097/6632 15265/23102/6637 +f 15260/23097/6632 15261/23098/6631 15265/23102/6637 +f 15266/23103/11364 15262/23099/11363 15265/23102/6637 +f 15261/23098/6631 15267/23104/6636 15265/23102/6637 +f 15264/23101/6635 15268/23105/6640 15269/23106/6639 +f 15257/23094/6628 15263/23100/8540 15269/23106/6639 +f 15263/23100/8540 15264/23101/6635 15269/23106/6639 +f 15261/23098/6631 15257/23094/6628 15269/23106/6639 +f 15266/23103/11364 15265/23102/6637 15270/23107/6641 +f 15265/23102/6637 15267/23104/6636 15270/23107/6641 +f 15271/23108/6642 15266/23103/11364 15270/23107/6641 +f 15267/23104/6636 15272/23109/6643 15270/23107/6641 +f 15273/23110/11365 15274/23111/8541 15275/23112/11366 +f 15261/23098/6631 15269/23106/6639 15276/23113/6647 +f 15269/23106/6639 15268/23105/6640 15276/23113/6647 +f 15267/23104/6636 15261/23098/6631 15276/23113/6647 +f 15268/23105/6640 15277/23114/6648 15276/23113/6647 +f 15272/23109/6643 15278/23115/6649 15279/23116/6650 +f 15271/23108/6642 15270/23107/6641 15279/23116/6650 +f 15270/23107/6641 15272/23109/6643 15279/23116/6650 +f 15273/23110/11365 15271/23108/6642 15279/23116/6650 +f 15275/23112/11366 15274/23111/8541 15280/23117/11367 +f 15277/23114/6648 15281/23118/6652 15282/23119/8544 +f 15267/23104/6636 15276/23113/6647 15282/23119/8544 +f 15276/23113/6647 15277/23114/6648 15282/23119/8544 +f 15272/23109/6643 15267/23104/6636 15282/23119/8544 +f 15274/23111/8541 15283/23120/8545 15284/23121/8546 +f 15280/23117/11367 15274/23111/8541 15284/23121/8546 +f 15285/23122/11368 15280/23117/11367 15284/23121/8546 +f 15285/23122/11368 15284/23121/8546 15286/23123/6657 +f 15284/23121/8546 15283/23120/8545 15286/23123/6657 +f 15279/23116/6650 15278/23115/6649 15287/23124/6659 +f 15278/23115/6649 15288/23125/6658 15287/23124/6659 +f 15273/23110/11365 15279/23116/6650 15287/23124/6659 +f 15274/23111/8541 15273/23110/11365 15287/23124/6659 +f 15283/23120/8545 15289/23126/6660 15290/23127/8548 +f 15286/23123/6657 15283/23120/8545 15290/23127/8548 +f 15278/23115/6649 15272/23109/6643 15291/23128/6662 +f 15281/23118/6652 15292/23129/6663 15291/23128/6662 +f 15272/23109/6643 15282/23119/8544 15291/23128/6662 +f 15282/23119/8544 15281/23118/6652 15291/23128/6662 +f 15290/23127/8548 15289/23126/6660 15293/23130/8549 +f 15283/23120/8545 15274/23111/8541 15294/23131/6665 +f 15288/23125/6658 15295/23132/6666 15294/23131/6665 +f 15287/23124/6659 15288/23125/6658 15294/23131/6665 +f 15274/23111/8541 15287/23124/6659 15294/23131/6665 +f 15289/23126/6660 15296/23133/6667 15297/23134/6668 +f 15293/23130/8549 15289/23126/6660 15297/23134/6668 +f 15288/23125/6658 15278/23115/6649 15298/23135/6670 +f 15292/23129/6663 15299/23136/6669 15298/23135/6670 +f 15278/23115/6649 15291/23128/6662 15298/23135/6670 +f 15291/23128/6662 15292/23129/6663 15298/23135/6670 +f 15297/23134/6668 15296/23133/6667 15300/23137/8550 +f 15289/23126/6660 15283/23120/8545 15301/23138/6673 +f 15295/23132/6666 15302/23139/6672 15301/23138/6673 +f 15283/23120/8545 15294/23131/6665 15301/23138/6673 +f 15294/23131/6665 15295/23132/6666 15301/23138/6673 +f 15296/23133/6667 15303/23140/8551 15304/23141/6675 +f 15300/23137/8550 15296/23133/6667 15304/23141/6675 +f 15288/23125/6658 15298/23135/6670 15305/23142/6676 +f 15295/23132/6666 15288/23125/6658 15305/23142/6676 +f 15299/23136/6669 15306/23143/6677 15305/23142/6676 +f 15298/23135/6670 15299/23136/6669 15305/23142/6676 +f 15304/23141/6675 15303/23140/8551 15307/23144/8552 +f 15296/23133/6667 15289/23126/6660 15308/23145/6680 +f 15289/23126/6660 15301/23138/6673 15308/23145/6680 +f 15302/23139/6672 15309/23146/6679 15308/23145/6680 +f 15301/23138/6673 15302/23139/6672 15308/23145/6680 +f 15295/23132/6666 15305/23142/6676 15310/23147/8553 +f 15305/23142/6676 15306/23143/6677 15310/23147/8553 +f 15302/23139/6672 15295/23132/6666 15310/23147/8553 +f 15306/23143/6677 15311/23148/6682 15310/23147/8553 +f 15308/23145/6680 15309/23146/6679 15312/23149/8554 +f 15303/23140/8551 15296/23133/6667 15312/23149/8554 +f 15296/23133/6667 15308/23145/6680 15312/23149/8554 +f 15309/23146/6679 15313/23150/8555 15312/23149/8554 +f 15307/23144/8552 15303/23140/8551 15314/23151/8556 +f 15314/23152/11369 15315/23153/11369 15316/23154/11369 +f 15315/23155/11370 15307/23144/8552 15314/23151/8556 +f 15302/23139/6672 15310/23147/8553 15317/23156/6688 +f 15310/23147/8553 15311/23148/6682 15317/23156/6688 +f 15309/23146/6679 15302/23139/6672 15317/23156/6688 +f 15311/23148/6682 15318/23157/6689 15317/23156/6688 +f 15309/23146/6679 15317/23156/6688 15319/23158/8559 +f 15317/23156/6688 15318/23157/6689 15319/23158/8559 +f 15313/23150/8555 15309/23146/6679 15319/23158/8559 +f 15318/23157/6689 15320/23159/8560 15319/23158/8559 +f 15313/23150/8555 15319/23158/8559 15321/23160/8561 +f 15319/23158/8559 15320/23159/8560 15321/23160/8561 +f 15322/23161/6692 15224/23061/11360 15323/23162/6693 +f 15224/23061/11360 15321/23160/8561 15323/23162/6693 +f 15321/23160/8561 15320/23159/8560 15323/23162/6693 +f 15324/23163/8562 15325/23164/11371 15326/23165/11372 +f 15316/23166/8565 15324/23163/8562 15326/23165/11372 +f 15326/23165/11372 15325/23164/11371 15327/23167/8566 +f 15316/23166/8565 15326/23165/11372 15327/23167/8566 +f 15327/23167/8566 15325/23164/11371 15328/23168/6700 +f 15316/23166/8565 15327/23167/8566 15328/23168/6700 +f 15325/23164/11371 15329/23169/8567 15328/23168/6700 +f 15328/23168/6700 15329/23169/8567 15330/23170/6702 +f 15316/23166/8565 15328/23168/6700 15330/23170/6702 +f 15329/23169/8567 15331/23171/8569 15332/23172/8568 +f 15316/23166/8565 15330/23170/6702 15332/23172/8568 +f 15330/23170/6702 15329/23169/8567 15332/23172/8568 +f 15332/23172/8568 15331/23171/8569 15333/23173/8570 +f 15316/23166/8565 15332/23172/8568 15333/23173/8570 +f 15333/23173/8570 15331/23171/8569 15334/23174/8571 +f 15331/23171/8569 15335/23175/8572 15334/23174/8571 +f 15335/23175/8572 15336/23176/8573 15334/23174/8571 +f 15316/23166/6709 15224/23061/11360 15337/23177/6710 +f 15338/23178/6711 15316/23166/6709 15337/23177/6710 +f 15339/23179/6712 15338/23178/6711 15337/23177/6710 +f 15340/23180/6713 15339/23179/6712 15337/23177/6710 +f 15224/23061/11360 15227/23064/6600 15337/23177/6710 +f 15227/23064/6600 15341/23181/6714 15337/23177/6710 +f 15341/23181/6714 15340/23180/6713 15337/23177/6710 +f 15238/23075/8537 15237/23074/8536 15342/23182/8578 +f 15225/23062/6598 15343/23183/8580 15344/23184/8579 +f 15343/23183/8580 15345/23185/6718 15344/23184/8579 +f 15345/23185/6718 15346/23186/6719 15344/23184/8579 +f 15226/23063/6599 15225/23062/6598 15344/23184/8579 +f 15237/23074/8536 15236/23073/6608 15347/23187/11373 +f 15342/23182/8578 15237/23074/8536 15347/23187/11373 +f 15348/23188/11374 15342/23182/8578 15347/23187/11373 +f 15236/23073/6608 15252/23089/6623 15347/23187/11373 +f 15252/23089/6623 15255/23092/11362 15349/23189/11375 +f 15347/23187/11373 15252/23089/6623 15349/23189/11375 +f 15348/23188/11374 15347/23187/11373 15349/23189/11375 +f 15348/23188/11374 15349/23189/11375 15350/23190/11376 +f 15349/23189/11375 15255/23092/11362 15350/23190/11376 +f 15350/23190/11376 15255/23092/11362 15351/23191/11377 +f 15255/23092/11362 15262/23099/11363 15351/23191/11377 +f 15352/23192/11378 15350/23190/11376 15351/23191/11377 +f 15262/23099/11363 15266/23103/11364 15353/23193/11379 +f 15354/23194/11380 15352/23192/11378 15353/23193/11379 +f 15351/23191/11377 15262/23099/11363 15353/23193/11379 +f 15352/23192/11378 15351/23191/11377 15353/23193/11379 +f 15355/23195/6729 15356/23196/6730 15229/23066/6606 +f 15353/23193/11379 15266/23103/11364 15357/23197/11381 +f 15266/23103/11364 15271/23108/6642 15358/23198/11382 +f 15357/23197/11381 15266/23103/11364 15358/23198/11382 +f 15271/23108/6642 15273/23110/11365 15359/23199/11383 +f 15358/23198/11382 15271/23108/6642 15359/23199/11383 +f 15290/23127/8548 15293/23130/8549 15360/23200/8588 +f 15293/23130/8549 15297/23134/6668 15360/23200/8588 +f 15297/23134/6668 15300/23137/8550 15360/23200/8588 +f 15316/23166/8590 15360/23200/8588 15361/23201/8589 +f 15360/23200/8588 15300/23137/8550 15361/23201/8589 +f 15316/23166/8590 15361/23201/8589 15362/23202/8591 +f 15361/23201/8589 15300/23137/8550 15362/23202/8591 +f 15300/23137/8550 15304/23141/6675 15362/23202/8591 +f 15316/23166/8590 15362/23202/8591 15363/23203/6737 +f 15362/23202/8591 15304/23141/6675 15363/23203/6737 +f 15304/23141/6675 15307/23144/8552 15364/23204/11384 +f 15316/23166/8590 15363/23203/6737 15364/23204/11384 +f 15363/23203/6737 15304/23141/6675 15364/23204/11384 +f 15365/23205/6739 15366/23206/6740 15230/23067/6607 +f 15364/23204/11384 15307/23144/8552 15367/23207/8593 +f 15316/23166/8590 15364/23204/11384 15367/23207/8593 +f 15229/23066/6606 15356/23196/6730 15230/23067/6607 +f 15367/23207/8593 15307/23144/8552 15368/23208/11385 +f 15356/23196/6730 15365/23205/6739 15230/23067/6607 +f 15315/23155/11370 15316/23166/8590 15368/23208/11385 +f 15316/23166/8590 15367/23207/8593 15368/23208/11385 +f 15307/23144/8552 15315/23155/11370 15368/23208/11385 +f 15316/23166/6709 15314/23151/8556 15369/23209/8595 +f 15303/23140/8551 15312/23149/8554 15369/23209/8595 +f 15312/23149/8554 15313/23150/8555 15369/23209/8595 +f 15313/23150/8555 15321/23160/8561 15369/23209/8595 +f 15314/23151/8556 15303/23140/8551 15369/23209/8595 +f 15321/23160/8561 15224/23061/11360 15369/23209/8595 +f 15224/23061/11360 15316/23166/6709 15369/23209/8595 +f 15370/23210/6745 15371/23211/6746 15372/23212/8596 +f 15371/23211/6746 15373/23213/8597 15372/23212/8596 +f 15373/23213/8597 15322/23161/6692 15372/23212/8596 +f 15322/23161/6692 15323/23162/6693 15372/23212/8596 +f 15333/23173/8570 15334/23174/8571 15374/23214/6748 +f 15316/23166/8565 15333/23173/8570 15374/23214/6748 +f 15334/23174/8571 15336/23176/8573 15374/23214/6748 +f 15336/23176/8573 15375/23215/8598 15374/23214/6748 +f 15376/23216/11386 15377/23217/8599 15378/23218/6750 +f 15374/23214/6748 15375/23215/8598 15378/23218/6750 +f 15375/23215/8598 15376/23216/11386 15378/23218/6750 +f 15374/23214/6748 15378/23218/6750 15379/23219/8600 +f 15366/23206/6740 15380/23220/6753 15245/23082/6616 +f 15378/23218/6750 15377/23217/8599 15379/23219/8600 +f 15380/23220/6753 15381/23221/8601 15245/23082/6616 +f 15381/23221/8601 15382/23222/6755 15245/23082/6616 +f 15377/23217/8599 15238/23075/8537 15379/23219/8600 +f 15238/23075/8537 15342/23182/8578 15379/23219/8600 +f 15226/23063/6599 15344/23184/8579 15383/23223/6756 +f 15228/23065/11361 15226/23063/6599 15383/23223/6756 +f 15230/23067/6607 15366/23206/6740 15245/23082/6616 +f 15355/23195/6729 15229/23066/6606 15383/23223/6756 +f 15346/23186/6719 15384/23224/6757 15383/23223/6756 +f 15384/23224/6757 15355/23195/6729 15383/23223/6756 +f 15229/23066/6606 15228/23065/11361 15383/23223/6756 +f 15344/23184/8579 15346/23186/6719 15383/23223/6756 +f 15353/23193/11379 15357/23197/11381 15385/23225/11387 +f 15385/23225/11387 15357/23197/11381 15386/23226/11388 +f 15387/23227/11389 15385/23225/11387 15386/23226/11388 +f 15357/23197/11381 15358/23198/11382 15386/23226/11388 +f 15358/23198/11382 15359/23199/11383 15386/23226/11388 +f 15382/23222/6755 15388/23228/8608 15249/23086/6620 +f 15386/23226/11388 15359/23199/11383 15389/23229/11390 +f 15388/23228/8608 15390/23230/6764 15249/23086/6620 +f 15359/23199/11383 15273/23110/11365 15389/23229/11390 +f 15390/23230/6764 15391/23231/6765 15249/23086/6620 +f 15273/23110/11365 15275/23112/11366 15389/23229/11390 +f 15245/23082/6616 15382/23222/6755 15249/23086/6620 +f 15392/23232/11391 15387/23227/11389 15389/23229/11390 +f 15387/23227/11389 15386/23226/11388 15389/23229/11390 +f 15389/23229/11390 15275/23112/11366 15393/23233/11392 +f 15392/23232/11391 15389/23229/11390 15393/23233/11392 +f 15275/23112/11366 15280/23117/11367 15393/23233/11392 +f 15360/23200/8588 15316/23166/8590 15394/23234/11393 +f 15316/23166/8590 15392/23232/11391 15394/23234/11393 +f 15393/23233/11392 15280/23117/11367 15394/23234/11393 +f 15280/23117/11367 15285/23122/11368 15394/23234/11393 +f 15392/23232/11391 15393/23233/11392 15394/23234/11393 +f 15285/23122/11368 15286/23123/6657 15394/23234/11393 +f 15286/23123/6657 15290/23127/8548 15394/23234/11393 +f 15290/23127/8548 15360/23200/8588 15394/23234/11393 +f 15395/23235/6767 15396/23236/6768 15397/23237/6769 +f 15396/23236/6768 15370/23210/6745 15397/23237/6769 +f 15370/23210/6745 15372/23212/8596 15397/23237/6769 +f 15372/23212/8596 15323/23162/6693 15397/23237/6769 +f 15318/23157/6689 15395/23235/6767 15397/23237/6769 +f 15323/23162/6693 15320/23159/8560 15397/23237/6769 +f 15320/23159/8560 15318/23157/6689 15397/23237/6769 +f 15374/23214/6748 15379/23219/8600 15398/23238/8609 +f 15379/23219/8600 15342/23182/8578 15398/23238/8609 +f 15392/23239/11391 15316/23240/6771 15398/23241/8609 +f 15316/23166/8565 15374/23214/6748 15398/23238/8609 +f 15342/23182/8578 15348/23188/11374 15398/23238/8609 +f 15398/23238/8609 15348/23188/11374 15399/23242/11394 +f 15400/23243/6775 15401/23244/6776 15254/23091/6625 +f 15348/23188/11374 15350/23190/11376 15399/23242/11394 +f 15392/23232/11391 15398/23238/8609 15399/23242/11394 +f 15391/23231/6765 15400/23243/6775 15254/23091/6625 +f 15249/23086/6620 15391/23231/6765 15254/23091/6625 +f 15399/23242/11394 15350/23190/11376 15402/23245/11395 +f 15352/23192/11378 15354/23194/11380 15402/23245/11395 +f 15350/23190/11376 15352/23192/11378 15402/23245/11395 +f 15399/23242/11394 15402/23245/11395 15403/23246/11396 +f 15402/23245/11395 15354/23194/11380 15403/23246/11396 +f 15353/23193/11379 15385/23225/11387 15404/23247/11397 +f 15392/23232/11391 15399/23242/11394 15404/23247/11397 +f 15399/23242/11394 15403/23246/11396 15404/23247/11397 +f 15403/23246/11396 15354/23194/11380 15404/23247/11397 +f 15387/23227/11389 15392/23232/11391 15404/23247/11397 +f 15385/23225/11387 15387/23227/11389 15404/23247/11397 +f 15354/23194/11380 15353/23193/11379 15404/23247/11397 +f 15254/23091/6625 15401/23244/6776 15259/23096/6630 +f 15401/23244/6776 15405/23248/6777 15259/23096/6630 +f 15405/23248/6777 15406/23249/6778 15259/23096/6630 +f 15406/23249/6778 15407/23250/6779 15259/23096/6630 +f 15407/23250/6779 15408/23251/6780 15264/23101/6635 +f 15408/23251/6780 15409/23252/6781 15264/23101/6635 +f 15409/23252/6781 15410/23253/6782 15264/23101/6635 +f 15259/23096/6630 15407/23250/6779 15264/23101/6635 +f 15411/23254/6783 15412/23255/6784 15268/23105/6640 +f 15410/23253/6782 15411/23254/6783 15268/23105/6640 +f 15264/23101/6635 15410/23253/6782 15268/23105/6640 +f 15412/23255/6784 15413/23256/6785 15277/23114/6648 +f 15413/23256/6785 15414/23257/6786 15277/23114/6648 +f 15414/23257/6786 15415/23258/8613 15277/23114/6648 +f 15268/23105/6640 15412/23255/6784 15277/23114/6648 +f 15415/23258/8613 15416/23259/6788 15281/23118/6652 +f 15416/23259/6788 15417/23260/6789 15281/23118/6652 +f 15417/23260/6789 15418/23261/6790 15281/23118/6652 +f 15277/23114/6648 15415/23258/8613 15281/23118/6652 +f 15281/23118/6652 15418/23261/6790 15292/23129/6663 +f 15419/23262/6791 15420/23263/6792 15292/23129/6663 +f 15418/23261/6790 15419/23262/6791 15292/23129/6663 +f 15420/23263/6792 15421/23264/6793 15299/23136/6669 +f 15421/23264/6793 15422/23265/8614 15299/23136/6669 +f 15422/23265/8614 15423/23266/6795 15299/23136/6669 +f 15292/23129/6663 15420/23263/6792 15299/23136/6669 +f 15423/23266/6795 15424/23267/8615 15306/23143/6677 +f 15424/23267/8615 15425/23268/6797 15306/23143/6677 +f 15425/23268/6797 15426/23269/6798 15306/23143/6677 +f 15299/23136/6669 15423/23266/6795 15306/23143/6677 +f 15427/23270/6799 15428/23271/6800 15311/23148/6682 +f 15426/23269/6798 15427/23270/6799 15311/23148/6682 +f 15306/23143/6677 15426/23269/6798 15311/23148/6682 +f 15428/23271/6800 15395/23235/6767 15318/23157/6689 +f 15311/23148/6682 15428/23271/6800 15318/23157/6689 +f 15324/23163/8562 15339/23179/6712 15325/23164/11371 +f 15339/23179/6712 15324/23163/8562 15338/23178/6711 +f 15338/23272/11398 15316/23273/11398 15324/23274/11398 +f 15325/23164/11371 15339/23179/6712 15329/23169/8567 +f 15339/23179/6712 15429/23275/6802 15329/23169/8567 +f 15329/23169/8567 15429/23275/6802 15331/23171/8569 +f 15429/23275/6802 15430/23276/6803 15335/23175/8572 +f 15331/23171/8569 15429/23275/6802 15335/23175/8572 +f 15335/23175/8572 15430/23276/6803 15336/23176/8573 +f 15341/23181/6714 15233/23070/6603 15340/23180/6713 +f 15429/23275/6802 15339/23179/6712 15340/23180/6713 +f 15336/23176/8573 15430/23276/6803 15375/23215/8598 +f 15430/23276/6803 15242/23079/8538 15375/23215/8598 +f 15375/23215/8598 15242/23079/8538 15376/23216/11386 +f 15340/23180/6713 15233/23070/6603 15431/23277/6804 +f 15430/23276/6803 15429/23275/6802 15431/23277/6804 +f 15233/23070/6603 15232/23069/6602 15431/23277/6804 +f 15429/23275/6802 15340/23180/6713 15431/23277/6804 +f 15377/23217/8599 15376/23216/11386 15432/23278/8619 +f 15242/23079/8538 15235/23072/8535 15432/23278/8619 +f 15376/23216/11386 15242/23079/8538 15432/23278/8619 +f 15233/23070/6603 15341/23181/6714 15234/23071/6605 +f 15228/23065/11361 15229/23066/6606 15234/23071/6605 +f 15341/23181/6714 15227/23064/6600 15234/23071/6605 +f 15227/23064/6600 15228/23065/11361 15234/23071/6605 +f 15430/23276/6803 15431/23277/6804 15239/23076/6613 +f 15431/23277/6804 15232/23069/6602 15239/23076/6613 +f 15242/23079/8538 15430/23276/6803 15239/23076/6613 +f 15232/23069/6602 15240/23077/6610 15239/23076/6613 +f 15377/23217/8599 15432/23278/8619 15238/23075/8537 +f 15432/23278/8619 15235/23072/8535 15238/23075/8537 +f 15433/23279/6815 15434/23280/6808 15435/23281/6810 +f 15433/23279/6815 15436/23282/8625 15437/23283/6818 +f 15433/23279/6815 15435/23281/6810 15436/23282/8625 +f 15438/23284/6841 15439/23285/8620 15440/23286/8623 +f 15441/23287/8631 15442/23288/6811 15443/23289/6805 +f 15444/23290/11399 15445/23291/6822 15446/23292/6809 +f 15444/23290/11399 15447/23293/6821 15445/23291/6822 +f 15441/23287/8631 15440/23286/8623 15442/23288/6811 +f 15448/23294/6847 15449/23295/11400 15450/23296/8628 +f 15451/23297/8629 15437/23283/6818 15452/23298/8630 +f 15448/23294/6847 15450/23296/8628 15453/23299/6812 +f 15454/23300/6836 15433/23279/6815 15437/23283/6818 +f 15455/23301/6850 15453/23299/6812 15439/23302/8620 +f 15456/23303/6851 15457/23304/8626 15458/23305/8624 +f 15459/23306/8632 15460/23307/11401 15461/23308/6839 +f 15456/23303/6851 15458/23305/8624 15449/23295/11400 +f 15459/23306/8632 15461/23308/6839 15462/23309/8633 +f 15459/23306/8632 15463/23310/6842 15447/23293/6821 +f 15459/23306/8632 15462/23309/8633 15463/23310/6842 +f 15464/23311/6854 15443/23289/6805 15465/23312/6807 +f 15464/23311/6854 15465/23312/6807 15466/23313/8636 +f 15467/23314/6845 15446/23292/6809 15434/23315/6808 +f 15467/23314/6845 15444/23290/11399 15446/23292/6809 +f 15468/23316/6856 15439/23302/8620 15438/23317/6841 +f 15469/23318/6846 15434/23280/6808 15433/23279/6815 +f 15469/23318/6846 15433/23279/6815 15454/23300/6836 +f 15468/23316/6856 15455/23301/6850 15439/23302/8620 +f 15470/23319/8639 15438/23284/6841 15440/23286/8623 +f 15471/23320/6848 15452/23298/8630 15472/23321/8635 +f 15470/23319/8639 15440/23286/8623 15441/23287/8631 +f 15471/23320/6848 15451/23297/8629 15452/23298/8630 +f 15473/23322/6861 15449/23295/11400 15448/23294/6847 +f 15473/23322/6861 15474/23323/8641 15457/23304/8626 +f 15475/23324/8637 15447/23293/6821 15444/23290/11399 +f 15475/23324/8637 15459/23306/8632 15447/23293/6821 +f 15473/23322/6861 15457/23304/8626 15456/23303/6851 +f 15473/23322/6861 15456/23303/6851 15449/23295/11400 +f 15476/23325/8638 15437/23283/6818 15451/23297/8629 +f 15477/23326/6864 15448/23294/6847 15453/23299/6812 +f 15476/23325/8638 15454/23300/6836 15437/23283/6818 +f 15477/23326/6864 15453/23299/6812 15455/23301/6850 +f 15478/23327/8640 15469/23318/6846 15454/23300/6836 +f 15479/23328/8644 15441/23287/8631 15443/23289/6805 +f 15479/23328/8644 15443/23289/6805 15464/23311/6854 +f 15480/23329/6858 15444/23290/11399 15467/23314/6845 +f 15480/23329/6858 15475/23324/8637 15444/23290/11399 +f 15481/23330/8642 15480/23329/6858 15467/23314/6845 +f 15482/23331/6870 15455/23301/6850 15468/23316/6856 +f 15481/23330/8642 15434/23315/6808 15469/23332/6846 +f 15482/23331/6870 15477/23326/6864 15455/23301/6850 +f 15481/23330/8642 15467/23314/6845 15434/23315/6808 +f 15483/23333/8645 15438/23317/6841 15470/23334/8639 +f 15483/23333/8645 15468/23316/6856 15438/23317/6841 +f 15484/23335/8643 15471/23320/6848 15472/23321/8635 +f 15485/23336/6874 15448/23294/6847 15477/23326/6864 +f 15485/23336/6874 15473/23322/6861 15448/23294/6847 +f 15485/23336/6874 15474/23323/8641 15473/23322/6861 +f 15486/23337/6865 15451/23297/8629 15471/23320/6848 +f 15486/23337/6865 15476/23325/8638 15451/23297/8629 +f 15487/23338/8648 15466/23313/8636 15488/23339/8649 +f 15489/23340/11402 15490/23341/8646 15460/23307/11401 +f 15487/23338/8648 15479/23328/8644 15464/23311/6854 +f 15489/23340/11402 15460/23307/11401 15459/23306/8632 +f 15489/23340/11402 15459/23306/8632 15475/23324/8637 +f 15487/23338/8648 15464/23311/6854 15466/23313/8636 +f 15491/23342/6869 15478/23327/8640 15454/23300/6836 +f 15492/23343/8651 15441/23287/8631 15479/23328/8644 +f 15492/23343/8651 15470/23319/8639 15441/23287/8631 +f 15491/23342/6869 15454/23300/6836 15476/23325/8638 +f 15493/23344/6871 15469/23332/6846 15478/23345/8640 +f 15493/23344/6871 15481/23330/8642 15469/23332/6846 +f 15494/23346/6882 15495/23347/6883 15474/23323/8641 +f 15494/23346/6882 15474/23323/8641 15485/23336/6874 +f 15494/23346/6882 15477/23326/6864 15482/23331/6870 +f 15494/23346/6882 15485/23336/6874 15477/23326/6864 +f 15496/23348/8654 15482/23331/6870 15468/23316/6856 +f 15497/23349/8650 15489/23340/11402 15475/23324/8637 +f 15497/23349/8650 15490/23341/8646 15489/23340/11402 +f 15496/23348/8654 15468/23316/6856 15483/23333/8645 +f 15497/23349/8650 15475/23324/8637 15480/23329/6858 +f 15498/23350/6875 15484/23335/8643 15472/23321/8635 +f 15498/23350/6875 15472/23321/8635 15499/23351/8652 +f 15500/23352/8655 15492/23343/8651 15479/23328/8644 +f 15500/23352/8655 15479/23328/8644 15487/23338/8648 +f 15501/23353/8653 15481/23330/8642 15493/23344/6871 +f 15501/23353/8653 15497/23349/8650 15480/23329/6858 +f 15502/23354/8656 15470/23334/8639 15492/23355/8651 +f 15501/23353/8653 15480/23329/6858 15481/23330/8642 +f 15503/23356/6881 15471/23320/6848 15484/23335/8643 +f 15502/23354/8656 15483/23333/8645 15470/23334/8639 +f 15504/23357/6891 15494/23346/6882 15482/23331/6870 +f 15504/23357/6891 15505/23358/6910 15495/23347/6883 +f 15503/23356/6881 15486/23337/6865 15471/23320/6848 +f 15504/23357/6891 15495/23347/6883 15494/23346/6882 +f 15504/23357/6891 15482/23331/6870 15496/23348/8654 +f 15506/23359/6884 15476/23325/8638 15486/23337/6865 +f 15506/23359/6884 15491/23342/6869 15476/23325/8638 +f 15507/23360/8658 15508/23361/6895 15509/23362/6907 +f 15507/23360/8658 15488/23339/8649 15508/23361/6895 +f 15510/23363/6886 15493/23344/6871 15478/23345/8640 +f 15507/23360/8658 15487/23338/8648 15488/23339/8649 +f 15507/23360/8658 15500/23352/8655 15487/23338/8648 +f 15510/23363/6886 15478/23345/8640 15491/23364/6869 +f 15511/23365/6898 15502/23354/8656 15492/23355/8651 +f 15511/23366/6898 15492/23343/8651 15500/23352/8655 +f 15512/23367/8657 15498/23350/6875 15499/23351/8652 +f 15513/23368/6899 15496/23348/8654 15483/23333/8645 +f 15513/23368/6899 15483/23333/8645 15502/23354/8656 +f 15513/23368/6899 15504/23357/6891 15496/23348/8654 +f 15514/23369/6890 15501/23353/8653 15493/23344/6871 +f 15515/23370/6901 15500/23352/8655 15507/23360/8658 +f 15515/23370/6901 15511/23366/6898 15500/23352/8655 +f 15516/23371/6892 15517/23372/6893 15490/23341/8646 +f 15516/23371/6892 15497/23349/8650 15501/23353/8653 +f 15516/23371/6892 15490/23341/8646 15497/23349/8650 +f 15518/23373/6903 15513/23368/6899 15502/23354/8656 +f 15518/23373/6903 15502/23354/8656 15511/23365/6898 +f 15519/23374/6896 15503/23356/6881 15484/23335/8643 +f 15519/23374/6896 15484/23335/8643 15498/23350/6875 +f 15519/23374/6896 15498/23350/6875 15512/23367/8657 +f 15520/23375/8660 15509/23362/6907 15521/23376/8665 +f 15522/23377/8659 15486/23337/6865 15503/23356/6881 +f 15520/23375/8660 15507/23360/8658 15509/23362/6907 +f 15523/23378/8661 15504/23357/6891 15513/23368/6899 +f 15523/23378/8661 15524/23379/8666 15505/23358/6910 +f 15522/23377/8659 15506/23359/6884 15486/23337/6865 +f 15523/23378/8661 15505/23358/6910 15504/23357/6891 +f 15525/23380/6900 15491/23364/6869 15506/23381/6884 +f 15525/23380/6900 15510/23363/6886 15491/23364/6869 +f 15526/23382/6913 15511/23366/6898 15515/23370/6901 +f 15527/23383/6902 15493/23344/6871 15510/23363/6886 +f 15528/23384/8663 15523/23378/8661 15513/23368/6899 +f 15527/23383/6902 15514/23369/6890 15493/23344/6871 +f 15528/23384/8663 15513/23368/6899 15518/23373/6903 +f 15529/23385/6904 15517/23372/6893 15516/23371/6892 +f 15529/23385/6904 15501/23353/8653 15514/23369/6890 +f 15530/23386/11403 15507/23360/8658 15520/23375/8660 +f 15529/23385/6904 15516/23371/6892 15501/23353/8653 +f 15531/23387/8662 15519/23374/6896 15512/23367/8657 +f 15530/23386/11403 15515/23370/6901 15507/23360/8658 +f 15532/23388/6919 15528/23384/8663 15518/23373/6903 +f 15532/23388/6919 15518/23373/6903 15511/23365/6898 +f 15533/23389/6911 15512/23367/8657 15499/23351/8652 +f 15533/23389/6911 15499/23351/8652 15534/23390/6912 +f 15532/23388/6919 15511/23365/6898 15526/23391/6913 +f 15535/23392/6924 15520/23375/8660 15521/23376/8665 +f 15536/23393/6914 15519/23374/6896 15531/23387/8662 +f 15536/23393/6914 15503/23356/6881 15519/23374/6896 +f 15535/23392/6924 15521/23376/8665 15537/23394/6937 +f 15536/23393/6914 15522/23377/8659 15503/23356/6881 +f 15538/23395/6925 15524/23379/8666 15523/23378/8661 +f 15538/23395/6925 15523/23378/8661 15528/23384/8663 +f 15539/23396/6915 15506/23381/6884 15522/23397/8659 +f 15540/23398/8667 15526/23382/6913 15515/23370/6901 +f 15540/23398/8667 15515/23370/6901 15530/23386/11403 +f 15539/23396/6915 15525/23380/6900 15506/23381/6884 +f 15541/23399/6918 15533/23389/6911 15534/23390/6912 +f 15542/23400/6930 15528/23384/8663 15532/23388/6919 +f 15543/23401/6920 15510/23363/6886 15525/23380/6900 +f 15544/23402/11404 15530/23386/11403 15520/23375/8660 +f 15543/23401/6920 15527/23383/6902 15510/23363/6886 +f 15544/23402/11404 15520/23375/8660 15535/23392/6924 +f 15545/23403/6921 15546/23404/6922 15517/23372/6893 +f 15545/23403/6921 15517/23372/6893 15529/23385/6904 +f 15545/23403/6921 15514/23369/6890 15527/23383/6902 +f 15545/23403/6921 15529/23385/6904 15514/23369/6890 +f 15547/23405/6934 15532/23388/6919 15526/23391/6913 +f 15547/23405/6934 15526/23391/6913 15540/23406/8667 +f 15548/23407/6923 15536/23393/6914 15531/23387/8662 +f 15549/23408/8669 15537/23394/6937 15550/23409/6953 +f 15551/23410/6928 15512/23367/8657 15533/23389/6911 +f 15549/23408/8669 15535/23392/6924 15537/23394/6937 +f 15551/23410/6928 15531/23387/8662 15512/23367/8657 +f 15552/23411/11405 15538/23395/6925 15528/23384/8663 +f 15552/23411/11405 15524/23379/8666 15538/23395/6925 +f 15552/23411/11405 15528/23384/8663 15542/23400/6930 +f 15552/23411/11405 15553/23412/6941 15524/23379/8666 +f 15554/23413/8668 15539/23396/6915 15522/23397/8659 +f 15554/23413/8668 15522/23397/8659 15536/23414/6914 +f 15555/23415/6943 15540/23398/8667 15530/23386/11403 +f 15555/23415/6943 15530/23386/11403 15544/23402/11404 +f 15555/23416/6943 15547/23405/6934 15540/23406/8667 +f 15556/23417/6932 15525/23380/6900 15539/23396/6915 +f 15557/23418/11406 15532/23388/6919 15547/23405/6934 +f 15556/23417/6932 15543/23401/6920 15525/23380/6900 +f 15557/23418/11406 15542/23400/6930 15532/23388/6919 +f 15558/23419/11407 15551/23410/6928 15533/23389/6911 +f 15558/23419/11407 15533/23389/6911 15541/23399/6918 +f 15559/23420/6935 15546/23404/6922 15545/23403/6921 +f 15559/23420/6935 15527/23383/6902 15543/23401/6920 +f 15560/23421/6949 15535/23392/6924 15549/23408/8669 +f 15559/23420/6935 15545/23403/6921 15527/23383/6902 +f 15560/23421/6949 15544/23402/11404 15535/23392/6924 +f 15561/23422/6938 15534/23390/6912 15562/23423/6939 +f 15561/23422/6938 15541/23399/6918 15534/23390/6912 +f 15563/23424/6950 15547/23405/6934 15555/23416/6943 +f 15564/23425/8672 15536/23414/6914 15548/23426/6923 +f 15565/23427/6952 15549/23408/8669 15550/23409/6953 +f 15564/23425/8672 15554/23413/8668 15536/23414/6914 +f 15566/23428/11408 15552/23411/11405 15542/23400/6930 +f 15566/23428/11408 15567/23429/6956 15553/23412/6941 +f 15566/23428/11408 15553/23412/6941 15552/23411/11405 +f 15566/23428/11408 15542/23400/6930 15557/23418/11406 +f 15568/23430/6945 15548/23407/6923 15531/23387/8662 +f 15568/23430/6945 15531/23387/8662 15551/23410/6928 +f 15569/23431/6958 15544/23402/11404 15560/23421/6949 +f 15569/23431/6958 15555/23415/6943 15544/23402/11404 +f 15570/23432/6946 15539/23396/6915 15554/23413/8668 +f 15570/23432/6946 15556/23417/6932 15539/23396/6915 +f 15571/23433/6947 15559/23420/6935 15543/23401/6920 +f 15571/23433/6947 15572/23434/6948 15546/23404/6922 +f 15573/23435/6960 15550/23409/6953 15574/23436/8674 +f 15571/23433/6947 15546/23404/6922 15559/23420/6935 +f 15573/23435/6960 15565/23427/6952 15550/23409/6953 +f 15571/23433/6947 15543/23401/6920 15556/23417/6932 +f 15575/23437/6963 15557/23418/11406 15547/23405/6934 +f 15576/23438/6951 15568/23430/6945 15551/23410/6928 +f 15575/23437/6963 15547/23405/6934 15563/23424/6950 +f 15576/23438/6951 15551/23410/6928 15558/23419/11407 +f 15577/23439/6954 15541/23399/6918 15561/23422/6938 +f 15578/23440/6966 15560/23421/6949 15549/23408/8669 +f 15577/23439/6954 15558/23419/11407 15541/23399/6918 +f 15578/23440/6966 15549/23408/8669 15565/23427/6952 +f 15579/23441/8675 15554/23413/8668 15564/23425/8672 +f 15578/23440/6966 15565/23427/6952 15573/23435/6960 +f 15579/23441/8675 15570/23432/6946 15554/23413/8668 +f 15580/23442/6968 15563/23424/6950 15555/23416/6943 +f 15580/23442/6968 15555/23416/6943 15569/23443/6958 +f 15581/23444/6959 15564/23425/8672 15548/23426/6923 +f 15581/23444/6959 15548/23426/6923 15568/23445/6945 +f 15582/23446/6962 15556/23417/6932 15570/23432/6946 +f 15583/23447/6972 15578/23440/6966 15573/23435/6960 +f 15582/23446/6962 15571/23433/6947 15556/23417/6932 +f 15582/23446/6962 15572/23434/6948 15571/23433/6947 +f 15584/23448/8679 15573/23435/6960 15574/23436/8674 +f 15585/23449/6964 15561/23422/6938 15562/23423/6939 +f 15586/23450/6975 15567/23429/6956 15566/23428/11408 +f 15586/23450/6975 15587/23451/6976 15567/23429/6956 +f 15586/23450/6975 15557/23418/11406 15575/23437/6963 +f 15585/23449/6964 15562/23423/6939 15588/23452/6965 +f 15586/23450/6975 15566/23428/11408 15557/23418/11406 +f 15589/23453/6978 15569/23431/6958 15560/23421/6949 +f 15590/23454/6967 15581/23444/6959 15568/23445/6945 +f 15589/23453/6978 15560/23421/6949 15578/23440/6966 +f 15590/23454/6967 15568/23445/6945 15576/23455/6951 +f 15589/23453/6978 15578/23440/6966 15583/23447/6972 +f 15591/23456/6980 15574/23436/8674 15592/23457/8680 +f 15593/23458/6969 15576/23438/6951 15558/23419/11407 +f 15593/23458/6969 15558/23419/11407 15577/23439/6954 +f 15591/23456/6980 15584/23448/8679 15574/23436/8674 +f 15594/23459/6970 15595/23460/6971 15572/23434/6948 +f 15596/23461/6983 15563/23424/6950 15580/23442/6968 +f 15594/23459/6970 15572/23434/6948 15582/23446/6962 +f 15594/23459/6970 15582/23446/6962 15570/23432/6946 +f 15596/23461/6983 15575/23437/6963 15563/23424/6950 +f 15594/23459/6970 15570/23432/6946 15579/23441/8675 +f 15597/23462/6973 15564/23425/8672 15581/23444/6959 +f 15597/23462/6973 15579/23441/8675 15564/23425/8672 +f 15598/23463/8682 15589/23453/6978 15583/23447/6972 +f 15599/23464/6977 15577/23439/6954 15561/23422/6938 +f 15599/23464/6977 15561/23422/6938 15585/23449/6964 +f 15600/23465/8684 15583/23447/6972 15573/23435/6960 +f 15600/23465/8684 15573/23435/6960 15584/23448/8679 +f 15600/23465/8684 15584/23448/8679 15591/23456/6980 +f 15601/23466/6990 15589/23467/6978 15598/23468/8682 +f 15602/23469/6979 15581/23444/6959 15590/23454/6967 +f 15602/23469/6979 15597/23462/6973 15581/23444/6959 +f 15601/23466/6990 15580/23442/6968 15569/23443/6958 +f 15603/23470/8683 15590/23454/6967 15576/23455/6951 +f 15601/23466/6990 15569/23443/6958 15589/23467/6978 +f 15603/23470/8683 15576/23455/6951 15593/23471/6969 +f 15604/23472/8686 15591/23456/6980 15592/23457/8680 +f 15605/23473/6984 15595/23460/6971 15594/23459/6970 +f 15606/23474/6995 15600/23465/8684 15591/23456/6980 +f 15605/23473/6984 15594/23459/6970 15579/23441/8675 +f 15605/23473/6984 15579/23441/8675 15597/23462/6973 +f 15606/23474/6995 15591/23456/6980 15604/23472/8686 +f 15607/23475/8687 15608/23476/6998 15587/23451/6976 +f 15609/23477/8685 15585/23449/6964 15588/23452/6965 +f 15607/23475/8687 15587/23451/6976 15586/23450/6975 +f 15607/23475/8687 15586/23450/6975 15575/23437/6963 +f 15609/23477/8685 15588/23452/6965 15610/23478/6987 +f 15607/23475/8687 15575/23437/6963 15596/23461/6983 +f 15611/23479/6989 15593/23458/6969 15577/23439/6954 +f 15612/23480/7000 15601/23466/6990 15598/23468/8682 +f 15611/23479/6989 15577/23439/6954 15599/23464/6977 +f 15613/23481/7001 15598/23463/8682 15583/23447/6972 +f 15614/23482/6991 15615/23483/6992 15595/23460/6971 +f 15614/23482/6991 15597/23462/6973 15602/23469/6979 +f 15614/23482/6991 15595/23460/6971 15605/23473/6984 +f 15613/23481/7001 15583/23447/6972 15600/23465/8684 +f 15614/23482/6991 15605/23473/6984 15597/23462/6973 +f 15613/23481/7001 15600/23465/8684 15606/23474/6995 +f 15616/23484/7003 15604/23472/8686 15592/23457/8680 +f 15617/23485/6994 15602/23469/6979 15590/23454/6967 +f 15617/23485/6994 15590/23454/6967 15603/23470/8683 +f 15616/23484/7003 15592/23457/8680 15618/23486/8688 +f 15619/23487/6996 15599/23464/6977 15585/23449/6964 +f 15620/23488/11409 15580/23442/6968 15601/23466/6990 +f 15620/23488/11409 15601/23466/6990 15612/23480/7000 +f 15619/23487/6996 15585/23449/6964 15609/23477/8685 +f 15620/23488/11409 15596/23461/6983 15580/23442/6968 +f 15621/23489/8691 15604/23472/8686 15616/23484/7003 +f 15621/23489/8691 15606/23474/6995 15604/23472/8686 +f 15622/23490/6999 15603/23470/8683 15593/23471/6969 +f 15623/23491/8693 15613/23481/7001 15606/23474/6995 +f 15622/23490/6999 15593/23471/6969 15611/23492/6989 +f 15624/23493/8690 15625/23494/7021 15615/23483/6992 +f 15623/23491/8693 15606/23474/6995 15621/23489/8691 +f 15624/23493/8690 15602/23469/6979 15617/23485/6994 +f 15624/23493/8690 15615/23483/6992 15614/23482/6991 +f 15624/23493/8690 15614/23482/6991 15602/23469/6979 +f 15626/23495/7013 15620/23488/11409 15612/23480/7000 +f 15627/23496/8692 15610/23478/6987 15628/23497/7006 +f 15627/23496/8692 15609/23477/8685 15610/23478/6987 +f 15629/23498/8694 15612/23480/7000 15598/23468/8682 +f 15629/23498/8694 15598/23468/8682 15613/23499/7001 +f 15630/23500/11410 15616/23484/7003 15618/23486/8688 +f 15631/23501/7008 15611/23479/6989 15599/23464/6977 +f 15631/23501/7008 15599/23464/6977 15619/23487/6996 +f 15632/23502/7019 15616/23484/7003 15630/23500/11410 +f 15633/23503/7010 15617/23485/6994 15603/23470/8683 +f 15632/23502/7019 15621/23489/8691 15616/23484/7003 +f 15633/23503/7010 15603/23470/8683 15622/23490/6999 +f 15633/23503/7010 15624/23493/8690 15617/23485/6994 +f 15634/23504/7022 15596/23461/6983 15620/23488/11409 +f 15634/23504/7022 15635/23505/8697 15608/23476/6998 +f 15634/23504/7022 15608/23476/6998 15607/23475/8687 +f 15634/23504/7022 15620/23488/11409 15626/23495/7013 +f 15634/23504/7022 15607/23475/8687 15596/23461/6983 +f 15636/23506/7012 15619/23487/6996 15609/23477/8685 +f 15637/23507/7025 15621/23489/8691 15632/23502/7019 +f 15636/23506/7012 15609/23477/8685 15627/23496/8692 +f 15637/23507/7025 15623/23491/8693 15621/23489/8691 +f 15638/23508/7015 15622/23490/6999 15611/23492/6989 +f 15638/23508/7015 15611/23492/6989 15631/23509/7008 +f 15639/23510/11411 15629/23498/8694 15613/23499/7001 +f 15639/23510/11411 15613/23499/7001 15623/23511/8693 +f 15640/23512/7029 15634/23504/7022 15626/23495/7013 +f 15641/23513/7017 15642/23514/7018 15643/23515/8703 +f 15640/23512/7029 15635/23505/8697 15634/23504/7022 +f 15641/23516/7017 15628/23497/7006 15642/23517/7018 +f 15641/23516/7017 15627/23496/8692 15628/23497/7006 +f 15644/23518/7030 15618/23486/8688 15645/23519/8699 +f 15646/23520/8698 15647/23521/7038 15625/23494/7021 +f 15644/23518/7030 15630/23500/11410 15618/23486/8688 +f 15646/23520/8698 15625/23494/7021 15624/23493/8690 +f 15646/23520/8698 15624/23493/8690 15633/23503/7010 +f 15648/23522/7033 15612/23480/7000 15629/23498/8694 +f 15648/23522/7033 15626/23495/7013 15612/23480/7000 +f 15649/23523/7023 15631/23501/7008 15619/23487/6996 +f 15649/23523/7023 15619/23487/6996 15636/23506/7012 +f 15650/23524/11412 15630/23500/11410 15644/23518/7030 +f 15650/23524/11412 15632/23502/7019 15630/23500/11410 +f 15651/23525/7027 15633/23503/7010 15622/23490/6999 +f 15651/23525/7027 15622/23490/6999 15638/23508/7015 +f 15651/23525/7027 15646/23520/8698 15633/23503/7010 +f 15652/23526/7039 15632/23502/7019 15650/23524/11412 +f 15652/23526/7039 15637/23507/7025 15632/23502/7019 +f 15653/23527/11413 15636/23506/7012 15627/23496/8692 +f 15653/23527/11413 15627/23496/8692 15641/23516/7017 +f 15654/23528/7040 15623/23511/8693 15637/23529/7025 +f 15654/23528/7040 15639/23510/11411 15623/23511/8693 +f 15654/23528/7040 15637/23529/7025 15652/23530/7039 +f 15655/23531/7032 15631/23509/7008 15649/23532/7023 +f 15655/23531/7032 15638/23508/7015 15631/23509/7008 +f 15656/23533/8702 15641/23513/7017 15643/23515/8703 +f 15657/23534/8705 15644/23518/7030 15645/23519/8699 +f 15658/23535/7045 15648/23522/7033 15629/23498/8694 +f 15658/23535/7045 15629/23498/8694 15639/23510/11411 +f 15659/23536/11414 15646/23520/8698 15651/23525/7027 +f 15659/23536/11414 15660/23537/7053 15647/23521/7038 +f 15659/23536/11414 15647/23521/7038 15646/23520/8698 +f 15658/23535/7045 15639/23510/11411 15654/23528/7040 +f 15661/23538/7047 15626/23495/7013 15648/23522/7033 +f 15662/23539/11415 15649/23523/7023 15636/23506/7012 +f 15661/23538/7047 15663/23540/7048 15635/23505/8697 +f 15661/23538/7047 15640/23512/7029 15626/23495/7013 +f 15661/23538/7047 15635/23505/8697 15640/23512/7029 +f 15662/23539/11415 15636/23506/7012 15653/23527/11413 +f 15664/23541/7042 15638/23508/7015 15655/23531/7032 +f 15665/23542/7050 15650/23524/11412 15644/23518/7030 +f 15664/23541/7042 15651/23525/7027 15638/23508/7015 +f 15666/23543/8707 15641/23513/7017 15656/23533/8702 +f 15667/23544/7054 15652/23526/7039 15650/23524/11412 +f 15667/23544/7054 15650/23524/11412 15665/23542/7050 +f 15668/23545/7056 15654/23528/7040 15652/23530/7039 +f 15666/23543/8707 15653/23546/11413 15641/23513/7017 +f 15669/23547/7046 15649/23532/7023 15662/23548/11415 +f 15668/23545/7056 15652/23530/7039 15667/23549/7054 +f 15669/23547/7046 15655/23531/7032 15649/23532/7023 +f 15670/23550/7057 15658/23535/7045 15654/23528/7040 +f 15670/23550/7057 15654/23528/7040 15668/23545/7056 +f 15671/23551/7049 15656/23533/8702 15643/23515/8703 +f 15672/23552/7059 15663/23540/7048 15661/23538/7047 +f 15672/23552/7059 15648/23522/7033 15658/23535/7045 +f 15672/23552/7059 15661/23538/7047 15648/23522/7033 +f 15671/23551/7049 15673/23553/7051 15674/23554/7067 +f 15671/23551/7049 15643/23515/8703 15673/23553/7051 +f 15675/23555/8709 15659/23536/11414 15651/23525/7027 +f 15676/23556/8710 15644/23518/7030 15657/23534/8705 +f 15675/23555/8709 15660/23537/7053 15659/23536/11414 +f 15676/23556/8710 15665/23542/7050 15644/23518/7030 +f 15675/23555/8709 15651/23525/7027 15664/23541/7042 +f 15677/23557/7055 15662/23558/11415 15653/23546/11413 +f 15678/23559/7062 15645/23519/8699 15679/23560/7063 +f 15678/23559/7062 15657/23534/8705 15645/23519/8699 +f 15678/23559/7062 15676/23556/8710 15657/23534/8705 +f 15677/23557/7055 15653/23546/11413 15666/23543/8707 +f 15680/23561/11416 15664/23541/7042 15655/23531/7032 +f 15680/23561/11416 15675/23555/8709 15664/23541/7042 +f 15681/23562/8712 15667/23544/7054 15665/23542/7050 +f 15680/23561/11416 15655/23531/7032 15669/23547/7046 +f 15682/23563/8711 15666/23543/8707 15656/23533/8702 +f 15683/23564/7070 15668/23545/7056 15667/23549/7054 +f 15682/23563/8711 15656/23533/8702 15671/23551/7049 +f 15684/23565/7073 15678/23559/7062 15679/23560/7063 +f 15685/23566/8713 15669/23547/7046 15662/23548/11415 +f 15686/23567/7075 15668/23545/7056 15683/23564/7070 +f 15685/23566/8713 15662/23548/11415 15677/23568/7055 +f 15686/23567/7075 15670/23550/7057 15668/23545/7056 +f 15687/23569/7076 15670/23550/7057 15686/23567/7075 +f 15688/23570/7066 15671/23551/7049 15674/23554/7067 +f 15687/23569/7076 15689/23571/7077 15663/23540/7048 +f 15687/23569/7076 15663/23540/7048 15672/23552/7059 +f 15687/23569/7076 15658/23535/7045 15670/23550/7057 +f 15687/23569/7076 15672/23552/7059 15658/23535/7045 +f 15690/23572/7068 15691/23573/7069 15660/23537/7053 +f 15692/23574/7080 15681/23562/8712 15665/23542/7050 +f 15690/23572/7068 15675/23555/8709 15680/23561/11416 +f 15690/23572/7068 15660/23537/7053 15675/23555/8709 +f 15692/23574/7080 15665/23542/7050 15676/23556/8710 +f 15693/23575/7081 15676/23556/8710 15678/23559/7062 +f 15694/23576/11417 15688/23570/7066 15674/23554/7067 +f 15694/23576/11417 15674/23554/7067 15695/23577/7072 +f 15696/23578/7074 15666/23543/8707 15682/23563/8711 +f 15693/23575/7081 15678/23559/7062 15684/23565/7073 +f 15693/23575/7081 15692/23574/7080 15676/23556/8710 +f 15696/23578/7074 15677/23557/7055 15666/23543/8707 +f 15697/23579/8714 15667/23549/7054 15681/23580/8712 +f 15697/23579/8714 15683/23564/7070 15667/23549/7054 +f 15698/23581/7085 15686/23567/7075 15683/23564/7070 +f 15699/23582/11418 15669/23547/7046 15685/23566/8713 +f 15699/23582/11418 15680/23561/11416 15669/23547/7046 +f 15698/23581/7085 15683/23564/7070 15697/23579/8714 +f 15700/23583/8717 15693/23575/7081 15684/23565/7073 +f 15701/23584/8715 15682/23563/8711 15671/23551/7049 +f 15701/23584/8715 15671/23551/7049 15688/23570/7066 +f 15701/23584/8715 15688/23570/7066 15694/23576/11417 +f 15702/23585/7090 15686/23567/7075 15698/23581/7085 +f 15702/23585/7090 15687/23569/7076 15686/23567/7075 +f 15702/23585/7090 15689/23571/7077 15687/23569/7076 +f 15703/23586/7091 15684/23565/7073 15679/23560/7063 +f 15704/23587/7082 15701/23584/8715 15694/23576/11417 +f 15703/23586/7091 15679/23560/7063 15705/23588/7093 +f 15706/23589/7084 15677/23568/7055 15696/23590/7074 +f 15707/23591/8718 15697/23579/8714 15681/23580/8712 +f 15706/23589/7084 15685/23566/8713 15677/23568/7055 +f 15707/23591/8718 15681/23580/8712 15692/23592/7080 +f 15708/23593/8719 15692/23574/7080 15693/23575/7081 +f 15708/23594/8719 15707/23591/8718 15692/23592/7080 +f 15708/23593/8719 15693/23575/7081 15700/23583/8717 +f 15709/23595/7087 15694/23576/11417 15695/23577/7072 +f 15710/23596/7088 15711/23597/7089 15691/23573/7069 +f 15712/23598/7099 15698/23581/7085 15697/23579/8714 +f 15710/23596/7088 15691/23573/7069 15690/23572/7068 +f 15710/23596/7088 15690/23572/7068 15680/23561/11416 +f 15710/23596/7088 15680/23561/11416 15699/23582/11418 +f 15713/23599/8721 15702/23585/7090 15698/23581/7085 +f 15713/23599/8721 15689/23571/7077 15702/23585/7090 +f 15713/23599/8721 15714/23600/7102 15689/23571/7077 +f 15715/23601/8720 15696/23578/7074 15682/23563/8711 +f 15715/23601/8720 15682/23563/8711 15701/23584/8715 +f 15715/23601/8720 15701/23584/8715 15704/23587/7082 +f 15716/23602/8723 15708/23593/8719 15700/23583/8717 +f 15717/23603/7105 15684/23565/7073 15703/23586/7091 +f 15718/23604/8722 15695/23577/7072 15719/23605/7096 +f 15718/23604/8722 15709/23595/7087 15695/23577/7072 +f 15717/23603/7105 15700/23583/8717 15684/23565/7073 +f 15720/23606/8724 15712/23598/7099 15697/23579/8714 +f 15721/23607/7098 15715/23601/8720 15704/23587/7082 +f 15720/23606/8724 15697/23579/8714 15707/23591/8718 +f 15722/23608/7100 15699/23582/11418 15685/23566/8713 +f 15723/23609/7109 15707/23591/8718 15708/23594/8719 +f 15722/23608/7100 15685/23566/8713 15706/23589/7084 +f 15723/23609/7109 15708/23594/8719 15716/23610/8723 +f 15723/23609/7109 15720/23606/8724 15707/23591/8718 +f 15724/23611/7111 15713/23599/8721 15698/23581/7085 +f 15725/23612/8725 15704/23587/7082 15694/23576/11417 +f 15724/23611/7111 15698/23581/7085 15712/23598/7099 +f 15725/23612/8725 15694/23576/11417 15709/23595/7087 +f 15724/23611/7111 15714/23600/7102 15713/23599/8721 +f 15726/23613/8727 15705/23588/7093 15727/23614/8728 +f 15726/23613/8727 15703/23586/7091 15705/23588/7093 +f 15728/23615/8726 15696/23590/7074 15715/23616/8720 +f 15728/23615/8726 15706/23589/7084 15696/23590/7074 +f 15729/23617/7108 15718/23604/8722 15719/23605/7096 +f 15730/23618/7117 15723/23609/7109 15716/23610/8723 +f 15731/23619/8730 15716/23602/8723 15700/23583/8717 +f 15731/23619/8730 15700/23583/8717 15717/23603/7105 +f 15732/23620/8729 15718/23604/8722 15729/23617/7108 +f 15732/23620/8729 15709/23595/7087 15718/23604/8722 +f 15732/23620/8729 15725/23612/8725 15709/23595/7087 +f 15733/23621/7112 15734/23622/7113 15711/23597/7089 +f 15735/23623/8731 15712/23598/7099 15720/23606/8724 +f 15735/23623/8731 15736/23624/7123 15714/23600/7102 +f 15735/23623/8731 15724/23611/7111 15712/23598/7099 +f 15733/23621/7112 15711/23597/7089 15710/23596/7088 +f 15733/23621/7112 15710/23596/7088 15699/23582/11418 +f 15735/23623/8731 15714/23600/7102 15724/23611/7111 +f 15733/23621/7112 15699/23582/11418 15722/23608/7100 +f 15737/23625/7125 15720/23606/8724 15723/23609/7109 +f 15737/23625/7125 15723/23609/7109 15730/23618/7117 +f 15737/23625/7125 15735/23623/8731 15720/23606/8724 +f 15738/23626/11419 15715/23616/8720 15721/23627/7098 +f 15738/23626/11419 15728/23615/8726 15715/23616/8720 +f 15739/23628/7126 15703/23586/7091 15726/23613/8727 +f 15739/23628/7126 15717/23603/7105 15703/23586/7091 +f 15740/23629/11420 15704/23587/7082 15725/23612/8725 +f 15740/23629/11420 15721/23607/7098 15704/23587/7082 +f 15741/23630/7129 15737/23625/7125 15730/23618/7117 +f 15742/23631/8732 15719/23605/7096 15743/23632/7121 +f 15742/23631/8732 15729/23617/7108 15719/23605/7096 +f 15744/23633/7124 15706/23589/7084 15728/23615/8726 +f 15745/23634/8734 15730/23618/7117 15716/23610/8723 +f 15744/23633/7124 15722/23608/7100 15706/23589/7084 +f 15745/23634/8734 15716/23610/8723 15731/23635/8730 +f 15746/23636/7133 15736/23624/7123 15735/23623/8731 +f 15747/23637/8733 15729/23617/7108 15742/23631/8732 +f 15746/23636/7133 15735/23623/8731 15737/23625/7125 +f 15746/23636/7133 15737/23625/7125 15741/23630/7129 +f 15747/23637/8733 15732/23620/8729 15729/23617/7108 +f 15748/23638/8736 15727/23614/8728 15749/23639/7136 +f 15748/23638/8736 15726/23613/8727 15727/23614/8728 +f 15750/23640/7128 15725/23612/8725 15732/23620/8729 +f 15750/23640/7128 15740/23629/11420 15725/23612/8725 +f 15750/23640/7128 15732/23620/8729 15747/23637/8733 +f 15751/23641/7138 15717/23603/7105 15739/23628/7126 +f 15751/23641/7138 15731/23619/8730 15717/23603/7105 +f 15752/23642/7130 15744/23633/7124 15728/23615/8726 +f 15752/23642/7130 15728/23615/8726 15738/23626/11419 +f 15753/23643/11421 15738/23626/11419 15721/23627/7098 +f 15754/23644/7141 15755/23645/7142 15736/23624/7123 +f 15754/23644/7141 15736/23624/7123 15746/23636/7133 +f 15754/23644/7141 15746/23636/7133 15741/23630/7129 +f 15753/23643/11421 15721/23627/7098 15740/23646/11420 +f 15756/23647/7145 15730/23618/7117 15745/23634/8734 +f 15756/23647/7145 15741/23630/7129 15730/23618/7117 +f 15757/23648/7134 15742/23631/8732 15743/23632/7121 +f 15758/23649/7146 15726/23613/8727 15748/23638/8736 +f 15758/23649/7146 15739/23628/7126 15726/23613/8727 +f 15759/23650/8739 15742/23631/8732 15757/23648/7134 +f 15759/23650/8739 15747/23637/8733 15742/23631/8732 +f 15760/23651/8740 15733/23621/7112 15722/23608/7100 +f 15760/23651/8740 15761/23652/7140 15734/23622/7113 +f 15760/23651/8740 15722/23608/7100 15744/23633/7124 +f 15760/23651/8740 15734/23622/7113 15733/23621/7112 +f 15762/23653/7150 15745/23634/8734 15731/23635/8730 +f 15762/23653/7150 15731/23635/8730 15751/23654/7138 +f 15763/23655/7151 15754/23644/7141 15741/23630/7129 +f 15763/23655/7151 15764/23656/7174 15755/23645/7142 +f 15765/23657/7143 15747/23637/8733 15759/23650/8739 +f 15763/23655/7151 15755/23645/7142 15754/23644/7141 +f 15765/23657/7143 15750/23640/7128 15747/23637/8733 +f 15763/23655/7151 15741/23630/7129 15756/23647/7145 +f 15766/23658/8741 15740/23646/11420 15750/23659/7128 +f 15767/23660/8745 15749/23639/7136 15768/23661/7154 +f 15766/23658/8741 15753/23643/11421 15740/23646/11420 +f 15767/23660/8745 15748/23638/8736 15749/23639/7136 +f 15766/23658/8741 15750/23659/7128 15765/23662/7143 +f 15769/23663/7147 15744/23633/7124 15752/23642/7130 +f 15769/23663/7147 15761/23652/7140 15760/23651/8740 +f 15769/23663/7147 15760/23651/8740 15744/23633/7124 +f 15770/23664/7157 15739/23628/7126 15758/23649/7146 +f 15771/23665/8744 15757/23648/7134 15743/23632/7121 +f 15770/23664/7157 15751/23641/7138 15739/23628/7126 +f 15772/23666/7159 15756/23647/7145 15745/23634/8734 +f 15771/23665/8744 15743/23632/7121 15773/23667/7149 +f 15774/23668/8746 15738/23626/11419 15753/23643/11421 +f 15774/23668/8746 15752/23642/7130 15738/23626/11419 +f 15772/23666/7159 15745/23634/8734 15762/23653/7150 +f 15774/23668/8746 15769/23663/7147 15752/23642/7130 +f 15775/23669/8748 15748/23638/8736 15767/23660/8745 +f 15776/23670/7155 15757/23648/7134 15771/23665/8744 +f 15776/23670/7155 15759/23650/8739 15757/23648/7134 +f 15777/23671/7156 15765/23657/7143 15759/23650/8739 +f 15775/23669/8748 15758/23649/7146 15748/23638/8736 +f 15778/23672/7167 15751/23654/7138 15770/23673/7157 +f 15777/23671/7156 15759/23650/8739 15776/23670/7155 +f 15778/23672/7167 15762/23653/7150 15751/23654/7138 +f 15779/23674/7158 15766/23658/8741 15765/23662/7143 +f 15780/23675/7170 15781/23676/7171 15782/23677/8753 +f 15780/23675/7170 15768/23661/7154 15781/23676/7171 +f 15780/23675/7170 15775/23669/8748 15767/23660/8745 +f 15783/23678/7160 15753/23643/11421 15766/23658/8741 +f 15783/23678/7160 15774/23668/8746 15753/23643/11421 +f 15780/23675/7170 15767/23660/8745 15768/23661/7154 +f 15783/23678/7160 15766/23658/8741 15779/23674/7158 +f 15784/23679/7173 15764/23656/7174 15763/23655/7151 +f 15784/23679/7173 15763/23655/7151 15756/23647/7145 +f 15784/23679/7173 15785/23680/7197 15764/23656/7174 +f 15784/23679/7173 15756/23647/7145 15772/23666/7159 +f 15786/23681/7165 15771/23665/8744 15773/23667/7149 +f 15787/23682/7175 15758/23649/7146 15775/23669/8748 +f 15788/23683/7166 15776/23670/7155 15771/23665/8744 +f 15787/23682/7175 15770/23664/7157 15758/23649/7146 +f 15789/23684/7178 15762/23653/7150 15778/23672/7167 +f 15788/23683/7166 15771/23665/8744 15786/23681/7165 +f 15789/23684/7178 15772/23666/7159 15762/23653/7150 +f 15790/23685/11422 15761/23652/7140 15769/23663/7147 +f 15790/23685/11422 15791/23686/7169 15761/23652/7140 +f 15790/23685/11422 15769/23663/7147 15774/23668/8746 +f 15792/23687/7162 15793/23688/7163 15794/23689/7164 +f 15795/23690/8751 15787/23682/7175 15775/23669/8748 +f 15796/23691/7172 15777/23671/7156 15776/23670/7155 +f 15796/23691/7172 15776/23670/7155 15788/23683/7166 +f 15797/23692/7176 15765/23662/7143 15777/23693/7156 +f 15795/23690/8751 15775/23669/8748 15780/23675/7170 +f 15797/23692/7176 15779/23674/7158 15765/23662/7143 +f 15798/23694/7184 15778/23672/7167 15770/23673/7157 +f 15798/23694/7184 15770/23673/7157 15787/23695/7175 +f 15799/23696/8750 15791/23686/7169 15790/23685/11422 +f 15799/23696/8750 15790/23685/11422 15774/23668/8746 +f 15799/23696/8750 15774/23668/8746 15783/23678/7160 +f 15800/23697/8752 15782/23698/8753 15801/23699/7192 +f 15800/23700/8752 15780/23675/7170 15782/23677/8753 +f 15802/23701/7179 15783/23678/7160 15779/23674/7158 +f 15802/23701/7179 15799/23696/8750 15783/23678/7160 +f 15803/23702/7195 15772/23666/7159 15789/23684/7178 +f 15803/23702/7195 15784/23679/7173 15772/23666/7159 +f 15803/23702/7195 15785/23680/7197 15784/23679/7173 +f 15803/23702/7195 15804/23703/7222 15785/23680/7197 +f 15805/23704/7181 15773/23667/7149 15806/23705/7182 +f 15807/23706/8756 15787/23682/7175 15795/23690/8751 +f 15805/23704/7181 15786/23681/7165 15773/23667/7149 +f 15808/23707/7186 15788/23683/7166 15786/23681/7165 +f 15809/23708/11423 15789/23684/7178 15778/23672/7167 +f 15808/23707/7186 15786/23681/7165 15805/23704/7181 +f 15809/23708/11423 15778/23672/7167 15798/23694/7184 +f 15809/23708/11423 15803/23702/7195 15789/23684/7178 +f 15810/23709/7189 15796/23691/7172 15788/23683/7166 +f 15810/23709/7189 15788/23683/7166 15808/23707/7186 +f 15811/23710/7207 15795/23690/8751 15780/23675/7170 +f 15812/23711/7238 15813/23712/7615 15814/23713/7237 +f 15815/23714/7194 15797/23692/7176 15777/23693/7156 +f 15816/23715/7183 15792/23687/7162 15794/23689/7164 +f 15815/23714/7194 15777/23693/7156 15796/23716/7172 +f 15811/23710/7207 15780/23675/7170 15800/23700/8752 +f 15817/23717/7213 15809/23708/11423 15798/23694/7184 +f 15817/23717/7213 15787/23695/7175 15807/23718/8756 +f 15816/23715/7183 15818/23719/7187 15819/23720/7188 +f 15816/23715/7183 15794/23689/7164 15818/23719/7187 +f 15817/23717/7213 15798/23694/7184 15787/23695/7175 +f 15820/23721/11424 15805/23704/7181 15806/23705/7182 +f 15821/23722/7193 15822/23723/7185 15792/23687/7162 +f 15823/23724/7217 15801/23699/7192 15824/23725/7241 +f 15825/23726/7202 15779/23674/7158 15797/23692/7176 +f 15823/23724/7217 15811/23727/7207 15800/23697/8752 +f 15823/23724/7217 15800/23697/8752 15801/23699/7192 +f 15825/23726/7202 15802/23701/7179 15779/23674/7158 +f 15821/23722/7193 15792/23687/7162 15816/23715/7183 +f 15825/23726/7202 15797/23692/7176 15815/23714/7194 +f 15826/23728/7220 15803/23702/7195 15809/23708/11423 +f 15827/23729/8757 15828/23730/7206 15791/23686/7169 +f 15826/23728/7220 15804/23703/7222 15803/23702/7195 +f 15829/23731/7196 15821/23722/7193 15816/23715/7183 +f 15827/23729/8757 15791/23686/7169 15799/23696/8750 +f 15829/23731/7196 15816/23715/7183 15819/23720/7188 +f 15827/23729/8757 15799/23696/8750 15802/23701/7179 +f 15830/23732/7224 15807/23706/8756 15795/23690/8751 +f 15831/23733/7208 15808/23707/7186 15805/23704/7181 +f 15830/23732/7224 15795/23690/8751 15811/23710/7207 +f 15832/23734/7199 15822/23723/7185 15821/23722/7193 +f 15832/23734/7199 15833/23735/7200 15822/23723/7185 +f 15834/23736/7214 15808/23707/7186 15831/23733/7208 +f 15835/23737/11425 15809/23708/11423 15817/23717/7213 +f 15836/23738/7204 15821/23722/7193 15829/23731/7196 +f 15834/23736/7214 15810/23709/7189 15808/23707/7186 +f 15836/23738/7204 15832/23734/7199 15821/23722/7193 +f 15837/23739/7218 15810/23740/7189 15834/23741/7214 +f 15837/23739/7218 15796/23716/7172 15810/23740/7189 +f 15838/23742/8761 15830/23743/7224 15811/23727/7207 +f 15838/23742/8761 15811/23727/7207 15823/23724/7217 +f 15837/23739/7218 15815/23714/7194 15796/23716/7172 +f 15839/23744/7221 15825/23726/7202 15815/23714/7194 +f 15840/23745/7209 15841/23746/8759 15833/23747/7200 +f 15842/23748/8763 15817/23717/7213 15807/23718/8756 +f 15840/23745/7209 15833/23747/7200 15832/23749/7199 +f 15842/23748/8763 15807/23718/8756 15830/23750/7224 +f 15843/23751/7212 15829/23731/7196 15819/23720/7188 +f 15844/23752/11426 15802/23701/7179 15825/23726/7202 +f 15844/23752/11426 15828/23730/7206 15827/23729/8757 +f 15845/23753/11427 15823/23724/7217 15824/23725/7241 +f 15843/23751/7212 15846/23754/7215 15847/23755/7216 +f 15844/23752/11426 15827/23729/8757 15802/23701/7179 +f 15843/23751/7212 15819/23720/7188 15846/23754/7215 +f 15848/23756/7227 15831/23733/7208 15805/23704/7181 +f 15849/23757/8760 15840/23745/7209 15832/23749/7199 +f 15850/23758/7244 15851/23759/7246 15804/23703/7222 +f 15849/23760/8760 15832/23734/7199 15836/23738/7204 +f 15848/23756/7227 15805/23704/7181 15820/23721/11424 +f 15850/23758/7244 15809/23708/11423 15835/23737/11425 +f 15850/23758/7244 15826/23728/7220 15809/23708/11423 +f 15850/23758/7244 15804/23703/7222 15826/23728/7220 +f 15852/23761/7230 15848/23756/7227 15820/23721/11424 +f 15853/23762/7223 15854/23763/8762 15841/23746/8759 +f 15855/23764/11428 15824/23725/7241 15856/23765/7250 +f 15853/23762/7223 15814/23713/7237 15854/23763/8762 +f 15852/23761/7230 15806/23705/7182 15857/23766/7231 +f 15852/23761/7230 15820/23721/11424 15806/23705/7182 +f 15855/23764/11428 15845/23753/11427 15824/23725/7241 +f 15853/23762/7223 15841/23746/8759 15840/23745/7209 +f 15858/23767/7226 15836/23738/7204 15829/23731/7196 +f 15859/23768/7234 15834/23736/7214 15831/23733/7208 +f 15860/23769/8765 15830/23743/7224 15838/23742/8761 +f 15860/23770/8765 15842/23748/8763 15830/23750/7224 +f 15858/23767/7226 15829/23731/7196 15843/23751/7212 +f 15861/23771/8766 15817/23717/7213 15842/23748/8763 +f 15862/23772/7229 15853/23762/7223 15840/23745/7209 +f 15862/23772/7229 15840/23745/7209 15849/23757/8760 +f 15863/23773/7243 15837/23739/7218 15834/23741/7214 +f 15861/23771/8766 15835/23737/11425 15817/23717/7213 +f 15864/23774/7245 15852/23761/7230 15857/23766/7231 +f 15865/23775/7232 15843/23751/7212 15847/23755/7216 +f 15866/23776/8768 15838/23742/8761 15823/23724/7217 +f 15866/23776/8768 15823/23724/7217 15845/23753/11427 +f 15867/23777/7252 15837/23739/7218 15863/23773/7243 +f 15865/23775/7232 15858/23767/7226 15843/23751/7212 +f 15868/23778/7235 15814/23713/7237 15853/23762/7223 +f 15867/23777/7252 15815/23714/7194 15837/23739/7218 +f 15868/23778/7235 15812/23711/7238 15814/23713/7237 +f 15867/23777/7252 15839/23744/7221 15815/23714/7194 +f 15868/23778/7235 15869/23779/8764 15812/23711/7238 +f 15870/23780/8767 15825/23726/7202 15839/23744/7221 +f 15870/23780/8767 15871/23781/7254 15828/23730/7206 +f 15870/23780/8767 15844/23752/11426 15825/23726/7202 +f 15872/23782/7265 15866/23776/8768 15845/23753/11427 +f 15873/23783/7242 15849/23760/8760 15836/23738/7204 +f 15870/23780/8767 15828/23730/7206 15844/23752/11426 +f 15872/23782/7265 15845/23753/11427 15855/23764/11428 +f 15873/23783/7242 15836/23738/7204 15858/23767/7226 +f 15874/23784/7247 15865/23775/7232 15847/23755/7216 +f 15875/23785/7270 15861/23771/8766 15842/23748/8763 +f 15876/23786/7257 15859/23768/7234 15831/23733/7208 +f 15876/23786/7257 15831/23733/7208 15848/23756/7227 +f 15875/23785/7270 15842/23748/8763 15860/23770/8765 +f 15877/23787/7259 15876/23786/7257 15848/23756/7227 +f 15874/23784/7247 15847/23755/7216 15878/23788/7248 +f 15879/23789/8772 15872/23782/7265 15855/23764/11428 +f 15880/23790/8769 15868/23778/7235 15853/23762/7223 +f 15877/23787/7259 15852/23761/7230 15864/23774/7245 +f 15879/23789/8772 15855/23764/11428 15856/23765/7250 +f 15880/23790/8769 15853/23762/7223 15862/23772/7229 +f 15877/23787/7259 15848/23756/7227 15852/23761/7230 +f 15881/23791/7276 15882/23792/7277 15851/23759/7246 +f 15883/23793/7255 15858/23767/7226 15865/23775/7232 +f 15883/23793/7255 15873/23783/7242 15858/23767/7226 +f 15884/23794/7263 15834/23741/7214 15859/23795/7234 +f 15881/23791/7276 15851/23759/7246 15850/23758/7244 +f 15881/23791/7276 15850/23758/7244 15835/23737/11425 +f 15883/23793/7255 15865/23775/7232 15874/23784/7247 +f 15881/23791/7276 15835/23737/11425 15861/23771/8766 +f 15884/23794/7263 15863/23773/7243 15834/23741/7214 +f 15885/23796/7260 15862/23772/7229 15849/23757/8760 +f 15886/23797/8775 15838/23742/8761 15866/23776/8768 +f 15887/23798/8773 15867/23777/7252 15863/23773/7243 +f 15886/23797/8775 15860/23769/8765 15838/23742/8761 +f 15887/23798/8773 15863/23773/7243 15884/23794/7263 +f 15885/23796/7260 15849/23757/8760 15873/23799/7242 +f 15888/23800/8776 15879/23789/8772 15856/23765/7250 +f 15889/23801/7271 15877/23787/7259 15864/23774/7245 +f 15888/23800/8776 15856/23765/7250 15890/23802/7285 +f 15891/23803/7261 15883/23793/7255 15874/23784/7247 +f 15892/23804/7272 15871/23781/7254 15870/23780/8767 +f 15892/23804/7272 15870/23780/8767 15839/23744/7221 +f 15893/23805/8777 15886/23797/8775 15866/23776/8768 +f 15894/23806/8774 15874/23784/7247 15878/23788/7248 +f 15892/23804/7272 15839/23744/7221 15867/23777/7252 +f 15892/23804/7272 15867/23777/7252 15887/23798/8773 +f 15895/23807/7278 15864/23774/7245 15857/23766/7231 +f 15893/23805/8777 15866/23776/8768 15872/23782/7265 +f 15894/23806/8774 15891/23803/7261 15874/23784/7247 +f 15895/23807/7278 15857/23766/7231 15896/23808/7280 +f 15897/23809/7293 15881/23791/7276 15861/23771/8766 +f 15898/23810/7266 15869/23779/8764 15868/23778/7235 +f 15898/23810/7266 15899/23811/7268 15869/23779/8764 +f 15898/23810/7266 15868/23778/7235 15880/23790/8769 +f 15897/23809/7293 15861/23771/8766 15875/23785/7270 +f 15900/23812/7269 15883/23793/7255 15891/23803/7261 +f 15901/23813/7282 15859/23795/7234 15876/23814/7257 +f 15900/23812/7269 15873/23783/7242 15883/23793/7255 +f 15902/23815/8780 15879/23789/8772 15888/23800/8776 +f 15901/23813/7282 15884/23794/7263 15859/23795/7234 +f 15902/23815/8780 15893/23805/8777 15872/23782/7265 +f 15900/23816/7269 15885/23796/7260 15873/23799/7242 +f 15903/23817/7274 15894/23806/8774 15878/23788/7248 +f 15902/23815/8780 15872/23782/7265 15879/23789/8772 +f 15904/23818/7299 15860/23770/8765 15886/23819/8775 +f 15905/23820/8778 15877/23787/7259 15889/23801/7271 +f 15904/23818/7299 15875/23785/7270 15860/23770/8765 +f 15903/23817/7274 15878/23788/7248 15906/23821/11429 +f 15905/23820/8778 15876/23786/7257 15877/23787/7259 +f 15907/23822/8779 15892/23804/7272 15887/23798/8773 +f 15908/23823/7279 15880/23790/8769 15862/23772/7229 +f 15907/23822/8779 15909/23824/7290 15871/23781/7254 +f 15907/23822/8779 15871/23781/7254 15892/23804/7272 +f 15908/23823/7279 15862/23772/7229 15885/23796/7260 +f 15910/23825/11430 15907/23822/8779 15887/23798/8773 +f 15910/23825/11430 15887/23798/8773 15884/23794/7263 +f 15911/23826/7304 15888/23800/8776 15890/23802/7285 +f 15912/23827/8781 15900/23812/7269 15891/23803/7261 +f 15913/23828/7306 15902/23815/8780 15888/23800/8776 +f 15913/23828/7306 15888/23800/8776 15911/23826/7304 +f 15914/23829/7297 15905/23820/8778 15889/23801/7271 +f 15915/23830/7298 15889/23801/7271 15864/23774/7245 +f 15916/23831/7287 15891/23803/7261 15894/23806/8774 +f 15917/23832/11431 15918/23833/7310 15882/23792/7277 +f 15916/23831/7287 15912/23827/8781 15891/23803/7261 +f 15915/23830/7298 15864/23774/7245 15895/23807/7278 +f 15917/23832/11431 15881/23791/7276 15897/23809/7293 +f 15917/23832/11431 15882/23792/7277 15881/23791/7276 +f 15916/23831/7287 15894/23806/8774 15903/23817/7274 +f 15919/23834/7312 15886/23819/8775 15893/23835/8777 +f 15920/23836/7291 15908/23823/7279 15885/23796/7260 +f 15920/23836/7291 15885/23796/7260 15900/23816/7269 +f 15919/23834/7312 15904/23818/7299 15886/23819/8775 +f 15921/23837/8784 15884/23794/7263 15901/23813/7282 +f 15922/23838/7317 15893/23805/8777 15902/23815/8780 +f 15921/23837/8784 15910/23825/11430 15884/23794/7263 +f 15922/23839/7317 15919/23834/7312 15893/23835/8777 +f 15923/23840/7295 15903/23817/7274 15906/23821/11429 +f 15924/23841/7305 15901/23813/7282 15876/23814/7257 +f 15922/23838/7317 15902/23815/8780 15913/23828/7306 +f 15924/23841/7305 15876/23814/7257 15905/23842/8778 +f 15925/23843/8787 15911/23826/7304 15890/23802/7285 +f 15926/23844/7296 15916/23831/7287 15903/23817/7274 +f 15924/23841/7305 15905/23842/8778 15914/23845/7297 +f 15924/23841/7305 15921/23837/8784 15901/23813/7282 +f 15925/23843/8787 15890/23802/7285 15927/23846/7321 +f 15928/23847/8786 15909/23824/7290 15907/23822/8779 +f 15928/23847/8786 15907/23822/8779 15910/23825/11430 +f 15929/23848/11432 15875/23785/7270 15904/23818/7299 +f 15930/23849/7300 15898/23810/7266 15880/23790/8769 +f 15930/23849/7300 15899/23811/7268 15898/23810/7266 +f 15931/23850/7314 15896/23808/7280 15932/23851/7315 +f 15930/23849/7300 15933/23852/8785 15899/23811/7268 +f 15930/23849/7300 15880/23790/8769 15908/23823/7279 +f 15929/23848/11432 15897/23809/7293 15875/23785/7270 +f 15931/23850/7314 15895/23807/7278 15896/23808/7280 +f 15934/23853/7302 15920/23836/7291 15900/23816/7269 +f 15935/23854/7328 15911/23826/7304 15925/23843/8787 +f 15935/23854/7328 15913/23828/7306 15911/23826/7304 +f 15934/23853/7302 15900/23816/7269 15912/23855/8781 +f 15936/23856/7307 15934/23853/7302 15912/23855/8781 +f 15937/23857/8788 15924/23841/7305 15914/23845/7297 +f 15936/23858/7307 15916/23831/7287 15926/23844/7296 +f 15938/23859/8790 15913/23828/7306 15935/23854/7328 +f 15936/23858/7307 15912/23827/8781 15916/23831/7287 +f 15938/23859/8790 15922/23838/7317 15913/23828/7306 +f 15939/23860/7322 15889/23801/7271 15915/23830/7298 +f 15939/23860/7322 15914/23829/7297 15889/23801/7271 +f 15940/23861/7334 15904/23818/7299 15919/23834/7312 +f 15940/23861/7334 15929/23848/11432 15904/23818/7299 +f 15941/23862/8789 15909/23824/7290 15928/23847/8786 +f 15942/23863/7311 15906/23821/11429 15943/23864/7313 +f 15941/23862/8789 15944/23865/7326 15909/23824/7290 +f 15942/23863/7311 15923/23840/7295 15906/23821/11429 +f 15941/23862/8789 15910/23825/11430 15921/23837/8784 +f 15945/23866/8792 15919/23834/7312 15922/23839/7317 +f 15941/23862/8789 15928/23847/8786 15910/23825/11430 +f 15945/23866/8792 15940/23861/7334 15919/23834/7312 +f 15946/23867/7316 15908/23823/7279 15920/23836/7291 +f 15947/23868/8791 15921/23837/8784 15924/23841/7305 +f 15946/23867/7316 15930/23849/7300 15908/23823/7279 +f 15947/23868/8791 15924/23841/7305 15937/23857/8788 +f 15948/23869/7318 15923/23840/7295 15942/23863/7311 +f 15948/23869/7318 15926/23844/7296 15903/23817/7274 +f 15948/23869/7318 15903/23817/7274 15923/23840/7295 +f 15949/23870/7343 15925/23843/8787 15927/23846/7321 +f 15950/23871/7332 15915/23830/7298 15895/23807/7278 +f 15951/23872/8794 15935/23854/7328 15925/23843/8787 +f 15950/23871/7332 15895/23807/7278 15931/23850/7314 +f 15952/23873/7336 15947/23868/8791 15937/23857/8788 +f 15951/23872/8794 15925/23843/8787 15949/23870/7343 +f 15953/23874/7324 15936/23858/7307 15926/23844/7296 +f 15954/23875/8796 15918/23833/7310 15917/23832/11431 +f 15954/23875/8796 15897/23809/7293 15929/23848/11432 +f 15955/23876/7327 15920/23836/7291 15934/23853/7302 +f 15954/23875/8796 15956/23877/7350 15918/23833/7310 +f 15954/23875/8796 15917/23832/11431 15897/23809/7293 +f 15955/23876/7327 15946/23867/7316 15920/23836/7291 +f 15957/23878/7352 15938/23859/8790 15935/23854/7328 +f 15958/23879/7330 15934/23853/7302 15936/23856/7307 +f 15959/23880/7340 15937/23857/8788 15914/23845/7297 +f 15958/23879/7330 15955/23876/7327 15934/23853/7302 +f 15959/23880/7340 15914/23845/7297 15939/23881/7322 +f 15957/23878/7352 15935/23854/7328 15951/23872/8794 +f 15958/23879/7330 15936/23856/7307 15953/23882/7324 +f 15960/23883/8795 15941/23862/8789 15921/23837/8784 +f 15961/23884/7356 15922/23839/7317 15938/23885/8790 +f 15962/23886/11433 15942/23863/7311 15943/23864/7313 +f 15960/23883/8795 15921/23837/8784 15947/23868/8791 +f 15961/23884/7356 15945/23866/8792 15922/23839/7317 +f 15960/23883/8795 15947/23868/8791 15952/23873/7336 +f 15960/23883/8795 15944/23865/7326 15941/23862/8789 +f 15963/23887/7360 15929/23848/11432 15940/23861/7334 +f 15964/23888/7335 15948/23869/7318 15942/23863/7311 +f 15963/23887/7360 15954/23875/8796 15929/23848/11432 +f 15965/23889/7346 15932/23851/7315 15966/23890/7347 +f 15963/23887/7360 15956/23877/7350 15954/23875/8796 +f 15965/23889/7346 15931/23850/7314 15932/23851/7315 +f 15967/23891/8799 15927/23846/7321 15968/23892/7364 +f 15969/23893/8798 15915/23830/7298 15950/23871/7332 +f 15970/23894/8797 15933/23852/8785 15930/23849/7300 +f 15970/23894/8797 15930/23849/7300 15946/23867/7316 +f 15967/23891/8799 15949/23870/7343 15927/23846/7321 +f 15970/23894/8797 15971/23895/7339 15933/23852/8785 +f 15969/23893/8798 15939/23860/7322 15915/23830/7298 +f 15972/23896/7341 15953/23874/7324 15926/23844/7296 +f 15973/23897/11434 15963/23887/7360 15940/23861/7334 +f 15972/23896/7341 15926/23844/7296 15948/23869/7318 +f 15973/23897/11434 15940/23861/7334 15945/23866/8792 +f 15974/23898/7355 15944/23865/7326 15960/23883/8795 +f 15972/23896/7341 15948/23869/7318 15964/23888/7335 +f 15974/23898/7355 15975/23899/7358 15944/23865/7326 +f 15974/23898/7355 15960/23883/8795 15952/23873/7336 +f 15976/23900/7345 15958/23879/7330 15953/23882/7324 +f 15977/23901/7359 15937/23857/8788 15959/23880/7340 +f 15978/23902/7369 15951/23872/8794 15949/23870/7343 +f 15978/23902/7369 15949/23870/7343 15967/23891/8799 +f 15977/23901/7359 15952/23873/7336 15937/23857/8788 +f 15979/23903/7362 15931/23850/7314 15965/23889/7346 +f 15980/23904/8801 15970/23894/8797 15946/23867/7316 +f 15981/23905/7372 15957/23878/7352 15951/23872/8794 +f 15980/23904/8801 15971/23895/7339 15970/23894/8797 +f 15980/23904/8801 15946/23867/7316 15955/23876/7327 +f 15981/23905/7372 15951/23872/8794 15978/23902/7369 +f 15982/23906/7374 15938/23885/8790 15957/23907/7352 +f 15982/23906/7374 15961/23884/7356 15938/23885/8790 +f 15983/23908/8802 15943/23864/7313 15984/23909/7354 +f 15979/23903/7362 15950/23871/7332 15931/23850/7314 +f 15983/23908/8802 15962/23886/11433 15943/23864/7313 +f 15985/23910/8803 15939/23881/7322 15969/23911/8798 +f 15985/23910/8803 15959/23880/7340 15939/23881/7322 +f 15986/23912/11435 15945/23866/8792 15961/23884/7356 +f 15987/23913/7357 15958/23879/7330 15976/23900/7345 +f 15987/23913/7357 15980/23904/8801 15955/23876/7327 +f 15986/23912/11435 15973/23897/11434 15945/23866/8792 +f 15987/23913/7357 15955/23876/7327 15958/23879/7330 +f 15988/23914/7370 15974/23898/7355 15952/23873/7336 +f 15989/23915/8804 15942/23863/7311 15962/23886/11433 +f 15988/23914/7370 15975/23899/7358 15974/23898/7355 +f 15989/23915/8804 15964/23888/7335 15942/23863/7311 +f 15988/23914/7370 15990/23916/11436 15975/23899/7358 +f 15988/23914/7370 15952/23873/7336 15977/23901/7359 +f 15991/23917/7383 15967/23891/8799 15968/23892/7364 +f 15989/23915/8804 15962/23886/11433 15983/23908/8802 +f 15992/23918/7386 15978/23902/7369 15967/23891/8799 +f 15993/23919/7365 15972/23896/7341 15964/23888/7335 +f 15994/23920/7375 15966/23890/7347 15995/23921/7376 +f 15994/23920/7375 15965/23889/7346 15966/23890/7347 +f 15992/23918/7386 15967/23891/8799 15991/23917/7383 +f 15996/23922/8808 15997/23923/7389 15956/23877/7350 +f 15998/23924/7368 15976/23900/7345 15953/23882/7324 +f 15996/23922/8808 15956/23877/7350 15963/23887/7360 +f 15996/23922/8808 15963/23887/7360 15973/23897/11434 +f 15999/23925/7379 15950/23871/7332 15979/23903/7362 +f 15998/23924/7368 15953/23882/7324 15972/23926/7341 +f 15999/23925/7379 15969/23893/8798 15950/23871/7332 +f 16000/23927/7392 15978/23902/7369 15992/23918/7386 +f 16001/23928/7384 15959/23880/7340 15985/23910/8803 +f 16002/23929/7371 15987/23913/7357 15976/23900/7345 +f 16000/23927/7392 15981/23905/7372 15978/23902/7369 +f 16001/23928/7384 15988/23914/7370 15977/23901/7359 +f 16003/23930/7395 15981/23931/7372 16000/23932/7392 +f 16004/23933/8806 15983/23908/8802 15984/23909/7354 +f 16003/23930/7395 15982/23906/7374 15957/23907/7352 +f 16001/23928/7384 15977/23901/7359 15959/23880/7340 +f 16005/23934/7385 15979/23903/7362 15965/23889/7346 +f 16003/23930/7395 15957/23907/7352 15981/23931/7372 +f 16005/23934/7385 15965/23889/7346 15994/23920/7375 +f 16006/23935/8810 15996/23922/8808 15973/23897/11434 +f 16007/23936/8807 15971/23895/7339 15980/23904/8801 +f 16007/23936/8807 16008/23937/7378 15971/23895/7339 +f 16006/23935/8810 15997/23923/7389 15996/23922/8808 +f 16007/23936/8807 15987/23913/7357 16002/23929/7371 +f 16006/23935/8810 15973/23897/11434 15986/23912/11435 +f 16007/23936/8807 15980/23904/8801 15987/23913/7357 +f 16009/23938/7391 15985/23910/8803 15969/23911/8798 +f 16010/23939/7381 15989/23915/8804 15983/23908/8802 +f 16010/23940/7381 15983/23941/8802 16004/23942/8806 +f 16011/23943/8811 15986/23912/11435 15961/23884/7356 +f 16009/23938/7391 15969/23911/8798 15999/23944/7379 +f 16011/23943/8811 15961/23884/7356 15982/23906/7374 +f 16012/23945/8809 15989/23915/8804 16010/23939/7381 +f 16012/23945/8809 15993/23919/7365 15964/23888/7335 +f 16013/23946/7406 15968/23892/7364 16014/23947/7407 +f 16015/23948/7394 15994/23920/7375 15995/23921/7376 +f 16013/23946/7406 15991/23917/7383 15968/23892/7364 +f 16012/23945/8809 15964/23888/7335 15989/23915/8804 +f 16015/23948/7394 16016/23949/7397 16017/23950/7419 +f 16015/23948/7394 15995/23921/7376 16016/23949/7397 +f 16018/23951/8813 15992/23918/7386 15991/23917/7383 +f 16019/23952/7387 15998/23924/7368 15972/23926/7341 +f 16019/23952/7387 15972/23926/7341 15993/23953/7365 +f 16020/23954/7399 16021/23955/11437 15990/23916/11436 +f 16018/23951/8813 15991/23917/7383 16013/23946/7406 +f 16020/23954/7399 15990/23916/11436 15988/23914/7370 +f 16020/23954/7399 15988/23914/7370 16001/23928/7384 +f 16022/23956/7413 16000/23927/7392 15992/23918/7386 +f 16023/23957/8812 16007/23936/8807 16002/23929/7371 +f 16023/23957/8812 16008/23937/7378 16007/23936/8807 +f 16024/23958/8814 15999/23925/7379 15979/23903/7362 +f 16024/23958/8814 15979/23903/7362 16005/23934/7385 +f 16022/23956/7413 15992/23918/7386 16018/23951/8813 +f 16025/23959/7393 15976/23900/7345 15998/23924/7368 +f 16026/23960/11438 16020/23954/7399 16001/23928/7384 +f 16025/23959/7393 16002/23929/7371 15976/23900/7345 +f 16026/23960/11438 15985/23910/8803 16009/23938/7391 +f 16026/23960/11438 16001/23928/7384 15985/23910/8803 +f 16027/23961/7415 16003/23930/7395 16000/23932/7392 +f 16028/23962/8815 16004/23942/8806 15984/23963/7354 +f 16028/23962/8815 15984/23963/7354 16029/23964/7398 +f 16030/23965/7411 15994/23920/7375 16015/23948/7394 +f 16031/23966/11439 16013/23946/7406 16014/23947/7407 +f 16030/23965/7411 16005/23934/7385 15994/23920/7375 +f 16032/23967/7425 15982/23906/7374 16003/23930/7395 +f 16033/23968/8816 16010/23940/7381 16004/23942/8806 +f 16032/23967/7425 16003/23930/7395 16027/23961/7415 +f 16032/23967/7425 16011/23943/8811 15982/23906/7374 +f 16034/23969/8820 15997/23923/7389 16006/23935/8810 +f 16035/23970/7405 16012/23945/8809 16010/23939/7381 +f 16034/23969/8820 16006/23935/8810 15986/23912/11435 +f 16036/23971/8818 16009/23938/7391 15999/23944/7379 +f 16034/23969/8820 15986/23912/11435 16011/23943/8811 +f 16035/23972/7405 16010/23940/7381 16033/23968/8816 +f 16036/23971/8818 15999/23944/7379 16024/23973/8814 +f 16034/23969/8820 16037/23974/7430 15997/23923/7389 +f 16038/23975/8822 16018/23951/8813 16013/23946/7406 +f 16039/23976/7409 16019/23952/7387 15993/23953/7365 +f 16040/23977/8819 16017/23950/7419 16041/23978/7420 +f 16039/23976/7409 15993/23953/7365 16012/23979/8809 +f 16038/23975/8822 16013/23946/7406 16031/23966/11439 +f 16040/23977/8819 16015/23948/7394 16017/23950/7419 +f 16042/23980/11440 16043/23981/8830 16021/23955/11437 +f 16042/23980/11440 16020/23954/7399 16026/23960/11438 +f 16044/23982/7412 16028/23962/8815 16029/23964/7398 +f 16042/23980/11440 16021/23955/11437 16020/23954/7399 +f 16045/23983/7435 16018/23951/8813 16038/23975/8822 +f 16045/23983/7435 16022/23956/7413 16018/23951/8813 +f 16046/23984/7429 16024/23958/8814 16005/23934/7385 +f 16047/23985/7414 16025/23959/7393 15998/23924/7368 +f 16046/23984/7429 16005/23934/7385 16030/23965/7411 +f 16048/23986/7438 16000/23932/7392 16022/23987/7413 +f 16047/23985/7414 15998/23924/7368 16019/23952/7387 +f 16048/23986/7438 16027/23961/7415 16000/23932/7392 +f 16049/23988/7433 16026/23960/11438 16009/23938/7391 +f 16050/23989/7441 16032/23967/7425 16027/23961/7415 +f 16051/23990/11441 16002/23929/7371 16025/23959/7393 +f 16049/23988/7433 16009/23938/7391 16036/23971/8818 +f 16051/23990/11441 16008/23937/7378 16023/23957/8812 +f 16051/23990/11441 16023/23957/8812 16002/23929/7371 +f 16049/23988/7433 16042/23980/11440 16026/23960/11438 +f 16051/23990/11441 16052/23991/7421 16008/23937/7378 +f 16053/23992/7444 16011/23943/8811 16032/23967/7425 +f 16054/23993/8824 16033/23968/8816 16004/23942/8806 +f 16053/23992/7444 16034/23969/8820 16011/23943/8811 +f 16053/23992/7444 16037/23974/7430 16034/23969/8820 +f 16054/23993/8824 16028/23962/8815 16044/23982/7412 +f 16053/23992/7444 16032/23967/7425 16050/23989/7441 +f 16055/23994/7436 16030/23965/7411 16015/23948/7394 +f 16054/23993/8824 16004/23942/8806 16028/23962/8815 +f 16055/23994/7436 16015/23948/7394 16040/23977/8819 +f 16056/23995/8827 16038/23975/8822 16031/23966/11439 +f 16057/23996/8825 16035/23972/7405 16033/23968/8816 +f 16058/23997/7439 16024/23973/8814 16046/23998/7429 +f 16058/23997/7439 16036/23971/8818 16024/23973/8814 +f 16059/23999/11442 16014/23947/7407 16060/24000/7452 +f 16061/24001/7442 16040/23977/8819 16041/23978/7420 +f 16062/24002/7432 16039/23976/7409 16012/23979/8809 +f 16059/23999/11442 16031/23966/11439 16014/23947/7407 +f 16063/24003/8831 16038/23975/8822 16056/23995/8827 +f 16063/24003/8831 16045/23983/7435 16038/23975/8822 +f 16062/24002/7432 16012/23979/8809 16035/24004/7405 +f 16061/24001/7442 16055/23994/7436 16040/23977/8819 +f 16064/24005/7434 16047/23985/7414 16019/23952/7387 +f 16065/24006/7446 16043/23981/8830 16042/23980/11440 +f 16064/24005/7434 16019/23952/7387 16039/23976/7409 +f 16065/24006/7446 16042/23980/11440 16049/23988/7433 +f 16066/24007/7457 16048/23986/7438 16022/23987/7413 +f 16067/24008/8829 16054/23993/8824 16044/23982/7412 +f 16068/24009/7450 16046/23984/7429 16030/23965/7411 +f 16068/24009/7450 16030/23965/7411 16055/23994/7436 +f 16066/24007/7457 16022/23987/7413 16045/24010/7435 +f 16069/24011/7455 16049/23988/7433 16036/23971/8818 +f 16070/24012/7440 16052/23991/7421 16051/23990/11441 +f 16069/24011/7455 16036/23971/8818 16058/23997/7439 +f 16071/24013/7462 16059/23999/11442 16060/24000/7452 +f 16070/24012/7440 16025/23959/7393 16047/23985/7414 +f 16070/24012/7440 16051/23990/11441 16025/23959/7393 +f 16072/24014/7465 16027/23961/7415 16048/23986/7438 +f 16073/24015/7443 16044/23982/7412 16029/23964/7398 +f 16072/24014/7465 16050/23989/7441 16027/23961/7415 +f 16072/24014/7465 16048/23986/7438 16066/24007/7457 +f 16073/24015/7443 16029/23964/7398 16074/24016/7445 +f 16075/24017/8833 16033/23968/8816 16054/23993/8824 +f 16076/24018/7459 16055/23994/7436 16061/24001/7442 +f 16077/24019/7471 16037/23974/7430 16053/23992/7444 +f 16075/24017/8833 16054/23993/8824 16067/24008/8829 +f 16076/24018/7459 16068/24009/7450 16055/23994/7436 +f 16077/24019/7471 16053/23992/7444 16050/23989/7441 +f 16077/24019/7471 16078/24020/8837 16037/23974/7430 +f 16075/24017/8833 16057/23996/8825 16033/23968/8816 +f 16079/24021/8836 16058/23997/7439 16046/23998/7429 +f 16080/24022/7473 16063/24003/8831 16056/23995/8827 +f 16079/24021/8836 16046/23998/7429 16068/24023/7450 +f 16081/24024/8834 16035/24004/7405 16057/24025/8825 +f 16081/24024/8834 16062/24002/7432 16035/24004/7405 +f 16082/24026/8839 16041/23978/7420 16083/24027/7467 +f 16084/24028/11443 16056/23995/8827 16031/23966/11439 +f 16082/24026/8839 16061/24001/7442 16041/23978/7420 +f 16084/24028/11443 16031/23966/11439 16059/23999/11442 +f 16085/24029/7469 16086/24030/8841 16043/23981/8830 +f 16084/24028/11443 16059/23999/11442 16071/24013/7462 +f 16087/24031/8838 16073/24015/7443 16074/24016/7445 +f 16085/24029/7469 16049/23988/7433 16069/24011/7455 +f 16088/24032/7482 16045/24010/7435 16063/24033/8831 +f 16085/24029/7469 16043/23981/8830 16065/24006/7446 +f 16088/24032/7482 16066/24007/7457 16045/24010/7435 +f 16085/24029/7469 16065/24006/7446 16049/23988/7433 +f 16089/24034/7474 16079/24021/8836 16068/24023/7450 +f 16090/24035/11444 16064/24005/7434 16039/23976/7409 +f 16090/24035/11444 16039/23976/7409 16062/24002/7432 +f 16091/24036/7460 16052/23991/7421 16070/24012/7440 +f 16089/24037/7474 16068/24009/7450 16076/24018/7459 +f 16091/24036/7460 16047/23985/7414 16064/24005/7434 +f 16092/24038/7476 16082/24026/8839 16083/24027/7467 +f 16093/24039/11445 16072/24014/7465 16066/24007/7457 +f 16091/24036/7460 16070/24012/7440 16047/23985/7414 +f 16091/24036/7460 16094/24040/7463 16052/23991/7421 +f 16092/24038/7476 16083/24027/7467 16095/24041/7479 +f 16096/24042/7464 16075/24017/8833 16067/24008/8829 +f 16097/24043/7480 16058/23997/7439 16079/24021/8836 +f 16098/24044/7491 16084/24028/11443 16071/24013/7462 +f 16099/24045/11446 16050/23989/7441 16072/24014/7465 +f 16100/24046/7468 16067/24008/8829 16044/23982/7412 +f 16097/24043/7480 16069/24011/7455 16058/23997/7439 +f 16099/24045/11446 16077/24019/7471 16050/23989/7441 +f 16100/24046/7468 16044/23982/7412 16073/24015/7443 +f 16101/24047/7483 16076/24018/7459 16061/24001/7442 +f 16099/24045/11446 16078/24020/8837 16077/24019/7471 +f 16100/24046/7468 16073/24015/7443 16087/24031/8838 +f 16101/24047/7483 16061/24001/7442 16082/24026/8839 +f 16101/24047/7483 16082/24026/8839 16092/24038/7476 +f 16102/24048/7495 16060/24000/7452 16103/24049/7496 +f 16104/24050/8842 16081/24024/8834 16057/24025/8825 +f 16104/24050/8842 16075/24051/8833 16096/24052/7464 +f 16102/24048/7495 16071/24013/7462 16060/24000/7452 +f 16105/24053/7501 16088/24032/7482 16063/24033/8831 +f 16104/24050/8842 16057/24025/8825 16075/24051/8833 +f 16106/24054/8845 16097/24043/7480 16079/24021/8836 +f 16106/24054/8845 16079/24021/8836 16089/24034/7474 +f 16107/24055/8843 16090/24035/11444 16062/24002/7432 +f 16108/24056/8846 16101/24047/7483 16092/24038/7476 +f 16105/24053/7501 16063/24033/8831 16080/24057/7473 +f 16107/24055/8843 16062/24002/7432 16081/24024/8834 +f 16109/24058/7481 16100/24046/7468 16087/24031/8838 +f 16110/24059/8849 16092/24038/7476 16095/24041/7479 +f 16111/24060/11447 16080/24022/7473 16056/23995/8827 +f 16111/24060/11447 16084/24028/11443 16098/24044/7491 +f 16111/24060/11447 16056/23995/8827 16084/24028/11443 +f 16112/24061/11448 16064/24005/7434 16090/24035/11444 +f 16113/24062/11449 16114/24063/7509 16078/24020/8837 +f 16112/24061/11448 16091/24036/7460 16064/24005/7434 +f 16115/24064/7497 16085/24029/7469 16069/24011/7455 +f 16113/24062/11449 16099/24045/11446 16072/24014/7465 +f 16112/24061/11448 16094/24040/7463 16091/24036/7460 +f 16115/24064/7497 16116/24065/7498 16086/24030/8841 +f 16113/24062/11449 16072/24014/7465 16093/24039/11445 +f 16113/24062/11449 16078/24020/8837 16099/24045/11446 +f 16115/24064/7497 16086/24030/8841 16085/24029/7469 +f 16115/24064/7497 16069/24011/7455 16097/24043/7480 +f 16117/24066/7500 16089/24037/7474 16076/24018/7459 +f 16118/24067/7513 16066/24007/7457 16088/24032/7482 +f 16119/24068/8847 16087/24031/8838 16074/24016/7445 +f 16117/24066/7500 16101/24047/7483 16108/24056/8846 +f 16118/24067/7513 16088/24032/7482 16105/24053/7501 +f 16118/24067/7513 16093/24039/11445 16066/24007/7457 +f 16119/24068/8847 16074/24016/7445 16120/24069/7488 +f 16121/24070/8850 16104/24050/8842 16096/24052/7464 +f 16117/24066/7500 16076/24018/7459 16101/24047/7483 +f 16122/24071/7504 16110/24059/8849 16095/24041/7479 +f 16123/24072/8853 16100/24046/7468 16109/24058/7481 +f 16122/24071/7504 16095/24041/7479 16124/24073/7507 +f 16125/24074/7515 16111/24060/11447 16098/24044/7491 +f 16123/24072/8853 16096/24042/7464 16067/24008/8829 +f 16123/24072/8853 16067/24008/8829 16100/24046/7468 +f 16126/24075/8856 16097/24043/7480 16106/24054/8845 +f 16127/24076/7520 16098/24044/7491 16071/24013/7462 +f 16126/24075/8856 16115/24064/7497 16097/24043/7480 +f 16127/24076/7520 16071/24013/7462 16102/24048/7495 +f 16128/24077/8854 16112/24061/11448 16090/24035/11444 +f 16129/24078/7512 16117/24066/7500 16108/24056/8846 +f 16128/24077/8854 16090/24035/11444 16107/24055/8843 +f 16130/24079/8857 16118/24067/7513 16105/24053/7501 +f 16128/24077/8854 16094/24040/7463 16112/24061/11448 +f 16128/24077/8854 16131/24080/8855 16094/24040/7463 +f 16132/24081/7503 16107/24055/8843 16081/24024/8834 +f 16132/24081/7503 16081/24024/8834 16104/24050/8842 +f 16132/24081/7503 16104/24050/8842 16121/24070/8850 +f 16133/24082/7516 16092/24038/7476 16110/24059/8849 +f 16134/24083/7525 16080/24057/7473 16111/24084/11447 +f 16134/24083/7525 16105/24053/7501 16080/24057/7473 +f 16135/24085/11450 16123/24072/8853 16109/24058/7481 +f 16133/24082/7516 16108/24056/8846 16092/24038/7476 +f 16136/24086/8861 16113/24062/11449 16093/24039/11445 +f 16133/24082/7516 16110/24059/8849 16122/24071/7504 +f 16137/24087/7518 16089/24034/7474 16117/24088/7500 +f 16137/24087/7518 16106/24054/8845 16089/24034/7474 +f 16136/24086/8861 16114/24063/7509 16113/24062/11449 +f 16136/24086/8861 16093/24039/11445 16118/24067/7513 +f 16138/24089/8858 16109/24058/7481 16087/24031/8838 +f 16138/24089/8858 16087/24031/8838 16119/24068/8847 +f 16139/24090/7532 16103/24049/7496 16140/24091/7533 +f 16139/24090/7532 16102/24048/7495 16103/24049/7496 +f 16141/24092/8859 16132/24081/7503 16121/24070/8850 +f 16142/24093/7523 16122/24071/7504 16124/24073/7507 +f 16143/24094/8862 16134/24083/7525 16111/24084/11447 +f 16144/24095/7517 16121/24070/8850 16096/24052/7464 +f 16144/24095/7517 16096/24052/7464 16123/24096/8853 +f 16145/24097/7527 16133/24082/7516 16122/24071/7504 +f 16143/24094/8862 16111/24084/11447 16125/24098/7515 +f 16146/24099/7529 16147/24100/8863 16116/24065/7498 +f 16148/24101/7542 16125/24074/7515 16098/24044/7491 +f 16146/24099/7529 16116/24065/7498 16115/24064/7497 +f 16146/24099/7529 16115/24064/7497 16126/24075/8856 +f 16149/24102/7519 16107/24055/8843 16132/24081/7503 +f 16149/24102/7519 16132/24081/7503 16141/24092/8859 +f 16149/24102/7519 16128/24077/8854 16107/24055/8843 +f 16149/24102/7519 16131/24080/8855 16128/24077/8854 +f 16148/24101/7542 16098/24044/7491 16127/24076/7520 +f 16150/24103/7534 16137/24087/7518 16117/24088/7500 +f 16151/24104/8866 16114/24063/7509 16136/24086/8861 +f 16150/24103/7534 16117/24088/7500 16129/24105/7512 +f 16151/24104/8866 16136/24086/8861 16118/24067/7513 +f 16151/24104/8866 16152/24106/7547 16114/24063/7509 +f 16153/24107/7521 16138/24089/8858 16119/24068/8847 +f 16151/24104/8866 16118/24067/7513 16130/24079/8857 +f 16154/24108/8865 16108/24056/8846 16133/24082/7516 +f 16154/24108/8865 16129/24078/7512 16108/24056/8846 +f 16155/24109/8868 16105/24053/7501 16134/24083/7525 +f 16153/24107/7521 16120/24069/7488 16156/24110/8864 +f 16153/24107/7521 16119/24068/8847 16120/24069/7488 +f 16155/24109/8868 16151/24104/8866 16130/24079/8857 +f 16154/24108/8865 16133/24082/7516 16145/24097/7527 +f 16155/24109/8868 16130/24079/8857 16105/24053/7501 +f 16157/24111/7526 16144/24095/7517 16123/24096/8853 +f 16158/24112/7540 16124/24073/7507 16159/24113/7541 +f 16157/24111/7526 16123/24096/8853 16135/24114/11450 +f 16158/24112/7540 16142/24093/7523 16124/24073/7507 +f 16160/24115/7553 16127/24076/7520 16102/24048/7495 +f 16161/24116/8870 16106/24054/8845 16137/24087/7518 +f 16162/24117/11451 16157/24111/7526 16135/24114/11450 +f 16160/24115/7553 16102/24048/7495 16139/24090/7532 +f 16162/24118/11451 16135/24085/11450 16109/24058/7481 +f 16163/24119/7556 16134/24083/7525 16143/24094/8862 +f 16162/24118/11451 16109/24058/7481 16138/24089/8858 +f 16161/24116/8870 16126/24075/8856 16106/24054/8845 +f 16164/24120/7535 16131/24080/8855 16149/24102/7519 +f 16163/24119/7556 16155/24109/8868 16134/24083/7525 +f 16164/24120/7535 16149/24102/7519 16141/24092/8859 +f 16165/24121/7559 16143/24094/8862 16125/24098/7515 +f 16164/24120/7535 16166/24122/8869 16131/24080/8855 +f 16167/24123/8872 16122/24071/7504 16142/24093/7523 +f 16167/24123/8872 16145/24097/7527 16122/24071/7504 +f 16167/24123/8872 16142/24093/7523 16158/24112/7540 +f 16168/24124/7538 16141/24092/8859 16121/24070/8850 +f 16168/24124/7538 16121/24070/8850 16144/24095/7517 +f 16165/24121/7559 16125/24098/7515 16148/24125/7542 +f 16169/24126/11452 16152/24106/7547 16151/24104/8866 +f 16170/24127/8874 16154/24108/8865 16145/24097/7527 +f 16169/24126/11452 16151/24104/8866 16155/24109/8868 +f 16171/24128/7555 16137/24087/7518 16150/24103/7534 +f 16172/24129/8871 16162/24118/11451 16138/24089/8858 +f 16173/24130/7567 16140/24091/7533 15793/23688/7163 +f 16171/24128/7555 16161/24116/8870 16137/24087/7518 +f 16173/24130/7567 16139/24090/7532 16140/24091/7533 +f 16172/24129/8871 16138/24089/8858 16153/24107/7521 +f 16173/24130/7567 15792/23687/7162 15822/23723/7185 +f 16174/24131/8873 16168/24124/7538 16144/24095/7517 +f 16174/24131/8873 16144/24095/7517 16157/24111/7526 +f 16175/24132/7558 16129/24105/7512 16154/24133/8865 +f 16173/24130/7567 15793/23688/7163 15792/23687/7162 +f 16175/24132/7558 16150/24103/7534 16129/24105/7512 +f 16176/24134/8877 16148/24101/7542 16127/24076/7520 +f 16177/24135/8876 16157/24111/7526 16162/24117/11451 +f 16176/24134/8877 16127/24076/7520 16160/24115/7553 +f 16178/24136/8879 16158/24112/7540 16159/24113/7541 +f 16179/24137/7574 16152/24106/7547 16169/24126/11452 +f 16180/24138/7551 16166/24122/8869 16164/24120/7535 +f 16179/24137/7574 16155/24109/8868 16163/24119/7556 +f 16180/24138/7551 16141/24092/8859 16168/24124/7538 +f 16179/24137/7574 16169/24126/11452 16155/24109/8868 +f 16180/24138/7551 16164/24120/7535 16141/24092/8859 +f 16179/24137/7574 16181/24139/8883 16152/24106/7547 +f 16182/24140/8882 16167/24123/8872 16158/24112/7540 +f 16183/24141/7578 16143/24094/8862 16165/24121/7559 +f 16182/24140/8882 16158/24112/7540 16178/24136/8879 +f 16183/24141/7578 16163/24119/7556 16143/24094/8862 +f 16184/24142/8878 16153/24107/7521 16156/24110/8864 +f 16185/24143/7568 16186/24144/7569 16147/24100/8863 +f 16185/24143/7568 16147/24100/8863 16146/24099/7529 +f 16185/24143/7568 16146/24099/7529 16126/24075/8856 +f 16185/24143/7568 16126/24075/8856 16161/24116/8870 +f 16187/24145/7581 16139/24090/7532 16173/24130/7567 +f 16187/24145/7581 16160/24115/7553 16139/24090/7532 +f 16184/24142/8878 16156/24110/8864 16188/24146/8880 +f 16187/24145/7581 16173/24130/7567 15822/23723/7185 +f 16189/24147/7572 16145/24097/7527 16167/24123/8872 +f 16189/24147/7572 16170/24127/8874 16145/24097/7527 +f 16187/24145/7581 15822/23723/7185 15833/23735/7200 +f 16190/24148/8881 16177/24135/8876 16162/24117/11451 +f 16189/24147/7572 16167/24123/8872 16182/24140/8882 +f 16191/24149/8886 16148/24125/7542 16176/24150/8877 +f 16190/24151/8881 16162/24118/11451 16172/24129/8871 +f 16192/24152/8884 16166/24122/8869 16180/24138/7551 +f 16192/24152/8884 16168/24124/7538 16174/24131/8873 +f 16191/24149/8886 16165/24121/7559 16148/24125/7542 +f 16193/24153/7576 16154/24133/8865 16170/24154/8874 +f 16192/24152/8884 16180/24138/7551 16168/24124/7538 +f 16193/24153/7576 16175/24132/7558 16154/24133/8865 +f 16192/24152/8884 16194/24155/7564 16166/24122/8869 +f 16195/24156/8885 16174/24131/8873 16157/24111/7526 +f 16195/24156/8885 16157/24111/7526 16177/24135/8876 +f 16196/24157/7590 16163/24119/7556 16183/24141/7578 +f 16197/24158/11453 16186/24144/7569 16185/24143/7568 +f 16196/24157/7590 16179/24137/7574 16163/24119/7556 +f 16196/24157/7590 16181/24139/8883 16179/24137/7574 +f 16197/24158/11453 16161/24116/8870 16171/24128/7555 +f 16197/24158/11453 16185/24143/7568 16161/24116/8870 +f 16196/24157/7590 16198/24159/7608 16181/24139/8883 +f 16199/24160/8887 16159/24161/7541 16200/24162/7583 +f 16201/24163/7593 16160/24115/7553 16187/24145/7581 +f 16202/24164/11454 16153/24107/7521 16184/24142/8878 +f 16201/24163/7593 16176/24134/8877 16160/24115/7553 +f 16202/24164/11454 16172/24129/8871 16153/24107/7521 +f 16199/24165/8887 16178/24136/8879 16159/24113/7541 +f 16201/24163/7593 16187/24145/7581 15833/23735/7200 +f 16203/24166/7596 16183/24141/7578 16165/24121/7559 +f 16203/24166/7596 16165/24121/7559 16191/24149/8886 +f 16204/24167/8888 16171/24128/7555 16150/24103/7534 +f 16204/24167/8888 16150/24103/7534 16175/24132/7558 +f 16205/24168/7573 16177/24135/8876 16190/24148/8881 +f 16205/24168/7573 16195/24156/8885 16177/24135/8876 +f 16204/24167/8888 16175/24132/7558 16193/24153/7576 +f 16206/24169/8890 16178/24170/8879 16199/24160/8887 +f 16207/24171/7599 16191/24149/8886 16176/24150/8877 +f 16208/24172/7575 16174/24131/8873 16195/24156/8885 +f 16208/24172/7575 16192/24152/8884 16174/24131/8873 +f 16206/24173/8890 16182/24140/8882 16178/24136/8879 +f 16208/24172/7575 16194/24155/7564 16192/24152/8884 +f 16207/24171/7599 16176/24150/8877 16201/24174/7593 +f 16209/24175/8891 16182/24140/8882 16206/24173/8890 +f 16207/24171/7599 16201/24174/7593 15833/23747/7200 +f 16208/24172/7575 16210/24176/7605 16194/24155/7564 +f 16207/24171/7599 15833/23747/7200 15841/23746/8759 +f 16207/24171/7599 15841/23746/8759 15854/23763/8762 +f 16211/24177/7606 16183/24141/7578 16203/24166/7596 +f 16212/24178/8889 16184/24142/8878 16188/24146/8880 +f 16209/24175/8891 16189/24147/7572 16182/24140/8882 +f 16211/24177/7606 16196/24157/7590 16183/24141/7578 +f 16211/24177/7606 15813/23712/7615 16198/24159/7608 +f 16213/24179/7594 16189/24180/7572 16209/24181/8891 +f 16211/24177/7606 16198/24159/7608 16196/24157/7590 +f 16212/24178/8889 16214/24182/7584 16215/24183/7600 +f 16212/24178/8889 16188/24146/8880 16214/24182/7584 +f 16213/24179/7594 16170/24154/8874 16189/24180/7572 +f 16216/24184/11455 16203/24166/7596 16191/24149/8886 +f 16216/24184/11455 16207/24171/7599 15854/23763/8762 +f 16213/24179/7594 16193/24153/7576 16170/24154/8874 +f 16216/24184/11455 16191/24149/8886 16207/24171/7599 +f 16217/24185/7585 16172/24129/8871 16202/24164/11454 +f 16218/24186/11456 16204/24167/8888 16193/24153/7576 +f 16217/24185/7585 16190/24151/8881 16172/24129/8871 +f 16219/24187/11457 15814/23713/7237 15813/23712/7615 +f 16219/24187/11457 16203/24166/7596 16216/24184/11455 +f 16219/24187/11457 16211/24177/7606 16203/24166/7596 +f 16219/24187/11457 15813/23712/7615 16211/24177/7606 +f 16220/24188/7588 16208/24172/7575 16195/24156/8885 +f 16219/24187/11457 16216/24184/11455 15854/23763/8762 +f 16219/24187/11457 15854/23763/8762 15814/23713/7237 +f 16220/24188/7588 16195/24156/8885 16205/24168/7573 +f 16221/24189/11458 16199/24160/8887 16200/24162/7583 +f 16222/24190/7591 16202/24164/11454 16184/24142/8878 +f 16223/24191/7604 16197/24158/11453 16171/24128/7555 +f 16222/24190/7591 16184/24142/8878 16212/24178/8889 +f 16223/24191/7604 16224/24192/7607 16186/24144/7569 +f 16223/24191/7604 16186/24144/7569 16197/24158/11453 +f 16223/24191/7604 16171/24128/7555 16204/24167/8888 +f 16225/24193/7610 16206/24169/8890 16199/24160/8887 +f 16225/24193/7610 16199/24160/8887 16221/24189/11458 +f 16226/24194/7595 16205/24168/7573 16190/24148/8881 +f 16226/24194/7595 16190/24148/8881 16217/24195/7585 +f 16227/24196/7613 16209/24175/8891 16206/24173/8890 +f 16227/24197/7613 16206/24169/8890 16225/24193/7610 +f 16228/24198/7598 16212/24178/8889 16215/24183/7600 +f 16228/24198/7598 16215/24183/7600 16229/24199/7601 +f 16230/24200/7603 16231/24201/7624 16210/24176/7605 +f 16230/24200/7603 16208/24172/7575 16220/24188/7588 +f 16232/24202/7617 16213/24179/7594 16209/24181/8891 +f 16233/24203/8897 16204/24167/8888 16218/24186/11456 +f 16230/24200/7603 16210/24176/7605 16208/24172/7575 +f 16233/24203/8897 16224/24192/7607 16223/24191/7604 +f 16233/24203/8897 16223/24191/7604 16204/24167/8888 +f 16234/24204/7609 16217/24185/7585 16202/24164/11454 +f 16235/24205/7620 16193/24153/7576 16213/24179/7594 +f 16234/24204/7609 16202/24164/11454 16222/24190/7591 +f 16235/24205/7620 16213/24179/7594 16232/24202/7617 +f 16235/24205/7620 16218/24186/11456 16193/24153/7576 +f 16236/24206/8896 16220/24188/7588 16205/24168/7573 +f 16237/24207/8899 16221/24189/11458 16200/24162/7583 +f 16236/24206/8896 16205/24168/7573 16226/24194/7595 +f 16236/24206/8896 16230/24200/7603 16220/24188/7588 +f 16237/24207/8899 16200/24162/7583 16238/24208/7625 +f 16239/24209/8898 16212/24178/8889 16228/24198/7598 +f 16240/24210/8900 16225/24193/7610 16221/24189/11458 +f 16239/24209/8898 16222/24190/7591 16212/24178/8889 +f 16240/24210/8900 16221/24189/11458 16237/24207/8899 +f 16241/24211/7628 16227/24197/7613 16225/24193/7610 +f 16242/24212/7619 16226/24194/7595 16217/24195/7585 +f 16241/24211/7628 16225/24193/7610 16240/24210/8900 +f 16242/24212/7619 16217/24195/7585 16234/24213/7609 +f 16243/24214/7621 16239/24209/8898 16228/24198/7598 +f 16244/24215/7630 16209/24181/8891 16227/24216/7613 +f 16244/24215/7630 16232/24202/7617 16209/24181/8891 +f 16243/24214/7621 16228/24198/7598 16229/24199/7601 +f 16245/24217/8901 16231/24201/7624 16230/24200/7603 +f 16246/24218/8904 16237/24207/8899 16238/24208/7625 +f 16245/24217/8901 16230/24200/7603 16236/24206/8896 +f 16247/24219/8903 16234/24204/7609 16222/24190/7591 +f 16248/24220/8905 16235/24205/7620 16232/24202/7617 +f 16248/24220/8905 16232/24202/7617 16244/24215/7630 +f 16247/24219/8903 16222/24190/7591 16239/24209/8898 +f 16249/24221/8906 16233/24203/8897 16218/24186/11456 +f 16249/24221/8906 16250/24222/7639 16224/24192/7607 +f 16249/24221/8906 16224/24192/7607 16233/24203/8897 +f 16251/24223/7629 16236/24206/8896 16226/24194/7595 +f 16249/24221/8906 16218/24186/11456 16235/24205/7620 +f 16249/24221/8906 16235/24205/7620 16248/24220/8905 +f 16251/24223/7629 16226/24194/7595 16242/24212/7619 +f 16252/24224/7642 16240/24210/8900 16237/24207/8899 +f 16253/24225/7631 16239/24209/8898 16243/24214/7621 +f 16253/24225/7631 16247/24219/8903 16239/24209/8898 +f 16254/24226/7644 16241/24211/7628 16240/24210/8900 +f 16254/24226/7644 16240/24210/8900 16252/24224/7642 +f 16255/24227/7632 16242/24212/7619 16234/24213/7609 +f 16256/24228/7646 16227/24216/7613 16241/24229/7628 +f 16255/24227/7632 16234/24213/7609 16247/24230/8903 +f 16256/24228/7646 16244/24215/7630 16227/24216/7613 +f 16257/24231/7636 16258/24232/7637 16259/24233/8907 +f 16257/24231/7636 16229/24199/7601 16258/24232/7637 +f 16257/24231/7636 16243/24214/7621 16229/24199/7601 +f 16260/24234/7648 16248/24220/8905 16244/24215/7630 +f 16261/24235/11459 16262/24236/7641 16231/24201/7624 +f 16261/24235/11459 16236/24206/8896 16251/24223/7629 +f 16261/24235/11459 16231/24201/7624 16245/24217/8901 +f 16261/24235/11459 16245/24217/8901 16236/24206/8896 +f 16263/24237/8621 16237/24207/8899 16246/24218/8904 +f 16263/24237/8621 16252/24224/7642 16237/24207/8899 +f 16264/24238/7643 16247/24219/8903 16253/24225/7631 +f 16264/24239/7643 16255/24227/7632 16247/24230/8903 +f 16265/24240/8909 16250/24222/7639 16249/24221/8906 +f 16265/24240/8909 16249/24221/8906 16248/24220/8905 +f 16266/24241/11460 16251/24223/7629 16242/24212/7619 +f 16267/24242/7654 16238/24208/7625 16268/24243/6806 +f 16266/24241/11460 16242/24212/7619 16255/24227/7632 +f 16267/24242/7654 16246/24218/8904 16238/24208/7625 +f 16269/24244/8908 16253/24225/7631 16243/24214/7621 +f 16270/24245/8910 16254/24226/7644 16252/24224/7642 +f 16271/24246/6835 16256/24228/7646 16241/24229/7628 +f 16269/24244/8908 16243/24214/7621 16257/24231/7636 +f 16271/24246/6835 16241/24229/7628 16254/24247/7644 +f 16272/24248/7649 16266/24241/11460 16255/24227/7632 +f 16272/24248/7649 16255/24227/7632 16264/24239/7643 +f 16273/24249/7650 16269/24244/8908 16257/24231/7636 +f 16273/24249/7650 16257/24231/7636 16259/24233/8907 +f 15442/23288/6811 16267/24242/7654 16268/24243/6806 +f 16274/24250/7652 16275/24251/7653 16262/24236/7641 +f 16276/24252/6827 16244/24215/7630 16256/24228/7646 +f 16276/24252/6827 16256/24228/7646 16271/24246/6835 +f 16274/24250/7652 16261/24235/11459 16251/24223/7629 +f 16274/24250/7652 16262/24236/7641 16261/24235/11459 +f 16276/24252/6827 16260/24234/7648 16244/24215/7630 +f 16274/24250/7652 16251/24223/7629 16266/24241/11460 +f 16277/24253/7658 16278/24254/6831 16250/24222/7639 +f 16277/24253/7658 16250/24222/7639 16265/24240/8909 +f 16277/24253/7658 16248/24220/8905 16260/24234/7648 +f 16277/24253/7658 16265/24240/8909 16248/24220/8905 +f 16279/24255/7655 16264/24238/7643 16253/24225/7631 +f 16279/24255/7655 16253/24225/7631 16269/24244/8908 +f 16280/24256/6819 16252/24224/7642 16263/24237/8621 +f 16280/24256/6819 16270/24245/8910 16252/24224/7642 +f 16281/24257/6816 16273/24249/7650 16259/24233/8907 +f 16281/24257/6816 16259/24233/8907 16282/24258/8911 +f 16283/24259/6825 16263/24237/8621 16246/24218/8904 +f 15463/23310/6842 16266/24241/11460 16272/24248/7649 +f 15463/23310/6842 16274/24250/7652 16266/24241/11460 +f 16283/24259/6825 16246/24218/8904 16267/24242/7654 +f 16283/24259/6825 16267/24242/7654 15442/23288/6811 +f 16284/24260/11461 16269/24244/8908 16273/24249/7650 +f 15450/23296/8628 16254/24247/7644 16270/24261/8910 +f 16284/24260/11461 16273/24249/7650 16281/24257/6816 +f 15450/23296/8628 16271/24246/6835 16254/24247/7644 +f 16284/24260/11461 16279/24255/7655 16269/24244/8908 +f 15445/23291/6822 16272/24248/7649 16264/24239/7643 +f 15445/23291/6822 16264/24239/7643 16279/24262/7655 +f 16285/24263/11462 16276/24252/6827 16271/24246/6835 +f 15440/23286/8623 16283/24259/6825 15442/23288/6811 +f 15435/23281/6810 16284/24260/11461 16281/24257/6816 +f 16286/24264/11463 16278/24254/6831 16277/24253/7658 +f 15436/23282/8625 16281/24257/6816 16282/24258/8911 +f 16286/24264/11463 16260/24234/7648 16276/24252/6827 +f 15436/23282/8625 15435/23281/6810 16281/24257/6816 +f 16286/24264/11463 16277/24253/7658 16260/24234/7648 +f 15462/23309/8633 15461/23308/6839 16275/24251/7653 +f 15443/23289/6805 16268/24243/6806 15465/23312/6807 +f 15462/23309/8633 16275/24251/7653 16274/24250/7652 +f 15443/23289/6805 15442/23288/6811 16268/24243/6806 +f 15462/23309/8633 16274/24250/7652 15463/23310/6842 +f 15453/23299/6812 15450/23296/8628 16270/24261/8910 +f 15446/24265/6809 16279/24255/7655 16284/24260/11461 +f 15446/23292/6809 15445/23291/6822 16279/24262/7655 +f 15446/24265/6809 16284/24260/11461 15435/23281/6810 +f 15453/23299/6812 16270/24261/8910 16280/24266/6819 +f 15437/23283/6818 15436/23282/8625 16282/24258/8911 +f 15439/23285/8620 16283/24259/6825 15440/23286/8623 +f 15439/23302/8620 15453/23299/6812 16280/24266/6819 +f 15437/23283/6818 16282/24258/8911 15452/23298/8630 +f 15439/23285/8620 16263/24237/8621 16283/24259/6825 +f 15439/23285/8620 16280/24256/6819 16263/24237/8621 +f 15447/23293/6821 15463/23310/6842 16272/24248/7649 +f 15458/23305/8624 16276/24252/6827 16285/24263/11462 +f 15447/23293/6821 16272/24248/7649 15445/23291/6822 +f 15458/23305/8624 16278/24254/6831 16286/24264/11463 +f 15458/23305/8624 15457/23304/8626 16278/24254/6831 +f 15458/23305/8624 16286/24264/11463 16276/24252/6827 +f 15449/23295/11400 16271/24246/6835 15450/23296/8628 +f 15449/23295/11400 16285/24263/11462 16271/24246/6835 +f 15449/23295/11400 15458/23305/8624 16285/24263/11462 +f 15434/23280/6808 15446/24265/6809 15435/23281/6810 +f 16287/24267/7659 16288/24268/11464 16289/24269/11465 +f 16290/24270/11466 16291/24271/7663 16292/24272/11467 +f 16291/24271/7663 16293/24273/7665 16292/24272/11467 +f 16294/24274/7666 16295/24275/7667 16296/24276/7668 +f 16295/24275/7667 16297/24277/7669 16296/24276/7668 +f 16298/24278/8920 16299/24279/7671 16300/24280/8921 +f 16301/24281/8924 16302/24282/8925 16303/24283/11468 +f 16304/24284/8936 16290/24270/11466 16305/24285/8937 +f 16289/24269/11465 16306/24286/7678 16303/24283/11468 +f 16307/24287/8927 16301/24281/8924 16303/24283/11468 +f 16306/24286/7678 16308/24288/7680 16303/24283/11468 +f 16308/24288/7680 16307/24287/8927 16303/24283/11468 +f 16299/24289/7671 16309/24290/7681 16310/24291/8930 +f 16290/24270/11466 16292/24272/11467 16305/24285/8937 +f 16300/24292/8921 16299/24289/7671 16310/24291/8930 +f 16311/24293/7683 16312/24294/8923 16313/24295/8941 +f 16312/24294/8923 16304/24296/8936 16313/24295/8941 +f 16293/24273/7665 16314/24297/11469 16315/24298/7687 +f 16316/24299/11470 16317/24300/7689 16318/24301/11471 +f 16314/24297/11469 16319/24302/8917 16315/24298/7687 +f 16292/24272/11467 16293/24273/7665 16315/24298/7687 +f 16320/24303/11472 16316/24299/11470 16318/24301/11471 +f 16319/24302/8917 16321/24304/8944 16315/24298/7687 +f 16296/24276/7668 16297/24277/7669 16322/24305/8946 +f 16317/24300/7689 16298/24278/8920 16323/24306/7695 +f 16298/24278/8920 16300/24280/8921 16323/24306/7695 +f 16318/24301/11471 16317/24300/7689 16323/24306/7695 +f 16297/24277/7669 16311/24293/7683 16322/24305/8946 +f 16324/24307/8953 16294/24308/7666 16325/24309/11473 +f 16326/24310/8938 16320/24303/11472 16327/24311/8940 +f 16294/24274/7666 16296/24276/7668 16325/24312/11473 +f 16310/24291/8930 16309/24290/7681 16328/24313/8943 +f 16305/24285/8937 16292/24272/11467 16329/24314/7701 +f 16309/24290/7681 16287/24267/7659 16328/24313/8943 +f 16292/24272/11467 16315/24298/7687 16329/24314/7701 +f 16287/24267/7659 16289/24269/11465 16328/24313/8943 +f 16289/24269/11465 16303/24283/11468 16330/24315/7702 +f 16304/24284/8936 16305/24285/8937 16331/24316/8954 +f 16303/24283/11468 16302/24282/8925 16330/24315/7702 +f 16313/24317/8941 16304/24284/8936 16331/24316/8954 +f 16320/24303/11472 16318/24301/11471 16332/24318/8947 +f 16327/24311/8940 16320/24303/11472 16332/24318/8947 +f 16322/24305/8946 16311/24293/7683 16333/24319/8955 +f 16300/24292/8921 16310/24291/8930 16334/24320/11474 +f 16323/24321/7695 16300/24292/8921 16334/24320/11474 +f 16311/24293/7683 16313/24295/8941 16333/24319/8955 +f 16315/24298/7687 16321/24304/8944 16335/24322/8958 +f 16310/24291/8930 16328/24313/8943 16336/24323/7708 +f 16329/24314/7701 16315/24298/7687 16335/24322/8958 +f 16334/24320/11474 16310/24291/8930 16336/24323/7708 +f 16321/24304/8944 16337/24324/8959 16335/24322/8958 +f 16325/24312/11473 16296/24276/7668 16338/24325/8960 +f 16318/24301/11471 16323/24306/7695 16339/24326/7711 +f 16323/24321/7695 16334/24320/11474 16340/24327/8956 +f 16296/24276/7668 16322/24305/8946 16338/24325/8960 +f 16325/24309/11473 16338/24328/8960 16341/24329/8965 +f 16339/24330/7711 16323/24321/7695 16340/24327/8956 +f 16302/24282/8925 16342/24331/8957 16343/24332/11475 +f 16330/24315/7702 16302/24282/8925 16343/24332/11475 +f 16328/24313/8943 16289/24269/11465 16343/24332/11475 +f 16324/24307/8953 16325/24309/11473 16341/24329/8965 +f 16289/24269/11465 16330/24315/7702 16343/24332/11475 +f 16336/24323/7708 16328/24313/8943 16343/24332/11475 +f 16331/24316/8954 16305/24285/8937 16344/24333/8961 +f 16327/24311/8940 16332/24318/8947 16345/24334/7717 +f 16305/24285/8937 16329/24314/7701 16344/24333/8961 +f 16333/24335/8955 16313/24317/8941 16346/24336/8966 +f 16313/24317/8941 16331/24316/8954 16346/24336/8966 +f 16332/24318/8947 16318/24301/11471 16347/24337/7719 +f 16318/24301/11471 16339/24326/7711 16347/24337/7719 +f 16322/24305/8946 16333/24319/8955 16348/24338/8969 +f 16349/24339/8962 16326/24310/8938 16350/24340/8963 +f 16351/24341/11476 16349/24339/8962 16350/24340/8963 +f 16326/24310/8938 16327/24311/8940 16350/24340/8963 +f 16338/24325/8960 16322/24305/8946 16348/24338/8969 +f 16344/24333/8961 16329/24314/7701 16352/24342/8971 +f 16329/24314/7701 16335/24322/8958 16352/24342/8971 +f 16335/24322/8958 16337/24324/8959 16352/24342/8971 +f 16337/24324/8959 16353/24343/8973 16352/24342/8971 +f 16334/24320/11474 16336/24323/7708 16354/24344/8967 +f 16336/24323/7708 16343/24332/11475 16355/24345/7727 +f 16338/24328/8960 16348/24346/8969 16356/24347/8974 +f 16354/24344/8967 16336/24323/7708 16355/24345/7727 +f 16343/24332/11475 16342/24331/8957 16355/24345/7727 +f 16339/24330/7711 16340/24327/8956 16357/24348/8970 +f 16341/24329/8965 16338/24328/8960 16356/24347/8974 +f 16331/24316/8954 16344/24333/8961 16358/24349/8976 +f 16347/24350/7719 16339/24330/7711 16357/24348/8970 +f 16346/24336/8966 16331/24316/8954 16358/24349/8976 +f 16334/24320/11474 16354/24344/8967 16359/24351/7731 +f 16340/24327/8956 16334/24320/11474 16359/24351/7731 +f 16357/24348/8970 16340/24327/8956 16359/24351/7731 +f 16324/24307/8953 16341/24329/8965 16360/24352/11477 +f 16361/24353/11478 16324/24307/8953 16360/24352/11477 +f 16362/24354/8986 16361/24353/11478 16360/24352/11477 +f 16345/24334/7717 16332/24318/8947 16363/24355/11479 +f 16332/24318/8947 16347/24337/7719 16363/24355/11479 +f 16333/24335/8955 16346/24336/8966 16364/24356/8979 +f 16348/24357/8969 16333/24335/8955 16364/24356/8979 +f 16347/24350/7719 16357/24348/8970 16365/24358/7737 +f 16363/24359/11479 16347/24350/7719 16365/24358/7737 +f 16342/24331/8957 16366/24360/8977 16367/24361/7739 +f 16356/24347/8974 16348/24346/8969 16368/24362/7740 +f 16355/24345/7727 16342/24331/8957 16367/24361/7739 +f 16354/24344/8967 16355/24345/7727 16367/24361/7739 +f 16348/24357/8969 16364/24356/8979 16368/24363/7740 +f 16359/24351/7731 16354/24344/8967 16367/24361/7739 +f 16327/24311/8940 16345/24334/7717 16369/24364/7741 +f 16358/24349/8976 16344/24333/8961 16370/24365/7742 +f 16344/24333/8961 16352/24342/8971 16370/24365/7742 +f 16350/24340/8963 16327/24311/8940 16369/24364/7741 +f 16352/24342/8971 16353/24343/8973 16370/24365/7742 +f 16353/24343/8973 16371/24366/7743 16370/24365/7742 +f 16359/24351/7731 16367/24361/7739 16372/24367/11480 +f 16360/24352/11477 16341/24329/8965 16373/24368/7745 +f 16367/24361/7739 16366/24360/8977 16372/24367/11480 +f 16357/24348/8970 16359/24351/7731 16374/24369/8981 +f 16341/24329/8965 16356/24347/8974 16373/24368/7745 +f 16359/24351/7731 16372/24367/11480 16374/24369/8981 +f 16351/24341/11476 16350/24340/8963 16375/24370/11481 +f 16350/24340/8963 16369/24364/7741 16375/24370/11481 +f 16376/24371/7748 16351/24341/11476 16375/24370/11481 +f 16364/24356/8979 16346/24336/8966 16377/24372/11482 +f 16346/24336/8966 16358/24349/8976 16377/24372/11482 +f 16362/24354/8986 16360/24352/11477 16378/24373/7750 +f 16363/24359/11479 16365/24358/7737 16379/24374/7751 +f 16360/24352/11477 16373/24368/7745 16378/24373/7750 +f 16365/24358/7737 16357/24348/8970 16380/24375/7752 +f 16368/24363/7740 16364/24356/8979 16381/24376/8988 +f 16357/24348/8970 16374/24369/8981 16380/24375/7752 +f 16369/24364/7741 16345/24334/7717 16382/24377/8985 +f 16364/24356/8979 16377/24372/11482 16381/24376/8988 +f 16345/24334/7717 16363/24355/11479 16382/24377/8985 +f 16356/24347/8974 16368/24362/7740 16383/24378/11483 +f 16373/24368/7745 16356/24347/8974 16383/24378/11483 +f 16366/24360/8977 16384/24379/8987 16385/24380/7757 +f 16374/24369/8981 16372/24367/11480 16385/24380/7757 +f 16372/24367/11480 16366/24360/8977 16385/24380/7757 +f 16358/24349/8976 16370/24365/7742 16386/24381/7758 +f 16369/24364/7741 16382/24377/8985 16387/24382/8989 +f 16371/24366/7743 16388/24383/8992 16386/24381/7758 +f 16377/24372/11482 16358/24349/8976 16386/24381/7758 +f 16375/24370/11481 16369/24364/7741 16387/24382/8989 +f 16370/24365/7742 16371/24366/7743 16386/24381/7758 +f 16380/24375/7752 16374/24369/8981 16389/24384/11484 +f 16385/24380/7757 16384/24379/8987 16389/24384/11484 +f 16378/24373/7750 16373/24368/7745 16390/24385/7762 +f 16373/24368/7745 16383/24378/11483 16390/24385/7762 +f 16374/24369/8981 16385/24380/7757 16389/24384/11484 +f 16379/24374/7751 16365/24358/7737 16391/24386/11485 +f 16381/24376/8988 16377/24372/11482 16392/24387/8995 +f 16365/24358/7737 16380/24375/7752 16391/24386/11485 +f 16377/24372/11482 16386/24381/7758 16392/24387/8995 +f 16380/24375/7752 16389/24384/11484 16391/24386/11485 +f 16362/24354/8986 16378/24373/7750 16393/24388/8996 +f 16394/24389/7766 16362/24354/8986 16393/24388/8996 +f 16395/24390/7767 16376/24391/7748 16396/24392/7768 +f 16397/24393/7769 16394/24389/7766 16393/24388/8996 +f 16398/24394/7770 16397/24393/7769 16393/24388/8996 +f 16376/24371/7748 16375/24370/11481 16396/24395/7768 +f 16399/24396/7771 16398/24394/7770 16393/24388/8996 +f 16368/24363/7740 16381/24376/8988 16400/24397/9000 +f 16383/24398/11483 16368/24363/7740 16400/24397/9000 +f 16363/24359/11479 16379/24374/7751 16401/24399/8994 +f 16382/24400/8985 16363/24359/11479 16401/24399/8994 +f 16383/24398/11483 16400/24397/9000 16402/24401/11486 +f 16387/24382/8989 16382/24377/8985 16403/24402/8997 +f 16390/24385/7762 16383/24378/11483 16402/24403/11486 +f 16382/24400/8985 16401/24399/8994 16403/24404/8997 +f 16388/24383/8992 16404/24405/7776 16405/24406/9005 +f 16384/24379/8987 16406/24407/8998 16407/24408/11487 +f 16389/24384/11484 16384/24379/8987 16407/24408/11487 +f 16392/24387/8995 16386/24381/7758 16405/24406/9005 +f 16386/24381/7758 16388/24383/8992 16405/24406/9005 +f 16391/24386/11485 16389/24384/11484 16407/24408/11487 +f 16378/24373/7750 16390/24385/7762 16408/24409/11488 +f 16399/24396/7771 16393/24388/8996 16408/24409/11488 +f 16375/24370/11481 16387/24382/8989 16409/24410/11489 +f 16393/24388/8996 16378/24373/7750 16408/24409/11488 +f 16381/24376/8988 16392/24387/8995 16410/24411/11490 +f 16396/24395/7768 16375/24370/11481 16409/24410/11489 +f 16400/24397/9000 16381/24376/8988 16410/24411/11490 +f 16379/24374/7751 16391/24386/11485 16411/24412/7783 +f 16401/24399/8994 16379/24374/7751 16411/24412/7783 +f 16402/24401/11486 16400/24397/9000 16412/24413/11491 +f 16413/24414/9004 16395/24390/7767 16414/24415/11492 +f 16400/24397/9000 16410/24411/11490 16412/24413/11491 +f 16395/24390/7767 16396/24392/7768 16414/24415/11492 +f 16390/24385/7762 16402/24403/11486 16415/24416/9011 +f 16399/24396/7771 16408/24409/11488 16415/24416/9011 +f 16416/24417/7788 16399/24396/7771 16415/24416/9011 +f 16417/24418/7789 16416/24419/7788 16415/24420/9011 +f 16408/24409/11488 16390/24385/7762 16415/24416/9011 +f 16392/24387/8995 16405/24406/9005 16418/24421/11493 +f 16403/24404/8997 16401/24399/8994 16419/24422/11494 +f 16404/24405/7776 16420/24423/9015 16418/24421/11493 +f 16401/24399/8994 16411/24412/7783 16419/24422/11494 +f 16405/24406/9005 16404/24405/7776 16418/24421/11493 +f 16410/24411/11490 16392/24387/8995 16418/24421/11493 +f 16412/24413/11491 16410/24411/11490 16421/24424/11495 +f 16387/24382/8989 16403/24402/8997 16422/24425/9010 +f 16409/24410/11489 16387/24382/8989 16422/24425/9010 +f 16410/24411/11490 16418/24421/11493 16421/24424/11495 +f 16402/24401/11486 16412/24413/11491 16423/24426/11496 +f 16406/24407/8998 16424/24427/9012 16425/24428/11497 +f 16415/24420/9011 16402/24401/11486 16423/24426/11496 +f 16411/24412/7783 16391/24386/11485 16425/24428/11497 +f 16417/24418/7789 16415/24420/9011 16423/24426/11496 +f 16407/24408/11487 16406/24407/8998 16425/24428/11497 +f 16391/24386/11485 16407/24408/11487 16425/24428/11497 +f 16418/24421/11493 16420/24423/9015 16426/24429/11498 +f 16421/24424/11495 16418/24421/11493 16426/24429/11498 +f 16396/24392/7768 16409/24430/11489 16427/24431/9016 +f 16420/24423/9015 16428/24432/9022 16426/24429/11498 +f 16414/24415/11492 16396/24392/7768 16427/24431/9016 +f 16412/24413/11491 16421/24424/11495 16429/24433/11499 +f 16421/24424/11495 16426/24429/11498 16429/24433/11499 +f 16417/24418/7789 16423/24426/11496 16429/24433/11499 +f 16430/24434/11500 16417/24418/7789 16429/24433/11499 +f 16431/24435/11501 16430/24434/11500 16429/24433/11499 +f 16413/24414/9004 16414/24415/11492 16432/24436/9018 +f 16423/24426/11496 16412/24413/11491 16429/24433/11499 +f 16433/24437/7805 16431/24435/11501 16434/24438/9026 +f 16429/24433/11499 16426/24429/11498 16434/24438/9026 +f 16414/24415/11492 16427/24431/9016 16432/24436/9018 +f 16431/24435/11501 16429/24433/11499 16434/24438/9026 +f 16426/24429/11498 16428/24432/9022 16434/24438/9026 +f 16428/24432/9022 16433/24437/7805 16434/24438/9026 +f 16419/24422/11494 16411/24412/7783 16435/24439/11502 +f 16422/24440/9010 16403/24404/8997 16436/24441/9023 +f 16403/24404/8997 16419/24422/11494 16436/24441/9023 +f 16409/24430/11489 16422/24442/9010 16437/24443/9027 +f 16427/24431/9016 16409/24430/11489 16437/24443/9027 +f 16424/24427/9012 16438/24444/9029 16439/24445/11503 +f 16435/24439/11502 16411/24412/7783 16439/24445/11503 +f 16425/24428/11497 16424/24427/9012 16439/24445/11503 +f 16411/24412/7783 16425/24428/11497 16439/24445/11503 +f 16432/24436/9018 16427/24431/9016 16440/24446/9030 +f 16427/24431/9016 16437/24443/9027 16440/24446/9030 +f 16441/24447/9031 16413/24414/9004 16442/24448/9032 +f 16443/24449/11504 16441/24447/9031 16442/24448/9032 +f 16413/24414/9004 16432/24436/9018 16442/24448/9032 +f 16419/24422/11494 16435/24439/11502 16444/24450/11505 +f 16436/24441/9023 16419/24422/11494 16444/24450/11505 +f 16422/24440/9010 16436/24441/9023 16445/24451/9034 +f 16437/24452/9027 16422/24440/9010 16445/24451/9034 +f 16440/24446/9030 16437/24443/9027 16446/24453/7818 +f 16437/24452/9027 16445/24451/9034 16446/24454/7818 +f 16438/24444/9029 16447/24455/7819 16448/24456/7820 +f 16439/24445/11503 16438/24444/9029 16448/24456/7820 +f 16435/24439/11502 16439/24445/11503 16448/24456/7820 +f 16444/24450/11505 16435/24439/11502 16448/24456/7820 +f 16432/24436/9018 16440/24446/9030 16449/24457/7821 +f 16442/24448/9032 16432/24436/9018 16449/24457/7821 +f 16450/24458/7822 16443/24449/11504 16451/24459/11506 +f 16443/24449/11504 16442/24448/9032 16451/24459/11506 +f 16445/24451/9034 16436/24441/9023 16452/24460/7824 +f 16436/24441/9023 16444/24450/11505 16452/24460/7824 +f 16445/24451/9034 16452/24460/7824 16453/24461/9035 +f 16446/24454/7818 16445/24451/9034 16453/24461/9035 +f 16440/24446/9030 16446/24453/7818 16454/24462/7826 +f 16449/24457/7821 16440/24446/9030 16454/24462/7826 +f 16447/24455/7819 16455/24463/9036 16456/24464/7828 +f 16444/24450/11505 16448/24456/7820 16456/24464/7828 +f 16452/24460/7824 16444/24450/11505 16456/24464/7828 +f 16448/24456/7820 16447/24455/7819 16456/24464/7828 +f 16442/24448/9032 16449/24457/7821 16457/24465/11507 +f 16451/24459/11506 16442/24448/9032 16457/24465/11507 +f 16451/24459/11506 16457/24465/11507 16458/24466/9039 +f 16450/24458/7822 16451/24459/11506 16458/24466/9039 +f 16453/24461/9035 16452/24460/7824 16459/24467/9038 +f 16452/24460/7824 16456/24464/7828 16459/24467/9038 +f 16454/24468/7826 16446/24454/7818 16460/24469/9040 +f 16446/24454/7818 16453/24461/9035 16460/24469/9040 +f 16449/24457/7821 16454/24462/7826 16461/24470/7833 +f 16457/24465/11507 16449/24457/7821 16461/24470/7833 +f 16455/24463/9036 16462/24471/7834 16463/24472/9042 +f 16456/24464/7828 16455/24463/9036 16463/24472/9042 +f 16459/24467/9038 16456/24464/7828 16463/24472/9042 +f 16457/24465/11507 16461/24470/7833 16464/24473/11508 +f 16458/24466/9039 16457/24465/11507 16464/24473/11508 +f 16465/24474/7837 16450/24458/7822 16466/24475/7838 +f 16450/24458/7822 16458/24466/9039 16466/24475/7838 +f 16460/24469/9040 16453/24461/9035 16467/24476/9044 +f 16453/24461/9035 16459/24467/9038 16467/24476/9044 +f 16454/24468/7826 16460/24469/9040 16468/24477/7840 +f 16461/24478/7833 16454/24468/7826 16468/24477/7840 +f 16464/24473/11508 16461/24470/7833 16469/24479/7841 +f 16461/24478/7833 16468/24477/7840 16469/24480/7841 +f 16462/24471/7834 16470/24481/9046 16471/24482/9047 +f 16463/24472/9042 16462/24471/7834 16471/24482/9047 +f 16459/24467/9038 16463/24472/9042 16471/24482/9047 +f 16467/24476/9044 16459/24467/9038 16471/24482/9047 +f 16458/24466/9039 16464/24473/11508 16472/24483/7844 +f 16466/24475/7838 16458/24466/9039 16472/24483/7844 +f 16473/24484/11509 16465/24474/7837 16474/24485/7846 +f 16465/24474/7837 16466/24475/7838 16474/24485/7846 +f 16468/24477/7840 16460/24469/9040 16475/24486/9049 +f 16460/24469/9040 16467/24476/9044 16475/24486/9049 +f 16469/24480/7841 16468/24477/7840 16476/24487/7848 +f 16468/24477/7840 16475/24486/9049 16476/24487/7848 +f 16464/24473/11508 16469/24479/7841 16477/24488/7849 +f 16472/24483/7844 16464/24473/11508 16477/24488/7849 +f 16470/24481/9046 16478/24489/9051 16479/24490/11510 +f 16471/24482/9047 16470/24481/9046 16479/24490/11510 +f 16467/24476/9044 16471/24482/9047 16479/24490/11510 +f 16475/24486/9049 16467/24476/9044 16479/24490/11510 +f 16466/24475/7838 16472/24483/7844 16480/24491/7852 +f 16474/24485/7846 16466/24475/7838 16480/24491/7852 +f 16481/24492/7853 16473/24484/11509 16482/24493/11511 +f 16473/24484/11509 16474/24485/7846 16482/24493/11511 +f 16475/24486/9049 16479/24490/11510 16483/24494/11512 +f 16476/24487/7848 16475/24486/9049 16483/24494/11512 +f 16469/24480/7841 16476/24487/7848 16484/24495/9054 +f 16477/24496/7849 16469/24480/7841 16484/24495/9054 +f 16472/24483/7844 16477/24488/7849 16485/24497/7857 +f 16480/24491/7852 16472/24483/7844 16485/24497/7857 +f 16479/24490/11510 16478/24489/9051 16486/24498/11513 +f 16483/24494/11512 16479/24490/11510 16486/24498/11513 +f 16478/24489/9051 16487/24499/7859 16486/24498/11513 +f 16482/24493/11511 16474/24485/7846 16488/24500/9056 +f 16474/24485/7846 16480/24491/7852 16488/24500/9056 +f 16489/24501/9057 16481/24492/7853 16490/24502/7862 +f 16481/24492/7853 16482/24493/11511 16490/24502/7862 +f 16476/24487/7848 16483/24494/11512 16491/24503/7863 +f 16484/24495/9054 16476/24487/7848 16491/24503/7863 +f 16485/24504/7857 16477/24496/7849 16492/24505/9058 +f 16477/24496/7849 16484/24495/9054 16492/24505/9058 +f 16480/24491/7852 16485/24497/7857 16493/24506/11514 +f 16488/24500/9056 16480/24491/7852 16493/24506/11514 +f 16491/24503/7863 16483/24494/11512 16494/24507/9060 +f 16483/24494/11512 16486/24498/11513 16494/24507/9060 +f 16486/24498/11513 16487/24499/7859 16494/24507/9060 +f 16487/24499/7859 16495/24508/7867 16494/24507/9060 +f 16490/24502/7862 16482/24493/11511 16496/24509/9061 +f 16482/24493/11511 16488/24500/9056 16496/24509/9061 +f 16489/24501/9057 16490/24502/7862 16497/24510/7869 +f 16498/24511/7870 16489/24501/9057 16497/24510/7869 +f 16492/24505/9058 16484/24495/9054 16499/24512/9062 +f 16484/24495/9054 16491/24503/7863 16499/24512/9062 +f 16485/24504/7857 16492/24505/9058 16500/24513/9063 +f 16493/24514/11514 16485/24504/7857 16500/24513/9063 +f 16488/24500/9056 16493/24506/11514 16501/24515/9064 +f 16496/24509/9061 16488/24500/9056 16501/24515/9064 +f 16491/24503/7863 16494/24507/9060 16502/24516/9065 +f 16499/24512/9062 16491/24503/7863 16502/24516/9065 +f 16494/24507/9060 16495/24508/7867 16502/24516/9065 +f 16495/24508/7867 16503/24517/9066 16502/24516/9065 +f 16497/24510/7869 16490/24502/7862 16504/24518/9067 +f 16490/24502/7862 16496/24509/9061 16504/24518/9067 +f 16498/24511/7870 16497/24510/7869 16505/24519/11515 +f 16506/24520/7878 16498/24511/7870 16505/24519/11515 +f 16492/24505/9058 16499/24512/9062 16507/24521/9070 +f 16500/24513/9063 16492/24505/9058 16507/24521/9070 +f 16501/24522/9064 16493/24514/11514 16508/24523/7880 +f 16493/24514/11514 16500/24513/9063 16508/24523/7880 +f 16504/24518/9067 16496/24509/9061 16509/24524/9071 +f 16496/24509/9061 16501/24515/9064 16509/24524/9071 +f 16499/24512/9062 16502/24516/9065 16510/24525/9072 +f 16507/24521/9070 16499/24512/9062 16510/24525/9072 +f 16502/24516/9065 16503/24517/9066 16510/24525/9072 +f 16503/24517/9066 16511/24526/9073 16510/24525/9072 +f 16497/24510/7869 16504/24518/9067 16512/24527/9074 +f 16505/24519/11515 16497/24510/7869 16512/24527/9074 +f 16513/24528/7885 16506/24520/7878 16514/24529/7886 +f 16506/24520/7878 16505/24519/11515 16514/24529/7886 +f 16505/24519/11515 16512/24527/9074 16514/24529/7886 +f 16500/24513/9063 16507/24521/9070 16515/24530/9075 +f 16508/24523/7880 16500/24513/9063 16515/24530/9075 +f 16501/24522/9064 16508/24523/7880 16516/24531/9076 +f 16509/24532/9071 16501/24522/9064 16516/24531/9076 +f 16512/24527/9074 16504/24518/9067 16517/24533/9077 +f 16504/24518/9067 16509/24524/9071 16517/24533/9077 +f 16507/24521/9070 16510/24525/9072 16518/24534/9078 +f 16515/24530/9075 16507/24521/9070 16518/24534/9078 +f 16510/24525/9072 16511/24526/9073 16518/24534/9078 +f 16511/24526/9073 16519/24535/9079 16518/24534/9078 +f 16512/24527/9074 16517/24533/9077 16520/24536/11516 +f 16514/24529/7886 16512/24527/9074 16520/24536/11516 +f 16513/24528/7885 16514/24529/7886 16521/24537/11517 +f 16522/24538/9082 16513/24528/7885 16521/24537/11517 +f 16508/24523/7880 16515/24530/9075 16523/24539/11518 +f 16516/24531/9076 16508/24523/7880 16523/24539/11518 +f 16509/24532/9071 16516/24531/9076 16524/24540/11519 +f 16517/24541/9077 16509/24532/9071 16524/24540/11519 +f 16431/24435/11501 16433/24437/7805 16525/24542/7897 +f 16526/24543/7898 16397/24393/7769 16527/24544/7899 +f 16517/24541/9077 16524/24540/11519 16528/24545/11520 +f 16397/24393/7769 16398/24394/7770 16527/24544/7899 +f 16520/24536/11516 16517/24533/9077 16528/24546/11520 +f 16515/24530/9075 16518/24534/9078 16529/24547/9088 +f 16523/24539/11518 16515/24530/9075 16529/24547/9088 +f 16518/24534/9078 16519/24535/9079 16529/24547/9088 +f 16398/24394/7770 16399/24396/7771 16530/24548/9085 +f 16519/24535/9079 16531/24549/9089 16529/24547/9088 +f 16521/24537/11517 16514/24529/7886 16532/24550/9090 +f 16527/24544/7899 16398/24394/7770 16530/24548/9085 +f 16533/24551/7905 16526/24543/7898 16534/24552/9087 +f 16514/24529/7886 16520/24536/11516 16532/24550/9090 +f 16526/24543/7898 16527/24544/7899 16534/24552/9087 +f 16522/24538/9082 16521/24537/11517 16535/24553/7907 +f 16536/24554/9092 16522/24538/9082 16535/24553/7907 +f 16530/24548/9085 16399/24396/7771 16537/24555/7909 +f 16399/24396/7771 16416/24417/7788 16537/24555/7909 +f 16516/24531/9076 16523/24539/11518 16538/24556/9094 +f 16524/24540/11519 16516/24531/9076 16538/24556/9094 +f 16527/24544/7899 16530/24548/9085 16539/24557/9091 +f 16528/24545/11520 16524/24540/11519 16540/24558/9095 +f 16534/24552/9087 16527/24544/7899 16539/24557/9091 +f 16541/24559/9093 16533/24551/7905 16542/24560/7914 +f 16524/24540/11519 16538/24556/9094 16540/24558/9095 +f 16520/24536/11516 16528/24546/11520 16543/24561/7915 +f 16533/24551/7905 16534/24552/9087 16542/24560/7914 +f 16532/24550/9090 16520/24536/11516 16543/24561/7915 +f 16523/24539/11518 16529/24547/9088 16544/24562/9098 +f 16538/24556/9094 16523/24539/11518 16544/24562/9098 +f 16416/24419/7788 16417/24418/7789 16545/24563/9096 +f 16529/24547/9088 16531/24549/9089 16544/24562/9098 +f 16537/24564/7909 16416/24419/7788 16545/24563/9096 +f 16531/24549/9089 16546/24565/9100 16544/24562/9098 +f 16521/24537/11517 16532/24550/9090 16547/24566/11521 +f 16530/24548/9085 16537/24555/7909 16548/24567/9097 +f 16539/24557/9091 16530/24548/9085 16548/24567/9097 +f 16535/24553/7907 16521/24537/11517 16547/24566/11521 +f 16536/24554/9092 16535/24553/7907 16549/24568/11522 +f 16534/24552/9087 16539/24557/9091 16550/24569/9099 +f 16542/24560/7914 16534/24552/9087 16550/24569/9099 +f 16551/24570/9104 16536/24554/9092 16549/24568/11522 +f 16535/24553/7907 16547/24566/11521 16549/24568/11522 +f 16552/24571/7924 16541/24559/9093 16553/24572/9102 +f 16540/24558/9095 16538/24556/9094 16554/24573/9106 +f 16541/24559/9093 16542/24560/7914 16553/24572/9102 +f 16538/24556/9094 16544/24562/9098 16554/24573/9106 +f 16528/24545/11520 16540/24558/9095 16555/24574/9108 +f 16543/24575/7915 16528/24545/11520 16555/24574/9108 +f 16417/24418/7789 16430/24434/11500 16556/24576/7928 +f 16430/24434/11500 16431/24435/11501 16556/24576/7928 +f 16545/24563/9096 16417/24418/7789 16556/24576/7928 +f 16547/24566/11521 16532/24550/9090 16557/24577/11523 +f 16548/24578/9097 16537/24564/7909 16558/24579/9107 +f 16532/24550/9090 16543/24561/7915 16557/24577/11523 +f 16537/24564/7909 16545/24563/9096 16558/24579/9107 +f 16544/24562/9098 16546/24565/9100 16559/24580/9112 +f 16554/24573/9106 16544/24562/9098 16559/24580/9112 +f 16546/24565/9100 16560/24581/9114 16559/24580/9112 +f 16539/24557/9091 16548/24567/9097 16561/24582/9109 +f 16547/24566/11521 16557/24577/11523 16562/24583/11524 +f 16550/24569/9099 16539/24557/9091 16561/24582/9109 +f 16549/24568/11522 16547/24566/11521 16562/24583/11524 +f 16556/24576/7928 16431/24435/11501 16563/24584/11525 +f 16525/24542/7897 16564/24585/8949 16563/24584/11525 +f 16431/24435/11501 16525/24542/7897 16563/24584/11525 +f 16551/24586/9104 16549/24587/11522 16565/24588/11526 +f 16566/24589/7938 16551/24586/9104 16565/24588/11526 +f 16553/24572/9102 16542/24560/7914 16567/24590/9113 +f 16549/24587/11522 16562/24591/11524 16565/24588/11526 +f 16542/24560/7914 16550/24569/9099 16567/24590/9113 +f 16555/24574/9108 16540/24558/9095 16568/24592/9119 +f 16569/24593/7941 16552/24571/7924 16570/24594/9117 +f 16540/24558/9095 16554/24573/9106 16568/24592/9119 +f 16552/24571/7924 16553/24572/9102 16570/24594/9117 +f 16553/24572/9102 16567/24590/9113 16570/24594/9117 +f 16543/24575/7915 16555/24574/9108 16571/24595/7943 +f 16545/24563/9096 16556/24576/7928 16572/24596/11527 +f 16557/24597/11523 16543/24575/7915 16571/24595/7943 +f 16558/24579/9107 16545/24563/9096 16572/24596/11527 +f 16561/24598/9109 16548/24578/9097 16573/24599/7945 +f 16566/24589/7938 16565/24588/11526 16574/24600/11528 +f 16548/24578/9097 16558/24579/9107 16573/24599/7945 +f 16562/24583/11524 16557/24577/11523 16575/24601/9125 +f 16557/24597/11523 16571/24595/7943 16575/24602/9125 +f 16550/24569/9099 16561/24582/9109 16576/24603/9121 +f 16568/24592/9119 16554/24573/9106 16577/24604/9127 +f 16554/24573/9106 16559/24580/9112 16577/24604/9127 +f 16567/24590/9113 16550/24569/9099 16576/24603/9121 +f 16559/24580/9112 16560/24581/9114 16577/24604/9127 +f 16563/24584/11525 16564/24585/8949 16578/24605/9122 +f 16564/24585/8949 16579/24606/9124 16578/24605/9122 +f 16560/24581/9114 16580/24607/9129 16577/24604/9127 +f 16556/24576/7928 16563/24584/11525 16578/24605/9122 +f 16565/24588/11526 16562/24591/11524 16581/24608/11529 +f 16572/24596/11527 16556/24576/7928 16578/24605/9122 +f 16562/24609/11524 16575/24602/9125 16581/24610/11529 +f 16574/24600/11528 16565/24588/11526 16581/24608/11529 +f 16570/24594/9117 16567/24590/9113 16582/24611/9126 +f 16567/24590/9113 16576/24603/9121 16582/24611/9126 +f 16583/24612/7955 16566/24589/7938 16584/24613/11530 +f 16585/24614/7957 16569/24593/7941 16586/24615/9128 +f 16566/24589/7938 16574/24600/11528 16584/24613/11530 +f 16555/24574/9108 16568/24592/9119 16587/24616/11531 +f 16569/24593/7941 16570/24594/9117 16586/24615/9128 +f 16571/24595/7943 16555/24574/9108 16587/24616/11531 +f 16558/24579/9107 16572/24596/11527 16588/24617/9131 +f 16573/24599/7945 16558/24579/9107 16588/24617/9131 +f 16572/24596/11527 16578/24605/9122 16588/24617/9131 +f 16574/24600/11528 16581/24608/11529 16589/24618/7961 +f 16584/24613/11530 16574/24600/11528 16589/24618/7961 +f 16571/24595/7943 16587/24616/11531 16590/24619/11532 +f 16576/24620/9121 16561/24598/9109 16591/24621/9133 +f 16575/24602/9125 16571/24595/7943 16590/24619/11532 +f 16561/24598/9109 16573/24599/7945 16591/24621/9133 +f 16583/24612/7955 16584/24613/11530 16592/24622/7964 +f 16576/24620/9121 16591/24621/9133 16593/24623/9135 +f 16582/24611/9126 16576/24603/9121 16593/24624/9135 +f 16579/24606/9124 16594/24625/9137 16595/24626/9138 +f 16588/24617/9131 16578/24605/9122 16595/24626/9138 +f 16575/24602/9125 16590/24619/11532 16596/24627/11533 +f 16578/24605/9122 16579/24606/9124 16595/24626/9138 +f 16581/24610/11529 16575/24602/9125 16596/24627/11533 +f 16589/24618/7961 16581/24608/11529 16596/24628/11533 +f 16586/24615/9128 16570/24594/9117 16597/24629/9139 +f 16568/24592/9119 16577/24604/9127 16598/24630/11534 +f 16570/24594/9117 16582/24611/9126 16597/24629/9139 +f 16587/24616/11531 16568/24592/9119 16598/24630/11534 +f 16599/24631/9140 16585/24614/7957 16600/24632/9141 +f 16577/24604/9127 16580/24607/9129 16598/24630/11534 +f 16580/24607/9129 16601/24633/9147 16598/24630/11534 +f 16585/24614/7957 16586/24615/9128 16600/24632/9141 +f 16586/24615/9128 16597/24629/9139 16600/24632/9141 +f 16584/24613/11530 16589/24618/7961 16602/24634/9148 +f 16591/24621/9133 16573/24599/7945 16603/24635/9144 +f 16589/24618/7961 16596/24628/11533 16604/24636/9149 +f 16573/24599/7945 16588/24617/9131 16603/24635/9144 +f 16602/24634/9148 16589/24618/7961 16604/24636/9149 +f 16605/24637/7977 16583/24612/7955 16606/24638/11535 +f 16591/24621/9133 16603/24635/9144 16607/24639/9146 +f 16583/24612/7955 16592/24622/7964 16606/24638/11535 +f 16593/24623/9135 16591/24621/9133 16607/24639/9146 +f 16587/24616/11531 16598/24630/11534 16608/24640/11536 +f 16590/24619/11532 16587/24616/11531 16608/24640/11536 +f 16597/24629/9139 16582/24611/9126 16609/24641/7981 +f 16582/24611/9126 16593/24624/9135 16609/24641/7981 +f 16594/24625/9137 16610/24642/9150 16611/24643/9151 +f 16584/24613/11530 16602/24634/9148 16612/24644/11537 +f 16603/24635/9144 16588/24617/9131 16611/24643/9151 +f 16592/24622/7964 16584/24613/11530 16612/24644/11537 +f 16595/24626/9138 16594/24625/9137 16611/24643/9151 +f 16588/24617/9131 16595/24626/9138 16611/24643/9151 +f 16600/24632/9141 16597/24629/9139 16613/24645/9153 +f 16606/24638/11535 16592/24622/7964 16612/24644/11537 +f 16597/24629/9139 16609/24641/7981 16613/24645/9153 +f 16596/24627/11533 16590/24619/11532 16614/24646/7986 +f 16590/24619/11532 16608/24640/11536 16614/24646/7986 +f 16615/24647/9154 16599/24631/9140 16616/24648/7988 +f 16604/24649/9149 16596/24627/11533 16614/24646/7986 +f 16599/24631/9140 16600/24632/9141 16616/24648/7988 +f 16605/24637/7977 16606/24638/11535 16617/24650/7989 +f 16603/24635/9144 16611/24643/9151 16618/24651/9156 +f 16607/24639/9146 16603/24635/9144 16618/24651/9156 +f 16609/24652/7981 16593/24623/9135 16619/24653/7991 +f 16602/24634/9148 16604/24636/9149 16620/24654/11538 +f 16620/24655/11538 16604/24649/9149 16621/24656/7993 +f 16593/24623/9135 16607/24639/9146 16619/24653/7991 +f 16604/24649/9149 16614/24646/7986 16621/24656/7993 +f 16608/24640/11536 16598/24630/11534 16622/24657/9164 +f 16609/24652/7981 16619/24653/7991 16623/24658/9158 +f 16613/24645/9153 16609/24641/7981 16623/24659/9158 +f 16601/24633/9147 16624/24660/7996 16622/24657/9164 +f 16598/24630/11534 16601/24633/9147 16622/24657/9164 +f 16610/24642/9150 16625/24661/9159 16626/24662/9160 +f 16611/24643/9151 16610/24642/9150 16626/24662/9160 +f 16618/24651/9156 16611/24643/9151 16626/24662/9160 +f 16606/24638/11535 16612/24644/11537 16627/24663/11539 +f 16600/24632/9141 16613/24645/9153 16628/24664/9162 +f 16602/24634/9148 16620/24654/11538 16629/24665/8001 +f 16616/24648/7988 16600/24632/9141 16628/24664/9162 +f 16627/24663/11539 16612/24644/11537 16629/24665/8001 +f 16612/24644/11537 16602/24634/9148 16629/24665/8001 +f 16630/24666/9163 16615/24647/9154 16631/24667/11540 +f 16605/24637/7977 16617/24650/7989 16632/24668/8004 +f 16616/24648/7988 16628/24664/9162 16631/24667/11540 +f 16633/24669/8005 16605/24637/7977 16632/24668/8004 +f 16615/24647/9154 16616/24648/7988 16631/24667/11540 +f 16614/24646/7986 16608/24640/11536 16634/24670/8006 +f 16608/24640/11536 16622/24657/9164 16634/24670/8006 +f 16607/24639/9146 16618/24651/9156 16635/24671/9165 +f 16621/24656/7993 16614/24646/7986 16634/24670/8006 +f 16619/24653/7991 16607/24639/9146 16635/24671/9165 +f 16606/24638/11535 16627/24663/11539 16636/24672/8008 +f 16619/24653/7991 16635/24671/9165 16637/24673/8009 +f 16623/24658/9158 16619/24653/7991 16637/24673/8009 +f 16617/24650/7989 16606/24638/11535 16636/24672/8008 +f 16620/24655/11538 16621/24656/7993 16638/24674/8010 +f 16613/24645/9153 16623/24659/9158 16639/24675/9167 +f 16628/24664/9162 16613/24645/9153 16639/24675/9167 +f 16633/24669/8005 16632/24668/8004 16640/24676/8012 +f 16635/24671/9165 16618/24651/9156 16641/24677/9168 +f 16625/24661/9159 16642/24678/9170 16641/24677/9168 +f 16626/24662/9160 16625/24661/9159 16641/24677/9168 +f 16638/24674/8010 16621/24656/7993 16643/24679/8015 +f 16618/24651/9156 16626/24662/9160 16641/24677/9168 +f 16621/24656/7993 16634/24670/8006 16643/24679/8015 +f 16628/24664/9162 16639/24675/9167 16644/24680/9171 +f 16631/24667/11540 16628/24664/9162 16644/24680/9171 +f 16645/24681/8017 16630/24666/9163 16646/24682/11541 +f 16627/24663/11539 16629/24665/8001 16647/24683/11542 +f 16647/24684/11542 16629/24685/8001 16648/24686/11543 +f 16629/24685/8001 16620/24655/11538 16648/24686/11543 +f 16620/24655/11538 16638/24674/8010 16648/24686/11543 +f 16630/24666/9163 16631/24667/11540 16646/24682/11541 +f 16637/24673/8009 16635/24671/9165 16649/24687/11544 +f 16634/24670/8006 16622/24657/9164 16650/24688/9179 +f 16622/24657/9164 16624/24660/7996 16650/24688/9179 +f 16635/24671/9165 16641/24677/9168 16649/24687/11544 +f 16643/24679/8015 16634/24670/8006 16650/24688/9179 +f 16624/24660/7996 16651/24689/9182 16650/24688/9179 +f 16632/24668/8004 16617/24650/7989 16652/24690/8024 +f 16639/24691/9167 16623/24658/9158 16653/24692/8025 +f 16617/24650/7989 16636/24672/8008 16652/24690/8024 +f 16640/24676/8012 16632/24668/8004 16652/24690/8024 +f 16623/24658/9158 16637/24673/8009 16653/24692/8025 +f 16627/24663/11539 16647/24683/11542 16654/24693/8026 +f 16636/24672/8008 16627/24663/11539 16654/24693/8026 +f 16645/24681/8017 16646/24682/11541 16655/24694/8027 +f 16633/24669/8005 16640/24676/8012 16656/24695/9187 +f 16644/24680/9171 16639/24675/9167 16657/24696/9178 +f 16658/24697/8030 16633/24669/8005 16656/24695/9187 +f 16639/24691/9167 16653/24692/8025 16657/24698/9178 +f 16642/24678/9170 16659/24699/9180 16660/24700/9181 +f 16649/24687/11544 16641/24677/9168 16660/24700/9181 +f 16643/24679/8015 16650/24688/9179 16661/24701/8033 +f 16650/24688/9179 16651/24689/9182 16661/24701/8033 +f 16641/24677/9168 16642/24678/9170 16660/24700/9181 +f 16651/24689/9182 16662/24702/8034 16661/24701/8033 +f 16638/24674/8010 16643/24679/8015 16663/24703/9189 +f 16655/24694/8027 16646/24682/11541 16664/24704/9183 +f 16646/24682/11541 16631/24667/11540 16664/24704/9183 +f 16643/24679/8015 16661/24701/8033 16663/24703/9189 +f 16631/24667/11540 16644/24680/9171 16664/24704/9183 +f 16640/24676/8012 16652/24690/8024 16665/24705/8037 +f 16656/24695/9187 16640/24676/8012 16665/24705/8037 +f 16666/24706/8038 16645/24707/8017 16667/24708/9186 +f 16645/24707/8017 16655/24709/8027 16667/24708/9186 +f 16647/24684/11542 16648/24686/11543 16668/24710/11545 +f 16653/24692/8025 16637/24673/8009 16669/24711/9188 +f 16637/24673/8009 16649/24687/11544 16669/24711/9188 +f 16648/24686/11543 16638/24674/8010 16670/24712/9191 +f 16638/24674/8010 16663/24703/9189 16670/24712/9191 +f 16668/24710/11545 16648/24686/11543 16670/24712/9191 +f 16655/24694/8027 16664/24704/9183 16671/24713/8043 +f 16657/24698/9178 16653/24692/8025 16672/24714/11546 +f 16658/24697/8030 16656/24695/9187 16673/24715/8045 +f 16652/24690/8024 16636/24672/8008 16674/24716/8046 +f 16636/24672/8008 16654/24693/8026 16674/24716/8046 +f 16653/24692/8025 16669/24711/9188 16672/24714/11546 +f 16665/24705/8037 16652/24690/8024 16674/24716/8046 +f 16647/24684/11542 16668/24710/11545 16675/24717/8047 +f 16654/24718/8026 16647/24684/11542 16675/24717/8047 +f 16666/24706/8038 16667/24708/9186 16676/24719/8048 +f 16644/24680/9171 16657/24696/9178 16677/24720/9192 +f 16664/24704/9183 16644/24680/9171 16677/24720/9192 +f 16671/24713/8043 16664/24704/9183 16677/24720/9192 +f 16661/24701/8033 16662/24702/8034 16678/24721/11547 +f 16663/24703/9189 16661/24701/8033 16678/24721/11547 +f 16669/24711/9188 16649/24687/11544 16679/24722/9193 +f 16649/24687/11544 16660/24700/9181 16679/24722/9193 +f 16656/24695/9187 16665/24705/8037 16680/24723/9200 +f 16659/24699/9180 16681/24724/9195 16679/24722/9193 +f 16660/24700/9181 16659/24699/9180 16679/24722/9193 +f 16665/24705/8037 16674/24716/8046 16682/24725/8054 +f 16667/24708/9186 16655/24709/8027 16683/24726/9196 +f 16680/24723/9200 16665/24705/8037 16682/24725/8054 +f 16655/24709/8027 16671/24727/8043 16683/24726/9196 +f 16676/24719/8048 16667/24708/9186 16683/24726/9196 +f 16658/24697/8030 16673/24715/8045 16684/24728/11548 +f 16685/24729/8057 16658/24697/8030 16684/24728/11548 +f 16671/24713/8043 16677/24720/9192 16686/24730/8058 +f 16668/24710/11545 16670/24712/9191 16687/24731/11549 +f 16688/24732/8060 16666/24706/8038 16689/24733/11550 +f 16666/24706/8038 16676/24719/8048 16689/24733/11550 +f 16670/24712/9191 16663/24703/9189 16690/24734/11551 +f 16663/24703/9189 16678/24721/11547 16690/24734/11551 +f 16687/24731/11549 16670/24712/9191 16690/24734/11551 +f 16669/24711/9188 16679/24722/9193 16691/24735/9201 +f 16678/24721/11547 16662/24702/8034 16690/24734/11551 +f 16672/24714/11546 16669/24711/9188 16691/24735/9201 +f 16662/24702/8034 16692/24736/9205 16690/24734/11551 +f 16656/24695/9187 16680/24723/9200 16693/24737/8065 +f 16673/24715/8045 16656/24695/9187 16693/24737/8065 +f 16676/24719/8048 16683/24726/9196 16694/24738/11552 +f 16674/24739/8046 16654/24718/8026 16695/24740/11553 +f 16689/24733/11550 16676/24719/8048 16694/24738/11552 +f 16654/24718/8026 16675/24717/8047 16695/24740/11553 +f 16682/24741/8054 16674/24739/8046 16695/24740/11553 +f 16677/24742/9192 16657/24698/9178 16696/24743/8068 +f 16657/24698/9178 16672/24714/11546 16696/24743/8068 +f 16686/24744/8058 16677/24742/9192 16696/24743/8068 +f 16668/24710/11545 16687/24731/11549 16697/24745/8069 +f 16688/24732/8060 16689/24733/11550 16698/24746/8070 +f 16675/24717/8047 16668/24710/11545 16697/24745/8069 +f 16683/24726/9196 16671/24727/8043 16699/24747/9206 +f 16671/24727/8043 16686/24748/8058 16699/24747/9206 +f 16685/24729/8057 16684/24728/11548 16700/24749/9213 +f 16694/24738/11552 16683/24726/9196 16699/24747/9206 +f 16680/24723/9200 16682/24725/8054 16701/24750/11554 +f 16686/24744/8058 16696/24743/8068 16702/24751/9208 +f 16687/24731/11549 16690/24734/11551 16703/24752/9215 +f 16681/24724/9195 16704/24753/9209 16705/24754/9210 +f 16690/24734/11551 16692/24736/9205 16703/24752/9215 +f 16701/24755/11554 16682/24741/8054 16706/24756/9216 +f 16679/24722/9193 16681/24724/9195 16705/24754/9210 +f 16682/24741/8054 16695/24740/11553 16706/24756/9216 +f 16691/24735/9201 16679/24722/9193 16705/24754/9210 +f 16698/24746/8070 16689/24733/11550 16707/24757/9212 +f 16700/24749/9213 16684/24728/11548 16708/24758/9218 +f 16689/24733/11550 16694/24738/11552 16707/24757/9212 +f 16684/24728/11548 16673/24715/8045 16708/24758/9218 +f 16694/24738/11552 16699/24747/9206 16709/24759/11555 +f 16673/24715/8045 16693/24737/8065 16708/24758/9218 +f 16685/24729/8057 16700/24749/9213 16710/24760/8082 +f 16711/24761/11556 16688/24732/8060 16712/24762/8084 +f 16713/24763/8085 16685/24729/8057 16710/24760/8082 +f 16688/24732/8060 16698/24746/8070 16712/24762/8084 +f 16680/24723/9200 16701/24750/11554 16714/24764/11557 +f 16672/24714/11546 16691/24735/9201 16715/24765/8087 +f 16696/24743/8068 16672/24714/11546 16715/24765/8087 +f 16693/24737/8065 16680/24723/9200 16714/24764/11557 +f 16702/24751/9208 16696/24743/8068 16715/24765/8087 +f 16675/24717/8047 16697/24745/8069 16716/24766/11558 +f 16698/24746/8070 16707/24757/9212 16717/24767/8089 +f 16706/24756/9216 16695/24740/11553 16716/24766/11558 +f 16695/24740/11553 16675/24717/8047 16716/24766/11558 +f 16697/24745/8069 16687/24731/11549 16718/24768/8090 +f 16687/24731/11549 16703/24752/9215 16718/24768/8090 +f 16699/24769/9206 16686/24744/8058 16719/24770/8091 +f 16703/24752/9215 16692/24736/9205 16718/24768/8090 +f 16692/24736/9205 16720/24771/9225 16718/24768/8090 +f 16686/24744/8058 16702/24751/9208 16719/24770/8091 +f 16709/24772/11555 16699/24769/9206 16719/24770/8091 +f 16710/24760/8082 16700/24749/9213 16721/24773/9227 +f 16702/24751/9208 16715/24765/8087 16722/24774/9221 +f 16700/24749/9213 16708/24758/9218 16721/24773/9227 +f 16711/24761/11556 16712/24762/8084 16723/24775/11559 +f 16701/24755/11554 16706/24756/9216 16724/24776/9228 +f 16706/24756/9216 16716/24766/11558 16725/24777/9231 +f 16724/24776/9228 16706/24756/9216 16725/24777/9231 +f 16707/24757/9212 16694/24738/11552 16726/24778/8098 +f 16694/24738/11552 16709/24759/11555 16726/24778/8098 +f 16713/24763/8085 16710/24760/8082 16727/24779/8099 +f 16709/24772/11555 16719/24770/8091 16728/24780/11560 +f 16726/24781/8098 16709/24772/11555 16728/24780/11560 +f 16708/24758/9218 16693/24737/8065 16729/24782/8101 +f 16693/24737/8065 16714/24764/11557 16729/24782/8101 +f 16704/24753/9209 16730/24783/9230 16731/24784/8103 +f 16705/24754/9210 16704/24753/9209 16731/24784/8103 +f 16715/24765/8087 16691/24735/9201 16731/24784/8103 +f 16691/24735/9201 16705/24754/9210 16731/24784/8103 +f 16722/24774/9221 16715/24765/8087 16731/24784/8103 +f 16716/24766/11558 16697/24745/8069 16732/24785/9232 +f 16697/24745/8069 16718/24768/8090 16732/24785/9232 +f 16718/24768/8090 16720/24771/9225 16732/24785/9232 +f 16723/24775/11559 16712/24762/8084 16733/24786/11561 +f 16712/24762/8084 16698/24746/8070 16733/24786/11561 +f 16698/24746/8070 16717/24767/8089 16733/24786/11561 +f 16710/24760/8082 16721/24773/9227 16734/24787/11562 +f 16717/24767/8089 16707/24757/9212 16735/24788/8107 +f 16701/24755/11554 16724/24776/9228 16736/24789/8108 +f 16707/24757/9212 16726/24778/8098 16735/24788/8107 +f 16737/24790/8109 16711/24761/11556 16738/24791/11563 +f 16714/24792/11557 16701/24755/11554 16736/24789/8108 +f 16713/24763/8085 16727/24779/8099 16739/24793/8111 +f 16711/24761/11556 16723/24775/11559 16738/24791/11563 +f 16740/24794/9237 16713/24763/8085 16739/24793/8111 +f 16722/24774/9221 16731/24784/8103 16741/24795/8113 +f 16730/24783/9230 16742/24796/8114 16741/24795/8113 +f 16731/24784/8103 16730/24783/9230 16741/24795/8113 +f 16728/24780/11560 16719/24770/8091 16743/24797/8115 +f 16734/24787/11562 16721/24773/9227 16744/24798/9238 +f 16708/24758/9218 16729/24782/8101 16744/24798/9238 +f 16721/24773/9227 16708/24758/9218 16744/24798/9238 +f 16719/24770/8091 16702/24751/9208 16743/24797/8115 +f 16702/24751/9208 16722/24774/9221 16743/24797/8115 +f 16723/24775/11559 16733/24786/11561 16745/24799/11564 +f 16724/24776/9228 16725/24777/9231 16746/24800/9240 +f 16738/24791/11563 16723/24775/11559 16745/24799/11564 +f 16725/24777/9231 16716/24766/11558 16747/24801/9241 +f 16732/24785/9232 16720/24771/9225 16747/24801/9241 +f 16726/24781/8098 16728/24780/11560 16748/24802/11565 +f 16720/24771/9225 16749/24803/8121 16747/24801/9241 +f 16716/24766/11558 16732/24785/9232 16747/24801/9241 +f 16735/24804/8107 16726/24781/8098 16748/24802/11565 +f 16727/24779/8099 16710/24760/8082 16750/24805/8122 +f 16737/24790/8109 16738/24791/11563 16751/24806/8123 +f 16710/24760/8082 16734/24787/11562 16750/24805/8122 +f 16739/24793/8111 16727/24779/8099 16750/24805/8122 +f 16729/24807/8101 16714/24792/11557 16752/24808/8124 +f 16744/24809/9238 16729/24807/8101 16752/24808/8124 +f 16714/24792/11557 16736/24789/8108 16752/24808/8124 +f 16728/24780/11560 16743/24797/8115 16753/24810/11566 +f 16717/24767/8089 16735/24788/8107 16754/24811/8126 +f 16734/24787/11562 16744/24798/9238 16755/24812/8127 +f 16733/24786/11561 16717/24767/8089 16754/24811/8126 +f 16735/24804/8107 16748/24802/11565 16756/24813/8128 +f 16740/24794/9237 16739/24793/8111 16757/24814/8129 +f 16722/24774/9221 16741/24795/8113 16758/24815/8130 +f 16741/24795/8113 16742/24796/8114 16758/24815/8130 +f 16724/24776/9228 16746/24800/9240 16759/24816/9246 +f 16736/24789/8108 16724/24776/9228 16759/24816/9246 +f 16743/24797/8115 16722/24774/9221 16758/24815/8130 +f 16725/24777/9231 16747/24801/9241 16760/24817/8132 +f 16738/24791/11563 16745/24799/11564 16761/24818/11567 +f 16746/24800/9240 16725/24777/9231 16760/24817/8132 +f 16747/24801/9241 16749/24803/8121 16760/24817/8132 +f 16745/24799/11564 16733/24786/11561 16762/24819/8134 +f 16739/24793/8111 16750/24805/8122 16763/24820/8135 +f 16733/24786/11561 16754/24811/8126 16762/24819/8134 +f 16757/24814/8129 16739/24793/8111 16763/24820/8135 +f 16761/24818/11567 16745/24799/11564 16762/24819/8134 +f 16744/24809/9238 16752/24808/8124 16764/24821/8136 +f 16765/24822/8137 16737/24790/8109 16766/24823/8138 +f 16755/24824/8127 16744/24809/9238 16764/24821/8136 +f 16737/24790/8109 16751/24806/8123 16766/24823/8138 +f 16767/24825/8139 16740/24794/9237 16768/24826/8140 +f 16748/24802/11565 16728/24780/11560 16769/24827/11568 +f 16728/24780/11560 16753/24810/11566 16769/24827/11568 +f 16740/24794/9237 16757/24814/8129 16768/24826/8140 +f 16734/24787/11562 16755/24812/8127 16770/24828/11569 +f 16742/24796/8114 16771/24829/9250 16772/24830/11570 +f 16750/24805/8122 16734/24787/11562 16770/24828/11569 +f 16753/24810/11566 16743/24797/8115 16772/24830/11570 +f 16743/24797/8115 16758/24815/8130 16772/24830/11570 +f 16758/24815/8130 16742/24796/8114 16772/24830/11570 +f 16769/24827/11568 16753/24810/11566 16772/24830/11570 +f 16751/24806/8123 16738/24791/11563 16773/24831/8145 +f 16752/24808/8124 16736/24789/8108 16774/24832/11571 +f 16736/24789/8108 16759/24816/9246 16774/24832/11571 +f 16738/24791/11563 16761/24818/11567 16773/24831/8145 +f 16766/24823/8138 16751/24806/8123 16773/24831/8145 +f 16746/24800/9240 16760/24817/8132 16775/24833/9256 +f 16759/24816/9246 16746/24800/9240 16775/24833/9256 +f 16735/24804/8107 16756/24813/8128 16776/24834/8148 +f 16749/24803/8121 16777/24835/8149 16775/24833/9256 +f 16762/24836/8134 16754/24837/8126 16776/24834/8148 +f 16760/24817/8132 16749/24803/8121 16775/24833/9256 +f 16754/24837/8126 16735/24804/8107 16776/24834/8148 +f 16755/24824/8127 16764/24821/8136 16778/24838/9258 +f 16765/24822/8137 16766/24823/8138 16779/24839/9255 +f 16756/24813/8128 16748/24802/11565 16780/24840/8152 +f 16757/24814/8129 16763/24820/8135 16781/24841/11572 +f 16748/24802/11565 16769/24827/11568 16780/24840/8152 +f 16761/24818/11567 16762/24819/8134 16782/24842/9257 +f 16750/24805/8122 16770/24828/11569 16783/24843/9261 +f 16763/24820/8135 16750/24805/8122 16783/24843/9261 +f 16772/24830/11570 16771/24829/9250 16784/24844/11573 +f 16767/24825/8139 16768/24826/8140 16785/24845/11574 +f 16769/24827/11568 16772/24830/11570 16784/24844/11573 +f 16762/24836/8134 16776/24834/8148 16786/24846/11575 +f 16764/24821/8136 16752/24808/8124 16787/24847/8159 +f 16782/24848/9257 16762/24836/8134 16786/24846/11575 +f 16752/24808/8124 16774/24832/11571 16787/24847/8159 +f 16778/24838/9258 16764/24821/8136 16787/24847/8159 +f 16774/24832/11571 16759/24816/9246 16788/24849/8160 +f 16766/24823/8138 16773/24831/8145 16789/24850/11576 +f 16759/24816/9246 16775/24833/9256 16788/24849/8160 +f 16775/24833/9256 16777/24835/8149 16788/24849/8160 +f 16787/24847/8159 16774/24832/11571 16788/24849/8160 +f 16790/24851/8162 16765/24822/8137 16791/24852/8163 +f 16757/24814/8129 16781/24841/11572 16792/24853/11577 +f 16785/24845/11574 16768/24826/8140 16792/24853/11577 +f 16765/24822/8137 16779/24839/9255 16791/24852/8163 +f 16768/24826/8140 16757/24814/8129 16792/24853/11577 +f 16773/24831/8145 16761/24818/11567 16793/24854/8165 +f 16755/24824/8127 16778/24838/9258 16794/24855/8166 +f 16761/24818/11567 16782/24842/9257 16793/24854/8165 +f 16789/24850/11576 16773/24831/8145 16793/24854/8165 +f 16783/24856/9261 16770/24857/11569 16794/24855/8166 +f 16770/24857/11569 16755/24824/8127 16794/24855/8166 +f 16776/24834/8148 16756/24813/8128 16795/24858/11578 +f 16796/24859/8168 16767/24825/8139 16797/24860/11579 +f 16756/24813/8128 16780/24840/8152 16795/24858/11578 +f 16767/24825/8139 16785/24845/11574 16797/24860/11579 +f 16784/24844/11573 16771/24829/9250 16798/24861/8170 +f 16771/24829/9250 16799/24862/9264 16798/24861/8170 +f 16780/24840/8152 16769/24827/11568 16798/24861/8170 +f 16778/24838/9258 16787/24847/8159 16800/24863/8172 +f 16769/24827/11568 16784/24844/11573 16798/24861/8170 +f 16781/24841/11572 16763/24820/8135 16801/24864/8173 +f 16779/24839/9255 16766/24823/8138 16802/24865/11580 +f 16766/24823/8138 16789/24850/11576 16802/24865/11580 +f 16791/24852/8163 16779/24839/9255 16802/24865/11580 +f 16763/24820/8135 16783/24843/9261 16801/24864/8173 +f 16787/24847/8159 16788/24849/8160 16803/24866/9270 +f 16788/24849/8160 16777/24835/8149 16803/24866/9270 +f 16800/24863/8172 16787/24847/8159 16803/24866/9270 +f 16777/24835/8149 16804/24867/8176 16803/24866/9270 +f 16782/24848/9257 16786/24846/11575 16805/24868/11581 +f 16783/24856/9261 16794/24855/8166 16806/24869/8178 +f 16801/24870/8173 16783/24856/9261 16806/24869/8178 +f 16790/24851/8162 16791/24852/8163 16807/24871/8179 +f 16797/24860/11579 16785/24845/11574 16808/24872/8180 +f 16785/24845/11574 16792/24853/11577 16808/24872/8180 +f 16786/24846/11575 16776/24834/8148 16809/24873/8181 +f 16776/24834/8148 16795/24858/11578 16809/24873/8181 +f 16792/24853/11577 16781/24841/11572 16810/24874/8182 +f 16805/24868/11581 16786/24846/11575 16809/24873/8181 +f 16789/24850/11576 16793/24854/8165 16811/24875/8183 +f 16781/24841/11572 16801/24864/8173 16810/24874/8182 +f 16794/24855/8166 16778/24838/9258 16812/24876/8184 +f 16778/24838/9258 16800/24863/8172 16812/24876/8184 +f 16798/24861/8170 16799/24862/9264 16813/24877/11582 +f 16795/24858/11578 16780/24840/8152 16813/24877/11582 +f 16780/24840/8152 16798/24861/8170 16813/24877/11582 +f 16796/24859/8168 16797/24860/11579 16814/24878/11583 +f 16791/24852/8163 16802/24865/11580 16815/24879/9272 +f 16811/24880/8183 16793/24881/8165 16816/24882/8188 +f 16800/24863/8172 16803/24866/9270 16817/24883/11584 +f 16803/24866/9270 16804/24867/8176 16817/24883/11584 +f 16793/24881/8165 16782/24848/9257 16816/24882/8188 +f 16797/24860/11579 16808/24872/8180 16818/24884/8190 +f 16782/24848/9257 16805/24868/11581 16816/24882/8188 +f 16814/24878/11583 16797/24860/11579 16818/24884/8190 +f 16819/24885/8191 16790/24851/8162 16820/24886/8192 +f 16790/24851/8162 16807/24871/8179 16820/24886/8192 +f 16801/24870/8173 16806/24869/8178 16821/24887/8193 +f 16789/24850/11576 16811/24875/8183 16822/24888/11585 +f 16796/24859/8168 16814/24878/11583 16823/24889/11586 +f 16824/24890/8196 16796/24859/8168 16823/24889/11586 +f 16802/24865/11580 16789/24850/11576 16822/24888/11585 +f 16805/24868/11581 16809/24873/8181 16825/24891/11587 +f 16794/24855/8166 16812/24876/8184 16826/24892/8198 +f 16809/24873/8181 16795/24858/11578 16827/24893/9277 +f 16806/24869/8178 16794/24855/8166 16826/24892/8198 +f 16813/24877/11582 16799/24862/9264 16827/24893/9277 +f 16799/24862/9264 16828/24894/8200 16827/24893/9277 +f 16808/24872/8180 16792/24853/11577 16829/24895/8201 +f 16792/24853/11577 16810/24874/8182 16829/24895/8201 +f 16795/24858/11578 16813/24877/11582 16827/24893/9277 +f 16818/24884/8190 16808/24872/8180 16829/24895/8201 +f 16791/24852/8163 16815/24879/9272 16830/24896/8202 +f 16820/24886/8192 16807/24871/8179 16830/24896/8202 +f 16800/24863/8172 16817/24883/11584 16831/24897/8203 +f 16812/24876/8184 16800/24863/8172 16831/24897/8203 +f 16817/24883/11584 16804/24867/8176 16831/24897/8203 +f 16807/24871/8179 16791/24852/8163 16830/24896/8202 +f 16804/24867/8176 16832/24898/9280 16831/24897/8203 +f 16810/24899/8182 16801/24870/8173 16833/24900/8205 +f 16801/24870/8173 16821/24887/8193 16833/24900/8205 +f 16829/24901/8201 16810/24899/8182 16833/24900/8205 +f 16811/24880/8183 16816/24882/8188 16834/24902/11588 +f 16802/24865/11580 16822/24888/11585 16835/24903/8207 +f 16814/24878/11583 16818/24884/8190 16836/24904/8208 +f 16815/24879/9272 16802/24865/11580 16835/24903/8207 +f 16819/24885/8191 16820/24886/8192 16837/24905/8209 +f 16818/24884/8190 16829/24895/8201 16838/24906/11589 +f 16805/24868/11581 16825/24891/11587 16839/24907/11590 +f 16816/24882/8188 16805/24868/11581 16839/24907/11590 +f 16821/24887/8193 16806/24869/8178 16840/24908/11591 +f 16806/24869/8178 16826/24892/8198 16840/24908/11591 +f 16834/24902/11588 16816/24882/8188 16839/24907/11590 +f 16825/24891/11587 16809/24873/8181 16841/24909/8213 +f 16827/24893/9277 16828/24894/8200 16841/24909/8213 +f 16809/24873/8181 16827/24893/9277 16841/24909/8213 +f 16824/24890/8196 16823/24889/11586 16842/24910/8214 +f 16820/24886/8192 16830/24896/8202 16843/24911/11592 +f 16837/24905/8209 16820/24886/8192 16843/24911/11592 +f 16812/24876/8184 16831/24897/8203 16844/24912/9284 +f 16822/24913/11585 16811/24880/8183 16845/24914/8217 +f 16826/24892/8198 16812/24876/8184 16844/24912/9284 +f 16811/24880/8183 16834/24902/11588 16845/24914/8217 +f 16835/24915/8207 16822/24913/11585 16845/24914/8217 +f 16831/24897/8203 16832/24898/9280 16844/24912/9284 +f 16823/24889/11586 16814/24878/11583 16846/24916/11593 +f 16842/24910/8214 16823/24889/11586 16846/24916/11593 +f 16814/24878/11583 16836/24904/8208 16846/24916/11593 +f 16847/24917/8219 16819/24885/8191 16848/24918/8220 +f 16819/24885/8191 16837/24905/8209 16848/24918/8220 +f 16829/24901/8201 16833/24900/8205 16849/24919/8221 +f 16843/24911/11592 16830/24896/8202 16850/24920/8222 +f 16838/24921/11589 16829/24901/8201 16849/24919/8221 +f 16830/24896/8202 16815/24879/9272 16850/24920/8222 +f 16815/24879/9272 16835/24903/8207 16850/24920/8222 +f 16851/24922/8223 16824/24890/8196 16852/24923/11594 +f 16824/24890/8196 16842/24910/8214 16852/24923/11594 +f 16834/24902/11588 16839/24907/11590 16853/24924/8225 +f 16821/24887/8193 16840/24908/11591 16854/24925/11595 +f 16828/24894/8200 16855/24926/8227 16856/24927/8228 +f 16833/24900/8205 16821/24887/8193 16854/24925/11595 +f 16841/24909/8213 16828/24894/8200 16856/24927/8228 +f 16839/24907/11590 16825/24891/11587 16856/24927/8228 +f 16825/24891/11587 16841/24909/8213 16856/24927/8228 +f 16853/24924/8225 16839/24907/11590 16856/24927/8228 +f 16818/24884/8190 16838/24906/11589 16857/24928/8229 +f 16835/24915/8207 16845/24914/8217 16858/24929/9288 +f 16836/24904/8208 16818/24884/8190 16857/24928/8229 +f 16840/24908/11591 16826/24892/8198 16859/24930/8231 +f 16826/24892/8198 16844/24912/9284 16859/24930/8231 +f 16832/24898/9280 16860/24931/9293 16859/24930/8231 +f 16844/24912/9284 16832/24898/9280 16859/24930/8231 +f 16837/24905/8209 16843/24911/11592 16861/24932/8233 +f 16838/24921/11589 16849/24919/8221 16862/24933/11596 +f 16848/24918/8220 16837/24905/8209 16861/24932/8233 +f 16857/24934/8229 16838/24921/11589 16862/24933/11596 +f 16843/24911/11592 16850/24920/8222 16863/24935/9291 +f 16852/24923/11594 16842/24910/8214 16864/24936/8236 +f 16845/24914/8217 16834/24902/11588 16865/24937/8237 +f 16842/24910/8214 16846/24916/11593 16864/24936/8236 +f 16834/24902/11588 16853/24924/8225 16865/24937/8237 +f 16864/24936/8236 16846/24916/11593 16866/24938/11597 +f 16836/24904/8208 16857/24928/8229 16866/24938/11597 +f 16846/24916/11593 16836/24904/8208 16866/24938/11597 +f 16847/24917/8219 16848/24918/8220 16867/24939/8239 +f 16868/24940/8240 16851/24922/8223 16869/24941/8241 +f 16856/24927/8228 16855/24926/8227 16870/24942/9296 +f 16851/24922/8223 16852/24923/11594 16869/24941/8241 +f 16853/24924/8225 16856/24927/8228 16870/24942/9296 +f 16833/24900/8205 16854/24925/11595 16871/24943/8243 +f 16848/24918/8220 16861/24932/8233 16872/24944/8244 +f 16867/24939/8239 16848/24918/8220 16872/24944/8244 +f 16849/24919/8221 16833/24900/8205 16871/24943/8243 +f 16862/24933/11596 16849/24919/8221 16871/24943/8243 +f 16871/24943/8243 16854/24925/11595 16873/24945/8245 +f 16850/24946/8222 16835/24915/8207 16874/24947/11598 +f 16854/24925/11595 16840/24908/11591 16873/24945/8245 +f 16835/24915/8207 16858/24929/9288 16874/24947/11598 +f 16840/24908/11591 16859/24930/8231 16873/24945/8245 +f 16863/24948/9291 16850/24946/8222 16874/24947/11598 +f 16859/24930/8231 16860/24931/9293 16873/24945/8245 +f 16875/24949/8247 16847/24917/8219 16876/24950/9301 +f 16847/24917/8219 16867/24939/8239 16876/24950/9301 +f 16852/24923/11594 16864/24936/8236 16877/24951/11599 +f 16857/24934/8229 16862/24933/11596 16878/24952/11600 +f 16858/24929/9288 16845/24914/8217 16879/24953/8251 +f 16845/24914/8217 16865/24937/8237 16879/24953/8251 +f 16861/24932/8233 16843/24911/11592 16880/24954/11601 +f 16862/24933/11596 16871/24943/8243 16881/24955/11602 +f 16843/24911/11592 16863/24935/9291 16880/24954/11601 +f 16864/24936/8236 16866/24938/11597 16882/24956/8254 +f 16877/24951/11599 16864/24936/8236 16882/24956/8254 +f 16855/24926/8227 16883/24957/8255 16884/24958/9304 +f 16865/24937/8237 16853/24924/8225 16884/24958/9304 +f 16853/24924/8225 16870/24942/9296 16884/24958/9304 +f 16866/24959/11597 16857/24934/8229 16885/24960/8257 +f 16857/24934/8229 16878/24952/11600 16885/24960/8257 +f 16870/24942/9296 16855/24926/8227 16884/24958/9304 +f 16882/24961/8254 16866/24959/11597 16885/24960/8257 +f 16863/24948/9291 16874/24947/11598 16886/24962/11603 +f 16871/24943/8243 16873/24945/8245 16887/24963/8259 +f 16873/24945/8245 16860/24931/9293 16887/24963/8259 +f 16880/24964/11601 16863/24948/9291 16886/24962/11603 +f 16881/24955/11602 16871/24943/8243 16887/24963/8259 +f 16860/24931/9293 16888/24965/9310 16887/24963/8259 +f 16867/24939/8239 16872/24944/8244 16889/24966/8261 +f 16869/24941/8241 16852/24923/11594 16890/24967/8262 +f 16852/24923/11594 16877/24951/11599 16890/24967/8262 +f 16876/24950/9301 16867/24939/8239 16889/24966/8261 +f 16861/24932/8233 16880/24954/11601 16891/24968/11604 +f 16877/24951/11599 16882/24956/8254 16892/24969/8264 +f 16872/24944/8244 16861/24932/8233 16891/24968/11604 +f 16874/24947/11598 16858/24929/9288 16893/24970/11605 +f 16858/24929/9288 16879/24953/8251 16893/24970/11605 +f 16869/24941/8241 16890/24967/8262 16894/24971/8266 +f 16886/24962/11603 16874/24947/11598 16893/24970/11605 +f 16868/24940/8240 16869/24941/8241 16894/24971/8266 +f 16878/24952/11600 16862/24933/11596 16895/24972/11606 +f 16875/24949/8247 16876/24950/9301 16896/24973/8268 +f 16862/24933/11596 16881/24955/11602 16895/24972/11606 +f 16884/24958/9304 16883/24957/8255 16897/24974/8269 +f 16879/24953/8251 16865/24937/8237 16897/24974/8269 +f 16881/24955/11602 16887/24963/8259 16898/24975/9315 +f 16865/24937/8237 16884/24958/9304 16897/24974/8269 +f 16887/24963/8259 16888/24965/9310 16898/24975/9315 +f 16876/24950/9301 16889/24966/8261 16899/24976/8271 +f 16882/24961/8254 16885/24960/8257 16900/24977/11607 +f 16896/24973/8268 16876/24950/9301 16899/24976/8271 +f 16892/24978/8264 16882/24961/8254 16900/24977/11607 +f 16885/24960/8257 16878/24952/11600 16901/24979/11608 +f 16878/24952/11600 16895/24972/11606 16901/24979/11608 +f 16891/24980/11604 16880/24964/11601 16288/24268/11464 +f 16900/24977/11607 16885/24960/8257 16901/24979/11608 +f 16880/24964/11601 16886/24962/11603 16288/24268/11464 +f 16875/24949/8247 16896/24973/8268 16902/24981/11609 +f 16890/24967/8262 16877/24951/11599 16903/24982/11610 +f 16877/24951/11599 16892/24969/8264 16903/24982/11610 +f 16904/24983/8276 16875/24949/8247 16902/24981/11609 +f 16886/24962/11603 16893/24970/11605 16308/24288/7680 +f 16872/24944/8244 16891/24968/11604 16905/24984/8277 +f 16892/24978/8264 16900/24977/11607 16291/24271/7663 +f 16895/24972/11606 16881/24955/11602 16906/24985/9319 +f 16881/24955/11602 16898/24975/9315 16906/24985/9319 +f 16889/24966/8261 16872/24944/8244 16905/24984/8277 +f 16898/24975/9315 16888/24965/9310 16906/24985/9319 +f 16899/24976/8271 16889/24966/8261 16905/24984/8277 +f 16883/24957/8255 16301/24281/8924 16907/24986/8279 +f 16888/24965/9310 16908/24987/8916 16906/24985/9319 +f 16879/24953/8251 16897/24974/8269 16907/24986/8279 +f 16308/24288/7680 16893/24970/11605 16907/24986/8279 +f 16890/24967/8262 16903/24982/11610 16312/24294/8923 +f 16893/24970/11605 16879/24953/8251 16907/24986/8279 +f 16894/24971/8266 16890/24967/8262 16312/24294/8923 +f 16897/24974/8269 16883/24957/8255 16907/24986/8279 +f 16891/24980/11604 16288/24268/11464 16287/24267/7659 +f 16895/24972/11606 16906/24985/9319 16909/24988/8915 +f 16905/24989/8277 16891/24980/11604 16287/24267/7659 +f 16901/24979/11608 16895/24972/11606 16909/24988/8915 +f 16906/24985/9319 16908/24987/8916 16909/24988/8915 +f 16900/24977/11607 16901/24979/11608 16910/24990/8282 +f 16902/24981/11609 16896/24973/8268 16298/24278/8920 +f 16896/24973/8268 16899/24976/8271 16298/24278/8920 +f 16291/24271/7663 16900/24977/11607 16910/24990/8282 +f 16901/24979/11608 16909/24988/8915 16910/24990/8282 +f 16911/24991/11611 16868/24940/8240 16297/24277/7669 +f 16868/24940/8240 16894/24971/8266 16297/24277/7669 +f 16295/24275/7667 16911/24991/11611 16297/24277/7669 +f 16899/24976/8271 16905/24984/8277 16299/24279/7671 +f 16298/24278/8920 16899/24976/8271 16299/24279/7671 +f 16288/24268/11464 16886/24962/11603 16306/24286/7678 +f 16892/24978/8264 16291/24271/7663 16290/24270/11466 +f 16903/24992/11610 16892/24978/8264 16290/24270/11466 +f 16886/24962/11603 16308/24288/7680 16306/24286/7678 +f 16291/24271/7663 16910/24990/8282 16293/24273/7665 +f 16904/24983/8276 16902/24981/11609 16316/24299/11470 +f 16312/24294/8923 16903/24982/11610 16304/24296/8936 +f 16903/24992/11610 16290/24270/11466 16304/24284/8936 +f 16907/24986/8279 16301/24281/8924 16307/24287/8927 +f 16308/24288/7680 16907/24986/8279 16307/24287/8927 +f 16908/24987/8916 16319/24302/8917 16912/24993/11612 +f 16909/24988/8915 16908/24987/8916 16912/24993/11612 +f 16910/24990/8282 16909/24988/8915 16912/24993/11612 +f 16902/24981/11609 16298/24278/8920 16317/24300/7689 +f 16293/24273/7665 16910/24990/8282 16912/24993/11612 +f 16316/24299/11470 16902/24981/11609 16317/24300/7689 +f 16297/24277/7669 16894/24971/8266 16311/24293/7683 +f 16905/24989/8277 16287/24267/7659 16309/24290/7681 +f 16894/24971/8266 16312/24294/8923 16311/24293/7683 +f 16299/24289/7671 16905/24989/8277 16309/24290/7681 +f 16326/24310/8938 16904/24983/8276 16320/24303/11472 +f 16293/24273/7665 16912/24993/11612 16314/24297/11469 +f 16912/24993/11612 16319/24302/8917 16314/24297/11469 +f 16904/24983/8276 16316/24299/11470 16320/24303/11472 +f 16288/24268/11464 16306/24286/7678 16289/24269/11465 +f 15818/23719/7187 16913/24994/57 16914/24995/8285 +f 15818/23719/7187 15794/23689/7164 16913/24994/57 +f 15819/23720/7188 16914/24995/8285 16915/24996/8286 +f 15819/23720/7188 15818/23719/7187 16914/24995/8285 +f 15846/23754/7215 16915/24996/8286 16916/24997/8287 +f 15846/23754/7215 15819/23720/7188 16915/24996/8286 +f 15847/23755/7216 16916/24997/8287 16917/24998/8288 +f 15847/23755/7216 15846/23754/7215 16916/24997/8287 +f 15878/23788/7248 16917/24998/8288 16918/24999/8289 +f 15878/23788/7248 15847/23755/7216 16917/24998/8288 +f 15906/23821/11429 16918/24999/8289 16919/25000/8290 +f 15906/23821/11429 15878/23788/7248 16918/24999/8289 +f 15943/23864/7313 16919/25000/8290 16920/25001/8291 +f 15943/23864/7313 15906/23821/11429 16919/25000/8290 +f 15984/23909/7354 16920/25001/8291 16921/25002/8292 +f 15984/23909/7354 15943/23864/7313 16920/25001/8291 +f 16029/23964/7398 15984/23963/7354 16921/25003/8292 +f 16029/23964/7398 16921/25003/8292 16922/25004/8293 +f 16074/24016/7445 16922/25004/8293 16923/25005/8294 +f 16074/24016/7445 16029/23964/7398 16922/25004/8293 +f 16120/24069/7488 16923/25005/8294 16924/25006/9322 +f 16120/24069/7488 16074/24016/7445 16923/25005/8294 +f 16156/24110/8864 16924/25006/9322 16925/25007/8296 +f 16156/24110/8864 16120/24069/7488 16924/25006/9322 +f 16188/24146/8880 16925/25007/8296 16926/25008/8297 +f 16188/24146/8880 16156/24110/8864 16925/25007/8296 +f 16214/24182/7584 16926/25008/8297 16927/25009/8298 +f 16214/24182/7584 16188/24146/8880 16926/25008/8297 +f 16215/24183/7600 16927/25009/8298 16928/25010/8299 +f 16215/24183/7600 16214/24182/7584 16927/25009/8298 +f 16229/24199/7601 16928/25010/8299 16929/25011/8300 +f 16229/24199/7601 16215/24183/7600 16928/25010/8299 +f 16258/24232/7637 16929/25011/8300 16930/25012/8301 +f 16258/24232/7637 16229/24199/7601 16929/25011/8300 +f 16259/24233/8907 16930/25012/8301 16931/25013/8302 +f 16259/24233/8907 16258/24232/7637 16930/25012/8301 +f 16282/24258/8911 16931/25013/8302 16932/25014/8303 +f 16282/24258/8911 16259/24233/8907 16931/25013/8302 +f 15452/23298/8630 16932/25014/8303 16933/25015/8304 +f 15452/23298/8630 16933/25015/8304 16934/25016/8305 +f 15452/23298/8630 16282/24258/8911 16932/25014/8303 +f 15472/23321/8635 16934/25016/8305 16935/25017/8306 +f 15472/23321/8635 15452/23298/8630 16934/25016/8305 +f 15499/23351/8652 16935/25017/8306 16936/25018/8307 +f 15499/23351/8652 15472/23321/8635 16935/25017/8306 +f 15534/23390/6912 16936/25018/8307 16937/25019/8308 +f 15534/23390/6912 15499/23351/8652 16936/25018/8307 +f 15562/23423/6939 16937/25019/8308 16938/25020/8309 +f 15562/23423/6939 15534/23390/6912 16937/25019/8308 +f 15588/23452/6965 16938/25020/8309 16939/25021/8310 +f 15588/23452/6965 15562/23423/6939 16938/25020/8309 +f 15610/23478/6987 16939/25021/8310 16940/25022/8311 +f 15610/23478/6987 15588/23452/6965 16939/25021/8310 +f 15628/23497/7006 16940/25022/8311 16941/25023/8312 +f 15628/23497/7006 15610/23478/6987 16940/25022/8311 +f 15642/23514/7018 16941/25024/8312 16942/25025/8313 +f 15642/23517/7018 15628/23497/7006 16941/25023/8312 +f 15643/23515/8703 16942/25025/8313 16943/25026/9323 +f 15643/23515/8703 15642/23514/7018 16942/25025/8313 +f 15673/23553/7051 16943/25026/9323 16944/25027/8315 +f 15673/23553/7051 15643/23515/8703 16943/25026/9323 +f 15674/23554/7067 16944/25027/8315 16945/25028/8316 +f 15674/23554/7067 15673/23553/7051 16944/25027/8315 +f 15695/23577/7072 16945/25028/8316 16946/25029/8317 +f 15695/23577/7072 15674/23554/7067 16945/25028/8316 +f 15719/23605/7096 15695/23577/7072 16946/25029/8317 +f 15719/23605/7096 16946/25029/8317 16947/25030/8318 +f 15743/23632/7121 15719/23605/7096 16947/25030/8318 +f 15743/23632/7121 16947/25030/8318 16948/25031/8319 +f 15773/23667/7149 15743/23632/7121 16948/25031/8319 +f 15773/23667/7149 16948/25031/8319 16949/25032/8320 +f 15806/23705/7182 15773/23667/7149 16949/25032/8320 +f 15806/23705/7182 16949/25032/8320 16950/25033/8321 +f 15857/23766/7231 15806/23705/7182 16950/25033/8321 +f 15857/23766/7231 16950/25033/8321 16951/25034/8322 +f 15896/23808/7280 15857/23766/7231 16951/25034/8322 +f 15896/23808/7280 16951/25034/8322 16952/25035/11613 +f 15932/23851/7315 15896/23808/7280 16952/25035/11613 +f 15932/23851/7315 16952/25035/11613 16953/25036/8324 +f 15966/23890/7347 15932/23851/7315 16953/25036/8324 +f 15966/23890/7347 16953/25036/8324 16954/25037/135 +f 15995/23921/7376 15966/23890/7347 16954/25037/135 +f 15995/23921/7376 16954/25037/135 16955/25038/8325 +f 16016/23949/7397 15995/23921/7376 16955/25038/8325 +f 16016/23949/7397 16955/25038/8325 16956/25039/8326 +f 16017/23950/7419 16016/23949/7397 16956/25039/8326 +f 16017/23950/7419 16956/25039/8326 16957/25040/8327 +f 16041/23978/7420 16957/25040/8327 16958/25041/8328 +f 16041/23978/7420 16017/23950/7419 16957/25040/8327 +f 16083/24027/7467 16041/23978/7420 16958/25041/8328 +f 16083/24027/7467 16958/25041/8328 16959/25042/8329 +f 16095/24041/7479 16959/25042/8329 16960/25043/8330 +f 16095/24041/7479 16083/24027/7467 16959/25042/8329 +f 16124/24073/7507 16960/25043/8330 16961/25044/8331 +f 16124/24073/7507 16095/24041/7479 16960/25043/8330 +f 16159/24161/7541 16961/25045/8331 16962/25046/8332 +f 16159/24113/7541 16124/24073/7507 16961/25044/8331 +f 16200/24162/7583 16962/25046/8332 16963/25047/8333 +f 16200/24162/7583 16159/24161/7541 16962/25046/8332 +f 16238/24208/7625 16963/25047/8333 16964/25048/8334 +f 16238/24208/7625 16200/24162/7583 16963/25047/8333 +f 16268/24243/6806 16964/25048/8334 16965/25049/9325 +f 16268/24243/6806 16238/24208/7625 16964/25048/8334 +f 15465/23312/6807 16965/25049/9325 16966/25050/8336 +f 15465/23312/6807 16268/24243/6806 16965/25049/9325 +f 15466/23313/8636 16966/25050/8336 16967/25051/8337 +f 15466/23313/8636 15465/23312/6807 16966/25050/8336 +f 15488/23339/8649 16967/25051/8337 16968/25052/8338 +f 15488/23339/8649 15466/23313/8636 16967/25051/8337 +f 15508/23361/6895 16968/25052/8338 16969/25053/8339 +f 15508/23361/6895 15488/23339/8649 16968/25052/8338 +f 15509/23362/6907 16969/25053/8339 16970/25054/8340 +f 15509/23362/6907 15508/23361/6895 16969/25053/8339 +f 15521/23376/8665 16970/25054/8340 16971/25055/8341 +f 15521/23376/8665 15509/23362/6907 16970/25054/8340 +f 15537/23394/6937 16971/25055/8341 16972/25056/8342 +f 15537/23394/6937 15521/23376/8665 16971/25055/8341 +f 15550/23409/6953 15537/23394/6937 16972/25056/8342 +f 15550/23409/6953 16972/25056/8342 16973/25057/8343 +f 15574/23436/8674 15550/23409/6953 16973/25057/8343 +f 15574/23436/8674 16973/25057/8343 16974/25058/8344 +f 15592/23457/8680 15574/23436/8674 16974/25058/8344 +f 15592/23457/8680 16974/25058/8344 16975/25059/8345 +f 15618/23486/8688 15592/23457/8680 16975/25059/8345 +f 15618/23486/8688 16975/25059/8345 16976/25060/8346 +f 15645/23519/8699 15618/23486/8688 16976/25060/8346 +f 15679/23560/7063 15645/23519/8699 16976/25060/8346 +f 15679/23560/7063 16976/25060/8346 16977/25061/8347 +f 15705/23588/7093 15679/23560/7063 16977/25061/8347 +f 15705/23588/7093 16977/25061/8347 16978/25062/8348 +f 15727/23614/8728 15705/23588/7093 16978/25062/8348 +f 15727/23614/8728 16978/25062/8348 16979/25063/8349 +f 15749/23639/7136 15727/23614/8728 16979/25063/8349 +f 15749/23639/7136 16979/25063/8349 16980/25064/8350 +f 15768/23661/7154 15749/23639/7136 16980/25064/8350 +f 15768/23661/7154 16980/25064/8350 16981/25065/8351 +f 15781/23676/7171 15768/23661/7154 16981/25065/8351 +f 15781/23676/7171 16981/25065/8351 16982/25066/8352 +f 15782/23677/8753 15781/23676/7171 16982/25066/8352 +f 15782/23677/8753 16982/25066/8352 16983/25067/8353 +f 15801/23699/7192 15782/23698/8753 16983/25068/8353 +f 15801/23699/7192 16983/25068/8353 16984/25069/9326 +f 15824/23725/7241 15801/23699/7192 16984/25069/9326 +f 15824/23725/7241 16984/25069/9326 16985/25070/8355 +f 15856/23765/7250 15824/23725/7241 16985/25070/8355 +f 15856/23765/7250 16985/25070/8355 16986/25071/8356 +f 15890/23802/7285 15856/23765/7250 16986/25071/8356 +f 15890/23802/7285 16986/25071/8356 16987/25072/8357 +f 15927/23846/7321 15890/23802/7285 16987/25072/8357 +f 15927/23846/7321 16987/25072/8357 16988/25073/8358 +f 15968/23892/7364 15927/23846/7321 16988/25073/8358 +f 15968/23892/7364 16988/25073/8358 16989/25074/8359 +f 16014/23947/7407 15968/23892/7364 16989/25074/8359 +f 16014/23947/7407 16989/25074/8359 16990/25075/8360 +f 16060/24000/7452 16990/25075/8360 16991/25076/8361 +f 16060/24000/7452 16014/23947/7407 16990/25075/8360 +f 16103/24049/7496 16991/25076/8361 16992/25077/8362 +f 16103/24049/7496 16060/24000/7452 16991/25076/8361 +f 16140/24091/7533 16992/25077/8362 16993/25078/8363 +f 16140/24091/7533 16103/24049/7496 16992/25077/8362 +f 15793/23688/7163 16993/25078/8363 16994/25079/8364 +f 15793/23688/7163 16140/24091/7533 16993/25078/8363 +f 15794/23689/7164 16994/25079/8364 16913/24994/57 +f 15794/23689/7164 15793/23688/7163 16994/25079/8364 +f 16450/24458/7822 16995/25080/57 16996/25081/8365 +f 16450/24458/7822 16465/24474/7837 16995/25080/57 +f 16443/24449/11504 16996/25081/8365 16997/25082/8366 +f 16443/24449/11504 16450/24458/7822 16996/25081/8365 +f 16441/24447/9031 16997/25082/8366 16998/25083/8367 +f 16441/24447/9031 16443/24449/11504 16997/25082/8366 +f 16413/24414/9004 16998/25083/8367 16999/25084/8368 +f 16413/24414/9004 16441/24447/9031 16998/25083/8367 +f 16395/24390/7767 16999/25084/8368 17000/25085/8369 +f 16395/24390/7767 16413/24414/9004 16999/25084/8368 +f 16376/24391/7748 17000/25085/8369 17001/25086/188 +f 16376/24391/7748 16395/24390/7767 17000/25085/8369 +f 16351/24341/11476 17001/25087/188 17002/25088/8370 +f 16351/24341/11476 16376/24371/7748 17001/25087/188 +f 16349/24339/8962 17002/25088/8370 17003/25089/8371 +f 16349/24339/8962 16351/24341/11476 17002/25088/8370 +f 16326/24310/8938 17003/25089/8371 17004/25090/6572 +f 16326/24310/8938 16349/24339/8962 17003/25089/8371 +f 16904/24983/8276 17004/25090/6572 17005/25091/8372 +f 16904/24983/8276 16326/24310/8938 17004/25090/6572 +f 16875/24949/8247 17005/25091/8372 17006/25092/8373 +f 16875/24949/8247 16904/24983/8276 17005/25091/8372 +f 16847/24917/8219 17006/25092/8373 17007/25093/185 +f 16847/24917/8219 16875/24949/8247 17006/25092/8373 +f 16819/24885/8191 17007/25093/185 17008/25094/8374 +f 16819/24885/8191 16847/24917/8219 17007/25093/185 +f 16790/24851/8162 17008/25094/8374 17009/25095/8375 +f 16790/24851/8162 16819/24885/8191 17008/25094/8374 +f 16765/24822/8137 17009/25095/8375 17010/25096/32 +f 16765/24822/8137 16790/24851/8162 17009/25095/8375 +f 16737/24790/8109 17010/25096/32 17011/25097/8376 +f 16737/24790/8109 16765/24822/8137 17010/25096/32 +f 16711/24761/11556 17011/25097/8376 17012/25098/8377 +f 16711/24761/11556 16737/24790/8109 17011/25097/8376 +f 16688/24732/8060 17012/25098/8377 17013/25099/2299 +f 16688/24732/8060 16711/24761/11556 17012/25098/8377 +f 16666/24706/8038 17013/25099/2299 17014/25100/8378 +f 16666/24706/8038 16688/24732/8060 17013/25099/2299 +f 16645/24707/8017 16666/24706/8038 17014/25100/8378 +f 16645/24707/8017 17014/25100/8378 17015/25101/8379 +f 16630/24666/9163 16645/24681/8017 17015/25102/8379 +f 16630/24666/9163 17015/25102/8379 17016/25103/6577 +f 16615/24647/9154 16630/24666/9163 17016/25103/6577 +f 16615/24647/9154 17016/25103/6577 17017/25104/8380 +f 16599/24631/9140 16615/24647/9154 17017/25104/8380 +f 16599/24631/9140 17017/25104/8380 17018/25105/8381 +f 16585/24614/7957 16599/24631/9140 17018/25105/8381 +f 16585/24614/7957 17018/25105/8381 17019/25106/488 +f 16569/24593/7941 17019/25106/488 17020/25107/8382 +f 16569/24593/7941 16585/24614/7957 17019/25106/488 +f 16552/24571/7924 17020/25107/8382 17021/25108/8383 +f 16552/24571/7924 16569/24593/7941 17020/25107/8382 +f 16541/24559/9093 17021/25108/8383 17022/25109/8384 +f 16541/24559/9093 16552/24571/7924 17021/25108/8383 +f 16533/24551/7905 17022/25109/8384 17023/25110/8385 +f 16533/24551/7905 16541/24559/9093 17022/25109/8384 +f 16526/24543/7898 17023/25110/8385 17024/25111/8386 +f 16526/24543/7898 16533/24551/7905 17023/25110/8385 +f 16397/24393/7769 17024/25111/8386 17025/25112/135 +f 16397/24393/7769 16526/24543/7898 17024/25111/8386 +f 16394/24389/7766 17025/25112/135 17026/25113/8387 +f 16394/24389/7766 16397/24393/7769 17025/25112/135 +f 16362/24354/8986 17026/25113/8387 17027/25114/8388 +f 16362/24354/8986 16394/24389/7766 17026/25113/8387 +f 16361/24353/11478 17027/25114/8388 17028/25115/6559 +f 16361/24353/11478 16362/24354/8986 17027/25114/8388 +f 16324/24307/8953 17028/25115/6559 17029/25116/8389 +f 16324/24307/8953 16361/24353/11478 17028/25115/6559 +f 16294/24308/7666 17029/25116/8389 17030/25117/8390 +f 16294/24308/7666 16324/24307/8953 17029/25116/8389 +f 16295/24275/7667 17030/25118/8390 17031/25119/579 +f 16295/24275/7667 16294/24274/7666 17030/25118/8390 +f 16911/24991/11611 17031/25119/579 17032/25120/8391 +f 16911/24991/11611 16295/24275/7667 17031/25119/579 +f 16868/24940/8240 17032/25120/8391 17033/25121/8392 +f 16868/24940/8240 16911/24991/11611 17032/25120/8391 +f 16851/24922/8223 17033/25121/8392 17034/25122/8393 +f 16851/24922/8223 16868/24940/8240 17033/25121/8392 +f 16824/24890/8196 17034/25122/8393 17035/25123/8394 +f 16824/24890/8196 16851/24922/8223 17034/25122/8393 +f 16796/24859/8168 17035/25123/8394 17036/25124/8395 +f 16796/24859/8168 16824/24890/8196 17035/25123/8394 +f 16767/24825/8139 17036/25124/8395 17037/25125/583 +f 16767/24825/8139 16796/24859/8168 17036/25124/8395 +f 16740/24794/9237 17037/25125/583 17038/25126/8396 +f 16740/24794/9237 16767/24825/8139 17037/25125/583 +f 16713/24763/8085 17038/25126/8396 17039/25127/8397 +f 16713/24763/8085 16740/24794/9237 17038/25126/8396 +f 16685/24729/8057 16713/24763/8085 17039/25127/8397 +f 16685/24729/8057 17039/25127/8397 17040/25128/19 +f 16658/24697/8030 16685/24729/8057 17040/25128/19 +f 16658/24697/8030 17040/25128/19 17041/25129/8398 +f 16633/24669/8005 16658/24697/8030 17041/25129/8398 +f 16633/24669/8005 17041/25129/8398 17042/25130/8399 +f 16605/24637/7977 16633/24669/8005 17042/25130/8399 +f 16605/24637/7977 17042/25130/8399 17043/25131/5242 +f 16583/24612/7955 16605/24637/7977 17043/25131/5242 +f 16583/24612/7955 17043/25131/5242 17044/25132/8400 +f 16566/24589/7938 16583/24612/7955 17044/25132/8400 +f 16566/24589/7938 17044/25132/8400 17045/25133/8401 +f 16551/24586/9104 16566/24589/7938 17045/25133/8401 +f 16551/24586/9104 17045/25133/8401 17046/25134/8402 +f 16536/24554/9092 16551/24570/9104 17046/25135/8402 +f 16536/24554/9092 17046/25135/8402 17047/25136/8403 +f 16522/24538/9082 16536/24554/9092 17047/25136/8403 +f 16522/24538/9082 17047/25136/8403 17048/25137/8404 +f 16513/24528/7885 16522/24538/9082 17048/25137/8404 +f 16513/24528/7885 17048/25137/8404 17049/25138/2368 +f 16506/24520/7878 16513/24528/7885 17049/25138/2368 +f 16506/24520/7878 17049/25138/2368 17050/25139/8405 +f 16498/24511/7870 16506/24520/7878 17050/25139/8405 +f 16498/24511/7870 17050/25139/8405 17051/25140/8406 +f 16489/24501/9057 16498/24511/7870 17051/25140/8406 +f 16489/24501/9057 17051/25140/8406 17052/25141/6567 +f 16481/24492/7853 17052/25141/6567 17053/25142/8407 +f 16481/24492/7853 16489/24501/9057 17052/25141/6567 +f 16473/24484/11509 17053/25142/8407 17054/25143/8408 +f 16473/24484/11509 16481/24492/7853 17053/25142/8407 +f 16465/24474/7837 17054/25143/8408 16995/25080/57 +f 16465/24474/7837 16473/24484/11509 17054/25143/8408 +f 16996/25144/8409 17055/25145/8410 17056/25146/8411 +f 16996/25144/8409 16995/25147/5090 17055/25145/8410 +f 16997/25148/8412 17056/25146/8411 17057/25149/8413 +f 16997/25148/8412 16996/25144/8409 17056/25146/8411 +f 16998/25150/8414 17057/25149/8413 17058/25151/9327 +f 16998/25150/8414 16997/25148/8412 17057/25149/8413 +f 16999/25152/9328 17058/25151/9327 17059/25153/9329 +f 16999/25152/9328 16998/25150/8414 17058/25151/9327 +f 17000/25154/8418 17059/25153/9329 17060/25155/8419 +f 17000/25154/8418 16999/25152/9328 17059/25153/9329 +f 17001/25156/8420 17060/25155/8419 17061/25157/8421 +f 17001/25156/8420 17000/25154/8418 17060/25155/8419 +f 17002/25158/9331 17061/25157/8421 17062/25159/11614 +f 17002/25158/9331 17001/25156/8420 17061/25157/8421 +f 17003/25160/8424 17062/25159/11614 17063/25161/8425 +f 17003/25160/8424 17002/25158/9331 17062/25159/11614 +f 17004/25162/8426 17063/25161/8425 17064/25163/8427 +f 17004/25162/8426 17003/25160/8424 17063/25161/8425 +f 17005/25164/8428 17004/25162/8426 17064/25163/8427 +f 17006/25165/8429 17064/25163/8427 17065/25166/8430 +f 17006/25165/8429 17005/25164/8428 17064/25163/8427 +f 17007/25167/8431 17065/25166/8430 17066/25168/8432 +f 17007/25167/8431 17006/25165/8429 17065/25166/8430 +f 17008/25169/8433 17066/25168/8432 17067/25170/8434 +f 17008/25169/8433 17007/25167/8431 17066/25168/8432 +f 17009/25171/8435 17067/25170/8434 17068/25172/8436 +f 17009/25171/8435 17008/25169/8433 17067/25170/8434 +f 17010/25173/8437 17068/25172/8436 17069/25174/8438 +f 17010/25173/8437 17009/25171/8435 17068/25172/8436 +f 17011/25175/8439 17069/25174/8438 17070/25176/8440 +f 17011/25175/8439 17010/25173/8437 17069/25174/8438 +f 17012/25177/8441 17070/25176/8440 17071/25178/8442 +f 17012/25177/8441 17011/25175/8439 17070/25176/8440 +f 17013/25179/8443 17071/25178/8442 17072/25180/8444 +f 17013/25179/8443 17012/25177/8441 17071/25178/8442 +f 17014/25181/8445 17072/25180/8444 17073/25182/8446 +f 17014/25181/8445 17013/25179/8443 17072/25180/8444 +f 17015/25183/8447 17014/25181/8445 17073/25182/8446 +f 17016/25184/8448 17015/25183/8447 17073/25182/8446 +f 17016/25184/8448 17073/25182/8446 17074/25185/8449 +f 17017/25186/8450 17074/25185/8449 17075/25187/8451 +f 17017/25186/8450 17016/25184/8448 17074/25185/8449 +f 17018/25188/8452 17017/25186/8450 17075/25187/8451 +f 17018/25188/8452 17075/25187/8451 17076/25189/8453 +f 17019/25190/8454 17018/25188/8452 17076/25189/8453 +f 17019/25190/8454 17076/25189/8453 17077/25191/9333 +f 17020/25192/8456 17019/25190/8454 17077/25191/9333 +f 17020/25192/8456 17077/25191/9333 17078/25193/9334 +f 17021/25194/9335 17020/25192/8456 17078/25193/9334 +f 17021/25194/9335 17078/25193/9334 17079/25195/9336 +f 17022/25196/8460 17021/25194/9335 17079/25195/9336 +f 17022/25196/8460 17079/25195/9336 17080/25197/8461 +f 17023/25198/8462 17080/25197/8461 17081/25199/8463 +f 17023/25198/8462 17022/25196/8460 17080/25197/8461 +f 17024/25200/8464 17081/25199/8463 17082/25201/8465 +f 17024/25200/8464 17023/25198/8462 17081/25199/8463 +f 17025/25202/5028 17024/25200/8464 17082/25201/8465 +f 17026/25203/8466 17082/25201/8465 17083/25204/8467 +f 17026/25203/8466 17025/25202/5028 17082/25201/8465 +f 17027/25205/8468 17083/25204/8467 17084/25206/8469 +f 17027/25205/8468 17026/25203/8466 17083/25204/8467 +f 17028/25207/8470 17084/25206/8469 17085/25208/9337 +f 17028/25207/8470 17027/25205/8468 17084/25206/8469 +f 17029/25209/9338 17085/25208/9337 17086/25210/9339 +f 17029/25209/9338 17028/25207/8470 17085/25208/9337 +f 17030/25211/8474 17086/25210/9339 17087/25212/8475 +f 17030/25211/8474 17029/25209/9338 17086/25210/9339 +f 17031/25213/8476 17087/25212/8475 17088/25214/8477 +f 17031/25213/8476 17030/25211/8474 17087/25212/8475 +f 17032/25215/9341 17088/25214/8477 17089/25216/8479 +f 17032/25215/9341 17031/25213/8476 17088/25214/8477 +f 17033/25217/8480 17089/25216/8479 17090/25218/8481 +f 17033/25217/8480 17032/25215/9341 17089/25216/8479 +f 17034/25219/8482 17090/25218/8481 17091/25220/8483 +f 17034/25219/8482 17033/25217/8480 17090/25218/8481 +f 17035/25221/8484 17034/25219/8482 17091/25220/8483 +f 17036/25222/8485 17091/25220/8483 17092/25223/8486 +f 17036/25222/8485 17035/25221/8484 17091/25220/8483 +f 17037/25224/8487 17092/25223/8486 17093/25225/8488 +f 17037/25224/8487 17036/25222/8485 17092/25223/8486 +f 17038/25226/8489 17093/25225/8488 17094/25227/8490 +f 17038/25226/8489 17037/25224/8487 17093/25225/8488 +f 17039/25228/8491 17094/25227/8490 17095/25229/8492 +f 17039/25228/8491 17038/25226/8489 17094/25227/8490 +f 17040/25230/8493 17095/25229/8492 17096/25231/8494 +f 17040/25230/8493 17039/25228/8491 17095/25229/8492 +f 17041/25232/8495 17096/25231/8494 17097/25233/8496 +f 17041/25232/8495 17040/25230/8493 17096/25231/8494 +f 17042/25234/8497 17097/25233/8496 17098/25235/8498 +f 17042/25234/8497 17041/25232/8495 17097/25233/8496 +f 17043/25236/8499 17042/25234/8497 17098/25235/8498 +f 17043/25236/8499 17098/25235/8498 17099/25237/8500 +f 17044/25238/8501 17043/25236/8499 17099/25237/8500 +f 17044/25238/8501 17099/25237/8500 17100/25239/8502 +f 17045/25240/8503 17044/25238/8501 17100/25239/8502 +f 17046/25241/8504 17045/25240/8503 17100/25239/8502 +f 17046/25241/8504 17100/25239/8502 17101/25242/8505 +f 17047/25243/8506 17046/25241/8504 17101/25242/8505 +f 17047/25243/8506 17101/25242/8505 17102/25244/9342 +f 17048/25245/8508 17047/25243/8506 17102/25244/9342 +f 17048/25245/8508 17102/25244/9342 17103/25246/8509 +f 17049/25247/8510 17048/25245/8508 17103/25246/8509 +f 17049/25247/8510 17103/25246/8509 17104/25248/8511 +f 17050/25249/8512 17049/25247/8510 17104/25248/8511 +f 17050/25249/8512 17104/25248/8511 17105/25250/9344 +f 17051/25251/9345 17050/25249/8512 17105/25250/9344 +f 17051/25251/9345 17105/25250/9344 17106/25252/9346 +f 17052/25253/8516 17051/25251/9345 17106/25252/9346 +f 17052/25253/8516 17106/25252/9346 17107/25254/8517 +f 17053/25255/8518 17052/25253/8516 17107/25254/8517 +f 17053/25255/8518 17107/25254/8517 17108/25256/8519 +f 17054/25257/8520 17053/25255/8518 17108/25256/8519 +f 17054/25257/8520 17108/25256/8519 17055/25145/8410 +f 16995/25147/5090 17054/25257/8520 17055/25145/8410 +f 17109/25258/326 15663/23540/7048 15689/23571/7077 +f 17109/25258/326 15689/23571/7077 15714/23600/7102 +f 17109/25258/326 15714/23600/7102 15736/23624/7123 +f 17109/25258/326 15736/23624/7123 15755/23645/7142 +f 16275/24251/7653 15461/23308/6839 17110/25259/326 +f 17109/25258/326 15755/23645/7142 15764/23656/7174 +f 17109/25258/326 15764/23656/7174 15785/23680/7197 +f 16008/23937/7378 17111/25260/326 15971/23895/7339 +f 15804/23703/7222 17109/25258/326 15785/23680/7197 +f 16262/24236/7641 16275/24251/7653 17110/25259/326 +f 16262/24236/7641 17110/25259/326 17111/25260/326 +f 16052/23991/7421 17111/25260/326 16008/23937/7378 +f 16231/24201/7624 16262/24236/7641 17111/25260/326 +f 16094/24040/7463 17111/25260/326 16052/23991/7421 +f 16210/24176/7605 16231/24201/7624 17111/25260/326 +f 17112/25261/326 16043/23981/8830 17113/25262/326 +f 17112/25261/326 15791/23686/7169 15828/23730/7206 +f 17112/25261/326 15828/23730/7206 15871/23781/7254 +f 16131/24080/8855 17111/25260/326 16094/24040/7463 +f 17112/25261/326 15871/23781/7254 15909/23824/7290 +f 17112/25261/326 15909/23824/7290 15944/23865/7326 +f 17112/25261/326 15944/23865/7326 15975/23899/7358 +f 16194/24155/7564 16210/24176/7605 17111/25260/326 +f 17112/25261/326 15975/23899/7358 15990/23916/11436 +f 17112/25261/326 15990/23916/11436 16021/23955/11437 +f 17112/25261/326 16021/23955/11437 16043/23981/8830 +f 16166/24122/8869 16194/24155/7564 17111/25260/326 +f 16166/24122/8869 17111/25260/326 16131/24080/8855 +f 15761/23652/7140 15791/23686/7169 17112/25261/326 +f 15734/23622/7113 15761/23652/7140 17112/25261/326 +f 17114/25263/326 17109/25258/326 15804/23703/7222 +f 17114/25263/326 15804/23703/7222 15851/23759/7246 +f 17114/25263/326 15851/23759/7246 15882/23792/7277 +f 17114/25263/326 15882/23792/7277 15918/23833/7310 +f 17114/25263/326 15918/23833/7310 15956/23877/7350 +f 15997/23923/7389 17114/25263/326 15956/23877/7350 +f 15711/23597/7089 15734/23622/7113 17112/25261/326 +f 16037/23974/7430 17114/25263/326 15997/23923/7389 +f 15691/23573/7069 15711/23597/7089 17112/25261/326 +f 16078/24020/8837 17114/25263/326 16037/23974/7430 +f 15660/23537/7053 15691/23573/7069 17112/25261/326 +f 17110/25259/326 15660/23537/7053 17112/25261/326 +f 16114/24063/7509 17114/25263/326 16078/24020/8837 +f 15647/23521/7038 15660/23537/7053 17110/25259/326 +f 16152/24106/7547 17114/25263/326 16114/24063/7509 +f 15625/23494/7021 15647/23521/7038 17110/25259/326 +f 16181/24139/8883 17114/25263/326 16152/24106/7547 +f 15615/23483/6992 15625/23494/7021 17110/25259/326 +f 16198/24159/7608 17114/25263/326 16181/24139/8883 +f 15595/23460/6971 15615/23483/6992 17110/25259/326 +f 15813/23712/7615 17114/25263/326 16198/24159/7608 +f 15572/23434/6948 15595/23460/6971 17110/25259/326 +f 15546/23404/6922 15572/23434/6948 17110/25259/326 +f 17113/25262/326 16043/23981/8830 16086/24030/8841 +f 17113/25262/326 16086/24030/8841 16116/24065/7498 +f 17113/25262/326 16116/24065/7498 16147/24100/8863 +f 17113/25262/326 16147/24100/8863 16186/24144/7569 +f 17113/25262/326 16186/24144/7569 16224/24192/7607 +f 15812/23711/7238 17111/25260/326 17114/25263/326 +f 17113/25262/326 16224/24192/7607 16250/24222/7639 +f 17113/25262/326 16250/24222/7639 16278/24254/6831 +f 15812/23711/7238 17114/25263/326 15813/23712/7615 +f 17113/25262/326 16278/24254/6831 15457/23304/8626 +f 15869/23779/8764 17111/25260/326 15812/23711/7238 +f 17113/25262/326 15457/23304/8626 15474/23323/8641 +f 17113/25262/326 15474/23323/8641 15495/23347/6883 +f 17113/25262/326 15495/23347/6883 15505/23358/6910 +f 17113/25262/326 15505/23358/6910 15524/23379/8666 +f 17113/25262/326 15524/23379/8666 15553/23412/6941 +f 15517/23372/6893 15546/23404/6922 17110/25259/326 +f 15899/23811/7268 17111/25260/326 15869/23779/8764 +f 15490/23341/8646 15517/23372/6893 17110/25259/326 +f 15933/23852/8785 17111/25260/326 15899/23811/7268 +f 15460/23307/11401 15490/23341/8646 17110/25259/326 +f 15971/23895/7339 17111/25260/326 15933/23852/8785 +f 17109/25258/326 17113/25262/326 15553/23412/6941 +f 17109/25258/326 15553/23412/6941 15567/23429/6956 +f 17109/25258/326 15567/23429/6956 15587/23451/6976 +f 17109/25258/326 15587/23451/6976 15608/23476/6998 +f 15461/23308/6839 15460/23307/11401 17110/25259/326 +f 17109/25258/326 15608/23476/6998 15635/23505/8697 +f 17109/25258/326 15635/23505/8697 15663/23540/7048 +f 17084/25206/4 17086/25210/4 17085/25208/8527 +f 17084/25206/4 17087/25212/4 17086/25210/4 +f 17084/25206/4 17088/25214/4 17087/25212/4 +f 17067/25170/4 17061/25157/4 17055/25145/4 +f 17067/25170/4 17064/25163/6592 17061/25157/4 +f 17067/25170/4 17066/25168/8528 17064/25163/6592 +f 17101/25242/4 17103/25246/4 17102/25244/8523 +f 17067/25170/4 17055/25145/4 17101/25242/4 +f 17105/25250/6592 17104/25248/4 17103/25246/4 +f 17099/25237/6592 17101/25242/4 17100/25239/8523 +f 17081/25199/4 17083/25204/4 17082/25201/4 +f 17070/25176/4 17094/25227/4 17089/25216/4 +f 17070/25176/4 17068/25172/4 17067/25170/4 +f 17070/25176/4 17069/25174/4 17068/25172/4 +f 17070/25176/4 17067/25170/4 17101/25242/4 +f 17070/25176/4 17089/25216/4 17088/25214/4 +f 17070/25176/4 17101/25242/4 17094/25227/4 +f 17079/25195/9347 17081/25199/4 17080/25197/8527 +f 17096/25231/4 17098/25235/4 17097/25233/4 +f 17096/25231/4 17099/25237/6592 17098/25235/4 +f 17072/25180/8522 17071/25178/4 17070/25176/4 +f 17096/25231/4 17101/25242/4 17099/25237/6592 +f 17078/25193/4 17088/25214/4 17084/25206/4 +f 17078/25193/4 17084/25206/4 17083/25204/4 +f 17055/25145/4 17106/25252/4 17105/25250/6592 +f 17078/25193/4 17070/25176/4 17088/25214/4 +f 17055/25145/4 17107/25254/8521 17106/25252/4 +f 17078/25193/4 17083/25204/4 17081/25199/4 +f 17055/25145/4 17108/25256/4 17107/25254/8521 +f 17078/25193/4 17081/25199/4 17079/25195/9347 +f 17055/25145/4 17103/25246/4 17101/25242/4 +f 17055/25145/4 17105/25250/6592 17103/25246/4 +f 17073/25182/4 17072/25180/8522 17070/25176/4 +f 17077/25191/4 17073/25182/4 17070/25176/4 +f 17077/25191/4 17070/25176/4 17078/25193/4 +f 17074/25185/4 17073/25182/4 17077/25191/4 +f 17094/25227/4 17096/25231/4 17095/25229/4 +f 17075/25187/4 17077/25191/4 17076/25189/4 +f 17075/25187/4 17074/25185/4 17077/25191/4 +f 17094/25227/4 17101/25242/4 17096/25231/4 +f 17057/25149/8522 17056/25146/4 17055/25145/4 +f 17092/25223/4 17094/25227/4 17093/25225/4 +f 17059/25153/4 17058/25151/4 17057/25149/8522 +f 17059/25153/4 17057/25149/8522 17055/25145/4 +f 17060/25155/8524 17059/25153/4 17055/25145/4 +f 17090/25218/8525 17092/25223/4 17091/25220/8529 +f 17090/25218/8525 17094/25227/4 17092/25223/4 +f 17061/25157/4 17060/25155/8524 17055/25145/4 +f 17089/25216/4 17094/25227/4 17090/25218/8525 +f 17064/25163/6592 17062/25159/4 17061/25157/4 +f 17064/25163/6592 17063/25161/8523 17062/25159/4 +f 17066/25168/8528 17065/25166/4 17064/25163/6592 +f 16938/25264/4 16937/25265/4 16771/24829/9250 +f 16949/25266/4 16594/24625/9137 16950/25267/4 +f 16949/25266/4 16610/24642/9150 16594/24625/9137 +f 16939/25268/4 16938/25264/4 16771/24829/9250 +f 16939/25268/4 16771/24829/9250 16742/24796/8114 +f 16948/25269/4 16610/24642/9150 16949/25266/4 +f 16948/25269/4 16625/24661/9159 16610/24642/9150 +f 16940/25270/4 16742/24796/8114 16730/24783/9230 +f 16940/25270/4 16939/25268/4 16742/24796/8114 +f 16947/25271/4 16625/24661/9159 16948/25269/4 +f 16947/25271/4 16642/24678/9170 16625/24661/9159 +f 16941/25272/4 16940/25270/4 16730/24783/9230 +f 16941/25272/4 16730/24783/9230 16704/24753/9209 +f 16946/25273/4 16642/24678/9170 16947/25271/4 +f 16942/25274/4 16941/25272/4 16704/24753/9209 +f 16945/25275/4 16642/24678/9170 16946/25273/4 +f 16945/25275/4 16659/24699/9180 16642/24678/9170 +f 16943/25276/4 16942/25274/4 16704/24753/9209 +f 16943/25276/4 16704/24753/9209 16681/24724/9195 +f 16944/25277/4 16659/24699/9180 16945/25275/4 +f 16944/25277/4 16943/25276/4 16681/24724/9195 +f 16944/25277/4 16681/24724/9195 16659/24699/9180 +f 16601/24633/9147 16985/25278/4 16984/25279/4 +f 16580/24607/9129 16986/25280/4 16985/25278/4 +f 16580/24607/9129 16985/25278/4 16601/24633/9147 +f 16624/24660/7996 16983/25281/4 16982/25282/4 +f 16624/24660/7996 16984/25279/4 16983/25281/4 +f 16624/24660/7996 16601/24633/9147 16984/25279/4 +f 16560/24581/9114 16987/25283/4 16986/25280/4 +f 16560/24581/9114 16988/25284/4 16987/25283/4 +f 16560/24581/9114 16986/25280/4 16580/24607/9129 +f 16651/24689/9182 16624/24660/7996 16982/25282/4 +f 16651/24689/9182 16982/25282/4 16981/25285/4 +f 16546/24565/9100 16988/25284/4 16560/24581/9114 +f 16546/24565/9100 16989/25286/4 16988/25284/4 +f 16662/24702/8034 16651/24689/9182 16981/25285/4 +f 16662/24702/8034 16981/25285/4 16980/25287/4 +f 16531/24549/9089 16989/25286/4 16546/24565/9100 +f 16531/24549/9089 16990/25288/4 16989/25286/4 +f 16692/24736/9205 16662/24702/8034 16980/25287/4 +f 16692/24736/9205 16979/25289/4 16978/25290/4 +f 16692/24736/9205 16980/25287/4 16979/25289/4 +f 16519/24535/9079 16990/25288/4 16531/24549/9089 +f 16519/24535/9079 16991/25291/4 16990/25288/4 +f 16519/24535/9079 16992/25292/4 16991/25291/4 +f 16720/24771/9225 16692/24736/9205 16978/25290/4 +f 16720/24771/9225 16978/25290/4 16977/25293/4 +f 16511/24526/9073 16992/25292/4 16519/24535/9079 +f 16511/24526/9073 16993/25294/4 16992/25292/4 +f 16749/24803/8121 16720/24771/9225 16977/25293/4 +f 16749/24803/8121 16977/25293/4 16976/25295/4 +f 16503/24517/9066 16993/25294/4 16511/24526/9073 +f 16503/24517/9066 16994/25296/4 16993/25294/4 +f 16777/24835/8149 16749/24803/8121 16976/25295/4 +f 16777/24835/8149 16976/25295/4 16975/25297/4 +f 16495/24508/7867 16914/25298/4 16913/25299/4 +f 16495/24508/7867 16994/25296/4 16503/24517/9066 +f 16495/24508/7867 16913/25299/4 16994/25296/4 +f 16804/24867/8176 16777/24835/8149 16975/25297/4 +f 16804/24867/8176 16974/25300/4 16973/25301/4 +f 16804/24867/8176 16975/25297/4 16974/25300/4 +f 16487/24499/7859 16915/25302/4 16914/25298/4 +f 16487/24499/7859 16914/25298/4 16495/24508/7867 +f 16832/24898/9280 16804/24867/8176 16973/25301/4 +f 16832/24898/9280 16973/25301/4 16972/25303/4 +f 16478/24489/9051 16916/25304/4 16915/25302/4 +f 16478/24489/9051 16915/25302/4 16487/24499/7859 +f 16860/24931/9293 16832/24898/9280 16972/25303/4 +f 16860/24931/9293 16972/25303/4 16971/25305/4 +f 16470/24481/9046 16917/25306/4 16916/25304/4 +f 16470/24481/9046 16918/25307/4 16917/25306/4 +f 16470/24481/9046 16916/25304/4 16478/24489/9051 +f 16888/24965/9310 16860/24931/9293 16971/25305/4 +f 16888/24965/9310 16970/25308/4 16969/25309/4 +f 16888/24965/9310 16971/25305/4 16970/25308/4 +f 16462/24471/7834 16919/25310/4 16918/25307/4 +f 16462/24471/7834 16918/25307/4 16470/24481/9046 +f 16908/24987/8916 16888/24965/9310 16969/25309/4 +f 16908/24987/8916 16969/25309/4 16968/25311/4 +f 16455/24463/9036 16920/25312/4 16919/25310/4 +f 16455/24463/9036 16919/25310/4 16462/24471/7834 +f 16319/24302/8917 16908/24987/8916 16968/25311/4 +f 16319/24302/8917 16968/25311/4 16967/25313/4 +f 16447/24455/7819 16921/25314/4 16920/25312/4 +f 16447/24455/7819 16920/25312/4 16455/24463/9036 +f 16922/25315/4 16921/25314/4 16447/24455/7819 +f 16321/24304/8944 16967/25313/4 16966/25316/4 +f 16321/24304/8944 16319/24302/8917 16967/25313/4 +f 16965/25317/4 16321/24304/8944 16966/25316/4 +f 16438/24444/9029 16922/25315/4 16447/24455/7819 +f 16923/25318/4 16922/25315/4 16438/24444/9029 +f 16337/24324/8959 16321/24304/8944 16965/25317/4 +f 16424/24427/9012 16923/25318/4 16438/24444/9029 +f 16964/25319/4 16337/24324/8959 16965/25317/4 +f 16353/24343/8973 16337/24324/8959 16964/25319/4 +f 16924/25320/4 16923/25318/4 16424/24427/9012 +f 16406/24407/8998 16924/25320/4 16424/24427/9012 +f 16963/25321/4 16353/24343/8973 16964/25319/4 +f 16371/24366/7743 16353/24343/8973 16963/25321/4 +f 16925/25322/4 16924/25320/4 16406/24407/8998 +f 16962/25323/4 16371/24366/7743 16963/25321/4 +f 16926/25324/4 16406/24407/8998 16384/24379/8987 +f 16926/25324/4 16925/25322/4 16406/24407/8998 +f 16961/25325/4 16371/24366/7743 16962/25323/4 +f 16961/25325/4 16388/24383/8992 16371/24366/7743 +f 16927/25326/4 16926/25324/4 16384/24379/8987 +f 16927/25326/4 16384/24379/8987 16366/24360/8977 +f 16960/25327/4 16388/24383/8992 16961/25325/4 +f 16960/25327/4 16404/24405/7776 16388/24383/8992 +f 16928/25328/4 16366/24360/8977 16342/24331/8957 +f 16928/25328/4 16927/25326/4 16366/24360/8977 +f 16959/25329/4 16404/24405/7776 16960/25327/4 +f 16959/25329/4 16420/24423/9015 16404/24405/7776 +f 16929/25330/4 16928/25328/4 16342/24331/8957 +f 16958/25331/4 16420/24423/9015 16959/25329/4 +f 16930/25332/4 16342/24331/8957 16302/24282/8925 +f 16930/25332/4 16929/25330/4 16342/24331/8957 +f 16957/25333/4 16420/24423/9015 16958/25331/4 +f 16957/25333/4 16428/24432/9022 16420/24423/9015 +f 16931/25334/4 16302/24282/8925 16301/24281/8924 +f 16931/25334/4 16930/25332/4 16302/24282/8925 +f 16956/25335/4 16428/24432/9022 16957/25333/4 +f 16956/25335/4 16433/24437/7805 16428/24432/9022 +f 16932/25336/4 16301/24281/8924 16883/24957/8255 +f 16932/25336/4 16931/25334/4 16301/24281/8924 +f 16955/25337/4 16525/24542/7897 16433/24437/7805 +f 16955/25337/4 16433/24437/7805 16956/25335/4 +f 16933/25338/4 16883/24957/8255 16855/24926/8227 +f 16933/25338/4 16932/25336/4 16883/24957/8255 +f 16954/25339/4 16525/24542/7897 16955/25337/4 +f 16934/25340/4 16933/25338/4 16855/24926/8227 +f 16953/25341/4 16564/24585/8949 16525/24542/7897 +f 16953/25341/4 16525/24542/7897 16954/25339/4 +f 16935/25342/4 16855/24926/8227 16828/24894/8200 +f 16935/25342/4 16934/25340/4 16855/24926/8227 +f 16952/25343/4 16579/24606/9124 16564/24585/8949 +f 16952/25343/4 16564/24585/8949 16953/25341/4 +f 16936/25344/4 16828/24894/8200 16799/24862/9264 +f 16936/25344/4 16935/25342/4 16828/24894/8200 +f 16951/25345/4 16594/24625/9137 16579/24606/9124 +f 16951/25345/4 16579/24606/9124 16952/25343/4 +f 16937/25265/4 16799/24862/9264 16771/24829/9250 +f 16937/25265/4 16936/25344/4 16799/24862/9264 +f 16950/25267/4 16594/24625/9137 16951/25345/4 +f 15419/25346/8394 17111/25347/8394 17110/25348/8394 +f 15419/25346/8394 17115/25349/8394 17111/25347/8394 +f 17116/25350/8394 15419/25346/8394 17110/25348/8394 +f 17114/25351/135 17111/25352/135 15411/25353/135 +f 17111/25352/135 17115/25354/135 15411/25353/135 +f 17114/25351/135 15411/25353/135 17117/25355/135 +f 15400/25356/8379 17109/25357/8379 17114/25358/8379 +f 15400/25356/8379 17118/25359/8379 17109/25357/8379 +f 17117/25360/8379 15400/25356/8379 17114/25358/8379 +f 15365/25361/8372 17113/25362/8372 17109/25357/8372 +f 15365/25361/8372 17119/25363/8372 17113/25362/8372 +f 17118/25359/8372 15365/25361/8372 17109/25357/8372 +f 17112/25364/57 17113/25365/57 15224/25366/57 +f 17113/25365/57 17119/25367/57 15224/25366/57 +f 17112/25364/57 15224/25366/57 17120/25368/57 +f 17110/25348/8401 17112/25369/8401 15427/25370/8401 +f 17112/25369/8401 17120/25371/8401 15427/25370/8401 +f 17110/25348/8401 15427/25370/8401 17116/25350/8401 +f 15384/23224/6757 15346/23186/6719 17119/25372/326 +f 15355/23195/6729 15384/23224/6757 17119/25372/326 +f 15356/23196/6730 15355/23195/6729 17119/25372/326 +f 17119/25372/326 15346/23186/6719 15345/23185/6718 +f 17119/25372/326 15345/23185/6718 15343/23183/8580 +f 17119/25372/326 15343/23183/8580 15225/23062/6598 +f 15225/23062/6598 15224/23061/11360 17119/25372/326 +f 15356/23196/6730 17119/25372/326 15365/23205/326 +f 15391/23231/6765 15390/23230/6764 17118/25373/326 +f 17118/25373/326 15390/23230/6764 15388/23228/8608 +f 17118/25373/326 15388/23228/8608 15382/23222/6755 +f 17118/25373/326 15382/23222/6755 15381/23221/8601 +f 17118/25373/326 15381/23221/8601 15380/23220/6753 +f 17118/25373/326 15380/23220/6753 15366/23206/6740 +f 15366/23206/6740 15365/23205/8530 17118/25373/326 +f 15391/23231/6765 17118/25373/326 15400/23243/8531 +f 17117/25374/326 15405/23248/6777 15401/23244/6776 +f 15405/23248/6777 17117/25374/326 15406/23249/6778 +f 15406/23249/6778 17117/25374/326 15407/23250/6779 +f 15407/23250/6779 17117/25374/326 15408/23251/6780 +f 15408/23251/6780 17117/25374/326 15409/23252/6781 +f 15409/23252/6781 17117/25374/326 15410/23253/6782 +f 15401/23244/6776 15400/23243/326 17117/25374/326 +f 15410/23253/6782 17117/25374/326 15411/23254/326 +f 15413/23256/6785 15412/23255/6784 17115/25375/326 +f 15414/23257/6786 15413/23256/6785 17115/25375/326 +f 15414/23257/6786 17115/25375/326 15415/23258/8613 +f 15415/23258/8613 17115/25375/326 15416/23259/6788 +f 15416/23259/6788 17115/25375/326 15417/23260/6789 +f 15412/23255/6784 15411/23254/326 17115/25375/326 +f 15418/23261/6790 17115/25375/326 15419/23262/326 +f 15417/23260/6789 17115/25375/326 15418/23261/6790 +f 15421/23264/6793 15420/23263/6792 17116/25376/326 +f 15422/23265/8614 15421/23264/6793 17116/25376/326 +f 15423/23266/6795 15422/23265/8614 17116/25376/326 +f 15424/23267/8615 15423/23266/6795 17116/25376/326 +f 15424/23267/8615 17116/25376/326 15425/23268/6797 +f 15425/23268/6797 17116/25376/326 15426/23269/6798 +f 15420/23263/6792 15419/23262/8531 17116/25376/326 +f 15426/23269/6798 17116/25376/326 15427/23270/8530 +f 15396/23236/6768 15395/23235/6767 17120/25377/326 +f 15370/23210/6745 15396/23236/6768 17120/25377/326 +f 15371/23211/6746 15370/23210/6745 17120/25377/326 +f 15373/23213/8597 15371/23211/6746 17120/25377/326 +f 15322/23161/6692 15373/23213/8597 17120/25377/326 +f 15428/23271/6800 15427/23270/326 17120/25377/326 +f 15395/23235/6767 15428/23271/6800 17120/25377/326 +f 15322/23161/6692 17120/25377/326 15224/23061/11360 +f 5/1/1 6/8/6 4/2/2 +f 8372/4/4 2867/10625/4 2865/5/4 +f 65/15/12 60/83/61 61/16/13 +f 1441/18/15 1443/3565/15 1444/19/16 +f 30/21/17 3/179/136 28/22/18 +f 8375/24/20 8374/7959/20 8372/25/21 +f 1513/27/22 1514/25378/22 1515/28/23 +f 7522/30/24 7501/13035/24 7505/31/25 +f 2673/33/26 5395/11498/26 5404/34/27 +f 5461/36/4 5460/25379/4 229/37/4 +f 4399/39/28 4398/7155/28 4400/40/29 +f 5252/42/30 2363/11289/30 2362/43/31 +f 2336/46/32 2692/25380/32 4809/47/32 +f 4527/49/33 4526/25381/33 4528/50/34 +f 5461/52/35 5464/11774/36 5463/53/36 +f 2652/67/48 5399/8206/48 5398/68/49 +f 6861/77/56 969/1436/911 7967/78/57 +f 3940/88/65 3941/6477/4325 6385/89/66 +f 8383/91/4 8475/13528/4 8473/92/4 +f 51/72/51 50/71/50 57/95/69 +f 58/96/70 57/95/69 19/97/71 +f 8359/99/72 8361/13259/73 8360/100/73 +f 8713/104/74 8770/2343/74 8771/105/75 +f 85/108/76 93/1751/1179 92/109/77 +f 7097/111/79 7088/11596/79 7089/112/80 +f 76/114/81 74/10857/6138 141/115/82 +f 600/117/84 597/8514/84 594/118/85 +f 5536/120/86 5533/11926/86 5537/121/87 +f 4088/123/88 4089/2061/1449 4095/124/89 +f 7429/126/91 7431/11951/92 7430/127/92 +f 2779/129/4 3729/6113/4 3728/130/4 +f 4435/132/93 4434/14394/93 4436/133/94 +f 102/135/95 110/146/106 108/136/96 +f 73/141/101 75/10858/6139 89/142/102 +f 110/146/106 117/25382/131 116/147/107 +f 14/81/59 55/80/58 13/65/46 +f 6300/148/108 6296/5923/3990 6284/149/109 +f 119/153/113 127/165/125 126/154/114 +f 5669/160/120 5663/10206/5794 5661/161/121 +f 99/140/100 98/139/99 106/163/123 +f 127/165/125 135/10618/5999 134/166/126 +f 2607/167/127 2443/910/592 5261/168/128 +f 1398/173/132 1435/3146/614 1434/174/133 +f 110/176/135 79/14547/135 139/177/135 +f 3/179/136 30/21/17 1/56/38 +f 7842/180/137 7843/25383/137 7831/181/138 +f 4453/183/140 4452/12189/140 4454/184/141 +f 1420/186/4 1423/13527/4 8623/187/4 +f 7226/189/142 7181/3406/142 7173/190/143 +f 145/192/144 81/2635/1882 80/193/145 +f 2427/195/147 2428/833/148 4989/196/148 +f 129/198/149 131/25384/6488 123/199/150 +f 487/201/152 482/3148/152 488/202/153 +f 7241/204/154 7240/13228/154 7238/205/155 +f 835/207/156 811/1235/644 778/208/157 +f 5557/210/4 5459/14112/4 8482/211/4 +f 7731/213/159 7733/10032/160 7732/214/160 +f 4829/216/161 4857/13208/161 4858/217/162 +f 8383/219/163 8382/541/163 8380/220/164 +f 7228/222/165 7172/25385/165 7198/223/166 +f 1426/225/167 1377/2255/1615 1370/226/168 +f 2480/228/169 5289/7088/169 5288/229/170 +f 7617/231/171 7619/3516/172 7618/232/172 +f 5227/234/19 2543/25386/19 2538/235/19 +f 5078/237/173 5009/25387/173 5006/238/174 +f 8083/240/175 8085/9706/260 8156/241/176 +f 8373/26/21 8372/25/21 8370/243/177 +f 8441/245/178 8440/12435/178 8438/246/179 +f 2746/248/180 2748/14425/181 2747/249/181 +f 6969/251/182 6970/11849/182 6977/252/183 +f 7030/254/19 7027/14405/19 7026/255/19 +f 268/257/185 265/3484/185 263/258/186 +f 189/260/187 192/25388/188 191/261/188 +f 2517/263/189 5120/25389/189 5119/264/190 +f 344/266/191 346/11771/192 345/267/192 +f 8062/269/193 8059/9100/194 8105/270/194 +f 541/272/32 539/8424/32 540/273/195 +f 5045/275/196 5044/10017/197 5076/276/197 +f 194/278/198 196/12344/199 195/279/199 +f 4403/281/200 4402/404/200 4404/282/201 +f 7216/284/202 7174/14370/202 7176/285/203 +f 1471/287/204 1472/11294/204 1474/288/205 +f 7053/290/206 7052/11605/206 7050/291/207 +f 4848/293/208 4839/7122/208 4840/294/209 +f 2475/296/210 2464/12126/211 5410/297/211 +f 8649/299/212 8648/6982/212 8646/300/213 +f 2241/302/214 2270/9303/214 2271/303/215 +f 208/305/135 207/11209/216 205/306/216 +f 7827/308/217 7826/1130/217 7824/309/218 +f 7743/311/219 7742/12191/219 7740/312/220 +f 5184/314/221 5153/13030/221 5147/315/222 +f 7380/317/223 7366/11702/223 7365/318/224 +f 5248/320/225 2361/25390/225 2360/321/226 +f 2089/323/227 2086/25391/227 2084/324/228 +f 7452/326/229 7453/25392/229 7454/327/230 +f 2424/329/231 4798/2466/231 4799/330/232 +f 8684/332/233 8680/6465/234 8759/333/234 +f 2250/335/235 2315/3427/235 2316/336/236 +f 8055/338/237 8150/7971/237 8149/339/238 +f 4392/341/239 4393/9483/239 4395/342/240 +f 748/344/241 746/2328/241 744/345/242 +f 8210/347/244 8211/10020/5670 8257/348/245 +f 2702/350/246 2701/25393/247 5394/351/247 +f 5181/353/248 5136/9230/248 5128/354/249 +f 7989/356/250 7988/12250/250 8006/357/251 +f 7409/359/252 7374/9710/252 7370/360/253 +f 7454/327/230 7457/11276/254 7456/362/254 +f 2205/363/255 2290/11382/255 2291/364/256 +f 5521/366/258 5522/9469/258 5523/367/259 +f 8215/369/260 8286/4417/176 8285/370/175 +f 8575/372/261 8574/13293/261 8572/373/262 +f 8415/375/263 8417/11776/264 8416/376/264 +f 1527/378/265 1528/8521/265 1529/379/266 +f 2705/381/267 2702/350/246 5393/352/246 +f 5546/383/268 5545/13258/268 5547/384/269 +f 7282/386/270 7283/9018/270 7280/387/271 +f 7647/389/4 7646/25394/4 7644/390/4 +f 2841/392/272 2844/10045/273 2843/393/273 +f 2401/395/32 2458/25395/32 4800/396/32 +f 8693/398/274 8727/12415/4814 8728/399/275 +f 492/401/276 490/2392/276 493/402/277 +f 4401/41/29 4400/40/29 4402/404/200 +f 236/405/278 235/11300/278 237/406/279 +f 5532/408/280 5524/368/259 5523/367/259 +f 7972/410/281 7973/25396/281 7955/411/282 +f 2215/413/283 2285/11854/283 2286/414/284 +f 6963/416/285 6970/9799/182 6969/417/182 +f 7402/419/286 7373/14361/286 7335/420/287 +f 2175/422/288 2239/11919/289 2281/423/289 +f 314/425/291 318/8006/186 317/426/186 +f 4951/428/221 4920/8237/221 4914/429/222 +f 2617/431/292 5367/8601/292 5376/432/293 +f 4465/434/294 4464/9232/294 4466/435/295 +f 5138/437/296 5145/12271/297 5157/438/297 +f 8411/440/298 8413/9023/299 8412/441/299 +f 2614/443/300 5436/13376/300 5435/444/301 +f 5257/446/302 2602/12522/302 2601/447/303 +f 2499/449/304 2627/4287/305 5202/450/305 +f 2396/452/306 2397/25397/307 5358/453/307 +f 2085/455/308 2082/11989/1676 2081/456/309 +f 4491/458/310 4490/12241/310 4492/459/311 +f 4445/461/312 4444/12332/312 4446/462/313 +f 5343/464/314 5313/12493/314 5314/465/315 +f 7217/286/203 7176/285/203 7183/467/316 +f 4990/469/317 2707/25398/317 2706/470/318 +f 8639/472/319 8638/25399/319 8636/473/320 +f 7875/475/321 7877/14385/322 7876/476/322 +f 2740/478/323 2742/9698/324 2741/479/324 +f 2572/481/325 5121/3455/325 5120/482/189 +f 7572/484/326 7565/25400/327 7564/485/327 +f 7119/487/92 7118/9094/92 7116/488/91 +f 393/490/328 390/11378/328 388/491/329 +f 8293/493/330 8295/12008/331 8294/494/331 +f 8664/496/255 8749/8392/255 8750/497/257 +f 8160/499/332 8247/12778/332 613/500/241 +f 7922/502/333 7923/2351/333 7924/503/334 +f 8219/505/335 8220/9683/5406 8273/506/336 +f 8343/508/337 8345/13411/338 8344/509/338 +f 7394/511/339 7351/14389/339 7347/512/340 +f 8379/514/342 8381/221/164 8380/220/164 +f 500/516/343 499/13051/343 501/517/344 +f 2765/519/345 2767/12316/346 2766/520/346 +f 8113/522/347 8028/13273/1720 750/523/348 +f 7360/525/349 7359/9679/350 7377/526/350 +f 2695/528/351 2691/11757/352 4975/529/352 +f 8525/531/354 8524/9767/354 8522/532/355 +f 2487/534/356 2488/12151/6354 5209/535/357 +f 2708/537/32 2707/25401/32 4990/538/32 +f 8383/219/163 8385/14401/358 8384/540/358 +f 4368/542/359 4370/13329/359 4373/543/360 +f 496/545/361 495/9335/361 497/546/362 +f 2683/548/363 2641/25402/364 4877/549/364 +f 618/551/365 621/8807/5389 620/552/366 +f 2537/554/367 5415/7991/367 5421/555/368 +f 7636/557/369 7637/25403/369 7638/558/370 +f 4493/460/311 4492/459/311 4494/560/371 +f 8309/562/372 8308/8769/372 8306/563/373 +f 8611/565/374 8610/14356/374 8608/566/375 +f 7719/568/376 7718/3114/376 7748/569/377 +f 2335/571/378 2338/11619/379 4803/572/379 +f 7535/574/380 7491/8810/380 7492/575/381 +f 8025/577/382 8027/11507/383 8026/578/383 +f 2127/588/392 2109/3247/470 2123/589/389 +f 646/591/393 711/1074/682 645/592/157 +f 649/594/395 650/964/632 647/595/396 +f 2134/604/403 2122/590/388 2125/605/391 +f 2134/604/403 2119/3175/384 2128/607/398 +f 679/613/407 653/969/465 656/614/408 +f 2168/621/415 2146/3215/434 2144/622/416 +f 666/624/418 663/1012/642 665/625/419 +f 2144/627/416 2147/656/433 2149/628/421 +f 2149/628/421 2175/3313/11615 2152/634/424 +f 2153/636/426 2150/3195/423 2151/637/425 +f 2152/634/424 2175/3313/11615 2154/643/427 +f 430/645/416 433/688/433 435/641/421 +f 2182/652/430 2156/3200/429 2158/653/431 +f 2147/656/433 2144/627/416 2146/657/434 +f 2160/662/436 2134/604/403 2137/663/406 +f 2126/667/438 2192/7783/473 2127/588/392 +f 1654/671/442 1651/3962/2497 1652/672/443 +f 2166/674/445 2167/25404/449 2162/675/439 +f 420/603/403 408/584/388 411/587/391 +f 4156/703/57 4153/7627/57 129/704/57 +f 786/710/465 771/1173/620 780/711/396 +f 2183/719/460 2159/3233/432 2127/588/392 +f 635/732/477 637/2435/478 636/733/478 +f 8543/735/479 8542/8505/479 8540/736/480 +f 8707/738/481 8708/9969/236 8775/739/236 +f 2728/741/482 2709/4262/483 5002/742/483 +f 7801/744/484 7763/14383/484 7768/745/485 +f 8515/747/486 8514/11425/486 8512/748/487 +f 277/750/488 279/13249/133 278/751/133 +f 8485/753/489 8487/13214/490 8486/754/490 +f 2726/756/491 4992/25405/491 4991/471/318 +f 2769/757/492 2771/9608/493 2770/758/493 +f 1423/760/494 1378/2251/1611 1380/761/495 +f 2091/763/496 2088/11708/6282 2086/764/227 +f 2447/766/497 2429/7989/498 4780/767/498 +f 625/769/500 627/12072/501 626/770/501 +f 7693/772/503 7683/25406/504 7682/773/504 +f 5564/775/506 5563/12498/506 5473/776/507 +f 578/778/508 579/9205/508 532/779/509 +f 461/781/288 8698/11280/289 8740/782/289 +f 7622/784/326 7620/25407/326 7621/785/326 +f 2831/787/510 2827/4257/510 2828/788/511 +f 5291/790/512 5329/3556/512 5330/466/315 +f 4535/791/513 4534/12769/513 4536/792/514 +f 8629/794/515 8631/8052/516 8630/795/516 +f 7515/797/517 7511/9599/517 7512/798/518 +f 7631/800/519 7630/7165/519 7629/801/520 +f 7054/803/19 7045/25408/19 7044/804/19 +f 2710/806/521 5369/13395/521 5368/807/522 +f 3923/809/523 3920/945/617 3921/810/524 +f 8661/812/526 8663/25409/527 8662/813/527 +f 2726/815/491 2344/13218/528 4993/816/528 +f 2662/818/529 5123/11539/529 5122/819/530 +f 7949/821/531 7948/25410/531 7946/822/532 +f 8703/824/533 8731/7195/533 8732/825/534 +f 2208/827/535 2292/11233/535 2293/828/536 +f 2368/830/537 2367/13071/538 5352/831/538 +f 2428/833/148 2676/8051/539 4981/834/539 +f 4842/835/540 4834/13175/6452 4835/836/541 +f 2721/838/542 4958/9999/542 4957/839/543 +f 7525/841/544 7507/4346/544 7482/842/545 +f 2534/844/546 2556/11224/547 5190/845/547 +f 631/847/548 633/9285/549 632/848/549 +f 1532/850/550 1531/9223/550 1530/380/266 +f 526/851/551 525/12751/551 527/852/552 +f 7261/854/553 7263/25411/554 7262/855/554 +f 2456/857/555 4873/25412/555 4872/858/556 +f 7678/860/557 7679/25413/557 7677/861/558 +f 2548/863/559 2543/25414/560 5227/864/560 +f 7566/866/562 7569/12299/563 7568/867/563 +f 7536/576/381 7492/575/381 7496/869/564 +f 8175/871/565 8177/25415/566 8262/872/566 +f 401/874/567 398/11305/6203 396/875/568 +f 5520/877/570 5519/8396/570 5561/878/571 +f 5233/880/572 2686/25416/572 2687/881/573 +f 612/883/574 609/8718/2430 607/884/575 +f 5049/886/576 5007/13424/576 5005/887/577 +f 338/889/578 340/25417/579 339/890/579 +f 5552/892/580 5551/9320/580 5553/893/581 +f 170/895/582 172/12540/583 171/896/583 +f 7951/898/584 7953/12229/585 7952/899/585 +f 7578/901/586 7581/8814/587 7580/902/587 +f 2858/904/588 2857/25418/588 2859/905/589 +f 7252/907/590 7253/25419/590 7251/908/591 +f 2443/910/592 2442/25420/593 5256/911/593 +f 2800/912/594 2799/25421/595 2797/913/595 +f 8299/915/596 8301/9543/597 8300/916/597 +f 7583/918/598 7585/25422/1661 7584/919/599 +f 7812/921/601 7815/10060/602 7814/922/602 +f 5560/924/603 5559/7023/603 5476/925/604 +f 2623/927/605 2629/69/49 5398/68/49 +f 7063/929/606 7062/13399/606 7060/930/607 +f 8077/932/608 8134/13398/608 8135/933/609 +f 5051/888/577 5005/887/577 5004/935/611 +f 8073/937/612 8138/11633/612 8139/938/613 +f 333/940/614 334/9502/614 335/941/615 +f 1473/289/205 1474/288/205 1476/943/616 +f 3920/945/617 3923/809/523 3924/946/618 +f 17/955/135 66/14565/135 29/956/135 +f 814/958/627 815/1203/663 795/959/628 +f 836/961/630 837/1225/677 838/962/631 +f 821/972/635 792/1034/629 791/973/636 +f 429/620/414 462/690/452 470/706/462 +f 446/665/436 420/603/403 423/979/406 +f 820/988/641 798/1205/419 796/989/642 +f 811/991/644 810/994/647 809/992/645 +f 810/994/647 807/1197/655 806/995/648 +f 805/1000/651 802/1186/650 803/1001/652 +f 804/1003/653 827/12625/11616 806/995/648 +f 438/1009/424 461/14298/11615 440/648/427 +f 663/1012/642 666/624/418 668/1007/654 +f 687/1017/657 665/1035/419 663/998/642 +f 4367/1019/658 4246/6888/4673 4245/1020/659 +f 794/1022/661 791/1219/636 790/1023/639 +f 779/1025/393 844/1232/682 778/208/157 +f 817/1030/664 816/11096/662 814/1031/627 +f 818/1033/665 819/1208/667 814/1031/627 +f 653/969/465 641/593/394 644/954/626 +f 2184/1058/462 2185/25423/463 2186/1059/476 +f 2184/1065/462 2179/3227/456 2139/1066/414 +f 469/701/460 445/700/432 412/724/392 +f 2237/1081/684 2238/25424/5645 2284/1082/685 +f 4382/1084/686 4383/7002/686 4385/1085/687 +f 8048/1087/688 8133/7133/4838 8132/1088/566 +f 8036/1090/689 8102/12994/689 8101/1091/690 +f 731/1093/85 727/9028/85 728/1094/692 +f 2849/1096/693 2850/11908/693 2852/1097/694 +f 7005/1099/695 7007/12445/696 7006/1100/696 +f 7527/1102/697 7483/8421/697 7486/1103/202 +f 538/274/195 540/273/195 545/1105/276 +f 4541/1107/698 4540/13266/698 4542/1108/699 +f 224/1110/700 226/9215/701 225/1111/701 +f 7022/1113/702 7023/1134/702 7024/1114/703 +f 2222/1116/704 2224/9352/705 2309/1117/705 +f 389/1119/706 386/25425/706 383/1120/707 +f 8357/1122/708 8359/99/72 8358/101/72 +f 5228/1124/709 2626/11221/709 2552/1125/710 +f 7920/1127/711 7921/25426/711 7903/1128/712 +f 7826/1130/217 7827/308/217 7865/1131/713 +f 7022/1113/19 7019/25427/19 7018/1133/19 +f 2529/1135/714 2541/9011/715 4788/1136/715 +f 2220/1138/716 2299/14434/716 2300/1139/234 +f 562/1141/717 563/25428/717 565/1142/718 +f 7267/1144/719 7254/25429/11617 7255/1145/720 +f 7589/1147/722 7591/3275/723 7590/1148/723 +f 7422/1150/725 7423/25430/725 7424/1151/726 +f 7465/1153/727 7464/11629/727 7462/1154/728 +f 685/1039/665 686/1041/667 681/1040/627 +f 2630/1163/729 2359/3732/2442 3982/1164/730 +f 703/1061/630 704/1062/677 705/1080/631 +f 688/1037/635 661/987/629 662/986/636 +f 662/986/636 695/25431/670 703/1063/630 +f 812/1178/407 786/710/465 789/1175/408 +f 834/1180/732 808/1193/656 810/1181/647 +f 678/1183/644 677/1184/647 676/1069/645 +f 677/1184/647 674/1013/655 673/1015/648 +f 439/650/426 436/633/423 437/642/425 +f 671/1188/653 694/12929/11616 673/1015/648 +f 801/1191/654 827/12625/11616 804/1003/653 +f 1666/1194/733 1663/25432/3548 1751/1195/734 +f 468/1198/461 443/651/429 444/655/431 +f 799/1200/418 796/3193/642 798/1032/419 +f 659/1048/661 662/1050/636 657/981/639 +f 681/1027/627 682/1029/663 660/982/628 +f 702/1204/156 678/1078/644 645/592/157 +f 645/592/157 627/1077/680 642/952/624 +f 1669/1211/736 1744/1592/1037 1736/1212/737 +f 782/1224/395 783/1167/632 780/1166/396 +f 653/969/465 638/971/620 647/978/396 +f 684/1231/664 683/11056/662 681/1040/627 +f 1545/1240/742 1547/1332/822 1546/1241/743 +f 4733/1246/326 4736/7668/326 4738/1247/326 +f 1560/1254/753 1555/2534/1791 1553/1255/754 +f 1559/1260/757 1557/1266/760 1551/1261/758 +f 5476/1263/4 5559/14027/4 8488/1264/4 +f 1557/1266/760 1559/1260/757 1564/1267/761 +f 2831/1275/4 2829/6020/4 3711/1276/4 +f 4222/1278/769 4639/7485/5015 4634/1279/770 +f 3412/1281/772 3413/6878/4663 3369/1282/773 +f 5604/1291/782 5587/6282/4157 5909/1292/783 +f 6763/1294/785 6743/6769/4569 6731/1295/786 +f 1633/1297/788 1636/1392/876 1632/1298/789 +f 3263/1300/791 3273/10453/5950 3274/1301/792 +f 1585/1303/794 1588/25433/808 1584/1304/795 +f 1630/1306/797 1633/1297/788 1629/1299/790 +f 1593/1311/802 1589/2564/1818 1586/1312/803 +f 1588/1317/808 1592/25434/11618 1591/1318/809 +f 6319/1320/810 6315/5913/3980 6336/1321/811 +f 5737/1323/813 5714/1355/839 5792/1324/814 +f 924/1329/819 1219/1937/1342 1230/1330/820 +f 1547/1332/822 1545/1240/742 1594/1333/823 +f 7959/1338/57 7956/13755/57 7877/1339/57 +f 5615/1346/833 5877/5014/3191 5851/1347/834 +f 2969/1349/836 2974/4502/2714 2991/1350/837 +f 3777/1352/57 3779/8124/57 5/1353/57 +f 5714/1355/839 5702/4699/2905 5766/1356/840 +f 1619/1357/841 1622/25435/11619 1618/1358/842 +f 6412/1363/847 6414/6284/4159 6407/1364/848 +f 4214/1366/850 4213/6383/4248 4208/1367/851 +f 3210/1369/853 3201/4708/2914 3107/1370/854 +f 1576/1372/856 1571/2741/1973 1566/1373/857 +f 1580/1375/859 1581/25436/1852 1587/1376/860 +f 5812/1383/867 5853/10176/5772 5863/1384/868 +f 1574/1386/870 1578/25437/11620 1577/1387/871 +f 1636/1392/876 1639/10553/5997 1638/1393/877 +f 576/1395/135 578/4022/135 2598/1396/135 +f 6598/1398/879 6599/1407/888 6597/1399/880 +f 1642/1401/882 1646/2621/1868 1645/1402/883 +f 6599/1407/888 6636/6558/4392 6643/1408/889 +f 1711/1410/891 1714/1518/981 1710/1411/892 +f 1358/1416/897 1362/2234/1597 852/1417/898 +f 2276/1419/135 2284/3668/135 2274/1420/135 +f 2659/1425/135 2660/4157/135 480/1426/135 +f 1667/1437/912 1665/2637/1884 1659/1438/913 +f 1598/1441/916 1599/2569/1820 1596/1442/917 +f 1001/1460/935 5734/6931/4711 5744/1461/936 +f 6370/1466/941 6369/10648/6003 6372/1467/942 +f 7651/1472/57 7619/13878/57 7703/1473/57 +f 2853/1475/4 331/10574/4 333/1476/4 +f 1689/1481/950 1691/1490/959 1690/1482/951 +f 1693/1489/958 1694/1500/969 1690/1482/951 +f 1697/1498/967 1702/1501/970 1700/1499/968 +f 1702/1501/970 1707/25438/973 1701/1502/971 +f 8653/1503/4 1438/9065/4 1439/1504/4 +f 1707/1509/973 1711/1410/891 1706/1412/893 +f 4075/1515/978 4088/123/88 4673/1516/979 +f 1714/1518/981 1541/2529/1786 1713/1519/982 +f 1712/1520/983 1673/2643/1890 1672/1521/984 +f 5043/1523/135 5047/8706/135 4982/1524/135 +f 1606/1526/986 1605/10443/5948 1716/1527/987 +f 6692/1529/989 6687/6699/4510 6679/1530/990 +f 1717/1532/992 1604/25439/11621 1603/1533/993 +f 1718/1535/994 1603/25440/993 1601/1536/995 +f 2377/1538/135 2375/3749/135 2374/1539/135 +f 6877/1546/1002 6874/7344/4898 6882/1547/1003 +f 6833/1552/1007 6835/3085/2261 6853/1553/1008 +f 7062/1556/57 7052/11342/57 7043/1557/57 +f 1730/1559/1010 1734/25441/3324 1733/1560/1011 +f 4636/1563/1014 4665/10965/6166 4670/1564/1015 +f 1737/1570/1021 1739/1575/1026 1738/1571/1022 +f 1739/1575/1026 1741/5548/3669 1740/1576/1027 +f 6738/1578/1029 6736/5049/3220 6729/1579/1030 +f 7611/1581/57 7620/13832/57 7711/1582/57 +f 6650/1585/135 6653/9424/135 28/1586/135 +f 1667/1591/1036 1747/1196/735 1744/1592/1037 +f 1745/1593/1038 1748/25442/11622 1749/1594/1039 +f 3702/1596/1041 1760/5973/4037 3697/1597/1042 +f 435/641/421 461/14298/11615 438/1009/424 +f 5252/1605/135 5251/9368/135 5262/1606/135 +f 5008/1608/135 4985/10366/135 4986/1609/135 +f 977/1611/57 646/11098/57 680/1612/57 +f 5887/1614/1050 5811/5083/3250 5764/1615/1051 +f 3496/1623/1059 3441/4541/2750 3540/1624/1060 +f 2368/1632/135 2387/25443/135 536/1633/135 +f 1929/1641/1074 1910/2937/2141 1928/1642/1075 +f 1779/1644/1077 1774/2801/2024 1777/1645/1078 +f 1223/1647/1080 1234/1975/1372 1227/1648/1081 +f 2050/1650/1083 1782/1656/1089 1780/1651/1084 +f 1153/1653/1086 1145/1693/1126 1137/1654/1087 +f 1782/1656/1089 2045/2228/1591 1772/1657/1090 +f 1867/1659/1092 1853/2796/1223 1864/1660/1093 +f 1202/1665/1098 1186/1712/1145 1172/1666/1099 +f 1897/1668/1101 1880/1661/1094 1894/1669/1102 +f 1830/1671/1104 1824/1725/1158 1827/1672/1105 +f 1255/1674/1107 1248/2019/1413 1240/1675/1108 +f 1793/1677/1110 1771/1681/1114 1773/1678/1111 +f 1800/1680/1113 1791/2865/2085 1771/1681/1114 +f 1792/1682/1115 1780/1814/1084 1795/1683/1116 +f 1789/1686/1119 1796/1691/1124 1787/1687/1120 +f 1798/1690/1123 1803/2825/2048 1796/1691/1124 +f 1135/1692/1125 1137/1654/1087 1145/1693/1126 +f 1799/1695/1128 1791/2865/2085 1800/1680/1113 +f 6924/1697/1130 6951/7472/5003 6944/1698/1131 +f 1175/1700/1133 1159/2887/2102 1152/1701/1134 +f 1847/1704/1137 1842/1785/1208 1836/1705/1138 +f 6198/1707/1140 6191/5693/3811 6233/1708/1141 +f 1793/1677/1110 1805/1728/1161 1812/1710/1143 +f 1191/1711/1144 1175/1700/1133 1186/1712/1145 +f 1163/1714/1147 1173/1719/1152 1191/1711/1144 +f 1801/1717/1150 1792/1682/1115 1802/1684/1117 +f 1173/1719/1152 1159/2887/2102 1175/1700/1133 +f 1804/1720/1153 1811/1722/1155 1810/1718/1151 +f 1809/1696/1129 1800/1680/1113 1812/1710/1143 +f 1811/1722/1155 1804/1720/1153 1813/1723/1156 +f 1824/1725/1158 1815/1729/1162 1816/1726/1159 +f 1805/1728/1161 1806/10522/5989 1816/1726/1159 +f 6997/1730/57 6992/11346/57 7089/1731/57 +f 1857/1736/1166 1849/1784/1207 1854/1737/1167 +f 1822/1739/1169 1813/1723/1156 1809/1740/1129 +f 4633/1742/1170 4654/7404/4946 4657/1743/1171 +f 1207/1745/1173 1195/2906/2117 1210/1746/1174 +f 1820/1724/1157 1813/1723/1156 1822/1739/1169 +f 1135/1692/1125 1141/1694/1127 1131/1749/1177 +f 93/1751/1179 102/135/95 100/137/97 +f 1276/1755/1183 1282/3006/2204 1269/1756/1184 +f 1821/1758/1186 1812/1710/1143 1805/1728/1161 +f 1831/1759/1187 1822/1739/1169 1819/1741/1154 +f 7618/1761/57 7650/9260/57 7635/1762/57 +f 4609/1764/1189 4621/1890/1301 4614/1765/1190 +f 1823/1767/1192 1834/2885/2100 1835/1768/1193 +f 1830/1671/1104 1836/25444/1138 1826/1770/1188 +f 2035/1771/1195 2019/2878/2095 2009/1772/1196 +f 1822/1739/1169 1831/1759/1187 1839/1777/1201 +f 1840/1778/1139 1836/25444/1138 1830/1671/1104 +f 1087/1779/1202 1340/2196/1562 1350/1780/1203 +f 1848/1782/1205 1840/1778/1139 1832/1673/1106 +f 1849/1784/1207 1839/1777/1201 1831/1759/1187 +f 1831/1759/1187 1826/1760/1188 1836/1705/1138 +f 3183/1786/1209 3111/4946/3131 3097/1787/1210 +f 2021/1789/1212 2012/2156/1536 2031/1790/1213 +f 1852/1792/1215 1846/1799/1222 1837/1793/1216 +f 1107/1795/1218 1100/2882/2099 1104/1796/1219 +f 1840/1706/1139 1848/25445/1205 1855/1798/1221 +f 1848/1782/1205 1841/1783/1206 1846/1799/1222 +f 181/1801/4 5524/10621/4 4719/1802/4 +f 1863/1804/1224 1852/1792/1215 1843/1794/1217 +f 1853/1800/1223 1846/1799/1222 1852/1792/1215 +f 2046/1807/1226 2032/1822/1239 2034/1808/1227 +f 6955/1810/1229 6932/6534/4374 6916/1811/1230 +f 1792/1682/1115 1784/1833/1250 1781/1813/1085 +f 1839/1777/1201 1849/1784/1207 1857/1736/1166 +f 1850/1805/1225 1843/1794/1217 1838/1819/1236 +f 2033/1821/1238 2034/1808/1227 2032/1822/1239 +f 2040/1827/1244 2025/2815/2038 2038/1828/1245 +f 1865/1830/1247 1873/3057/2245 1866/1831/1248 +f 1784/1833/1250 1786/1933/1338 1785/1834/1246 +f 4023/1835/1251 4042/2073/1460 4035/1836/1252 +f 1356/1838/1254 1346/10763/5011 1331/1839/1255 +f 6719/1842/1258 6720/3955/2494 6718/1843/1259 +f 1814/1846/1262 1807/2828/2051 1801/1717/1150 +f 4620/1847/1263 4570/10937/6149 4566/1848/1264 +f 1879/1850/1266 1873/3057/2245 1865/1830/1247 +f 3966/1852/1268 4003/6559/4393 3951/1853/1269 +f 4822/1855/135 4775/8100/135 4777/1856/135 +f 1997/1858/1271 1989/1892/1303 2000/1859/1272 +f 6632/1864/1277 6616/6589/4416 6624/1865/1278 +f 1894/1669/1102 1880/1661/1094 1864/1660/1093 +f 6515/1868/1281 6521/3967/2499 6517/1869/1282 +f 1870/1871/1284 1855/1798/1221 1867/1659/1092 +f 4609/1764/1189 4594/10944/6156 4604/1876/1289 +f 6584/1878/1291 6578/10760/6083 6582/1879/1292 +f 1886/1882/1295 1870/1871/1284 1881/1872/1285 +f 536/1633/135 2387/25443/135 2388/1885/135 +f 1345/1887/1298 1334/2933/2137 1320/1888/1299 +f 4617/1877/1290 4622/7371/4918 4621/1890/1301 +f 1994/1891/1302 1985/3023/2216 1989/1892/1303 +f 1889/1893/1304 1874/2145/1527 1891/1894/1305 +f 1524/1896/57 7811/13882/57 7829/1897/57 +f 1895/1899/1307 1884/2909/2119 1875/1900/1308 +f 1879/1850/1266 1871/1851/1267 1882/1903/1311 +f 1909/1906/1314 1896/1883/1296 1881/1872/1285 +f 2042/1911/1319 2028/2183/1540 2040/1912/1244 +f 1888/1914/1321 1879/1850/1266 1890/1904/1312 +f 1903/1916/1323 1885/2181/1550 1877/1917/1324 +f 1905/1919/1326 1917/25446/1539 1902/1915/1322 +f 1993/1920/1327 1981/2082/1469 1987/1921/1328 +f 1920/1923/1330 1901/1950/1354 1889/1924/1304 +f 1321/1926/1331 1304/2135/1517 1315/1927/1332 +f 2524/1930/1335 4668/6402/4265 4671/1931/1336 +f 1789/1686/1119 1788/1688/1121 1790/1913/1320 +f 4562/1934/1339 4571/7398/4943 4591/1935/1340 +f 1899/1939/1344 1888/7446/1321 1902/1940/1322 +f 6571/1942/1346 6567/2136/1518 6558/1943/1347 +f 1335/1945/1349 1347/25447/11623 1332/1946/1350 +f 1919/1948/1352 1917/25446/1539 1905/1919/1326 +f 1901/1950/1354 1918/2792/2016 1912/1670/1103 +f 1083/1951/1355 1333/2950/2153 1348/1952/1356 +f 1920/1923/1330 1906/1925/1306 1914/1954/1358 +f 1094/1956/1360 1101/1685/1118 1093/1662/1095 +f 1934/1958/1362 1919/1948/1352 1907/1949/1353 +f 4588/1960/1364 4565/7325/4882 4572/1961/1365 +f 1925/1963/1367 1913/2938/2142 1899/1939/1344 +f 7162/1964/57 7164/8366/57 7197/1965/57 +f 1619/1967/1368 1913/2938/2142 1925/1963/1367 +f 1726/1969/1370 1730/1559/1010 1729/1561/1012 +f 8713/1971/135 8712/14328/135 466/695/135 +f 7250/1972/57 7345/11678/57 7347/1973/57 +f 1914/1976/1358 1900/2123/1508 1916/1977/1373 +f 1364/1979/1375 1359/2213/1578 1349/1980/1376 +f 1934/1982/1362 1945/2852/2073 1930/1983/1378 +f 1923/1955/1359 1936/2005/1399 1935/1985/1379 +f 1937/1968/1369 1925/1963/1367 1939/1989/1383 +f 1332/1946/1350 1347/25447/11623 1360/1981/1377 +f 1940/1991/1385 1916/1977/1373 1903/1916/1323 +f 1941/1993/1387 1939/1989/1383 1924/1994/1388 +f 6887/1995/1389 6876/6505/4346 6878/1996/1390 +f 6728/1998/1392 6723/5313/3461 6711/1999/1393 +f 1117/2001/1395 1105/7323/4880 1098/2002/1396 +f 1950/2004/1398 1943/1643/1076 1935/1985/1379 +f 4135/2006/1400 4140/10466/5955 4145/2007/1401 +f 1946/2009/1403 1947/2013/1407 1948/2010/1404 +f 1946/2009/1403 1926/2034/1386 1927/2012/1406 +f 1955/2014/1408 1949/1990/1384 1939/1989/1383 +f 1859/1832/1249 1862/5486/3612 1860/2015/1409 +f 5976/2020/1414 5948/5097/3261 5954/2021/1415 +f 1969/2023/1417 1952/2043/1431 1953/2024/1418 +f 1114/2026/1420 1105/7323/4880 1117/2001/1395 +f 7481/2028/57 7479/13886/57 1455/2029/57 +f 1957/2032/1423 1934/1958/1362 1921/1959/1363 +f 1926/2034/1386 1946/2009/1403 1959/2035/1425 +f 4043/2037/1426 4040/5125/3288 4041/2038/1427 +f 1931/2040/1374 1954/2837/2059 1962/2041/1429 +f 1944/2033/1424 1932/4625/2834 1952/2043/1431 +f 6492/2045/1433 6481/6373/4238 6487/2046/1434 +f 4090/2048/1436 4092/7489/5019 4094/2049/1437 +f 1285/2051/1439 1297/2932/2136 1278/2052/1440 +f 1251/2054/1442 1231/2959/2161 1232/2055/1443 +f 4018/2057/1445 4015/5802/3894 4016/2058/1446 +f 4087/2060/1448 4090/2048/1436 4091/2050/1438 +f 1251/2062/1442 1252/6925/1444 1253/2063/1450 +f 1958/2064/1451 1942/2042/1430 1962/2041/1429 +f 4130/2066/1453 4125/10681/6031 4117/2067/1454 +f 1812/1710/1143 1821/1758/1186 1826/1770/1188 +f 1969/2023/1417 1978/2095/1482 1961/2044/1432 +f 6573/2069/1456 6564/6531/4371 6572/2070/1457 +f 1973/2065/1452 1979/2076/1463 1963/2072/1459 +f 4042/2073/1460 4055/6927/4707 4013/2074/1461 +f 1979/2076/1463 1964/2113/1498 1951/2077/1464 +f 1317/2078/1465 1326/3053/2241 1307/2079/1466 +f 1965/2011/1405 1948/2010/1404 1982/2081/1468 +f 1968/2083/1470 1956/7313/4872 1967/2084/1471 +f 1967/2084/1471 1960/6757/4557 1976/2086/1473 +f 1996/2087/1474 1980/2108/1494 1974/2088/1475 +f 1892/2090/1477 1882/1903/1311 1872/2091/1478 +f 1978/2095/1482 1986/25448/1476 1974/2096/1475 +f 1181/1874/1287 1161/1815/1232 1156/1817/1234 +f 1981/2082/1469 1993/1920/1327 1975/2100/1486 +f 1268/2101/1487 1257/2915/2125 1274/2102/1488 +f 4090/2048/1436 4087/2060/1448 4084/2104/1490 +f 1205/2106/1492 1196/2916/2126 1181/1874/1287 +f 1996/2087/1474 2012/2156/1536 1992/2107/1493 +f 1136/2109/1495 1131/2867/1177 1141/2110/1127 +f 1212/2112/1497 1210/1746/1174 1197/1908/1316 +f 1964/2113/1498 1979/2076/1463 2001/2114/1499 +f 2001/2114/1499 1979/2076/1463 1973/2065/1452 +f 1968/2083/1470 1983/2085/1472 2002/2117/1502 +f 4025/2119/1504 4053/2075/1462 4013/2074/1461 +f 1975/2100/1486 1993/1920/1327 2006/2121/1506 +f 1906/1895/1306 1891/1894/1305 1900/2123/1508 +f 7755/2124/57 7756/9382/57 7664/2125/57 +f 2023/2130/1512 2001/2114/1499 1991/2116/1501 +f 1155/1816/1233 1148/2179/1548 1143/2132/1514 +f 6567/2136/1518 6562/3083/2260 6541/2137/1519 +f 1115/2138/1520 1107/1795/1218 1109/1797/1220 +f 1999/2140/1522 2016/2141/1523 1998/1922/1329 +f 2016/2141/1523 1999/2140/1522 2010/2142/1524 +f 1863/1804/1224 1850/1805/1225 1856/2144/1526 +f 2017/2146/1528 1996/2087/1474 1986/2089/1476 +f 1144/2148/1530 1134/2857/2078 1128/2149/1531 +f 2006/2150/1506 2018/2957/2160 1995/2151/1532 +f 1153/1653/1086 1146/1655/1088 1151/2153/1533 +f 2012/2156/1536 2021/1789/1212 2002/2117/1502 +f 522/2157/135 2460/25449/135 2461/2158/135 +f 2576/2160/135 2570/4038/135 2575/2161/135 +f 2026/2143/1525 2010/2142/1524 2020/2163/1537 +f 1930/1983/1378 1924/1994/1388 1917/2165/1539 +f 1997/1858/1271 2015/1860/1273 2028/2166/1540 +f 1878/2168/1280 1863/1804/1224 1874/2145/1527 +f 6581/2169/1542 6571/1942/1346 6566/1944/1348 +f 2041/2171/1543 2030/2945/1557 2016/2141/1523 +f 2704/2172/135 2702/10836/135 2705/2173/135 +f 2568/2176/1545 4050/6625/4445 3925/947/619 +f 2031/1790/1213 2012/2156/1536 1996/2087/1474 +f 2038/1828/1245 2019/2878/2095 2035/1771/1195 +f 1167/2178/1547 1157/2824/2047 1148/2179/1548 +f 1900/2123/1508 1891/1894/1305 1876/2180/1549 +f 2017/2146/1528 2027/2184/1552 1778/1646/1079 +f 2052/2182/1551 2041/2171/1543 2026/2143/1525 +f 1902/1940/1322 1917/2165/1539 1924/1994/1388 +f 2028/2183/1540 2042/1911/1319 2027/2184/1552 +f 1183/2186/1553 1194/3065/2251 1206/2187/1554 +f 2053/2189/1556 2043/2956/2159 2030/2190/1557 +f 6548/2192/1558 6583/6840/4414 6571/1942/1346 +f 2037/2193/1559 2018/2957/2160 2029/2194/1560 +f 1868/2198/1564 1862/5486/3612 1859/1832/1249 +f 6850/2199/1565 6864/2207/1573 6851/2200/1566 +f 2048/1791/1214 1776/2962/2164 2022/2202/1568 +f 2037/2193/1559 2049/2204/1570 2023/2130/1512 +f 2048/1791/1214 2031/1790/1213 1778/1646/1079 +f 2024/2203/1569 2023/2130/1512 2049/2204/1570 +f 2014/2167/1541 2005/3021/1529 1994/1891/1302 +f 6879/2206/1572 6865/7356/4907 6864/2207/1573 +f 2053/2189/1556 2041/2191/1543 2052/2208/1551 +f 1246/2210/1575 1243/2238/1601 1228/2211/1576 +f 2049/2204/1570 2037/2193/1559 2044/2195/1561 +f 1216/1649/1082 1199/2188/1555 1206/2187/1554 +f 2029/2194/1560 2043/2956/2159 2055/2220/1585 +f 1866/1831/1248 1875/25450/1308 1642/2221/1586 +f 2050/1650/1083 2035/1771/1195 2045/2228/1591 +f 4242/2229/1592 4241/10733/6070 3761/2230/1593 +f 2053/2189/1556 2057/2209/1574 1547/2232/1595 +f 1827/1672/1105 1825/1727/1160 1828/2235/1598 +f 2055/2220/1585 2043/2956/2159 2053/2189/1556 +f 1241/1331/821 1230/1330/820 1243/2238/1601 +f 3985/2239/1602 4003/6559/4393 3966/1852/1268 +f 6608/2241/1604 6590/10960/4428 6596/2242/1605 +f 2343/2246/135 2732/25451/135 2725/2247/135 +f 1378/2251/1611 1376/25452/1618 1379/2252/1612 +f 1380/761/495 1379/2252/1612 1381/2253/1613 +f 1377/2255/1615 1374/2303/1660 1371/2256/1616 +f 1375/2257/1617 1372/2294/1652 1376/2258/1618 +f 1388/2260/1619 1387/2276/1634 1389/2261/1620 +f 1373/2263/1622 1366/2409/1716 1367/2264/1623 +f 1390/2266/1621 1389/25453/1620 1391/2267/1625 +f 6551/2269/1627 6539/6508/4349 6542/2270/1628 +f 1414/2272/1630 1413/2287/1645 1415/2273/1631 +f 1386/2275/1633 1385/2283/1641 1387/2276/1634 +f 1412/2277/1635 1410/2280/1638 1409/2278/1636 +f 1410/2280/1638 1408/2302/1659 1407/2281/1639 +f 1386/2275/1633 1384/2295/1653 1383/2282/1640 +f 6468/2284/1642 6463/6346/4222 6464/2285/1643 +f 1412/2277/1635 1411/2279/1637 1413/2287/1645 +f 1394/2288/1646 1393/2299/1656 1395/2289/1647 +f 1404/2290/1648 1403/25454/1655 1405/2291/1649 +f 1396/175/134 1395/2289/1647 1397/2293/1651 +f 1370/226/168 1371/2256/1616 1372/2294/1652 +f 1384/2295/1653 1382/2254/1614 1381/2253/1613 +f 1404/2296/1648 1402/2452/1740 1401/2297/1654 +f 1394/2288/1646 1392/2268/1626 1391/2267/1625 +f 1398/173/132 1397/2293/1651 1399/2300/1657 +f 1408/2302/1659 1406/2292/1650 1405/2291/1649 +f 1377/2255/1615 1373/2263/1622 1368/2265/1624 +f 7585/2304/1661 7587/4392/1662 7586/2305/1662 +f 1538/2307/1663 1537/25455/1663 1540/2308/1664 +f 506/2310/717 505/25456/717 507/2311/718 +f 2658/2313/1665 5401/9096/1665 5400/2314/1666 +f 2763/2316/1667 2765/519/345 2764/521/345 +f 8190/2318/1668 8236/25457/1668 8235/2319/194 +f 5516/2321/1670 5481/25458/1671 5479/2322/1671 +f 2775/2324/1672 2777/8815/57 2776/2325/57 +f 8030/2327/332 8117/13072/332 746/2328/241 +f 5095/2329/1673 2345/12005/1673 2432/2330/1674 +f 7830/182/139 7831/181/138 7832/2332/1675 +f 371/2334/1676 368/12269/1676 366/2335/309 +f 8015/2337/1677 8014/11532/1677 8012/2338/1678 +f 8641/2340/1679 8640/11525/1679 8638/2341/319 +f 8770/2343/74 8713/104/74 8714/2344/1680 +f 2219/2346/1681 2289/7008/1681 2116/2347/1682 +f 7339/2349/1683 7421/25459/1683 7410/361/253 +f 7940/2350/1684 7941/12228/1684 7923/2351/333 +f 2785/2352/1685 2787/25460/1686 2786/2353/1686 +f 8008/2355/1687 8009/8033/1687 8010/2356/1688 +f 2370/2358/1689 5354/25461/1689 5353/2359/1690 +f 8094/2361/57 8136/12793/57 8120/2362/57 +f 2650/2364/1691 2625/2432/1692 5445/2365/1692 +f 5202/2367/135 5201/9182/135 5219/2368/135 +f 7898/2370/1693 7899/25462/1693 7943/2371/1694 +f 2233/2373/1695 2232/9764/1696 2327/2374/1696 +f 2869/2376/1697 2872/11643/1698 2871/2377/1698 +f 8569/2379/1699 8568/7100/1699 8566/2380/1700 +f 4766/2382/1701 4771/11727/1702 4770/2383/1702 +f 5339/2385/1703 5306/11432/1703 5301/2386/1704 +f 8643/2388/1705 8645/11575/1706 8644/2389/1706 +f 489/2391/195 486/11524/195 490/2392/276 +f 4415/2393/1707 4414/14404/1707 4416/2394/1708 +f 8351/2396/1709 8350/12195/1709 8348/2397/1710 +f 4763/2399/1711 4768/4267/1701 4767/2400/1701 +f 2502/2402/1713 2521/3560/1714 5424/2403/1714 +f 7224/2405/381 7180/13064/381 7184/2406/564 +f 1419/2408/1715 1369/6354/1632 1366/2409/1716 +f 4978/2411/19 2392/25463/19 2688/2412/19 +f 8397/2414/1718 8399/8494/1719 8398/2415/1719 +f 8243/2417/1720 8158/11985/1720 617/2418/348 +f 7986/2420/1721 7987/12754/1721 7975/2421/1722 +f 2094/2423/1723 2096/6987/1724 2095/2424/1724 +f 4459/2426/1726 4458/12025/1726 4460/2427/1727 +f 5323/2429/1728 5309/25464/1728 5307/2430/1729 +f 2625/2432/1692 2624/11358/1730 5446/2433/1730 +f 8172/2434/1731 8242/12235/1731 636/733/478 +f 7424/1151/726 7427/11824/1732 7426/2436/1732 +f 8069/2437/1733 8068/12773/1734 8146/2438/1734 +f 2231/2440/1735 2167/25465/1736 2330/2441/1736 +f 382/2443/1724 380/13416/1724 378/2444/1723 +f 7859/2446/1737 7858/13283/1737 7856/2447/297 +f 606/2449/1738 603/12242/1738 601/2450/1739 +f 1402/2452/1740 1437/7009/578 1436/2453/615 +f 5176/2454/1741 5132/25466/1741 5130/2455/1742 +f 266/259/186 263/258/186 261/2457/291 +f 2398/2459/1743 2403/25467/1744 5244/2460/1744 +f 2525/2462/1745 2527/13217/1746 5383/2463/1746 +f 2424/329/32 2423/25468/32 4796/2465/32 +f 2801/2467/1747 2802/14363/1747 2803/2468/1748 +f 7183/467/316 7190/25469/1749 7201/2470/1749 +f 176/2471/701 178/3574/1750 177/2472/1750 +f 4485/2474/1751 4484/25470/1751 4486/2475/1752 +f 4425/2477/1753 4424/11656/1753 4426/2478/1754 +f 743/2480/575 740/13321/575 738/2481/1755 +f 7307/2483/1757 7306/7183/1757 7304/2484/1758 +f 1482/2486/1759 1481/9691/1759 1483/2487/1760 +f 7532/2489/340 7490/9538/340 7489/2490/1761 +f 7082/2492/1762 7090/12543/6410 7091/2493/1763 +f 5572/2495/1764 5483/25471/1765 5482/2496/1765 +f 128/2498/1766 124/8281/1766 121/2499/1767 +f 2648/2501/1768 2666/8512/1769 5273/2502/1769 +f 5513/2504/1770 5512/6988/1770 5514/2505/1771 +f 8615/2507/1772 8617/7741/1773 8616/2508/1773 +f 7873/2510/1774 7872/25472/1774 7870/2511/1775 +f 562/2516/135 496/3921/135 2559/2177/1546 +f 863/2521/1783 856/25473/2438 849/1249/748 +f 8775/2525/135 8774/14489/135 349/2526/135 +f 1541/2529/1786 1606/1526/986 1715/1528/988 +f 872/2530/1787 866/2537/1794 860/1269/763 +f 3318/2531/1788 3320/10272/5843 3304/2532/1789 +f 875/1288/779 871/1287/778 866/2537/1794 +f 870/1274/768 874/1285/776 873/1284/775 +f 881/2538/1795 876/2543/1800 871/1287/778 +f 884/2542/1799 880/10302/5865 876/2543/1800 +f 879/1290/781 883/25474/11624 882/2544/1801 +f 938/2545/1802 941/10814/6111 937/2546/1803 +f 882/2544/1801 883/25474/11624 888/1309/800 +f 7018/2548/57 7021/7366/57 7071/2549/57 +f 4250/1021/660 4362/6555/4390 4363/2551/1805 +f 5813/2554/1808 5748/4802/2995 5741/2555/1809 +f 1272/2557/1811 1287/3025/2218 1288/2558/1812 +f 905/2560/1814 899/4167/2537 894/1326/816 +f 896/2561/1815 897/25475/11625 902/2562/1816 +f 903/1336/826 904/1335/825 901/2563/1817 +f 5121/2566/135 5122/10503/135 5152/2567/135 +f 906/1337/827 908/1342/829 907/1341/828 +f 6078/2576/1827 6041/4998/3175 6060/2577/1828 +f 3153/2579/1830 3225/5907/3977 3238/2580/1831 +f 920/2582/1833 919/1361/845 917/1360/844 +f 6074/2584/1835 6093/5571/3692 6067/2585/1836 +f 3598/2587/1838 3625/10207/5795 3632/2588/1839 +f 1618/2590/842 1622/25476/11619 1626/2591/1841 +f 4111/2593/1843 4103/6704/4515 4098/2594/1844 +f 923/2596/1846 927/25477/11626 931/1381/865 +f 933/1379/863 936/25478/1853 932/2597/1847 +f 935/1382/866 938/2545/1802 934/2547/1804 +f 1575/2601/1851 1579/2740/1972 1581/2602/1852 +f 936/2604/1853 940/1390/874 939/1389/873 +f 3280/2609/1857 3279/25479/3263 3262/2610/1858 +f 945/1394/878 947/13777/6487 946/2613/1861 +f 944/2614/1862 949/1405/886 948/1404/885 +f 1558/2616/759 1551/25480/758 1544/1242/744 +f 952/1406/887 955/2623/1870 953/2620/1867 +f 954/1415/896 920/2582/1833 918/2583/1834 +f 955/2623/1870 957/25481/1872 956/2624/1871 +f 959/1423/901 956/25482/1871 957/2625/1872 +f 958/1424/902 962/1429/904 961/1428/903 +f 81/2635/1882 85/108/76 82/110/78 +f 974/1446/921 915/25483/3502 973/2636/1883 +f 984/1464/939 985/1463/938 981/1456/931 +f 987/1470/945 988/1469/944 985/1463/938 +f 989/2657/946 991/2660/1905 990/2658/1904 +f 991/2660/1905 993/1479/948 992/1478/947 +f 6314/2662/1907 6313/3758/2451 6305/2663/1908 +f 6256/2670/1915 6300/148/108 6286/150/110 +f 7708/2676/57 7761/9390/57 7766/2677/57 +f 3996/2679/1921 3989/10611/5998 3944/2680/1922 +f 1010/1512/975 1008/1511/974 1003/1506/965 +f 1640/2612/1860 1642/1401/882 1641/1403/884 +f 1016/2688/1928 1019/14074/6490 1015/2689/1929 +f 6331/2691/1931 6369/10648/6003 6370/1466/941 +f 137/2693/57 78/13730/57 141/2694/57 +f 846/2696/1933 911/5286/3437 1020/2697/1934 +f 3446/2699/1936 3415/5477/3605 1767/2700/1937 +f 910/2702/1939 909/25484/11627 1022/2703/1940 +f 3567/2705/1942 3555/3861/2475 3576/2706/1943 +f 7809/2708/57 7781/9526/57 7780/2709/57 +f 903/1541/997 976/1448/923 1024/2711/1945 +f 966/2718/1952 1031/2724/1957 1030/2719/1953 +f 1031/2724/1957 1035/11885/6310 1034/2725/1958 +f 6650/2727/1959 6648/10784/6093 6647/2728/1960 +f 4131/2730/1962 4133/10455/5952 4143/2731/1963 +f 1039/2734/1966 1042/10278/5849 1040/2735/1967 +f 1579/2740/1972 1575/2601/1851 1571/2741/1973 +f 7341/2744/57 7350/11683/57 7348/2745/57 +f 1048/1589/1034 1047/1588/1033 1045/2748/1977 +f 974/2750/1979 1049/6645/4458 1041/1566/1017 +f 1051/1590/1035 1053/25485/11628 1050/2751/1980 +f 4237/2755/1984 4234/6872/4657 3267/2756/1985 +f 7218/2758/57 7220/11551/57 7216/2759/57 +f 4116/1932/1337 4676/6384/4249 4637/2761/1987 +f 1058/2763/1049 1059/2767/1991 1057/2764/1989 +f 1059/2767/1991 1062/2772/1996 1060/2768/1992 +f 2959/2769/1993 2981/8154/5209 2992/2770/1994 +f 1062/2772/1996 1065/1618/1054 1063/1617/1053 +f 3569/1625/1061 3540/1624/1060 3556/2773/1997 +f 5589/2781/2005 5862/5044/3215 5813/2554/1808 +f 1074/1635/1068 1070/1629/1065 1072/1631/1067 +f 1235/2018/1412 1214/1929/1334 1234/1975/1372 +f 1918/2792/2016 1935/1985/1379 1943/1643/1076 +f 6844/2793/2017 6845/7406/4948 6848/2794/2018 +f 1146/1655/1088 1137/1654/1087 1132/1752/1180 +f 1855/1798/1221 1848/25445/1205 1853/2796/1223 +f 3888/2797/2020 3883/6395/4260 3886/2798/2021 +f 1922/2802/2025 1912/1670/1103 1918/2792/2016 +f 1094/1956/1360 1085/1957/1361 1095/2803/2026 +f 1077/1639/1072 1076/1638/1071 1096/2805/2028 +f 6293/2807/2030 6283/5856/3938 6275/2808/2031 +f 6885/2810/2033 6879/2206/1572 6850/2199/1565 +f 6832/2812/2035 6830/7407/4949 6831/2813/2036 +f 2025/2815/2038 2015/1860/1273 2000/1859/1272 +f 1922/2802/2025 1909/1906/1314 1897/1668/1101 +f 6534/2817/2040 6536/25486/2193 6540/2818/2041 +f 1897/1668/1101 1881/1872/1285 1867/1659/1092 +f 1202/1665/1098 1185/1667/1100 1199/2188/1555 +f 1091/2821/2044 1097/2881/2098 1106/2822/2045 +f 1847/1704/1137 1855/1798/1221 1870/1871/1284 +f 1157/2824/2047 1151/2153/1533 1142/1774/1198 +f 1213/1928/1333 1201/1713/1146 1186/1712/1145 +f 1110/2003/1397 1098/2002/1396 1099/2826/2049 +f 1103/2823/2046 1106/2822/2045 1112/1716/1149 +f 1858/2829/2052 1869/1738/1168 1886/1882/1295 +f 1109/1797/1220 1104/1796/1219 1114/2831/1420 +f 1849/1784/1207 1842/1785/1208 1847/1704/1137 +f 1208/2833/2055 1231/2959/2161 1245/2834/2056 +f 1804/1720/1153 1799/2869/1128 1809/1740/1129 +f 1977/2836/2058 1962/2041/1429 1954/2837/2059 +f 6492/2839/1433 6499/6407/4270 6497/2840/2061 +f 1274/2102/1488 1257/2915/2125 1258/2842/2063 +f 1124/2844/2065 1113/1734/1164 1123/1733/1163 +f 1123/1733/1163 1119/1735/1165 1115/2138/1520 +f 1123/1733/1163 1116/2139/1521 1126/2848/2069 +f 1110/2003/1397 1120/2859/2080 1127/1750/1178 +f 1267/2849/2070 1247/2964/2166 1237/2850/2071 +f 1976/2086/1473 1960/6757/4557 1945/2852/2073 +f 1271/2053/1441 1253/2063/1450 1286/2094/1481 +f 1117/2001/1395 1127/1750/1178 1131/1749/1177 +f 1322/2854/2075 1301/2877/2094 1293/2855/2076 +f 1772/1657/1090 2045/2228/1591 2036/1773/1197 +f 1129/2845/2066 1126/2848/2069 1134/2857/2078 +f 1135/1692/1125 1130/1753/1181 1132/1752/1180 +f 1130/1753/1181 1135/1692/1125 1127/1750/1178 +f 6817/2860/2081 6819/10860/6141 6811/2861/2082 +f 1280/2103/1489 1293/25487/2076 1277/2863/2084 +f 1795/2864/1116 1783/1658/1091 1791/2865/2085 +f 1136/2109/1495 1128/2149/1531 1125/2866/1421 +f 1142/1774/1198 1133/1776/1200 1143/2132/1514 +f 1154/2868/2086 1144/2148/1530 1136/2109/1495 +f 1088/1781/1204 1350/1780/1203 1077/1639/1072 +f 1802/1684/1117 1795/1683/1116 1799/2869/1128 +f 1149/2870/2087 1150/2886/2101 1140/2871/2088 +f 1139/2858/2079 1134/2857/2078 1144/2148/1530 +f 1661/2872/2089 1726/1969/1370 1725/1970/1371 +f 1343/2874/2091 1325/3044/2234 1340/2196/1562 +f 1783/1658/1091 1795/2864/1116 1780/1651/1084 +f 1089/2875/2092 1087/1779/1202 1088/1781/1204 +f 1298/2080/1467 1283/3011/2207 1301/2877/2094 +f 1152/1701/1134 1159/2887/2102 1154/2868/2086 +f 2008/2816/2039 1990/2901/2114 2009/1772/1196 +f 1133/1776/1200 1122/1754/1182 4336/2879/2096 +f 1089/2875/2092 1357/2889/2104 1343/2874/2091 +f 1097/2881/2098 1086/2884/2093 1100/2882/2099 +f 1097/2881/2098 1091/2821/2044 1089/2883/2092 +f 1834/2885/2100 1829/1748/1176 1839/1777/1201 +f 1162/1841/1257 1163/1714/1147 1150/2886/2101 +f 1162/1841/1257 1154/2868/2086 1159/2887/2102 +f 1164/1825/1242 1168/10419/5908 1165/2888/2103 +f 1345/1887/1298 1330/1889/1300 1343/2874/2091 +f 1174/2890/2105 1168/25488/5908 1164/2891/1242 +f 1172/1666/1099 1158/10952/1534 1169/2893/2107 +f 1106/2822/2045 1097/2881/2098 1107/1795/1218 +f 1176/1845/1261 1166/1826/1243 1177/2894/2108 +f 2046/1807/1226 2039/2164/1538 2020/2163/1537 +f 1161/1815/1232 1179/10765/6084 1167/2178/1547 +f 4342/2896/2110 1099/2826/2049 1078/1640/1073 +f 1188/2898/2112 1180/25489/1274 1171/2899/2106 +f 1989/1892/1303 1971/3024/2217 1990/2901/2114 +f 1171/2892/2106 1180/25490/1274 947/2904/1276 +f 2040/1827/1244 2028/2166/1540 2015/1860/1273 +f 1790/1913/1320 2040/1912/1244 1785/1834/1246 +f 1094/1956/1360 1092/2804/2027 1091/2821/2044 +f 1184/2905/2116 1176/1845/1261 1187/2895/2109 +f 1801/1717/1150 1798/1690/1123 1784/1833/1250 +f 1193/2907/2118 1188/2898/2112 1178/2900/2113 +f 1200/1902/1310 1190/1881/1294 1180/1861/1274 +f 6942/2910/2120 6940/5129/3291 6936/2911/2121 +f 1113/1734/1164 1102/1689/1122 1112/1716/1149 +f 1119/1735/1165 1112/1716/1149 1106/2822/2045 +f 1249/2914/2124 1236/2966/2168 1257/2915/2125 +f 1196/2916/2126 1179/10765/6084 1161/1815/1232 +f 1197/1908/1316 1187/2895/2109 1177/2894/2108 +f 1348/1952/1356 1334/11327/2137 1345/2917/1298 +f 1200/1902/1310 1188/2908/2112 1193/2919/2118 +f 6759/2920/2128 6755/4568/2777 6750/2921/2129 +f 4307/2923/2131 4302/25491/4746 1927/2924/1406 +f 1299/2926/2133 1290/2098/1484 1294/2097/1483 +f 4044/2928/2135 4055/6927/4707 4042/2073/1460 +f 1189/1873/1286 1208/2833/2055 1221/2835/2057 +f 4867/2929/135 4896/25492/135 4893/2930/135 +f 1291/2093/1480 1302/3040/2231 1297/2932/2136 +f 1210/1746/1174 1195/2906/2117 1187/2895/2109 +f 1334/2933/2137 1319/3039/2154 1303/2927/2134 +f 1211/2934/2138 1196/2916/2126 1205/2106/1492 +f 1198/1909/1317 1217/2965/2167 1215/2936/2140 +f 1227/1648/1081 1213/1928/1333 1202/1665/1098 +f 4651/2940/2144 4634/1279/770 4630/2941/2145 +f 6867/2942/2146 6892/3087/2263 6841/2943/2147 +f 1998/1922/1329 2016/2141/1523 2030/2945/1557 +f 2006/2121/1506 1993/1920/1327 1998/1922/1329 +f 4647/2947/2150 4627/10953/6160 4629/2948/2151 +f 1333/2950/2153 1322/2854/2075 1311/2856/2077 +f 6577/2952/2155 6570/10750/6076 6576/2953/2156 +f 1226/2955/2158 1212/2112/1497 1203/1907/1315 +f 1093/1662/1095 1079/1664/1097 1084/1953/1357 +f 2029/2194/1560 2013/2958/2149 2030/2190/1557 +f 2018/2957/2160 2006/2150/1506 2013/2958/2149 +f 1231/2959/2161 1208/2833/2055 1209/2960/2162 +f 1893/2092/1479 1911/4626/2835 1908/2961/2163 +f 1776/2962/2164 1777/1645/1078 1774/2801/2024 +f 1229/2963/2165 1218/3049/2139 1237/2850/2071 +f 1217/2965/2167 1238/2990/2192 1236/2966/2168 +f 1226/2955/2158 1215/2936/2140 1236/2966/2168 +f 4193/2967/2169 4190/6828/4620 4186/2968/2170 +f 1223/1647/1080 1206/2187/1554 1224/2970/2172 +f 1318/1947/1351 1332/1946/1350 1323/2971/2173 +f 1228/2211/1576 1243/2238/1601 1230/1330/820 +f 1342/2977/2179 1323/2971/2173 1332/1946/1350 +f 4613/2978/2180 4555/7322/4879 4549/2979/2181 +f 1244/1676/1109 1229/2963/2165 1247/2964/2166 +f 1248/2019/1413 1234/1975/1372 1223/1647/1080 +f 1940/1991/1385 1954/25493/2059 1931/1978/1374 +f 1353/2219/1584 1336/3046/2236 1083/1951/1355 +f 6945/2981/2183 6937/7467/4998 6929/2982/2184 +f 1110/2003/1397 1111/2827/2050 1121/2984/2186 +f 2893/2985/2187 2033/1821/1238 4285/2986/2188 +f 2044/2195/1561 2055/2220/1585 2059/2988/2190 +f 1349/1980/1376 1359/2213/1578 1354/2215/1580 +f 1256/2989/2191 1235/2018/1412 1255/1674/1107 +f 1238/2990/2192 1258/2842/2063 1257/2915/2125 +f 1245/2834/2056 1260/25494/2072 1237/2991/2071 +f 6536/2992/2193 6584/1878/1291 6561/1880/1293 +f 1262/2559/1813 1242/1986/1380 1261/2031/1422 +f 1244/1676/1109 1263/1757/1185 1269/1756/1184 +f 1264/2994/2194 1270/3005/2203 1250/2995/2195 +f 3998/2997/2197 3993/10741/6074 3986/2998/2198 +f 1246/2210/1575 1233/2212/1577 1250/2995/2195 +f 1268/2101/1487 1277/2863/2084 1264/3001/2194 +f 1945/2852/2073 1934/1982/1362 1957/3002/1423 +f 1129/2845/2066 1139/2858/2079 1140/2871/2088 +f 1265/3003/2201 1251/2062/1442 1271/2053/1441 +f 1279/3004/2202 1266/3000/2200 1250/2995/2195 +f 1272/2557/1811 1261/2031/1422 1246/2210/1575 +f 1282/3006/2204 1284/3835/2462 1256/2989/2191 +f 1290/2098/1484 1274/2102/1488 1259/2843/2064 +f 1130/1753/1181 1120/2859/2080 1121/2984/2186 +f 1273/3007/2205 1260/25495/2072 1245/3008/2056 +f 1281/3009/2206 1267/2849/2070 1260/2851/2072 +f 1126/2848/2069 1118/2832/2054 1128/2149/1531 +f 1283/3011/2207 1270/3005/2203 1264/2994/2194 +f 1823/1767/1192 1820/1724/1157 1829/1748/1176 +f 1289/3013/2208 1273/3007/2205 1265/3003/2201 +f 1824/1725/1158 1830/1671/1104 1821/1758/1186 +f 4645/3014/2209 4646/10962/6163 4643/3015/2210 +f 1298/2080/1467 1279/3004/2202 1270/3005/2203 +f 4620/1847/1263 4615/7388/4933 4585/3017/2212 +f 1290/2098/1484 1299/2926/2133 1280/2103/1489 +f 1281/3009/2206 1273/3010/2205 1289/3019/2208 +f 2005/3021/1529 1986/25448/1476 1978/2095/1482 +f 1291/2093/1480 1286/2094/1481 1292/2133/1515 +f 1277/3012/2084 1293/2855/2076 1301/2877/2094 +f 1294/2097/1483 1275/2099/1485 1295/2129/1511 +f 1276/1755/1183 1267/2849/2070 1281/3009/2206 +f 1279/3004/2202 1298/2080/1467 1307/2079/1466 +f 1978/2095/1482 1969/2023/1417 1985/3023/2216 +f 6898/3026/2219 1053/10951/6158 6895/3027/2220 +f 1311/3029/2077 1293/25487/2076 1280/2103/1489 +f 1313/3030/2222 1296/3022/2215 1281/3009/2206 +f 1184/2905/2116 1178/2900/2113 1170/1824/1241 +f 6741/3031/2223 6739/6785/4584 6649/3032/2224 +f 1621/3034/2226 1624/2599/1849 1623/2598/1848 +f 5956/3036/2228 5960/5342/3489 6229/3037/2229 +f 1319/3039/2154 1311/3029/2077 1299/2926/2133 +f 1984/2122/1507 1972/6968/2060 1959/2035/1425 +f 1300/3020/2214 1289/3019/2208 1310/2972/2174 +f 1302/3040/2231 1318/25496/1351 1310/3041/2174 +f 1342/2977/2179 1354/2215/1580 1327/3042/2232 +f 1312/2127/1509 1295/2129/1511 1314/3043/2233 +f 2007/2131/1513 1991/2116/1501 1977/2836/2058 +f 1306/2128/1510 1320/1888/1299 1303/2927/2134 +f 1905/1919/1326 1890/1904/1312 1882/1903/1311 +f 1336/3046/2236 1317/2078/1465 1301/2877/2094 +f 1233/2212/1577 1228/2211/1576 1222/3047/1175 +f 1224/2970/2172 1211/3066/2138 1218/3049/2139 +f 4630/2941/2145 4635/6874/4659 4631/3050/2238 +f 1327/3042/2232 1305/3056/2244 1296/3022/2215 +f 1309/3052/2240 1307/2079/1466 1326/3053/2241 +f 1327/3042/2232 1328/10533/5995 1308/3055/2243 +f 1330/1889/1300 1320/1888/1299 1306/2128/1510 +f 1888/1914/1321 1883/3062/1309 1873/3057/2245 +f 6950/1699/1132 6944/1698/1131 6935/3058/2246 +f 1335/3060/1349 1318/25496/1351 1302/3040/2231 +f 1827/1672/1105 1833/2236/1599 1841/1783/1206 +f 1336/3046/2236 1353/2219/1584 1326/3053/2241 +f 1916/1977/1373 1900/2123/1508 1885/2181/1550 +f 1218/2935/2139 1205/2106/1492 1221/2835/2057 +f 1338/3061/2248 1339/3071/2255 1337/2175/1544 +f 1340/2196/1562 1325/3044/2234 1314/3043/2233 +f 1300/3020/2214 1323/2971/2173 1342/2977/2179 +f 1330/1889/1300 1312/2127/1509 1325/3044/2234 +f 1901/1950/1354 1894/1669/1102 1878/1867/1280 +f 1883/3062/1309 1875/25450/1308 1866/1831/1248 +f 1864/1806/1093 1852/1792/1215 1863/1804/1224 +f 1351/3063/2249 1344/1840/1256 1324/2155/1535 +f 1240/1675/1108 1224/2970/2172 1229/2963/2165 +f 4317/3064/2250 4315/6950/4729 1838/1819/1236 +f 1224/2970/2172 1206/2187/1554 1194/3065/2251 +f 4014/3067/1447 4016/25497/1446 4021/1837/1253 +f 4546/3068/2252 4592/1962/1366 4581/3069/2253 +f 1351/3063/2249 1352/3072/2256 863/2223/1588 +f 1351/3063/2249 1337/2175/1544 1339/3071/2255 +f 7808/2710/57 7780/2709/57 7782/3073/57 +f 6875/3075/2257 6830/7407/4949 6902/3076/2258 +f 1225/3078/2237 1222/1747/1175 1210/1746/1174 +f 1144/2148/1530 1154/2868/2086 1162/1841/1257 +f 1461/3079/57 1508/13747/57 1497/3080/57 +f 1361/2222/1587 1356/1838/1254 1344/1840/1256 +f 6576/3082/2156 6570/10749/6076 6562/3083/2260 +f 1095/2803/2026 1345/2917/1298 1357/3084/2104 +f 6835/3085/2261 6894/6377/4242 6899/3086/2262 +f 4641/1744/1172 4630/2941/2145 4632/3051/2239 +f 1901/1950/1354 1920/1923/1330 1935/1985/1379 +f 6892/3087/2263 6867/2942/2146 6822/3088/2264 +f 1085/1957/1361 1084/1953/1357 1348/1952/1356 +f 851/2227/1590 1362/2234/1597 1356/3096/1254 +f 1846/1799/1222 1841/1783/1206 1833/2236/1599 +f 1598/2713/1947 1671/2640/1887 1719/1537/996 +f 1132/1752/1180 1122/1754/1182 1133/1776/1200 +f 3974/3098/2271 3994/10753/6078 4002/3099/2272 +f 1158/2154/1534 1151/2153/1533 1157/2824/2047 +f 1364/1979/1375 1360/1981/1377 1363/1418/899 +f 905/2237/1600 900/2250/1610 1365/2249/1609 +f 5550/3106/2278 5549/8761/2278 5465/3107/2279 +f 5077/3109/2280 5008/10015/2280 5009/3110/173 +f 1539/2309/1664 1540/2308/1664 1492/3112/2281 +f 7718/3114/376 7719/568/376 7720/3115/2282 +f 5469/3117/2283 5472/9461/2284 5471/3118/2284 +f 7222/3120/2285 7175/8603/2285 7179/3121/380 +f 4773/3123/499 4774/768/499 4780/767/498 +f 7151/3125/728 7153/3261/727 7152/3126/727 +f 7147/3128/2286 7146/25498/2286 7144/3129/254 +f 2737/3131/2287 2736/11307/2287 2861/3132/2288 +f 7038/3134/2289 7039/25499/2289 7035/3135/2289 +f 216/3137/2290 220/11755/582 219/3138/582 +f 4479/3140/2291 4478/11297/2291 4480/3141/2292 +f 7598/3143/2293 7599/3496/2293 7600/3144/2294 +f 1400/2301/1658 1436/2453/615 1435/3146/614 +f 480/3147/2295 481/25500/2295 482/3148/152 +f 7846/3149/2296 7849/9669/2297 7848/3150/2297 +f 199/3152/2298 202/11990/2299 201/3153/2299 +f 6962/418/285 6969/417/182 6968/3155/182 +f 2430/3157/2301 2724/12152/6355 5389/3158/2302 +f 5137/3160/2303 5173/13027/2303 5174/3161/2304 +f 7911/3163/2305 7910/25501/2305 7908/3164/2306 +f 5186/3166/2307 5143/8438/2307 5141/3162/2304 +f 7808/3167/2308 7752/9457/2308 7778/3168/2309 +f 7895/3170/2310 7894/9988/2310 7892/3171/2311 +f 7098/113/80 7089/112/80 7070/3173/1683 +f 413/666/438 478/7753/473 412/724/392 +f 452/682/445 453/25502/449 448/3179/439 +f 416/726/475 417/598/399 414/597/398 +f 786/710/465 774/1026/394 777/1162/626 +f 791/973/636 828/25503/670 836/1226/630 +f 426/693/455 429/620/414 424/616/410 +f 701/1057/676 675/1011/656 677/1018/647 +f 433/688/433 430/645/416 432/3192/434 +f 796/3193/642 799/1200/418 801/1191/654 +f 1679/2652/1899 1680/2651/1898 1676/2647/1894 +f 668/1007/654 694/12929/11616 671/1188/653 +f 8293/3196/4 8290/10643/4 8375/3197/4 +f 444/3201/431 441/646/428 440/648/427 +f 3596/3203/2314 3649/5908/3978 3645/3204/2315 +f 445/700/432 444/3201/431 442/715/468 +f 1007/3209/2317 1012/25504/6369 1006/3210/2318 +f 448/3179/439 449/25505/441 427/617/411 +f 451/679/446 450/669/440 448/668/439 +f 778/208/157 760/1234/680 775/1160/624 +f 455/680/447 428/619/413 429/620/414 +f 470/3235/462 471/25506/463 472/3236/476 +f 2130/3241/475 2131/3181/399 2128/3180/398 +f 2165/3216/446 2164/3213/440 2162/3212/439 +f 5266/3257/2322 2672/13403/2322 2655/3258/2323 +f 7127/3260/2324 7126/13401/2324 7152/3126/727 +f 2796/3262/2325 2795/25507/2326 2793/3263/2326 +f 7592/3265/19 7577/25508/19 7576/3266/19 +f 2439/3268/2327 5099/8035/2327 5098/3269/2328 +f 8081/3271/245 8127/9557/245 8126/3272/244 +f 7574/3274/172 7575/12760/172 7590/1148/723 +f 8182/3282/57 8181/12937/57 640/951/57 +f 350/3286/135 352/14341/135 456/3287/135 +f 2254/3301/135 2253/3356/135 2180/3230/135 +f 8709/3305/135 467/696/135 466/695/135 +f 8679/3320/135 419/601/135 407/583/135 +f 8077/3325/57 8076/12665/57 832/1221/57 +f 8207/3337/57 8206/12964/57 699/1052/57 +f 2220/3314/135 2133/3183/135 2121/3177/135 +f 2157/3245/135 2218/3304/135 2219/3308/135 +f 442/715/135 440/648/135 8674/3357/135 +f 666/624/57 691/1042/57 8188/3370/57 +f 410/586/135 409/585/135 8664/3377/135 +f 2569/3388/2340 4864/12347/2340 4863/3389/1674 +f 2101/3391/707 2097/12422/707 2098/3392/2341 +f 4483/3394/2342 4482/13364/2342 4484/3395/1751 +f 7405/3397/2343 7336/25509/2343 7333/3398/2344 +f 2593/3400/2345 2592/3489/2346 5455/3401/2346 +f 5509/3403/2347 5511/25510/2348 5510/3404/2348 +f 7181/3406/142 7226/189/142 7208/3407/2349 +f 2252/3409/2350 2313/25511/2350 2314/3410/2351 +f 2227/3412/2352 2297/8043/2352 2298/3413/2353 +f 244/3415/198 246/13062/199 245/3416/199 +f 8676/3418/2354 8746/14360/2354 8747/3419/2355 +f 8064/3421/2356 8093/4395/2620 8094/3422/2357 +f 6965/3424/2300 6967/8903/285 6973/3425/182 +f 2251/3411/2351 2314/3410/2351 2315/3427/235 +f 4747/3428/2358 4744/7717/2358 4743/3429/2359 +f 8501/3431/2360 8500/9051/2360 8498/3432/2361 +f 2656/3434/305 5224/25512/305 5223/3435/2362 +f 8203/3437/612 8268/9463/612 8269/3438/613 +f 8391/3440/2363 8393/8490/2364 8392/3441/2364 +f 2266/3443/2365 2267/13294/2366 2320/3444/2366 +f 180/3446/2367 182/13389/2368 181/3447/2368 +f 1508/3449/2369 1506/4351/2369 1498/3450/2370 +f 4806/3452/2371 2379/25513/2371 2618/3453/2371 +f 2573/820/530 5122/819/530 5121/3455/325 +f 2732/3456/2372 2342/12989/2373 4999/3457/2373 +f 239/3459/187 242/25514/188 241/3460/188 +f 530/3462/551 534/9294/551 535/3463/552 +f 1467/3465/2374 1468/13164/2374 1470/3466/2375 +f 8449/3468/2376 8448/12138/2376 8446/3469/2377 +f 536/3471/2378 537/13308/2378 543/3472/2295 +f 8473/3474/2379 8472/11910/2379 8470/3475/2380 +f 8034/3477/2381 8033/25515/2382 8100/3478/2382 +f 2174/3480/2384 2246/9960/2385 2322/3481/2385 +f 269/3483/2386 267/8085/2386 265/3484/185 +f 31/3485/2387 33/25516/2388 32/3486/2388 +f 2590/3488/2389 5456/14369/2389 5455/3401/2346 +f 7481/3490/2390 7453/25392/229 7452/326/229 +f 2664/3492/2391 2665/11871/2392 5403/3493/2392 +f 7609/3495/32 7608/25517/32 7599/3496/2293 +f 7232/3497/2393 7233/25518/2393 7234/3498/2394 +f 4953/3500/2307 4910/11298/2307 4908/3501/2304 +f 2190/3503/2395 2223/8878/2396 2307/3504/2396 +f 2247/3506/2397 2248/9042/481 2325/3507/481 +f 2436/3509/2399 5375/12499/2399 5374/3510/2400 +f 2647/3512/32 2353/25519/32 5194/3513/32 +f 7650/3515/2401 7618/232/172 7619/3516/172 +f 8040/3518/2402 8110/13355/2402 8111/3519/2403 +f 6971/3521/182 6973/12132/182 6980/3522/183 +f 2457/3524/2405 2425/331/232 4799/330/232 +f 2638/3526/2406 5271/11745/2406 5270/3527/2407 +f 516/3529/2408 515/13169/2408 517/3530/2409 +f 8587/3532/2410 8589/12413/2411 8588/3533/2411 +f 4903/3535/248 4948/8922/248 4930/3536/2412 +f 7049/3538/2413 7051/292/207 7050/291/207 +f 7961/3540/2414 7963/25520/2415 7962/3541/2415 +f 5569/3543/2416 5572/2495/1764 5571/2497/1764 +f 4431/3545/2417 4430/9019/2417 4432/3546/2418 +f 6969/251/182 6975/253/184 6974/3548/184 +f 2588/3550/2419 2597/25521/2420 5448/3551/2420 +f 7206/3553/2421 7196/12500/2421 7194/3554/2422 +f 5329/3556/512 5291/790/512 5290/3557/2423 +f 2520/3559/2424 5425/13037/2424 5424/2403/1714 +f 7983/3561/2425 7985/8212/2426 7984/3562/2426 +f 1445/3564/2427 1442/9288/2427 1443/3565/15 +f 2380/3566/326 2379/25522/326 4806/3567/326 +f 7154/3569/2428 7155/25523/2428 7156/3570/2429 +f 747/346/243 744/345/242 742/3572/574 +f 178/3574/1750 180/25524/2367 179/3575/2367 +f 1512/3576/2431 1511/12995/2431 1514/3577/22 +f 4964/3579/2432 2566/25525/2432 2605/3580/2433 +f 2066/3582/135 2063/14483/135 2315/3583/135 +f 402/3585/135 8748/14492/135 8749/3586/135 +f 8733/3588/135 8732/25526/135 8744/3589/135 +f 8744/3589/135 8732/25526/135 8731/3591/135 +f 8728/3604/135 8727/14484/135 359/3605/135 +f 2285/3633/135 2273/3655/135 2272/3634/135 +f 6533/3646/2436 6532/9095/5460 1504/3647/57 +f 2116/3603/135 2289/14444/135 2290/3652/135 +f 2293/3639/135 2296/3641/135 2295/3653/135 +f 2285/3633/135 2275/1421/135 2274/1420/135 +f 8757/3656/135 8771/14469/135 8770/3657/135 +f 8109/3661/57 8108/13159/57 8096/3662/57 +f 8770/3657/135 8760/14501/135 8759/3672/135 +f 8149/3675/57 8157/12826/57 725/3676/57 +f 7323/3701/57 7321/25527/57 7441/3702/57 +f 864/3704/2437 862/7683/5119 856/3705/2438 +f 7648/3710/57 7652/13619/57 7727/3711/57 +f 3634/3742/2446 3618/10494/5969 3619/3743/2447 +f 7885/3751/57 7883/4247/57 6984/3752/57 +f 6313/3758/2451 6314/2662/1907 6325/3759/2452 +f 5561/3764/4 8566/14081/4 8568/3765/4 +f 4966/3767/135 4967/8642/135 5027/3768/135 +f 8370/6/4 2865/5/4 2795/3770/4 +f 3699/3774/2454 3689/10292/5859 3695/3775/2455 +f 5849/1616/1052 863/2223/1588 1352/3072/2256 +f 7328/3787/57 7366/8688/57 7331/3788/57 +f 6279/3802/2458 983/10486/5966 6263/3803/2459 +f 84/3815/135 79/14547/135 110/176/135 +f 7873/3819/57 7961/13780/57 7959/1338/57 +f 1305/3056/2244 1308/3055/2243 1284/3835/2462 +f 1757/3836/2463 1760/2776/2000 1758/2775/1999 +f 6485/3853/2469 6502/25528/3579 6501/2047/1435 +f 2914/3855/2470 2922/4500/2712 2946/3856/2471 +f 491/3858/135 570/10959/135 572/3778/135 +f 3533/3859/2473 3507/5665/3783 3521/3860/2474 +f 5683/3864/2476 6280/5874/3954 6291/3865/2477 +f 4116/1932/1337 4104/2762/1988 4115/3867/2479 +f 1462/3869/57 1451/9908/57 1443/3870/57 +f 3175/3877/2481 3131/1371/855 3127/3878/2482 +f 7020/3892/57 7025/5463/57 7129/3893/57 +f 7735/3931/57 7665/13689/57 6922/3932/2486 +f 6317/3938/2488 6308/5926/3993 6305/2663/1908 +f 5127/3940/135 5128/11877/135 5112/3941/135 +f 6614/3943/2490 6618/10766/4422 6619/3944/2491 +f 7739/3954/57 7736/13763/57 6949/3933/2487 +f 112/3960/2495 115/4034/2518 107/164/124 +f 1650/3961/2496 1652/672/443 1651/3962/2497 +f 6521/3967/2499 6515/1868/1281 6518/3968/2500 +f 6607/3970/2502 6595/6588/4413 3946/3971/2503 +f 5209/3974/135 5215/9171/135 5216/3975/135 +f 7000/3977/57 6999/11793/57 7151/3978/57 +f 6790/3991/2507 6613/25529/4965 6612/3992/2508 +f 576/1395/135 2640/1397/135 2641/4000/135 +f 850/4011/2513 852/4166/2536 851/1250/749 +f 1649/2622/1869 1616/12114/6346 1613/4021/2515 +f 7118/4026/57 7171/8316/57 7170/4027/57 +f 4238/4030/2516 4237/2755/1984 3347/4031/2517 +f 120/200/151 123/199/150 115/4034/2518 +f 7119/4043/57 7117/13803/57 7254/4044/57 +f 7133/4057/57 7029/25530/57 7027/4058/57 +f 1769/2789/2013 1765/2786/2010 1767/2788/2012 +f 7627/4106/57 7574/13861/57 7591/4107/57 +f 4028/4115/2527 4029/25531/4427 4027/4116/2528 +f 4072/4118/57 4221/7620/57 4726/4119/57 +f 4737/4127/2530 6565/6491/4334 6572/2070/1457 +f 1490/4129/57 1445/13681/57 7720/4130/57 +f 7155/4144/57 7257/13867/57 7269/4145/57 +f 3630/4152/2533 2998/4654/2863 3631/4153/2534 +f 7058/4158/57 7915/25532/57 7913/4159/57 +f 2400/3794/2457 2366/3740/2445 546/3777/135 +f 852/4166/2536 850/4011/2513 899/4167/2537 +f 1567/4174/2538 1650/10068/5683 1647/4175/2539 +f 5563/3766/4 8570/14093/4 8572/4177/4 +f 7156/4146/57 7269/4145/57 7279/4180/57 +f 6574/2170/67 6566/1944/1348 3936/4182/2541 +f 1808/2847/2068 1797/2820/2043 1807/2828/2051 +f 7163/4193/57 7161/6551/57 7271/4194/57 +f 1353/2219/1584 1081/2218/1583 1329/3054/2242 +f 7845/4211/57 7899/13920/57 7897/4212/57 +f 7846/4213/57 7897/4212/57 7895/4216/57 +f 1567/4218/2543 1561/13717/6486 1555/2534/1791 +f 7586/4219/57 7602/9169/57 7595/4220/57 +f 7441/3702/57 7321/25527/57 7319/4243/57 +f 7901/4245/57 7063/4439/57 7061/4246/57 +f 7641/4250/2544 7643/12020/2545 7642/4251/2545 +f 7291/4253/2546 7290/9009/2546 7314/4254/2547 +f 2833/4256/2548 2830/8910/2548 2827/4257/510 +f 350/4258/2549 349/13275/2549 351/4259/2550 +f 2708/4261/2552 4996/25533/2552 5002/742/483 +f 7696/4263/2553 7697/13005/2553 7695/4264/2554 +f 4763/2399/1711 4764/7954/1712 4769/4266/1701 +f 4761/4268/1712 4766/13207/1701 4765/4269/1701 +f 7799/4271/2555 7766/11658/2555 7761/4272/2556 +f 7817/4274/2557 7819/25534/2558 7818/4275/2558 +f 7139/4277/2559 7138/13412/2559 7136/4278/2560 +f 1425/762/291 1380/761/495 1382/2254/1614 +f 5187/4281/2561 2518/25535/2561 2535/4282/2562 +f 7407/4284/2563 7375/13195/2563 7330/4285/2564 +f 2627/4287/305 2632/25536/32 5201/4288/32 +f 512/4289/2565 511/9540/2565 513/4290/2566 +f 8337/4292/2567 8339/7204/2568 8338/4293/2568 +f 4388/4295/2569 4389/12029/2569 4391/4296/2570 +f 7110/4298/725 7111/25537/725 7112/4299/2571 +f 7543/4301/2572 7500/12230/2572 7498/4302/2573 +f 2637/4304/2574 2636/25538/2575 4884/4305/2575 +f 7725/4307/2576 7727/11303/2577 7726/4308/2577 +f 125/2500/1767 121/2499/1767 114/158/118 +f 2786/2353/1686 2787/25460/1686 2788/4310/2578 +f 2466/4312/2579 2471/8798/2580 5412/4313/2580 +f 2838/4315/2581 2840/13013/2581 5525/4316/2582 +f 4505/4318/2583 4504/11996/2583 4506/4319/2584 +f 4499/4321/2585 4498/4325/2585 4500/4322/57 +f 4497/4324/2586 4496/9091/2586 4498/4325/2585 +f 2803/2468/1748 2806/11994/2587 2805/4326/2587 +f 7929/4327/2588 7931/10063/2589 7930/4328/2589 +f 5021/4330/2590 5092/12546/2590 5093/4331/2591 +f 95/4333/2592 90/4342/2592 86/4334/2593 +f 8423/4336/19 8422/12705/19 8420/4337/2594 +f 764/4339/548 766/13073/549 765/4340/549 +f 103/145/105 94/138/98 90/4342/2592 +f 1503/4343/2596 1500/7641/2596 1505/4344/685 +f 7524/32/25 7505/31/25 7507/4346/544 +f 8087/4347/2597 8088/9545/5571 8141/4348/2598 +f 1504/4350/685 1505/25539/685 1506/4351/2369 +f 8694/400/275 8728/399/275 8729/4352/214 +f 2469/4354/2600 2470/9339/2601 5363/4355/2601 +f 5065/4357/2602 5034/12749/2602 5035/4358/2603 +f 610/885/575 607/884/575 605/4360/1756 +f 7437/4362/2604 7467/25540/2428 7466/4363/2428 +f 7135/4365/2605 7134/13333/2605 7132/4366/2606 +f 8254/4368/2607 8208/12397/2607 8209/4369/2608 +f 2669/4371/2609 2667/25541/6262 4820/4372/2610 +f 87/4374/2383 83/11270/2383 77/4375/2611 +f 8605/4377/2612 8607/25542/2613 8606/4378/2613 +f 7564/485/327 7565/25400/327 7566/866/562 +f 7942/2372/1694 7943/2371/1694 7944/4380/2614 +f 8465/4382/2615 8464/10029/2615 8462/4383/2616 +f 529/4385/2378 481/25543/2295 480/4386/2295 +f 7963/4388/2415 7965/11545/2617 7964/4389/2617 +f 5037/4391/2618 5057/11830/2618 5058/4359/2603 +f 7587/4392/1662 7589/1147/722 7588/1149/724 +f 2360/321/226 2398/25544/1743 5250/4393/1743 +f 8058/4394/2619 8092/13348/2619 8093/4395/2620 +f 5059/4396/2621 5041/25545/2621 5015/4397/2622 +f 5537/121/87 5540/12016/2623 5539/4399/2623 +f 2407/4400/2624 2426/7181/2625 5246/4401/2625 +f 84/4376/2611 77/4375/2611 78/4403/19 +f 2642/4405/2626 2634/11868/2627 5269/4406/2627 +f 5240/4408/2628 5224/25512/305 2656/3434/305 +f 8517/4410/2629 8519/6990/2630 8518/4411/2630 +f 2864/4413/2631 2863/12234/2631 2754/4414/2632 +f 8216/4416/2633 8287/14378/2633 8286/4417/176 +f 709/4418/326 8176/8287/2634 8260/4419/2634 +f 8367/4421/2635 8369/12323/2636 8368/4422/2636 +f 859/1253/2638 962/1429/904 958/1424/2639 +f 861/4424/2640 958/1424/2639 957/2625/2644 +f 8294/4429/4 8296/13998/4 2863/4430/4 +f 952/4432/2646 949/4436/2650 877/4433/2647 +f 872/4435/2649 955/13545/6482 952/4432/2646 +f 949/4436/2650 944/10999/6171 881/4437/2651 +f 7917/4438/57 7915/25532/57 7058/4158/57 +f 3312/4443/2655 3286/5320/3468 3341/4444/2656 +f 5579/4446/2658 5573/6526/4366 4305/4447/2659 +f 5578/4449/2661 5577/5084/3251 5898/4450/2662 +f 4115/3867/2479 4125/10681/6031 4135/2006/1400 +f 4081/4454/2666 4078/6382/4247 4214/1366/850 +f 5584/4456/2668 5577/5084/3251 5576/4457/2669 +f 5611/4459/2671 5588/4525/2734 5590/4460/2672 +f 5615/1346/833 5616/1348/835 5614/4462/2674 +f 5961/4467/2679 5941/4647/2856 5958/4468/2680 +f 1267/2849/2070 1276/1755/1183 1263/1757/1185 +f 3295/4470/2682 3275/25546/3471 3314/4471/2683 +f 3349/4473/2685 3327/10268/5841 3337/4474/2686 +f 2898/4476/2688 3216/5579/3699 3148/4477/2689 +f 6043/4479/2691 5983/4567/2776 6002/4480/2692 +f 5624/4482/2694 5625/4523/2732 5622/4483/2695 +f 2946/3856/2471 2955/5225/3383 2965/4487/2699 +f 5916/4489/2701 874/10121/5728 5627/4490/2702 +f 5612/4492/2704 5609/4564/2773 5578/4449/2661 +f 4168/4497/2709 4189/11487/6126 4197/4498/2710 +f 3025/4501/2713 2991/1350/837 2974/4502/2714 +f 5792/1324/814 5817/5015/3192 5821/4504/2716 +f 5732/4506/2718 5724/6489/4332 5696/4507/2719 +f 8649/4509/4 1436/13500/4 1437/4510/4 +f 2879/4442/2654 2892/10074/5688 2883/4512/2721 +f 2939/4513/2722 2880/10093/5703 2882/4514/2723 +f 2920/4495/2707 3198/5197/3355 3191/4516/2725 +f 5743/4517/2726 5732/4506/2718 5703/4508/2720 +f 4284/4519/2728 4283/6914/4697 5585/4520/2729 +f 5589/2781/2005 5588/4525/2734 5645/4522/2731 +f 5653/4524/2733 5645/4522/2731 5588/4525/2734 +f 6250/4526/2735 6252/5917/3984 6303/4527/2736 +f 5691/4529/2738 5622/4483/2695 5625/4523/2732 +f 5650/4530/2739 5629/4463/2675 5614/4462/2674 +f 5600/4535/2744 5617/4558/2767 5637/4536/2745 +f 5652/4538/2747 5638/7449/4983 5629/4463/2675 +f 3438/4539/2748 3417/5525/3649 3420/4540/2749 +f 3466/4542/2751 3459/4891/3079 3498/4543/2752 +f 2919/4545/2754 3045/10168/5768 3077/4546/2755 +f 6203/4548/2757 6195/5698/3816 6212/4549/2758 +f 5868/4554/2763 5859/5040/3211 5842/4555/2764 +f 5649/4557/2766 5637/4536/2745 5617/4558/2767 +f 5651/4563/2772 5630/4521/2730 5576/4457/2669 +f 5946/4565/2774 5977/5077/3245 5975/4566/2775 +f 6728/1998/1392 6750/2921/2129 6755/4568/2777 +f 6208/4573/2782 6192/5689/3807 6224/4574/2783 +f 5609/4564/2773 5612/4492/2704 5656/4578/2787 +f 5656/4578/2787 5765/4834/3027 4287/4579/2788 +f 5658/4581/2790 5644/10307/5868 5637/4536/2745 +f 3105/4583/2792 3050/10160/5760 3028/4584/2793 +f 3535/4586/2795 3524/5671/3789 3531/4587/2796 +f 5633/4589/2798 5644/10307/5868 5662/4590/2799 +f 3372/4592/2801 3407/10373/5903 3399/4593/2802 +f 3335/4595/2804 3339/10328/3505 3332/4596/2805 +f 5737/1323/813 5706/4741/2941 5695/4598/2807 +f 3168/4599/2808 3070/10182/5776 3058/4600/2809 +f 5680/4602/2811 5623/4484/2696 4295/4603/2812 +f 5647/4605/2814 5664/4644/2853 5667/4606/2815 +f 5618/4608/2817 5670/4728/2931 5684/4609/2818 +f 5619/4559/2768 5671/4698/2904 5689/4610/2819 +f 1611/4611/2820 1617/4782/2975 1615/4612/2821 +f 1608/4619/2828 1668/13661/6484 1610/4620/2829 +f 2935/4622/2831 2921/6416/4277 2920/4495/2707 +f 5645/4522/2731 5653/4524/2733 5712/4624/2833 +f 1932/4625/2834 1908/2961/2163 1911/4626/2835 +f 3853/4628/2837 3836/6308/4181 3856/4629/2838 +f 5675/4635/2844 5664/4644/2853 5662/4590/2799 +f 5698/4640/2849 5670/4728/2931 5665/4641/2850 +f 5679/4643/2852 5667/4606/2815 5664/4644/2853 +f 5891/4645/2854 5639/5124/3287 5591/4461/2673 +f 5917/4646/2855 5942/10298/5864 5941/4647/2856 +f 1017/4648/2857 5690/6490/4333 5705/4649/2858 +f 6594/4658/2867 6642/9879/5650 3945/4659/2868 +f 3199/4664/2873 3110/5254/3408 3064/4665/2874 +f 3212/4667/2876 2933/4534/2743 2943/4533/2742 +f 3130/4669/2878 3062/5397/3534 3059/4670/2879 +f 6778/4672/2881 6756/6782/4581 6747/4673/2882 +f 5697/4675/2884 5682/5614/3734 5681/4676/2885 +f 5785/4677/2886 5811/5083/3250 5857/4678/2887 +f 7183/4681/57 7176/8318/57 7122/4682/57 +f 5989/4684/2890 5982/5317/3465 5996/4685/2891 +f 5665/4641/2850 5596/10290/5857 5602/4690/2896 +f 6058/4692/2898 6035/5406/3542 6044/4693/2899 +f 5731/4695/2901 5698/4640/2849 5688/4642/2851 +f 5728/4697/2903 5697/4675/2884 5687/4650/2859 +f 5671/4698/2904 5686/1462/937 5702/4699/2905 +f 5580/4702/2908 5632/10129/5734 5643/4703/2909 +f 3201/4708/2914 3164/5481/3609 3071/4709/2915 +f 7478/4710/57 7480/8970/57 7506/4711/57 +f 3346/4715/2918 3294/10316/5871 3319/4716/2919 +f 5795/4720/2923 5802/4894/3082 5805/4721/2924 +f 5722/4724/2927 5715/5387/3527 5709/4725/2928 +f 5726/4727/2930 5684/4609/2818 5670/4728/2931 +f 5689/4610/2819 5702/4699/2905 5714/1355/839 +f 2933/4534/2743 1699/4485/2697 2932/3857/2472 +f 3569/1625/1061 3587/5783/3883 3545/4729/2932 +f 3123/4730/2933 3192/10236/5817 3124/4731/2934 +f 3397/4733/2936 3432/5283/3434 3425/4734/2937 +f 7798/4736/57 7797/7628/57 7796/4737/57 +f 5764/1615/1051 5736/4945/3130 5723/4739/2939 +f 5741/2555/1809 5711/6240/4116 5706/4741/2941 +f 5299/4742/135 5295/12200/135 5282/4743/135 +f 3061/4745/2942 3082/10183/5777 3086/4746/2943 +f 3380/4748/2945 3361/10344/5887 3368/4749/2946 +f 5729/4751/2948 5717/4809/3002 5673/4752/2949 +f 6194/4754/2951 6215/5722/3830 6202/4755/2952 +f 5777/4757/2954 5729/4751/2948 5685/4753/2950 +f 6205/4759/2956 4246/6888/4673 4367/1019/658 +f 6533/3646/2436 1467/13798/57 1469/4761/57 +f 5992/4763/2959 5989/4684/2890 6000/4686/2892 +f 5115/4765/135 5116/11480/135 5143/4766/135 +f 3440/4770/2963 3429/5259/3413 3433/4771/2964 +f 4006/4773/2966 4010/6649/4462 4031/4774/2967 +f 5990/4776/2969 6007/5195/3353 5985/4777/2970 +f 5752/4779/2972 5653/4524/2733 5611/4459/2671 +f 3064/4665/2874 3035/10163/5763 3023/4713/2916 +f 5814/4781/2974 5757/4816/3009 5729/4751/2948 +f 1617/4782/2975 1621/3034/2226 1620/3035/2227 +f 2983/4783/2976 2995/5038/3209 3040/4784/2977 +f 5755/4786/2979 5738/10296/5862 5732/4506/2718 +f 3288/4787/2980 3287/4846/3037 3298/4788/2981 +f 6160/4790/2983 6107/5492/3618 6110/4791/2984 +f 2169/3217/447 2140/676/413 2139/1066/414 +f 5686/1462/937 5744/1461/936 5762/4793/2986 +f 5920/4794/2987 5955/4902/3087 5956/3036/2228 +f 3393/4735/2938 3374/10356/5892 3381/4796/2989 +f 5929/4797/2990 6215/5722/3830 6225/4798/2991 +f 2947/4656/2865 2935/4622/2831 2918/4494/2706 +f 5750/4800/2993 5725/4758/2955 5721/4801/2994 +f 5713/4726/2929 1010/10141/5746 5751/4805/2998 +f 5754/4807/3000 5730/4835/3028 5701/4808/3001 +f 5735/4810/3003 5738/10296/5862 5756/4811/3004 +f 6265/4813/3006 6269/5888/3962 6268/4814/3007 +f 5757/4816/3009 5754/4807/3000 5717/4809/3002 +f 3961/4817/3010 4005/25547/5904 3962/4818/3011 +f 2938/4820/3013 2929/6895/4680 2928/4821/3014 +f 6139/4825/3018 6127/10325/5876 6152/4826/3019 +f 5795/4720/2923 5772/6338/4212 5767/4828/3021 +f 5731/4695/2901 5775/5529/3653 5791/4830/3023 +f 5765/4834/3027 5656/4578/2787 5612/4492/2704 +f 1756/4837/3030 1662/25548/11629 1660/2779/2003 +f 5874/4838/3031 5810/4922/3107 5760/4839/3032 +f 5856/4841/3034 5828/5727/3835 5826/4842/3035 +f 4072/4118/57 97/4120/57 89/4844/57 +f 3287/4846/3037 3283/5277/3428 3317/4847/3038 +f 5988/4849/3040 5995/5350/3494 5968/4850/3041 +f 5788/4853/3044 5775/5529/3653 5761/4854/3045 +f 5806/4857/3048 5777/4757/2954 5725/4758/2955 +f 3460/4859/3050 3448/4772/2965 3453/4860/3051 +f 5835/4862/3053 5825/4994/3173 5816/4863/3054 +f 5794/4864/3055 5742/4979/3161 5657/4865/3056 +f 3646/4867/3058 3589/5155/3314 3597/4868/3059 +f 5914/4451/2663 5898/4450/2662 5896/4869/3060 +f 3296/2533/1790 3304/2532/1789 3249/4872/3063 +f 5789/4875/3066 5782/4885/3076 5769/4876/3067 +f 5798/4878/3069 5758/5838/3923 5753/4831/3024 +f 5799/4879/3070 5779/4960/3145 5774/4880/3071 +f 5730/4835/3028 5612/4492/2704 5593/4493/2705 +f 3648/4882/3073 3637/4951/3136 3627/4883/3074 +f 5782/4885/3076 5789/4875/3066 5793/4886/3077 +f 5025/4887/135 5019/5482/135 4958/4888/135 +f 6042/2586/1837 6032/5405/3532 936/4890/3078 +f 3459/4891/3079 3466/4542/2751 3451/4892/3080 +f 5802/4894/3082 5795/4720/2923 5787/4829/3022 +f 3880/4895/3083 3873/10253/5831 3892/4896/3084 +f 5501/4898/4 4702/7573/4 4701/4899/4 +f 5999/4901/3086 6006/5361/3504 6000/4686/2892 +f 5963/4778/2971 5985/4777/2970 5955/4902/3087 +f 2985/4689/2895 2911/5607/3727 2913/4903/3088 +f 5754/4807/3000 5757/4816/3009 5801/4905/3090 +f 4292/4907/3092 4291/4989/3171 5786/4906/3091 +f 3696/4908/3093 3691/5964/4029 3665/4909/3094 +f 5816/4863/3054 5783/4855/3046 5733/4911/3096 +f 6489/4913/3098 6480/5500/3626 6498/4914/3099 +f 5653/4524/2733 5752/4779/2972 5818/4916/3101 +f 4301/4917/3102 4300/5137/3299 5712/4624/2833 +f 6796/4918/3103 6777/6809/4607 6767/4919/3104 +f 4277/4921/3106 4276/4947/3132 5810/4922/3107 +f 5936/4923/3108 5934/5060/3231 5935/4924/3109 +f 1591/1318/809 1592/25434/11618 1597/1443/918 +f 5755/4786/2979 5760/4839/3032 5810/4922/3107 +f 3231/4927/3112 3190/4967/3152 3180/4928/3113 +f 3446/2699/1936 3453/4860/3051 3448/4772/2965 +f 6440/4933/3118 6445/6326/4200 6431/4934/3119 +f 3065/4936/3121 3070/10182/5776 3123/4730/2933 +f 3573/4939/3124 3575/6791/4590 3559/4940/3125 +f 5684/4609/2818 5726/4727/2930 5739/4942/3127 +f 5785/4677/2886 5773/4912/3097 5720/4944/3129 +f 3153/2579/1830 3140/5353/3497 3093/4871/3062 +f 4276/4947/3132 4275/6909/4692 5756/4811/3004 +f 5710/4780/2973 5611/4459/2671 5591/4461/2673 +f 6461/4949/3134 6451/6328/4202 6468/2284/1642 +f 3637/4951/3136 3648/4882/3073 3651/4952/3137 +f 5727/4954/3139 5776/6337/4211 5822/4955/3140 +f 5759/4957/3142 5824/4962/3147 5839/4958/3143 +f 5779/4960/3145 5799/4879/3070 5837/4961/3146 +f 5830/4963/3148 5794/4864/3055 5704/4866/3057 +f 3195/4965/3150 3177/10251/5829 3170/4966/3151 +f 5826/4842/3035 5789/4875/3066 5778/4877/3068 +f 6067/2585/1836 6075/5478/3606 6049/4969/3154 +f 5281/4971/135 5316/5139/135 5318/4972/135 +f 2980/4614/2823 3000/4661/2870 3017/4976/3158 +f 5840/4978/3160 5780/10318/5872 5742/4979/3161 +f 3256/4980/3162 3562/5243/3397 3579/4981/3163 +f 5833/4983/3165 5814/4781/2974 5777/4757/2954 +f 5847/4985/3167 5819/4968/3153 5815/4986/3168 +f 4291/4989/3171 4287/4579/2788 5765/4834/3027 +f 4068/4990/57 75/10237/57 76/4991/57 +f 5846/4993/3172 5800/5528/3652 5788/4853/3044 +f 5849/1616/1052 5764/1615/1051 869/4740/2940 +f 1512/4996/57 7167/13916/57 7280/4195/57 +f 5630/4521/2730 5585/4520/2729 5583/4458/2670 +f 6041/4998/3175 6023/5389/3529 6052/4999/3176 +f 5824/4962/3147 5837/4961/3146 5858/5000/3177 +f 5905/5001/3178 5641/5776/3876 5648/5002/3179 +f 5605/4704/2910 5608/5181/3339 5581/5004/3181 +f 3465/5005/3182 3458/5560/3681 3523/5006/3183 +f 6496/5010/3187 6483/6394/4259 6503/5011/3188 +f 5804/5013/3190 5851/1347/834 5877/5014/3191 +f 5850/4840/3033 5760/4839/3032 5746/4956/3141 +f 7488/5016/57 7486/25549/57 7432/5017/57 +f 5852/4843/3036 5826/4842/3035 5819/4968/3153 +f 6405/1365/849 6400/6252/4128 6404/5019/3193 +f 6375/5021/135 6377/10262/135 92/5022/135 +f 3141/5024/3195 3092/10098/5708 3002/5025/3196 +f 5839/4958/3143 5858/5000/3177 5616/1348/835 +f 6939/5030/3201 6926/7441/4977 994/5031/3202 +f 5823/5033/3204 5807/10821/6116 5803/5034/3205 +f 5867/5035/3206 5853/10176/5772 5846/4993/3172 +f 3089/5037/3208 3040/4784/2977 2995/5038/3209 +f 5822/4955/3140 5842/4555/2764 5859/5040/3211 +f 6144/5041/3212 6161/10083/5696 6137/5042/3213 +f 5624/4482/2694 5833/4983/3165 5806/4857/3048 +f 3091/5045/3216 3101/6827/4619 3113/5046/3217 +f 6482/5048/3219 6490/5501/3627 6472/2286/1644 +f 6736/5049/3220 6713/6740/4544 6708/5050/3221 +f 5882/5051/3222 5872/10682/6032 5830/4963/3148 +f 5921/5053/3224 6198/1707/1140 6239/1709/1142 +f 6220/5058/3229 6182/5732/3840 6213/5059/3230 +f 5881/5061/3232 5854/5762/3866 5844/5062/3233 +f 5893/5065/3236 5875/6261/4137 5867/5035/3206 +f 5278/5068/135 5279/12222/135 5292/5069/135 +f 6105/5071/3239 6082/5484/3610 6101/5072/3240 +f 3162/5074/3242 3200/10101/5711 3226/5075/3243 +f 5977/5077/3245 5969/5341/3488 5968/4850/3041 +f 4293/4604/2813 4292/4907/3092 5801/4905/3090 +f 5832/4987/3169 5870/10220/5805 5876/5079/3247 +f 3459/4891/3079 3435/5511/3637 3452/5080/3248 +f 5284/5081/135 5305/10530/135 5299/4742/135 +f 5902/5082/3249 5857/4678/2887 5811/5083/3250 +f 5577/5084/3251 5584/4456/2668 5866/5085/3252 +f 3382/5086/3253 3380/4748/2945 3385/4750/2947 +f 5770/5088/3255 5807/10821/6116 5889/5089/3256 +f 5562/5090/4 195/10607/4 148/5091/4 +f 5847/4985/3167 5876/5079/3247 5883/5093/3257 +f 3352/5094/3258 3325/5679/3797 3398/5095/3259 +f 5948/5097/3261 5918/5431/3564 5917/4646/2855 +f 6189/4756/2953 6143/5677/3795 6174/5098/3262 +f 3279/5099/3263 3566/6615/4438 3584/5100/3264 +f 5669/160/120 870/162/122 5707/5102/3265 +f 6807/5103/3266 6806/6847/4634 6802/5104/3267 +f 5877/5014/3191 5615/1346/833 5631/5106/3269 +f 6086/5110/3273 6090/10250/5828 6063/5111/3274 +f 4308/5113/3276 4301/4917/3102 5818/4916/3101 +f 4123/5115/3278 4109/6679/4488 4106/5116/3279 +f 6611/5118/3281 6633/6632/4436 6639/5119/3282 +f 5831/2782/2006 5590/4460/2672 5588/4525/2734 +f 6860/5121/3284 6888/7368/4915 6839/5122/3285 +f 5885/5107/3270 5631/5106/3269 5639/5124/3287 +f 4040/5125/3288 4024/7339/4893 4026/5126/1505 +f 5625/4523/2732 5624/4482/2694 5862/5044/3215 +f 5623/4484/2696 5680/4602/2811 5833/4983/3165 +f 6816/2862/2083 6930/7440/4976 6940/5129/3291 +f 4264/5133/3295 4263/6899/4684 6148/5134/3296 +f 4299/5136/3298 5622/4483/2695 5691/4529/2738 +f 5267/5138/135 5311/12216/135 5316/5139/135 +f 6768/5141/3300 6766/6790/4589 6761/5142/3301 +f 5574/5144/3303 5901/8856/5399 5889/5089/3256 +f 5892/5146/3305 5601/6774/4574 5636/5147/3306 +f 69/5149/3308 29/23/19 28/22/18 +f 6495/5151/3310 6455/6332/4206 6475/5152/3311 +f 5799/4879/3070 5871/5157/3316 5906/5154/3313 +f 3589/5155/3314 3588/5816/3904 3601/5156/3315 +f 5602/4690/2896 5906/5154/3313 5871/5157/3316 +f 5903/5159/3318 5868/4554/2763 5845/4556/2765 +f 5599/1293/784 5909/1292/783 5878/5161/3320 +f 5584/4456/2668 5880/5160/3319 5838/5163/3322 +f 5905/5001/3178 5883/5093/3257 5876/5079/3247 +f 1734/5165/3324 1737/1570/1021 1735/1572/1023 +f 5770/5088/3255 5747/4964/3149 5745/5167/3325 +f 5904/5169/3327 5897/5145/3304 5823/5033/3204 +f 6206/5175/3333 6211/5831/3916 6184/5176/3334 +f 3541/5178/3336 3532/8364/5266 3544/5179/3337 +f 5608/5181/3339 5888/5294/3445 5881/5061/3232 +f 5575/5183/3341 5574/5144/3303 5897/5145/3304 +f 5845/4556/2765 5842/4555/2764 5797/4722/2925 +f 5837/4961/3146 5906/5154/3313 5598/5193/3351 +f 5655/5194/3352 5912/4870/3061 5908/5003/3180 +f 5988/4849/3040 5985/4777/2970 6007/5195/3353 +f 3198/5197/3355 3138/10218/5803 3135/5198/3356 +f 4172/5199/3357 4170/10830/6122 4161/5200/3358 +f 3119/5202/3360 3154/10217/5802 3213/5203/3361 +f 5882/5051/3222 5901/8856/5399 5607/5208/3366 +f 5599/1293/784 5592/5230/3387 5610/5210/3368 +f 5912/4870/3061 5655/5194/3352 5594/5212/3370 +f 5583/4458/2670 5903/5159/3318 5880/5160/3319 +f 6103/5216/3374 6129/5549/3670 6113/5217/3375 +f 3191/4516/2725 3135/5198/3356 3118/5220/3378 +f 6950/1699/1132 6959/6310/4184 6905/5222/3380 +f 5582/5223/3381 5628/4491/2703 5580/4702/2908 +f 3008/5224/3382 2965/4487/2699 2955/5225/3383 +f 893/5226/3384 897/25550/11625 896/5227/1815 +f 6944/1698/1131 6914/7436/4974 6916/1811/1230 +f 5595/5229/3386 1352/3072/2256 1339/3071/2255 +f 6013/5231/3388 5972/5299/3450 5993/5232/3389 +f 5585/4520/2729 5621/5863/3943 5903/5159/3318 +f 5001/5237/135 5004/11694/135 5005/5238/135 +f 5939/5240/3394 5950/5291/3442 5922/5054/3225 +f 1564/4714/2917 3151/4988/3170 3158/4666/2875 +f 3562/5243/3397 3560/25551/4063 3577/5244/3398 +f 4075/1515/978 4084/2104/1490 4087/2060/1448 +f 3350/5245/3399 3356/10354/5891 3329/5246/3400 +f 3146/5248/3402 3142/5028/3199 3174/5027/3198 +f 3166/5252/3406 3137/10211/5796 3084/5253/3407 +f 5953/5255/3409 5930/4799/2992 5948/5097/3261 +f 4247/5257/3411 5927/10277/5848 5953/5255/3409 +f 3429/5259/3413 3440/4770/2963 3437/5260/3414 +f 5935/4924/3109 5944/5770/3874 5945/5262/3416 +f 5943/5263/3417 5945/5262/3416 5946/4565/2774 +f 4793/5265/135 4794/11317/135 4825/5266/135 +f 3291/5268/3419 3289/5287/3438 3307/5269/3420 +f 5938/5271/3422 5964/5363/3506 5958/4468/2680 +f 5952/5273/3424 6232/5749/3856 5936/4923/3108 +f 3139/4601/2810 3159/10219/5804 3179/5276/3427 +f 3395/5280/3431 3421/5261/3415 3409/5281/3432 +f 3432/5283/3434 3397/4733/2936 3443/5284/3435 +f 911/5286/3437 910/2702/1939 1021/2704/1941 +f 5937/5290/3441 5949/5292/3443 5950/5291/3442 +f 5949/5292/3443 5990/4776/2969 5963/4778/2971 +f 5635/5158/3317 5871/5157/3316 5860/5293/3444 +f 5954/2021/1415 5917/4646/2855 5961/4467/2679 +f 3253/5296/3447 3245/5779/3879 3246/5256/3410 +f 5742/4979/3161 5710/4780/2973 5642/4948/3133 +f 3623/2589/1840 3619/3743/2447 3604/5298/3449 +f 5972/5299/3450 5943/5263/3417 5965/5264/3418 +f 5987/2022/1416 4254/5328/3475 4249/5300/3451 +f 4160/5301/3452 4169/6520/4361 4174/5302/3453 +f 7724/5304/57 7726/9371/57 7760/5305/57 +f 6240/5307/3455 6230/5745/3852 1027/5308/3456 +f 6727/1844/1260 6718/1843/1259 6715/5312/3460 +f 5951/5274/3425 5936/4923/3108 5933/4925/3110 +f 5970/5315/3463 5966/6780/4579 5981/5316/3464 +f 5979/5314/3462 6013/5231/3388 4363/2551/1805 +f 3277/5319/3467 3248/5242/3396 3247/5241/3395 +f 5660/5326/3473 5655/5194/3352 5648/5002/3179 +f 5983/4567/2776 6043/4479/2691 5965/5264/3418 +f 6018/5327/3474 4255/6892/4677 4254/5328/3475 +f 6493/5329/3476 6489/4913/3098 6506/4915/3100 +f 5991/5331/3478 5962/4469/2681 5984/5332/3479 +f 4278/5334/3481 4277/4921/3106 5874/4838/3031 +f 5978/5336/3483 5974/10230/5811 5989/4684/2890 +f 5959/4851/3042 5955/4902/3087 5985/4777/2970 +f 5973/5337/3484 6001/5355/3499 5990/4776/2969 +f 5994/5340/3487 5996/4685/2891 5982/5317/3465 +f 5959/4851/3042 5968/4850/3041 5969/5341/3488 +f 5986/5343/3490 5978/5336/3483 5992/4763/2959 +f 7246/5345/57 7248/8682/57 7362/5346/57 +f 5975/4566/2775 5968/4850/3041 5995/5350/3494 +f 5751/4805/2998 5769/4876/3067 5782/4885/3076 +f 3157/5352/3496 3102/10201/5790 3073/4823/3016 +f 5980/5354/3498 6005/5526/3650 6001/5355/3499 +f 6003/4764/2960 6008/5399/3536 5997/5344/3491 +f 5998/5351/3495 6002/4480/2692 5983/4567/2776 +f 3080/4585/2794 3028/4584/2793 3017/4976/3158 +f 913/5358/3501 973/25552/1883 915/5359/3502 +f 6006/5361/3504 6009/10326/5877 6003/4764/2960 +f 6001/5355/3499 6026/5408/3544 6007/5195/3353 +f 5658/4581/2790 5649/4557/2766 5695/4598/2807 +f 5964/5363/3506 5938/5271/3422 5986/5343/3490 +f 3065/4936/3121 3048/8959/5430 3043/5365/3508 +f 2919/4545/2754 2917/10076/5690 2885/5367/3510 +f 3010/4687/2893 3119/5202/3360 3120/5204/3362 +f 5984/5332/3479 5964/5363/3506 6014/5364/3507 +f 4256/5376/3517 4255/6892/4677 6018/5327/3474 +f 6779/5378/3519 6759/2920/2128 6754/2922/2130 +f 6014/5364/3507 5986/5343/3490 5997/5344/3491 +f 2886/5131/3293 3181/5132/3294 3174/5027/3198 +f 5719/4518/2727 5703/4508/2720 5699/5386/3526 +f 5760/4839/3032 5755/4786/2979 5743/4517/2726 +f 5998/5351/3495 5995/5350/3494 6016/5388/3528 +f 6018/5327/3474 5971/5295/3446 5991/5331/3478 +f 6024/5390/3530 6020/10340/5884 940/5391/3531 +f 6028/5377/3518 5991/5331/3478 6004/5333/3480 +f 6174/5098/3262 6157/5676/3794 6179/5177/3335 +f 7128/5394/57 7182/10341/57 7186/5395/57 +f 3062/5397/3534 3039/5039/3210 3036/5398/3535 +f 6008/5399/3536 6029/5599/3719 6021/5381/3522 +f 6030/5400/3537 6048/5428/3561 6016/5388/3528 +f 6027/5404/3541 6024/10187/3530 6032/5405/3532 +f 6025/5373/3515 6014/5364/3507 6021/5381/3522 +f 6033/5407/3543 6037/5429/3562 6030/5400/3537 +f 6217/5409/3545 6211/5831/3916 6221/5410/3546 +f 1663/5412/3548 1662/25548/11629 1756/4837/3030 +f 3051/5418/3551 2948/9416/5540 2897/5419/3552 +f 6110/4791/2984 6089/5520/3644 6189/4756/2953 +f 5685/4753/2950 5673/4752/2949 5667/4606/2815 +f 6042/2586/1837 6067/2585/1836 6034/4970/3155 +f 6043/4479/2691 6066/5452/3583 5993/5232/3389 +f 6004/5333/3480 5984/5332/3479 6025/5373/3515 +f 3357/4717/2920 3319/4716/2919 3333/5426/3559 +f 2928/4821/3014 2930/10097/5707 3226/5075/3243 +f 6048/5428/3561 6030/5400/3537 6037/5429/3562 +f 5930/4799/2992 6225/4798/2991 5918/5431/3564 +f 6011/5432/3565 6009/10326/5877 1075/5433/3566 +f 6054/5430/3563 6056/10148/5752 6052/4999/3176 +f 6039/5435/3568 6038/10348/5889 6049/4969/3154 +f 6036/5437/3570 6011/5432/3565 6053/5438/3571 +f 6047/5423/3556 6025/5373/3515 6035/5406/3542 +f 3211/4478/2690 3148/4477/2689 3144/5442/3575 +f 6055/5436/3569 6059/5112/3275 6045/5445/3578 +f 6891/1997/1391 6878/1996/1390 6502/5446/3579 +f 6046/5449/3580 6045/5445/3578 6059/5112/3275 +f 6061/4694/2900 6044/4693/2899 6050/5450/3581 +f 6066/5452/3583 6084/5502/3628 6022/5233/3390 +f 3219/5453/3584 3149/10243/5821 3122/5454/3585 +f 6836/5459/3590 6827/7419/4959 6828/5460/3591 +f 6066/5452/3583 6043/4479/2691 6070/4481/2693 +f 7025/5463/57 7029/25530/57 7133/4057/57 +f 6044/4693/2899 6029/5599/3719 6036/5437/3570 +f 1658/2780/2004 1661/2872/2089 1724/2873/2090 +f 6070/4481/2693 6002/4480/2692 6041/4998/3175 +f 3272/1302/793 3274/1301/792 3275/5324/3471 +f 3333/5426/3559 3312/4443/2655 3355/4445/2657 +f 6165/5467/3595 6154/5622/3742 6156/5468/3596 +f 5766/1356/840 5804/5013/3190 5817/5015/3192 +f 4363/2551/1805 6013/5231/3388 6022/5233/3390 +f 4257/5474/3602 6072/10342/5885 6077/5475/3603 +f 6055/5436/3569 6049/4969/3154 6075/5478/3606 +f 3194/5480/3608 3182/10241/5819 3141/5024/3195 +f 5019/5482/135 5015/8645/135 4957/5483/135 +f 6065/5451/3582 6050/5450/3581 6082/5484/3610 +f 6097/5487/3613 6074/2584/1835 936/4890/3078 +f 6073/5439/3572 6053/5438/3571 6064/5489/3615 +f 6080/5479/3607 6086/5110/3273 6059/5112/3275 +f 6092/5491/3617 6078/2576/1827 6087/2578/1829 +f 4144/5493/3619 4141/10815/6112 4126/5494/3620 +f 6077/5475/3603 6058/4692/2898 6061/4694/2900 +f 6500/5497/3623 6496/5010/3187 6508/5012/3189 +f 3665/4909/3094 3688/10528/5991 3654/5498/3624 +f 6480/5500/3626 6472/2286/1644 6490/5501/3627 +f 6084/5502/3628 6066/5452/3583 6076/5462/3593 +f 5581/5004/3181 5881/5061/3232 5873/5063/3234 +f 6088/5496/3622 6061/4694/2900 6065/5451/3582 +f 6091/5506/3632 6068/10367/5900 6069/5507/3633 +f 6083/5513/3639 6057/6764/4563 6071/5514/3640 +f 6082/5484/3610 6073/5439/3572 6085/5490/3616 +f 3164/5481/3609 3201/4708/2914 3217/5516/3642 +f 96/5517/3643 97/6926/4706 105/5518/116 +f 6089/5520/3644 6110/4791/2984 6107/5492/3618 +f 6101/5072/3240 6085/5490/3616 6091/5506/3632 +f 6094/5504/3630 6065/5451/3582 6105/5071/3239 +f 3423/5524/3648 3407/10373/5903 3417/5525/3649 +f 6096/5218/3376 6113/5217/3375 6033/5407/3543 +f 3418/5527/3651 3409/5281/3432 3421/5261/3415 +f 5800/5528/3652 5791/4830/3023 5775/5529/3653 +f 6102/5521/3645 6091/5506/3632 6098/5508/3634 +f 6111/5531/3655 6115/5649/3769 6086/5110/3273 +f 3439/5532/3656 3470/5808/3897 3428/5533/3657 +f 3331/5535/3659 3305/5310/3458 3311/5322/3470 +f 6112/5530/3654 6098/5508/3634 6109/5540/3664 +f 4850/5541/135 4861/8220/135 4858/5542/135 +f 6114/5073/3241 6101/5072/3240 6102/5521/3645 +f 6118/5547/3668 6125/5602/3722 6054/5430/3563 +f 1743/2753/1982 1742/2752/1981 1740/1576/1027 +f 5920/4794/2987 5922/5054/3225 5950/5291/3442 +f 6023/5389/3529 6041/4998/3175 6002/4480/2692 +f 6129/5549/3670 6103/5216/3374 6124/5550/3671 +f 6120/5555/3676 6127/10325/5876 6097/5487/3613 +f 5835/4862/3053 5869/5728/3836 5879/5556/3677 +f 6109/5540/3664 6079/8114/5205 1072/5557/3678 +f 6118/5547/3668 6113/5217/3375 6129/5549/3670 +f 6210/5563/3684 6219/5750/3857 6206/5175/3333 +f 6371/5568/3689 6873/7347/4900 6886/5569/3690 +f 6093/5571/3692 6074/2584/1835 6104/5572/3693 +f 3323/5338/3485 3324/10320/5874 3309/5270/3421 +f 3216/5579/3699 2898/4476/2688 2940/4904/3089 +f 6078/2576/1827 6092/5491/3617 6076/5462/3593 +f 3555/3861/2475 3521/3860/2474 3558/5580/3700 +f 6121/5581/3701 6112/5530/3654 6116/5043/3214 +f 3666/5582/3702 3681/5950/4017 3690/5583/3703 +f 5796/1325/815 5821/4504/2716 5827/5587/3707 +f 3041/5588/3708 3006/5640/3760 2994/5589/3709 +f 5703/4508/2720 5696/4507/2719 5693/5592/3712 +f 3088/5594/3714 3038/10164/5764 3031/5595/3715 +f 6029/5599/3719 6008/5399/3536 6011/5432/3565 +f 6150/5600/3720 6157/5676/3794 6142/5601/3721 +f 6146/5603/3723 6114/5073/3241 6119/5546/3667 +f 6789/5604/3724 6787/6303/4175 6776/5605/3725 +f 3219/5453/3584 2913/4903/3088 2911/5607/3727 +f 3066/5609/3729 3045/10168/5768 3013/5610/3730 +f 6155/5611/3731 6134/5573/3694 6176/5612/3732 +f 5682/5614/3734 5697/4675/2884 5708/5615/3735 +f 6111/5531/3655 6108/5655/3775 6155/5611/3731 +f 6771/4674/2883 6747/4673/2882 6735/5618/3738 +f 6126/5558/3679 1072/5557/3678 6128/5621/3741 +f 6136/5561/3682 6129/5549/3670 6164/5551/3672 +f 6135/5624/3744 6156/5468/3596 6154/5622/3742 +f 6140/5625/3745 6158/10428/5938 6156/5468/3596 +f 6259/5626/3746 6250/4526/2735 6248/4528/2737 +f 5740/5633/3753 5708/5615/3735 5697/4675/2884 +f 6147/5634/3754 6106/6767/4566 6117/5635/3755 +f 6257/5637/3757 6269/5888/3962 6277/5638/3758 +f 3006/5640/3760 2989/4633/2842 2988/4631/2840 +f 6556/2271/1629 6542/2270/1628 6554/5641/3761 +f 3520/5643/3763 3511/5652/3772 3514/5644/3764 +f 6115/5649/3769 6111/5531/3655 6159/5617/3737 +f 3429/5259/3413 3400/5456/3587 3402/5457/3588 +f 3517/5651/3771 3508/10425/5937 3511/5652/3772 +f 3208/5108/3271 3203/5109/3272 3233/5171/3329 +f 6134/5573/3694 6104/5572/3693 6139/4825/3018 +f 6108/5655/3775 6093/5571/3692 6134/5573/3694 +f 6153/5659/3777 6084/5502/3628 6099/5503/3629 +f 6176/5612/3732 6139/4825/3018 6162/4827/3020 +f 3554/5667/3785 3549/10111/5721 3565/5668/3786 +f 6135/5624/3744 6123/10399/5917 6130/5670/3788 +f 1647/4175/2539 1644/6286/4161 1572/5672/3790 +f 3447/5673/3791 3449/5537/3661 3422/5539/3663 +f 6157/5676/3794 6174/5098/3262 6143/5677/3795 +f 3302/5678/3796 3272/10299/793 3295/4470/2682 +f 6204/4760/2957 4367/1019/658 4366/5680/3798 +f 3826/5684/3802 3830/10215/5800 3817/5685/3803 +f 3501/4544/2753 3498/4543/2752 3535/4586/2795 +f 3024/4718/2921 3078/4832/3025 3083/5596/3716 +f 5762/4793/2986 5790/4959/3144 5804/5013/3190 +f 6194/4754/2951 6174/5098/3262 6184/5176/3334 +f 6192/5689/3807 6208/4573/2782 6196/5690/3808 +f 6191/5693/3811 6198/1707/1140 6186/5694/3812 +f 6168/5623/3743 6164/5551/3672 6196/5690/3808 +f 2902/4496/2708 2903/10096/5706 2901/5696/3814 +f 6193/5613/3733 6176/5612/3732 6188/5664/3782 +f 6159/5617/3737 6155/5611/3731 6193/5613/3733 +f 3456/5699/3817 3490/10423/5935 3486/5597/3717 +f 3513/5701/3784 3507/25553/3783 3489/5647/3767 +f 6160/4790/2983 6204/4760/2957 6190/5681/3799 +f 6198/1707/1140 5921/5053/3224 6197/5703/3820 +f 6163/4792/2985 6205/4759/2956 6204/4760/2957 +f 4909/5705/135 4916/11492/135 4891/5706/135 +f 6178/5708/3822 6199/5564/3685 6206/5175/3333 +f 6169/5709/3823 6145/6777/4577 6185/5710/3824 +f 3125/4732/2935 3129/6887/4672 3068/5712/3826 +f 6297/5713/3827 6293/2807/2030 6282/2809/2032 +f 7318/5715/57 7360/25554/57 7352/5716/57 +f 8650/5718/4 2824/14210/4 2826/5719/4 +f 4096/125/90 4663/6875/4660 4672/5721/3829 +f 6195/5698/3816 6193/5613/3733 6209/5697/3815 +f 6215/5722/3830 6194/4754/2951 6214/5688/3806 +f 2970/2771/1995 2992/2770/1994 3027/5724/3832 +f 6214/5688/3806 6184/5176/3334 6217/5409/3545 +f 5864/5726/3834 5834/7463/4994 5828/5727/3835 +f 5869/5728/3836 5835/4862/3053 5829/4679/2888 +f 5914/4451/2663 5594/5212/3370 5593/4493/2705 +f 5763/4806/2999 5782/4885/3076 5787/4829/3022 +f 6197/5703/3820 6216/5747/3854 6188/5664/3782 +f 3397/4733/2936 3381/4796/2989 3418/5527/3651 +f 6207/5730/3838 6203/4548/2757 6218/4550/2759 +f 6185/5710/3824 6131/6776/4576 6182/5732/3840 +f 5647/4605/2814 5641/5776/3876 5636/5147/3306 +f 6163/4792/2985 6110/4791/2984 6202/4755/2952 +f 5761/4854/3045 5718/4696/2902 5672/5734/3842 +f 6227/5733/3841 6202/4755/2952 6215/5722/3830 +f 3289/5287/3438 3291/5268/3419 3292/5737/3845 +f 4013/2074/1461 4055/6927/4707 4007/5738/3846 +f 916/5742/3849 922/10212/5797 921/5743/3850 +f 6231/4575/2784 6224/4574/2783 6230/5745/3852 +f 6210/5563/3684 6208/4573/2782 6231/4575/2784 +f 6216/5747/3854 6228/3038/2230 6209/5697/3815 +f 6228/3038/2230 6229/3037/2229 6212/4549/2758 +f 6223/5411/3547 5942/10298/5864 5919/5725/3833 +f 6225/4798/2991 6214/5688/3806 5919/5725/3833 +f 6218/4550/2759 6212/4549/2758 6229/3037/2229 +f 6201/5711/3825 6185/5710/3824 6220/5058/3229 +f 6219/5750/3857 6210/5563/3684 6234/5746/3853 +f 6640/5753/3860 6625/6646/4459 3950/5754/3861 +f 3346/4715/2918 3316/6876/4661 3303/5756/3863 +f 7085/5758/57 7008/25555/57 6994/5759/57 +f 3003/4977/3159 2955/5225/3383 2926/4505/2717 +f 5646/4531/2740 5614/4462/2674 5597/5761/3865 +f 5888/5294/3445 5860/5293/3444 5854/5762/3866 +f 3136/5763/3867 3165/5928/3995 3169/5029/3200 +f 3917/5764/3868 3916/10724/6067 3918/5765/3869 +f 3890/2799/2022 3904/6420/4279 2371/3746/2448 +f 5970/5315/3463 5974/10230/5811 5931/5767/3871 +f 6238/5769/3873 5945/5262/3416 5944/5770/3874 +f 3585/5771/3875 3583/10470/5956 3292/5737/3845 +f 6655/5773/135 6657/10994/135 63/5774/135 +f 5641/5776/3876 5905/5001/3178 5900/5148/3307 +f 5947/5777/3877 6237/5780/3880 5932/5778/3878 +f 5977/5077/3245 5946/4565/2774 5945/5262/3416 +f 6237/5780/3880 6236/5751/3858 5926/5781/3881 +f 5926/5781/3881 5924/10184/5778 5925/5782/3882 +f 6205/4759/2956 6163/4792/2985 6227/5733/3841 +f 5315/5789/135 5245/6296/135 5246/5790/135 +f 6232/5749/3856 6220/5058/3229 5934/5060/3231 +f 6511/5792/3887 6504/6422/4281 6512/5793/3888 +f 1037/5797/3891 5939/10288/3394 6239/5798/1142 +f 4015/5802/3894 4058/7423/4963 3939/5803/3895 +f 7002/5805/57 7083/10427/57 7082/5806/57 +f 3470/5808/3897 3439/5532/3656 3476/5809/3898 +f 2003/2118/1503 2002/2117/1502 2021/1789/1212 +f 924/1362/846 927/25556/11626 923/5811/1846 +f 6253/5812/3900 6256/2670/1915 6254/2671/1916 +f 6301/5817/3905 6244/10464/5953 6241/5627/3747 +f 1628/2600/1850 1631/25557/5750 1627/5818/3906 +f 4271/5819/3907 2975/6907/4690 3022/5820/3908 +f 7268/5822/57 7340/2746/57 7339/5823/57 +f 6249/5828/3913 6245/5929/3996 6263/3803/2459 +f 6211/5831/3916 6206/5175/3333 6219/5750/3857 +f 5803/5034/3205 5768/5168/3326 5758/5838/3923 +f 6264/5840/3925 6262/10483/5963 6251/5841/3926 +f 6271/5844/3929 6260/5868/3948 6247/5845/3930 +f 6250/4526/2735 6259/5626/3746 6270/5848/3933 +f 7179/5849/57 7175/8317/57 7134/5850/57 +f 3607/5852/3934 3593/10480/5961 3644/5853/3935 +f 6261/5846/3931 6275/2808/2031 6283/5856/3938 +f 7180/5857/57 7179/5849/57 7136/5851/57 +f 6256/2670/1915 6253/5812/3900 6275/2808/2031 +f 6273/5861/3941 987/10484/5964 6264/5840/3925 +f 1844/1818/1235 1845/7316/4875 1835/1768/1193 +f 5868/4554/2763 5903/5159/3318 5621/5863/3943 +f 6260/5868/3948 6245/5929/3996 6246/5869/3949 +f 3515/5654/3774 3480/5586/3706 3678/5870/3950 +f 998/1494/963 999/1493/962 995/5872/3952 +f 6280/5874/3954 4269/6901/4686 6281/5875/3955 +f 6282/2809/2032 6275/2808/2031 6253/5812/3900 +f 6276/5639/3759 6277/5638/3758 6287/5714/3828 +f 7496/5881/57 7450/8327/57 7422/5882/57 +f 5144/5884/135 5140/11880/135 5095/5885/135 +f 6292/5887/3961 6277/5638/3758 6269/5888/3962 +f 6277/5638/3758 6292/5887/3961 6299/5890/3964 +f 5626/4537/2746 5601/6774/4574 1004/5891/3965 +f 6573/2069/1456 6586/2071/1458 6537/5894/3968 +f 5628/4491/2703 5582/5223/3381 5910/5896/3970 +f 8485/5897/4 8571/13465/4 8569/5898/4 +f 6298/5900/3971 6290/5930/3997 6283/5856/3938 +f 6309/5901/3972 6312/5914/3981 6319/1320/810 +f 3111/4946/3131 3183/1786/1209 3225/5907/3977 +f 6291/3865/2477 6296/5923/3990 6246/5869/3949 +f 7153/5910/57 7017/25558/57 7015/5911/57 +f 6315/5913/3980 6319/1320/810 6312/5914/3981 +f 6252/5917/3984 6302/10505/5975 6294/5918/3985 +f 6269/5888/3962 6257/5637/3757 6288/5919/3986 +f 6248/4528/2737 6303/4527/2736 6298/5900/3971 +f 6304/5922/3989 6297/5713/3827 6287/5714/3828 +f 6247/5845/3930 6246/5869/3949 6296/5923/3990 +f 6261/5846/3931 6247/5845/3930 6300/148/108 +f 3656/5924/3991 3652/10513/5980 3654/5498/3624 +f 6308/5926/3993 6306/5978/4042 6307/2664/1909 +f 5912/4870/3061 5896/4869/3060 5890/5927/3994 +f 3165/5928/3995 3196/10234/5815 3203/5109/3272 +f 6274/3804/2460 6263/3803/2459 6245/5929/3996 +f 6303/4527/2736 6294/5918/3985 6290/5930/3997 +f 1048/5931/3998 1046/13621/6483 6861/77/56 +f 6322/3939/2489 6336/1321/811 6315/5913/3980 +f 6354/5933/4000 6348/5970/4035 6351/5934/4001 +f 3594/5916/3983 3591/10481/5962 3609/5825/3910 +f 454/678/415 432/677/434 430/632/416 +f 6334/5944/4011 6333/5946/4013 6324/3760/2453 +f 6333/5946/4013 6334/5944/4011 6172/5947/4014 +f 2559/2177/1546 498/4029/135 500/4042/135 +f 6326/5952/3973 6338/5966/4031 6320/5953/4019 +f 6048/5428/3561 6052/4999/3176 6023/5389/3529 +f 3268/5801/3893 3269/5800/3892 3265/5958/4023 +f 2391/4132/2532 2397/3784/135 546/3777/135 +f 3103/5959/4024 3098/10197/5786 3094/5960/4025 +f 6345/1322/812 6336/1321/811 6340/5962/4027 +f 5859/5040/3211 5868/4554/2763 5620/5864/3944 +f 6346/5965/4030 6320/5953/4019 6338/5966/4031 +f 6328/5968/4033 6321/10314/5870 6320/5953/4019 +f 6348/5970/4035 6354/5933/4000 6338/5971/4031 +f 6348/5970/4035 6345/1322/812 6347/5963/4028 +f 6341/5977/4041 6335/10313/5869 6306/5978/4042 +f 6005/5526/3650 5980/5354/3498 1033/5980/4044 +f 6350/5981/4045 6356/8363/5265 6353/5982/4046 +f 6340/5962/4027 6323/5989/4051 6343/5983/4047 +f 6323/5989/4051 6340/5962/4027 6336/1321/811 +f 6296/5923/3990 6291/3865/2477 6280/5874/3954 +f 2159/3233/432 2158/6499/431 2157/3245/468 +f 6325/3759/2452 6314/2662/1907 6339/5992/4054 +f 6355/5994/4056 1065/10531/5993 6351/5934/4001 +f 6349/5997/4057 6344/10078/5692 6316/5998/4058 +f 6308/5926/3993 6317/3938/2488 6316/5998/4058 +f 2923/4515/2724 2882/4514/2723 2916/5999/4059 +f 5481/6005/4 5516/10594/4 4693/6006/4 +f 2818/6012/4 3732/6825/4 3731/6013/4 +f 2821/6014/4 3731/6013/4 3734/6015/4 +f 2815/6017/4 2813/10556/4 4683/6018/4 +f 276/6030/4 2797/6148/4 3741/6031/4 +f 5521/6034/4 5524/10621/4 183/6035/4 +f 5556/6040/4 5521/6034/4 186/6036/4 +f 2856/6045/4 2858/6131/4 283/6046/4 +f 1818/1769/1194 1808/2847/2068 1817/2846/2067 +f 2748/6054/4 286/6119/4 288/6055/4 +f 229/37/4 5460/25379/4 5558/6060/4 +f 2866/6066/4 289/6121/4 291/6067/4 +f 7553/6077/57 7468/13761/57 7599/6078/57 +f 2759/6002/4 3704/6004/4 3705/6089/4 +f 2771/6102/4 2769/6155/4 3739/6103/4 +f 2773/6105/4 2771/6102/4 3737/6104/4 +f 2775/6107/4 2773/6105/4 3735/6106/4 +f 5717/4809/3002 5701/4808/3001 5660/5326/3473 +f 2835/6109/4 3708/7498/4 4723/6110/4 +f 2777/6112/4 3730/7501/4 3729/6113/4 +f 6318/5915/3982 6316/5998/4058 6317/3938/2488 +f 5472/6114/4 191/6124/4 193/6115/4 +f 5468/6122/4 5552/6130/4 190/6123/4 +f 2816/6125/4 2815/6017/4 4682/6019/4 +f 5503/4900/4 4701/4899/4 4700/6127/4 +f 5819/4968/3153 5778/4877/3068 1009/6129/4062 +f 5552/6130/4 5554/10612/4 188/6041/4 +f 3560/6134/4063 3551/10442/5947 3574/6135/4064 +f 1876/2180/1549 1856/2144/1526 1851/1820/1237 +f 5223/6138/135 5224/12111/135 5228/6139/135 +f 5505/6128/4 4700/6127/4 4699/6144/4 +f 5495/6152/4 5493/10626/4 4706/6153/4 +f 3237/5190/3348 2047/1809/1228 2034/1808/1227 +f 309/6081/4 2751/6083/4 3718/6080/4 +f 2402/6180/4065 5451/11648/4065 5450/6181/4066 +f 6365/6193/4077 6331/2691/1931 6364/2692/1932 +f 4226/6196/4080 4227/6865/4650 4220/6197/4081 +f 1951/2077/1464 1929/1641/1074 1950/2004/1398 +f 2825/6204/4 336/10322/4 337/6038/4 +f 6386/6221/4104 6385/89/66 6384/6222/4105 +f 6388/6224/4107 6386/25559/4104 6387/6225/4106 +f 6390/6227/4109 6388/6224/4107 6389/6226/4108 +f 7577/6229/57 7592/13833/57 7622/6230/57 +f 6394/6232/4111 6392/7429/4967 6393/6233/4112 +f 4428/6237/4 4337/7235/4 4339/6238/4 +f 5721/4801/2994 5675/4635/2844 5666/4636/2845 +f 6744/6241/4117 6745/10826/6119 6765/6242/4118 +f 3190/4967/3152 3170/4966/3151 3143/6243/4119 +f 3325/5679/3797 3295/4470/2682 3376/4472/2684 +f 6402/6251/4127 6398/6771/4571 6400/6252/4128 +f 6403/6253/4129 6401/10248/5826 6402/6251/4127 +f 6405/1365/849 6407/1364/848 6406/6254/4130 +f 3482/5663/3781 3414/5096/3260 3430/6258/4134 +f 4163/5303/3454 4174/5302/3453 4185/6259/4135 +f 5875/6261/4137 5893/5065/3236 5895/5162/3321 +f 6416/6266/4140 6408/10389/5909 6417/6267/4141 +f 6413/6269/4143 6409/10671/5899 6410/6270/4144 +f 6752/6273/4148 6770/6803/4601 6773/6274/4149 +f 4046/4117/2529 4057/7418/4958 4059/6276/4151 +f 6421/6280/4155 6413/6269/4143 6415/6271/4145 +f 5587/6282/4157 5575/5183/3341 5904/5169/3327 +f 6411/6283/4158 6407/1364/848 6414/6284/4159 +f 1644/6286/4161 1639/10073/5687 1576/6287/4162 +f 4210/6290/852 4208/10845/851 4201/6291/4165 +f 6598/1398/879 6617/1400/881 6622/6293/4167 +f 5315/5789/135 5312/12217/135 5244/6295/135 +f 898/1327/817 894/1326/816 891/1314/805 +f 6423/4935/3120 6431/4934/3119 6429/6297/4169 +f 6428/6268/4142 6432/6299/4171 6419/6298/4170 +f 6432/6299/4171 6428/6268/4142 6430/6300/4172 +f 6795/6302/4174 6794/6824/4617 6787/6303/4175 +f 6435/6306/4179 6426/10678/6029 6429/6297/4169 +f 6437/6307/4180 6429/6297/4169 6431/4934/3119 +f 6943/3059/2247 6957/5032/3203 6959/6310/4184 +f 6423/4935/3120 6418/10291/5858 6427/6311/4185 +f 6425/6312/4186 6419/6298/4170 6432/6299/4171 +f 6434/6301/4173 6444/6322/4196 6442/6313/4187 +f 5934/5060/3231 6213/5059/3230 5944/5770/3874 +f 6437/6307/4180 6446/6318/4192 6443/6316/4190 +f 6446/6318/4192 6437/6307/4180 6439/6309/4183 +f 6442/6313/4187 6449/6321/4195 6433/6320/4194 +f 6449/6321/4195 6442/6313/4187 6444/6322/4196 +f 6436/6324/4198 6450/6336/4210 6430/6300/4172 +f 6445/6326/4200 6440/4933/3118 6441/6327/4201 +f 6447/6330/4204 6443/6316/4190 6446/6318/4192 +f 6455/6332/4206 6395/6234/4113 6454/6333/4207 +f 6448/6319/4193 6454/6333/4207 6452/6331/4205 +f 3194/5480/3608 3217/5516/3642 2878/4441/2653 +f 6450/6336/4210 6457/6342/4217 6434/6301/4173 +f 5776/6337/4211 5722/4724/2927 5713/4726/2929 +f 6456/6339/4214 6438/8679/5354 6459/6340/4215 +f 6456/6339/4214 6460/6356/4228 6457/6342/4217 +f 4014/2059/1447 4037/6832/4624 4033/6343/4218 +f 3104/6345/4221 3127/3878/2482 3131/1371/855 +f 6463/6346/4222 6449/6561/4195 6453/6347/4197 +f 5704/4866/3057 5657/4865/3056 5652/4538/2747 +f 6444/6322/4196 6434/6301/4173 6457/6342/4217 +f 5616/1348/835 5858/5000/3177 5597/5761/3865 +f 1369/6354/1632 1415/25560/1631 1367/2264/1623 +f 3091/5045/3216 3054/6528/4368 3030/6355/4227 +f 6466/6349/4224 6457/6342/4217 6460/6356/4228 +f 6454/6333/4207 6448/6319/4193 6465/6358/4230 +f 4912/6359/135 4905/11478/135 4869/6360/135 +f 6466/6362/4224 6473/6369/4236 6453/6347/4197 +f 6460/6356/4228 6456/6339/4214 6474/6341/4216 +f 3833/6304/4176 3824/6288/4163 3827/6365/4232 +f 1101/1685/1118 1094/1956/1360 1103/2823/2046 +f 6473/6369/4236 6466/6362/4224 6469/6370/4229 +f 6469/6357/4229 6460/6356/4228 6477/6364/4231 +f 6481/6373/4238 6479/6494/4337 6484/6374/4239 +f 1977/2836/2058 1991/2116/1501 1973/2065/1452 +f 4632/3051/2239 4631/3050/2238 4666/6375/4240 +f 6464/2285/1643 6453/6347/4197 6473/6369/4236 +f 6894/6377/4242 6835/3085/2261 6834/6378/4243 +f 6312/5914/3981 6309/5901/3972 6310/6380/4245 +f 4078/6382/4247 4217/6846/4633 4213/6383/4248 +f 4676/6384/4249 4638/10964/6165 4636/1563/1014 +f 5718/4696/2902 5688/4642/2851 5659/6385/4250 +f 6475/5152/3311 6471/10119/5726 6486/6386/4251 +f 6476/6371/4237 6469/6370/4229 6488/2841/2062 +f 5960/5342/3489 5969/5341/3488 6235/5748/3855 +f 6489/4913/3098 6493/5329/3476 6491/5153/3312 +f 1128/2149/1531 1118/2832/2054 1114/2831/1420 +f 3454/6390/4255 3506/5632/3752 3485/5591/3711 +f 4576/6391/4256 4602/10775/6087 4586/6392/4257 +f 6483/6394/4259 6476/6371/4237 6497/2840/2061 +f 3872/6367/4234 3868/10705/6052 3883/6395/4260 +f 1226/2955/2158 1249/2914/2124 1264/3001/2194 +f 6825/6397/4261 6861/77/56 7866/79/57 +f 4341/6399/4262 1911/4626/2835 1893/2092/1479 +f 4678/6401/4264 4671/1931/1336 4668/6402/4265 +f 6222/5731/3839 6218/4550/2759 6235/5748/3855 +f 6499/6407/4270 6492/2839/1433 6501/6408/1435 +f 4158/6410/4272 4133/10455/5952 4124/6411/4273 +f 2581/4052/2523 4047/10771/6085 4054/6277/4152 +f 6638/6413/4275 6632/6633/1277 6634/6414/1279 +f 2921/6416/4277 3205/5443/3576 3198/5197/3355 +f 7006/6417/57 7008/25555/57 7085/5758/57 +f 6507/6421/4280 6510/6449/4307 6509/5330/3477 +f 6508/5012/3189 6503/5011/3188 6504/6422/4281 +f 3857/6423/4282 3853/4628/2837 3871/4630/2839 +f 972/1445/920 970/1444/919 964/1431/906 +f 3860/6425/4284 3847/10698/6047 3851/6426/4285 +f 6507/6421/4280 6500/5497/3623 6514/1870/1283 +f 6801/6429/4288 6800/6839/4629 6796/4918/3103 +f 6493/5329/3476 6509/5330/3477 6494/6431/4290 +f 3359/6432/4291 3354/10107/5717 3363/5402/3539 +f 1050/2751/1980 1053/25485/11628 1054/1603/1048 +f 6515/1868/1281 6511/5792/3887 6516/5794/3889 +f 6500/5497/3623 6507/6421/4280 6506/4915/3100 +f 4598/6437/4296 4603/6566/4399 4550/6438/4297 +f 6700/6440/4299 6686/6575/4406 6680/6441/4300 +f 6522/6443/4302 6521/3967/2499 6523/3969/2501 +f 6825/6397/4261 7827/13659/57 1527/6445/57 +f 6585/6448/4306 6579/10847/6131 6584/1878/1291 +f 6510/6449/4307 6520/10725/6068 6526/6450/4308 +f 756/6452/4310 758/11220/502 757/6453/500 +f 5322/6455/4311 5305/9591/4311 5309/6456/1728 +f 7889/6458/4312 7888/13251/4312 7886/6459/4313 +f 8679/6464/4317 8758/13026/4317 8759/333/234 +f 5194/6468/4 2353/25561/4 2564/6469/4 +f 8535/6471/4320 8537/10019/4321 8536/6472/4321 +f 3929/6466/4318 3928/6463/4316 3930/6474/4322 +f 7225/2407/564 7184/2406/564 7185/6480/4327 +f 3950/5754/3861 3949/1854/1270 3951/1853/1269 +f 354/6482/2370 353/8783/2370 355/6483/4328 +f 3943/6485/2869 3942/2681/1923 3944/2680/1922 +f 1957/2032/1423 1944/2033/1424 1961/2044/1432 +f 483/4165/135 480/1426/135 2662/4156/135 +f 5724/6489/4332 5705/4649/2858 5690/6490/4333 +f 6586/2071/1458 6572/2070/1457 6565/6491/4334 +f 2056/3090/2266 2052/2182/1551 2039/2164/1538 +f 4311/6493/4336 4307/2923/2131 1904/1918/1325 +f 6479/6494/4337 6481/6373/4238 6477/6364/4231 +f 6549/6495/4338 6528/10006/5665 4736/6496/4339 +f 2158/6499/431 2155/3202/428 2154/643/427 +f 6550/6500/4342 6532/9095/5460 6530/6501/4343 +f 6394/6232/4111 1494/13841/57 1491/6502/57 +f 4095/124/89 4099/10798/6106 4102/2595/1845 +f 6857/6504/4345 6833/1552/1007 6852/1554/1009 +f 6537/5894/3968 6538/6565/4398 6539/6508/4349 +f 6558/1943/1347 3934/10747/6075 3936/4182/2541 +f 4155/6511/4352 4152/10140/5745 4151/6512/4353 +f 6557/6503/4344 6552/5895/3969 6556/2271/1629 +f 4578/6517/4358 4596/1766/1191 4597/6518/4359 +f 4169/6520/4361 4160/5301/3452 4137/6521/4362 +f 3969/6523/4364 3974/10762/2271 3973/6524/2273 +f 5809/2556/1810 5741/2555/1809 5737/1323/813 +f 5573/6526/4366 5579/4446/2658 5574/5144/3303 +f 3056/6527/4367 3037/10170/5770 3027/5724/3832 +f 1304/2135/1517 1321/1926/1331 1302/3040/2231 +f 6564/6531/4371 6550/6500/4342 6563/6532/4372 +f 6932/6534/4374 6955/1810/1229 6952/6535/4375 +f 4308/5113/3276 5843/5114/3277 5894/6538/4378 +f 3992/6540/4380 3975/10752/6077 3977/6541/4381 +f 1175/1700/1133 1160/1702/1135 1172/1666/1099 +f 3967/2240/1603 3984/10740/4382 3977/6543/4381 +f 6840/6544/4383 6896/7391/4936 6855/6545/4384 +f 4814/6546/135 4812/8136/135 4819/6547/135 +f 6881/6549/4385 6894/6377/4242 6843/6379/4244 +f 7161/6551/57 7159/4181/57 7279/4180/57 +f 3964/6552/4387 3997/10757/6080 3992/6540/4380 +f 6180/6554/4389 6203/4548/2757 6207/5730/3838 +f 4362/6555/4390 4360/6934/4714 1165/6556/2103 +f 2472/3890/135 2474/3896/135 2422/3820/135 +f 1469/4761/57 1471/13810/57 6637/6557/4391 +f 1358/1416/897 1346/7480/5011 1356/3096/1254 +f 6441/6327/4201 6433/6823/4194 6449/6561/4195 +f 4556/6562/4395 4584/6567/4400 4616/6563/4396 +f 6577/2952/2155 6543/2954/2157 6539/6508/4349 +f 1546/3095/2269 2057/2209/1574 2052/2208/1551 +f 4603/6566/4399 4616/6563/4396 4584/6567/4400 +f 4195/6568/4401 4183/10072/5686 4172/5199/3357 +f 3965/6515/4356 3966/1852/1268 3949/1854/1270 +f 3986/2998/2198 3967/2240/1603 3966/1852/1268 +f 1194/6572/2251 1179/10765/6084 1196/2916/2126 +f 6693/6573/4404 6688/6700/4511 6685/6574/4405 +f 6587/2243/1606 6596/2242/1605 6640/5753/3860 +f 6646/6577/4408 6587/2243/1606 6588/6576/4407 +f 6596/2242/1605 6590/10960/4428 6591/6579/4410 +f 6593/6581/4412 6601/6606/4430 6594/4658/2867 +f 5082/6583/135 5083/11813/135 5091/6584/135 +f 6543/2954/2157 6576/2953/2156 6583/6586/4414 +f 6595/6588/4413 6607/3970/2502 6616/6589/4416 +f 3275/5324/3471 3299/4789/2982 3298/4788/2981 +f 6602/6594/4420 6603/6851/4637 6617/1400/881 +f 6612/3992/2508 6613/25529/4965 6611/5118/3281 +f 6608/2241/1604 6609/6597/4423 6610/6595/4421 +f 6587/2243/1606 6646/6577/4408 6609/6597/4423 +f 6920/6598/4424 6913/7434/4972 6958/6599/4425 +f 6590/6603/4428 6614/3943/2490 6605/6604/4429 +f 6601/6606/4430 6593/6581/4412 6620/6607/4431 +f 6632/1864/1277 6620/25562/4431 6593/6590/4412 +f 6611/6612/3281 6615/6608/4432 6620/6607/4431 +f 500/4042/135 502/4056/135 2581/4052/2523 +f 1310/3041/2174 1289/3013/2208 1278/2052/1440 +f 6621/3945/2492 6603/6851/4637 6605/6604/4429 +f 3530/6614/4437 3465/5005/3182 3525/5007/3184 +f 6616/6589/4416 6607/3970/2502 6606/6616/4439 +f 6419/6298/4170 6425/6312/4186 6424/6285/4160 +f 6119/5546/3667 6102/5521/3645 6112/5530/3654 +f 6622/6293/4167 6621/3945/2492 4740/6617/4440 +f 3783/6619/57 8/7690/57 6/6620/57 +f 6623/6294/4168 6626/6618/4441 6627/6624/4444 +f 6781/6626/4446 6793/10153/4613 6797/6627/4447 +f 6628/4762/2958 6631/6726/4537 6531/6629/4449 +f 3223/6630/4450 3217/5516/3642 3201/4708/2914 +f 1921/1959/1363 1908/2961/2163 1932/4625/2834 +f 6637/6557/4391 6630/6959/4738 6635/6631/4451 +f 6606/6616/4439 6625/6646/4459 6592/6580/4411 +f 6633/6632/4436 6620/25563/4431 6632/6633/1277 +f 963/1622/1058 966/2718/1952 1029/2720/1954 +f 4583/6634/4452 4598/6437/4296 4552/6439/4298 +f 6634/1866/1279 6624/1865/1278 6592/6580/4411 +f 3973/6524/2273 3786/6571/4403 3788/6636/4454 +f 6641/6639/4457 6639/5119/3282 6633/6632/4436 +f 4988/6640/135 5006/8631/135 5009/1610/135 +f 6629/5120/3283 6639/5119/3282 6643/1408/889 +f 5303/6642/135 5270/6904/135 5271/6643/135 +f 972/1600/1045 1052/1599/1044 1049/6645/4458 +f 6625/6646/4459 6640/5753/3860 6596/2242/1605 +f 6594/4658/2867 3943/4660/2869 3946/6650/2503 +f 4569/6651/4463 4619/10930/6146 4577/6393/4258 +f 4267/6652/4464 6366/6194/4078 6367/6653/4465 +f 6605/6604/4429 6604/6415/4276 6634/6414/1279 +f 3896/6405/4268 3900/6404/4267 3894/6655/4467 +f 1871/1851/1267 1861/2016/1410 1872/2091/1478 +f 2503/3936/135 2514/3952/135 2513/3951/2493 +f 865/1270/764 860/1269/763 858/1257/751 +f 7381/6660/57 7385/8839/57 7384/6661/57 +f 4181/6260/4136 4185/6259/4135 4194/6669/4478 +f 4051/6670/4479 4037/25564/4624 4014/3067/1447 +f 6661/6673/4482 6666/7335/4889 6664/6674/4483 +f 4134/6678/4487 4118/10221/5806 4109/6679/4488 +f 6667/6680/4489 6669/6852/4638 6668/6681/4490 +f 6660/6684/4494 6670/6688/4498 6673/6685/4495 +f 6676/6687/4497 6673/6685/4495 6670/6688/4498 +f 6678/6690/4500 6676/6687/4497 6671/6689/4499 +f 6673/6685/4495 6676/6687/4497 6677/6692/4502 +f 6676/6687/4497 6678/6690/4500 6680/6441/4300 +f 6674/6686/4496 6675/6693/4503 6681/6696/4506 +f 6685/6574/4405 6681/6696/4506 6675/6693/4503 +f 6686/6575/4406 6685/6574/4405 6677/6692/4502 +f 6672/6691/4501 6679/1530/990 6687/6699/4510 +f 6681/6696/4506 6685/6574/4405 6688/6700/4511 +f 6512/5793/3888 6502/5446/3579 6513/6702/4513 +f 6697/6703/4514 6689/6718/4529 6684/6701/4512 +f 3863/6705/4516 3854/8656/5353 3857/6423/4282 +f 5893/5065/3236 5884/5066/3237 5915/6707/4518 +f 1869/1738/1168 1854/1737/1167 1870/1871/1284 +f 6687/6699/4510 6692/1529/989 6695/6710/4521 +f 6555/6712/4523 6534/2817/2040 6553/2819/2042 +f 6859/6713/4524 6860/5121/3284 6838/5123/3286 +f 6704/6714/4525 6700/6440/4299 6691/6442/4301 +f 6702/6716/4527 6690/7486/5016 6701/6717/4528 +f 6689/6718/4529 6697/6703/4514 6703/6719/4530 +f 6705/6721/4532 6692/1529/989 6683/1531/991 +f 6709/6723/4534 6695/6710/4521 6692/1529/989 +f 4739/6724/4535 4738/10005/5664 6529/6725/4536 +f 6717/6727/4538 6699/7484/5014 6693/6573/4404 +f 6867/6729/2146 6820/10780/4894 6821/6730/4540 +f 6708/5050/3221 6705/6721/4532 6694/6722/4533 +f 6722/6733/4542 6704/6714/4525 6695/6710/4521 +f 6710/6734/4543 6706/6728/4539 6700/6440/4299 +f 6711/1999/1393 6701/6717/4528 6698/6735/4531 +f 7716/6737/57 7700/12218/57 7774/6738/57 +f 6713/6740/4544 6709/6723/4534 6705/6721/4532 +f 6716/2000/1394 6711/1999/1393 6703/6736/4530 +f 6721/6742/4546 6717/6727/4538 6706/6728/4539 +f 1684/6743/1903 1686/7691/5120 1685/6744/4547 +f 3825/6747/4549 3838/10684/6036 3821/6748/4550 +f 3352/5094/3258 3410/5470/3598 3310/5472/3600 +f 6723/5313/3461 6715/5312/3460 6701/6717/4528 +f 5857/4678/2887 5902/5082/3249 5907/6754/4554 +f 3530/6614/4437 3548/10295/5861 3510/6755/4555 +f 1941/1993/1387 1930/1983/1378 1945/2852/2073 +f 6732/1580/1031 6729/1579/1030 6712/6758/4558 +f 6746/6760/4560 6721/6742/4546 6710/6734/4543 +f 3827/6365/4232 3820/10674/6027 3821/6748/4550 +f 6731/6763/786 6726/10171/4565 6717/6727/4538 +f 6723/5313/3461 6728/1998/1392 6733/4569/2778 +f 6063/5111/3274 6071/5514/3640 6057/6764/4563 +f 6737/6765/4564 6716/2000/1394 6707/6741/4545 +f 5979/5314/3462 5933/4925/3110 5972/5299/3450 +f 6106/6767/4566 6083/5513/3639 6100/5515/3641 +f 6744/6241/4117 6741/3031/2223 6740/3033/2225 +f 6743/6769/4569 6737/6765/4564 6726/6766/4565 +f 5861/5036/3207 5846/4993/3172 5825/4994/3173 +f 6398/6771/4571 6399/10825/6118 6382/6772/4572 +f 6714/6759/4559 6725/6784/4583 6748/6773/4573 +f 6414/6284/4159 6412/1363/847 6416/6266/4140 +f 6752/6273/4148 6749/6786/4585 6736/5049/3220 +f 5640/4591/2800 5636/5147/3306 5601/6774/4574 +f 6716/2000/1394 6737/6765/4564 6750/2921/2129 +f 6732/1580/1031 6748/6773/4573 6751/6775/4575 +f 6131/6776/4576 6185/5710/3824 6145/6777/4577 +f 6753/6779/787 6731/6763/786 6721/6742/4546 +f 6737/6765/4564 6743/6769/4569 6754/2922/2130 +f 5966/6780/4579 5970/5315/3463 5923/5768/3872 +f 6733/4569/2778 6755/4568/2777 6734/6781/4580 +f 6746/6760/4560 6747/4673/2882 6756/6782/4581 +f 6757/6783/4582 6748/6773/4573 6725/6784/4583 +f 6761/5142/3301 6757/6783/4582 6739/6785/4584 +f 6760/6275/4150 6758/5619/3739 6749/6786/4585 +f 5768/5168/3326 5745/5167/3325 5739/4942/3127 +f 6514/1870/1283 6508/5012/3189 6511/5792/3887 +f 6748/6773/4573 6757/6783/4582 6762/6789/4588 +f 6766/6790/4589 6762/6789/4588 6757/6783/4582 +f 3565/5668/3786 3559/4940/3125 3575/6791/4590 +f 6764/5143/3302 6761/5142/3301 6741/3031/2223 +f 6767/4919/3104 6763/1294/785 6753/1296/787 +f 2884/5184/3342 3202/5186/3344 3197/6794/4592 +f 2945/4657/2866 2944/4638/2847 2987/4637/2846 +f 6787/6303/4175 6785/6810/4608 6774/6800/4598 +f 3379/5425/3558 3378/5424/3557 3392/6801/4599 +f 6751/6775/4575 6762/6789/4588 6774/6800/4598 +f 6641/6639/4457 6638/6413/4275 6604/6415/4276 +f 6775/5379/3520 6754/2922/2130 6743/6769/4569 +f 3284/5278/3429 3283/5277/3428 3287/4846/3037 +f 3803/6804/4602 3805/10669/6024 3804/6805/4603 +f 890/1310/801 893/5226/3384 889/5228/3385 +f 2002/2117/1502 1983/2085/1472 1976/2086/1473 +f 6782/6808/4606 6779/5378/3519 6775/5379/3520 +f 6770/6803/4601 6774/6800/4598 6785/6810/4608 +f 3811/6262/4138 3807/6265/4133 3808/6811/4609 +f 6786/6813/4611 6772/6814/4612 6760/6275/4150 +f 6772/6814/4612 6786/6813/4611 6793/6815/4613 +f 5590/4460/2672 5827/5587/3707 5821/4504/2716 +f 6756/6793/4581 6778/6821/2881 6788/4920/3105 +f 6535/6817/4614 6585/6448/4306 6536/2992/2193 +f 6791/6628/4448 6788/4920/3105 6778/6821/2881 +f 6427/6311/4185 6424/10468/4160 6425/6822/4186 +f 6794/6824/4617 6792/6837/4628 6785/6810/4608 +f 2818/6012/4 2816/6125/4 4681/6126/4 +f 3101/6827/4619 3091/5045/3216 3076/4747/2944 +f 6782/6808/4606 6800/6839/4629 6783/6829/4621 +f 4056/6831/4623 4052/10706/4956 4037/6832/4624 +f 4599/6635/4453 4552/6439/4298 4551/6834/4625 +f 6799/6836/4627 6793/6815/4613 6786/6813/4611 +f 6802/6838/3267 6799/6836/4627 6792/6837/4628 +f 6777/6809/4607 6796/4918/3103 6800/6839/4629 +f 6576/3082/2156 6567/2136/1518 6571/1942/1346 +f 4077/6672/4481 4083/10266/5839 4216/6845/4632 +f 6504/6422/4281 6499/6407/4270 6505/6409/4271 +f 6806/6847/4634 6805/6856/4642 6799/6848/4627 +f 6358/5570/3691 6890/10687/6039 6893/6849/4635 +f 6621/3945/2492 6622/6293/4167 6617/1400/881 +f 6669/6852/4638 6801/6429/4288 6798/6430/4289 +f 6664/6674/4483 6809/6857/4643 6805/6856/4642 +f 6809/6857/4643 6808/6853/4639 6797/6627/4447 +f 6668/6681/4490 6669/6852/4638 6808/6853/4639 +f 6806/6847/4634 6807/5103/3266 6665/6675/4484 +f 3936/4182/2541 3935/10783/4743 3937/6858/3896 +f 6813/6862/4647 6814/10855/6136 4252/6863/4648 +f 3764/6192/4076 3677/5943/4010 3762/6191/4075 +f 6953/6867/4652 6909/7442/4978 6907/6868/4653 +f 6266/5130/3292 6812/10852/6135 6817/2860/2081 +f 2027/2184/1552 2017/2146/1528 2005/2147/1529 +f 6324/3760/2453 6343/5983/4047 6323/5989/4051 +f 4253/6873/4658 4245/1020/659 4248/5258/3412 +f 4635/6874/4659 4672/5721/3829 4663/6875/4660 +f 4259/6877/4662 4253/6873/4658 4256/5376/3517 +f 4267/6652/4464 4273/6654/4466 4272/6882/4667 +f 4242/2229/1592 3763/2231/1594 4243/6864/4649 +f 4273/6654/4466 4224/6860/4645 4233/6885/4670 +f 1017/1517/980 978/1452/927 977/1451/926 +f 3529/6889/4674 3543/5784/3884 4234/6872/4657 +f 4236/6891/4676 4223/6198/4082 4220/6197/4081 +f 2608/4084/2526 554/4094/135 556/3733/135 +f 5301/6903/135 5269/12206/135 5270/6904/135 +f 4251/6884/4669 4243/6864/4649 4252/6863/4648 +f 4233/6885/4670 4224/6860/4645 4223/6198/4082 +f 4290/6910/4693 4295/4603/2812 4299/5136/3298 +f 4308/5113/3276 4303/6928/4708 4298/6911/4694 +f 4310/6915/4698 4303/6928/4708 4306/6916/4699 +f 4347/6917/4700 1861/2016/1410 1860/2015/1409 +f 4677/6376/4241 4666/6375/4240 4650/6919/1016 +f 4258/6893/4678 2964/6896/4681 3115/6905/4688 +f 4356/6921/4702 1198/1909/1317 1177/2894/2108 +f 4355/6923/4704 1217/2965/2167 1198/1909/1317 +f 4320/6924/4705 4318/6961/4740 1253/2063/1450 +f 88/143/103 89/142/102 97/6926/4706 +f 4008/6638/4456 4007/5738/3846 4055/6927/4707 +f 4335/6929/4709 1970/2025/1419 1953/2024/1418 +f 5824/4962/3147 5759/4957/3142 5734/6931/4711 +f 1305/3056/2244 1282/3006/2204 1276/1755/1183 +f 4334/6932/4712 1971/3024/2217 1970/2025/1419 +f 4358/6933/4713 1166/25565/1243 1165/6556/2103 +f 4332/6935/4715 1990/2901/2114 1971/3024/2217 +f 4357/6922/4703 1177/2894/2108 1166/1826/1243 +f 1959/2035/1425 1946/2009/1403 1965/2011/1405 +f 6482/5048/3219 6473/6369/4236 6476/6371/4237 +f 4333/2880/2097 4331/6949/4728 1143/2132/1514 +f 4296/6937/4716 4294/6962/4741 1982/2081/1468 +f 4344/2897/2111 1078/1640/1073 1341/2197/1563 +f 4339/6939/4718 1933/4627/2836 1911/4626/2835 +f 1985/3023/2216 1969/2023/1417 1970/2025/1419 +f 4322/6940/4719 1806/10522/5989 1794/1679/1112 +f 4340/6942/4721 1111/2827/2050 1099/2826/2049 +f 4337/6930/4710 1953/2024/1418 1933/4627/2836 +f 1122/1754/1182 1121/2984/2186 4338/6943/4722 +f 4351/6944/4723 1259/2843/2064 1258/2842/2063 +f 4319/6946/4725 4317/3064/2250 1828/2235/1598 +f 4350/6947/4726 1275/2099/1485 1259/2843/2064 +f 1322/2854/2075 1333/2950/2153 1083/1951/1355 +f 4313/6948/4727 4311/6493/4336 1877/1917/1324 +f 4331/6949/4728 4329/10722/6065 1156/1817/1234 +f 4315/6950/4729 4313/6948/4727 1851/1820/1237 +f 4349/6951/4730 1295/2129/1511 1275/2099/1485 +f 4346/6938/4717 1341/2197/1563 1314/3043/2233 +f 4327/6953/4732 4325/6954/4733 1209/2960/2162 +f 4325/6954/4733 4323/7482/5012 1232/2055/1443 +f 4326/6955/4734 1773/1678/1111 2036/1773/1197 +f 4352/6945/4724 1258/2842/2063 1238/2990/2192 +f 4321/6958/4737 4319/6946/4725 1825/1727/1160 +f 4354/6957/4736 1238/2990/2192 1217/2965/2167 +f 6804/3993/2509 6612/3992/2508 6630/6959/4738 +f 1121/2984/2186 1111/2827/2050 4340/6942/4721 +f 4318/6961/4740 4316/6975/4751 1286/2094/1481 +f 4324/6941/4720 1794/1679/1112 1773/1678/1111 +f 1988/3045/2235 1982/2081/1468 4294/6962/4741 +f 4016/2058/1446 4015/5802/3894 3937/5804/3896 +f 2011/1823/1240 1988/3045/2235 4289/6963/4742 +f 4328/6956/4735 2036/1773/1197 2009/1772/1196 +f 3195/4965/3150 3190/4967/3152 3232/5173/3331 +f 4330/6966/4745 2009/1772/1196 1990/2901/2114 +f 1239/6396/2196 1225/3078/2237 1212/2112/1497 +f 1207/6967/1173 1220/2976/2178 1204/1910/1318 +f 1972/6968/2060 1954/25566/2059 1940/2036/1385 +f 4302/6969/4746 4297/7370/4917 1947/2013/1407 +f 4471/6970/4747 4473/7577/4748 4716/6971/4748 +f 6569/6973/4749 6553/2819/2042 6540/2818/2041 +f 1980/2108/1494 1966/2853/2074 1957/3002/1423 +f 4316/6975/4751 4314/10719/6062 1292/2133/1515 +f 4345/6976/4752 1872/2091/1478 1861/2016/1410 +f 2033/1821/1238 2011/1823/1240 4288/6965/4744 +f 5771/6978/4754 5781/10193/5785 5784/4881/3072 +f 4359/6977/4753 4353/25567/4701 1860/6979/1409 +f 4235/6890/4675 4359/6977/4753 3310/5472/3600 +f 8649/299/212 8651/6996/4756 8650/6981/4756 +f 324/6983/4757 326/25568/4758 325/6984/4758 +f 2207/6986/4759 2294/12529/4759 2095/2424/1724 +f 5510/3404/2348 5511/25510/2348 5512/6988/1770 +f 8521/6989/4760 8520/11499/4760 8518/4411/2630 +f 7381/319/224 7365/318/224 7357/6991/4761 +f 24/6993/4762 23/12419/4762 21/6994/4763 +f 8651/6996/4756 8653/12440/4764 8652/6997/4764 +f 7529/6998/203 7488/11574/203 7495/6999/316 +f 4380/7001/4765 4381/12170/4765 4383/7002/686 +f 8485/753/489 8484/755/489 8482/7003/4766 +f 7959/7005/4767 7961/3540/2414 7960/3542/2414 +f 2218/7007/2355 2288/25569/2355 2289/7008/1681 +f 1437/7009/578 1402/2452/1740 1404/2296/1648 +f 2441/7011/4768 2501/9038/4769 5282/7012/4769 +f 2600/7014/4770 2607/167/127 5260/169/129 +f 8222/7016/2619 8188/11446/2619 8187/7017/4771 +f 183/7019/4772 184/25570/4772 185/7020/278 +f 5558/7022/4773 5557/9044/4773 5559/7023/603 +f 8720/7024/4774 8719/13423/6479 8791/7025/4775 +f 7443/7027/4776 7442/7200/4776 7440/7028/4777 +f 8497/7030/4778 8499/3433/2361 8498/3432/2361 +f 2530/7032/4779 2519/25571/4780 5381/7033/4780 +f 2077/7035/4781 2080/8190/4782 2079/7036/4782 +f 8691/7038/1696 8689/14403/4783 8787/7039/4783 +f 4854/7041/4784 4826/13202/4784 4825/7042/4785 +f 5345/7044/4786 5317/9482/4786 5310/7045/4787 +f 8184/7047/4788 8282/25572/4788 8281/7048/4789 +f 1429/7050/2386 1386/2275/1633 1388/2260/1619 +f 7182/7052/4791 7218/11586/4791 7219/7053/2573 +f 7967/7055/4792 7969/9324/4793 7968/7056/4793 +f 2463/7058/4794 4875/8890/4794 4874/7059/4795 +f 2448/7061/4796 5216/11354/6209 5215/7062/4797 +f 4523/7064/4798 4522/12034/4798 4524/7065/4799 +f 8726/7067/2366 460/11655/2384 8780/7068/2384 +f 8513/749/487 8512/748/487 8510/7070/4800 +f 4757/7072/4801 4728/7738/5138 4727/7073/4802 +f 2824/7075/4803 2825/11909/4803 2823/7076/4804 +f 4475/7078/4805 4474/8538/4805 4476/7079/4806 +f 504/7081/4807 503/9284/4807 505/7082/717 +f 5335/7084/4808 5315/7180/4808 5297/7085/4809 +f 2480/228/169 2461/25573/4810 5274/7087/4810 +f 7802/746/485 7768/745/485 7773/7089/4811 +f 1461/7091/4812 1462/9238/4812 1463/7092/4813 +f 2233/2373/1695 2326/2375/1695 2268/7094/4814 +f 1478/7096/4815 1477/12508/4815 1475/7097/616 +f 8571/7099/4816 8570/13018/4816 8568/7100/1699 +f 2092/7101/4817 2094/2423/1723 2093/2425/1725 +f 7386/7103/4818 7368/25574/4818 7342/7104/4819 +f 8200/7106/4820 8201/9977/4821 8278/7107/4821 +f 2734/7109/4822 5243/25575/4822 5242/7110/4823 +f 4439/7112/4824 4438/8026/4824 4440/7113/4825 +f 2452/7115/4826 4781/25576/4826 4782/7116/4827 +f 8723/7118/4828 8776/11785/4828 348/7119/4829 +f 4847/7121/4830 4838/9287/4830 4839/7122/208 +f 7805/7123/4831 7777/11235/4831 7770/7124/4832 +f 8553/7126/4833 8552/8211/4833 8550/7127/4834 +f 2690/7129/4835 2677/8255/4836 4977/7130/4836 +f 8044/7132/4837 8123/13189/4837 8133/7133/4838 +f 8061/7134/152 8063/9346/4839 8097/7135/4839 +f 2615/7137/4841 2504/25577/4842 5431/7138/4842 +f 2256/7140/4843 2257/9997/4844 2303/7141/4844 +f 8297/7143/4846 8299/915/596 8298/917/596 +f 7416/7145/4847 7343/12987/4847 7367/7146/4848 +f 2264/7148/4828 2317/8077/4828 2062/7149/4829 +f 8042/7151/1731 8112/13057/1731 769/7152/478 +f 4396/7154/4849 4397/25578/4849 4398/7155/28 +f 7299/7156/4850 7298/12176/4850 7296/7157/4851 +f 8054/7159/4788 819/11934/4852 8153/7160/4852 +f 4529/51/34 4528/50/34 4530/7162/4853 +f 7633/7164/4854 7632/25579/4854 7630/7165/519 +f 5264/7166/4855 2700/11767/4855 2699/7167/4856 +f 7435/7169/4857 7437/4362/2604 7436/4364/2604 +f 8076/7171/610 8135/25580/609 8136/7172/4858 +f 8633/7174/4859 8635/7968/4860 8634/7175/4860 +f 8607/7177/2613 8609/567/375 8608/566/375 +f 5334/7179/4861 5312/8566/4861 5315/7180/4808 +f 2441/7011/4768 5247/7013/4768 5246/4401/2625 +f 7309/7182/4862 7308/25581/4862 7306/7183/1757 +f 8070/7184/4820 8071/14406/4821 8148/7185/4821 +f 2372/7187/4863 2395/9007/4864 5356/7188/4864 +f 2118/2348/1682 2116/2347/1682 2114/7190/4865 +f 387/1121/707 383/1120/707 384/7192/2341 +f 8702/7194/215 8730/12703/215 8731/7195/533 +f 8717/7196/4866 8718/12236/4867 8764/7197/4867 +f 7445/7199/2606 7444/25582/2606 7442/7200/4776 +f 7303/7201/4869 7302/12770/4869 7300/7202/4870 +f 8339/7204/2568 8341/8577/4871 8340/7205/4871 +f 4400/7206/4 4398/10920/4 4307/7207/4 +f 4369/7209/4 4233/25583/4 4236/7210/4 +f 4476/7212/4 4314/10907/4 4316/7213/4 +f 4338/7215/4 4498/7234/4 4496/7216/4 +f 4238/7218/4 4239/7260/4 4452/7219/4 +f 4488/7221/4 4486/10882/4 4325/7222/4 +f 4241/7224/4 4242/25584/4 4456/7225/4 +f 4281/7227/4 4464/7302/4 4462/7228/4 +f 4424/7230/4 4334/10888/4 4335/7231/4 +f 4338/7215/4 4340/25585/4 4500/7233/4 +f 4426/7232/4 4335/7231/4 4337/7235/4 +f 4245/7236/4 4253/10916/4 4536/7237/4 +f 4347/7239/4 4353/7293/4 4440/7240/4 +f 4310/7242/4 4472/10918/4 4470/7243/4 +f 4381/7245/4 4379/25586/4 4271/7246/4 +f 4456/7225/4 4242/25584/4 4251/7248/4 +f 4358/7250/4 4360/10896/4 4528/7251/4 +f 4271/7246/4 4379/25586/4 4377/7253/4 +f 4373/7255/4 4370/7211/4 4236/7210/4 +f 4328/7257/4 4418/7300/4 4416/7258/4 +f 4239/7260/4 4241/7224/4 4454/7226/4 +f 4430/6239/4 4339/6238/4 4341/7261/4 +f 4381/7245/4 4279/7247/4 4280/7263/4 +f 4356/7265/4 4357/7277/4 4524/7266/4 +f 4324/7268/4 4414/10900/4 4412/7269/4 +f 4316/7213/4 4318/10915/4 4480/7271/4 +f 4297/7272/4 4302/10921/4 4397/7273/4 +f 4336/7217/4 4496/7216/4 4494/7275/4 +f 4357/7277/4 4358/7250/4 4526/7252/4 +f 4294/7278/4 4296/7286/4 4393/7279/4 +f 4520/7281/4 4355/10905/4 4356/7265/4 +f 4258/7254/4 4377/7253/4 4375/7282/4 +f 4237/7284/4 4238/7218/4 4450/7220/4 +f 4296/7286/4 4297/7272/4 4395/7274/4 +f 4420/7287/4 4330/7301/4 4332/7288/4 +f 4516/7290/4 4352/10894/4 4354/7291/4 +f 4353/7293/4 4359/10922/4 4442/7294/4 +f 4329/7295/4 4331/10919/4 4492/7296/4 +f 4303/7244/4 4470/7243/4 4468/7298/4 +f 4418/7300/4 4328/7257/4 4330/7301/4 +f 4329/7295/4 4490/7297/4 4488/7221/4 +f 4464/7302/4 4281/7227/4 4290/7303/4 +f 4512/7305/4 4510/10864/4 4349/7306/4 +f 4506/7308/4 4346/10880/4 4348/7309/4 +f 1199/2188/1555 1185/1667/1100 1169/2893/2107 +f 6841/2943/2147 6834/6378/4243 6835/3085/2261 +f 6738/1578/1029 6751/6775/4575 6770/6803/4601 +f 4580/7321/4878 4560/7410/4951 4555/7322/4879 +f 6840/6544/4383 6837/7336/4890 6838/5123/3286 +f 1105/7323/4880 1096/2805/2028 1076/1638/1071 +f 6583/6586/4414 6548/14002/1558 6547/7324/4881 +f 5891/4645/2854 5821/4504/2716 5817/5015/3192 +f 6503/5011/3188 6497/2840/2061 6499/6407/4270 +f 6927/7326/4883 6923/7444/4980 6905/7327/3380 +f 1856/2144/1526 1876/2180/1549 1891/1894/1305 +f 1228/2211/1576 1220/2976/2178 1207/6967/1173 +f 1936/2005/1399 1923/1955/1359 1942/2042/1430 +f 6849/2201/1567 6854/7350/4901 6856/2811/2034 +f 7706/2678/57 7766/2677/57 7771/7331/57 +f 6863/7333/4887 6859/6713/4524 6862/3089/2265 +f 6666/7335/4889 6668/6681/4490 6809/6857/4643 +f 6862/3089/2265 6838/5123/3286 6837/7336/4890 +f 4036/7337/4891 4017/6591/4417 4022/7338/4892 +f 3905/6419/4278 3915/6451/4309 2364/3738/2443 +f 6820/7340/4894 6867/2942/2146 6858/2944/2148 +f 6870/7342/4896 6871/7394/4940 6513/6702/4513 +f 6849/2201/1567 6851/2200/1566 6824/7343/4897 +f 6842/7345/4899 6820/10780/4894 6866/7346/4895 +f 6872/7348/2259 6844/2793/2017 6847/2795/2019 +f 6875/7349/2257 6847/2795/2019 6859/6713/4524 +f 6854/7350/4901 6849/2201/1567 6874/7344/4898 +f 4148/7351/4902 4154/10323/5875 4166/7352/4903 +f 6855/6545/4384 6856/2811/2034 6854/7350/4901 +f 6865/7356/4907 6879/2206/1572 6828/5460/3591 +f 6823/7357/4908 6525/6446/4304 6519/7358/4909 +f 6857/6504/4345 6883/7360/4910 6866/7341/4895 +f 6959/6310/4184 6906/7491/5021 6904/7359/4884 +f 6883/7360/4910 6857/6504/4345 6876/6505/4346 +f 1096/2805/2028 1104/10933/1219 1100/7361/2099 +f 6879/2206/1572 6885/2810/2033 6826/5461/3592 +f 6331/2691/1931 6829/2814/2037 6846/7362/4911 +f 7010/7365/57 7074/8105/57 7071/2549/57 +f 6478/4950/3135 6468/2284/1642 6472/2286/1644 +f 6868/7367/4914 6839/5122/3285 6888/7368/4915 +f 4297/7370/4917 4296/6937/4716 1948/2010/1404 +f 4590/1936/1341 4594/10944/6156 4578/6517/4358 +f 4622/7371/4918 4575/7414/4954 4554/7372/4919 +f 3844/7373/4920 3835/6366/4233 3837/7374/4921 +f 4616/6563/4396 4603/6566/4399 4579/6519/4360 +f 3377/5466/3594 3355/4445/2657 3364/7376/4923 +f 6359/6850/4636 6893/6849/4635 6485/3853/2469 +f 6892/3087/2263 6837/7336/4890 6834/6378/4243 +f 5613/7382/4929 5603/10095/5705 5604/1291/782 +f 4158/6410/4272 4159/10827/6120 4168/7385/2709 +f 6883/7387/4910 6886/5569/3690 6873/7347/4900 +f 6839/5122/3285 6868/7367/4914 6896/7391/4936 +f 6885/2810/2033 6896/7391/4936 6868/7367/4914 +f 6889/7392/4937 6877/1546/1002 6884/1548/1004 +f 4097/6698/4508 4108/6708/4519 4119/5117/3280 +f 6852/1554/1009 6853/1553/1008 6871/7394/4940 +f 6896/7391/4936 6885/2810/2033 6856/2811/2034 +f 6982/7395/4941 6983/8597/4942 6985/7396/4942 +f 6894/6377/4242 6881/6549/4385 6889/7392/4937 +f 6900/3028/2221 6895/3027/2220 6869/7369/4916 +f 6897/7393/4938 6901/7415/4955 6899/3086/2262 +f 7617/7399/57 7611/1581/57 7709/1583/57 +f 1169/3101/2107 1157/2824/2047 1167/2178/1547 +f 4659/7403/4945 4657/1743/1171 4654/7404/4946 +f 6845/7406/4948 6898/3026/2219 6900/3028/2221 +f 6830/7407/4949 6875/3075/2257 6863/7408/4887 +f 6166/5636/3756 6117/5635/3755 6169/5709/3823 +f 4560/7410/4951 4556/6562/4395 4557/6564/4397 +f 6545/7411/4952 6582/1879/1292 3929/6466/4318 +f 4650/1565/1016 4640/7494/5024 4637/2761/1987 +f 6837/7336/4890 6840/6544/4383 6843/6379/4244 +f 6747/4673/2882 6746/6760/4560 6730/6761/4561 +f 6853/1553/1008 6899/3086/2262 6901/7415/4955 +f 1798/1690/1123 1801/1717/1150 1807/2828/2051 +f 4052/7416/4956 4056/10779/4623 4020/7417/4957 +f 6880/5932/3999 6828/5460/3591 6827/7419/4959 +f 3786/7424/4403 3785/6220/4103 3784/6217/4100 +f 6769/7425/4964 6644/9529/5568 6613/7426/4965 +f 3790/7428/4966 3788/6636/4454 3789/6263/4139 +f 6392/7429/4967 6390/6227/4109 6391/6228/4110 +f 6662/6960/4739 6630/6959/4738 6637/6557/4391 +f 6117/5635/3755 6100/5515/3641 6145/6777/4577 +f 6947/7430/4968 6913/7434/4972 6910/7431/4969 +f 6919/7433/4971 6910/7431/4969 6913/7434/4972 +f 6917/7435/4973 6911/7483/5013 6912/7432/4970 +f 6914/7436/4974 6918/7437/4975 6915/1812/1231 +f 6811/2861/2082 6911/7483/5013 6917/7435/4973 +f 6918/7437/4975 6914/7436/4974 6928/7438/2185 +f 6930/7440/4976 6917/7435/4973 6910/7431/4969 +f 6926/7441/4977 6907/6868/4653 6909/7442/4978 +f 6923/7444/4980 6925/6600/4426 6924/7445/1130 +f 1895/1899/1307 1883/1901/1309 1888/7446/1321 +f 5638/7449/4983 5631/5106/3269 5615/1346/833 +f 6933/7450/4984 6920/6598/4424 6925/6600/4426 +f 6908/6536/4376 6907/6868/4653 6931/7451/4985 +f 6939/5030/3201 6931/7451/4985 6907/6868/4653 +f 6934/7452/4986 6933/7450/4984 6923/7444/4980 +f 6920/6598/4424 6933/7450/4984 6936/2911/2121 +f 1084/1953/1357 1079/1664/1097 1082/2217/1582 +f 4897/7453/135 4899/25587/135 4873/7454/135 +f 3903/7456/4987 3898/4897/3085 3899/7457/4988 +f 6938/2912/2122 6936/2911/2121 6933/7450/4984 +f 6943/3059/2247 6935/3058/2246 6931/7451/4985 +f 6826/5461/3592 6868/7367/4914 6869/7369/4916 +f 3398/5095/3259 3376/4472/2684 3399/4593/2802 +f 1086/2876/2093 1088/1781/1204 1090/2806/2029 +f 5834/7463/4994 5793/4886/3077 5789/4875/3066 +f 4664/7464/4995 4656/10963/6164 4652/7465/4996 +f 6947/7430/4968 6941/7474/5005 6937/7467/4998 +f 6724/7471/5002 6722/6733/4542 6709/6723/4534 +f 1261/2031/1422 1254/2017/1411 1243/2238/1601 +f 6951/7472/5003 6928/7438/2185 6914/7436/4974 +f 6720/3955/2494 6948/7475/5006 6952/6535/4375 +f 6682/6697/4507 6941/7474/5005 6954/7473/5004 +f 6912/7432/4970 6954/7473/5004 6941/7474/5005 +f 6948/7475/5006 6953/6867/4652 6908/6536/4376 +f 6660/6684/4494 6674/6686/4496 6956/7476/5007 +f 6603/6851/4637 6602/6594/4420 6604/6415/4276 +f 1358/1416/897 1347/25447/11623 1335/1945/1349 +f 6958/6599/4425 6945/2981/2183 6928/2983/2185 +f 4323/7482/5012 4320/25588/4705 1252/2056/1444 +f 6954/7473/5004 6912/7432/4970 6911/7483/5013 +f 6688/6700/4511 6693/6573/4404 6699/7484/5014 +f 6913/7434/4972 6947/7430/4968 6945/2981/2183 +f 6702/6716/4527 6915/1812/1231 6918/7437/4975 +f 3904/6420/4279 3901/10720/6063 3902/7487/5017 +f 4086/6683/4493 4093/6694/4505 4101/7488/5018 +f 6959/6310/4184 6957/5032/3203 993/7490/5020 +f 6888/7368/4915 6860/5121/3284 6848/2794/2018 +f 4455/7497/5025 4457/7615/5026 3708/7498/5026 +f 4411/7500/5027 4413/7599/5028 3730/7501/5028 +f 4497/7502/5029 4704/7572/5029 4705/6154/5030 +f 4507/7504/5031 4509/7578/5032 4698/7505/5032 +f 4493/7506/5033 4706/6153/5033 4707/7507/5034 +f 4437/7509/5035 3718/6080/5035 3719/6084/5036 +f 4382/7511/5037 3744/6168/5037 3742/6159/5038 +f 4443/7513/5039 3715/6042/5039 3716/6057/5040 +f 3722/6093/5041 4429/7582/5041 4431/7515/5042 +f 4483/7516/5043 4711/7589/5043 4712/7517/5044 +f 4388/7519/5045 4390/7556/5046 3706/6009/5046 +f 4481/7518/5044 4712/7517/5044 4713/7520/5047 +f 4475/7522/5048 4477/7587/5049 4714/7523/5049 +f 4394/7525/5050 4396/7590/5051 3747/6176/5051 +f 4382/7511/5037 4384/7558/5052 3746/6174/5052 +f 4443/7513/5039 4445/7591/5053 3714/6028/5053 +f 4380/7512/5038 3742/6159/5038 3741/6031/5054 +f 3725/6099/5055 3726/6101/5056 4421/7527/5056 +f 4374/7529/5057 4376/7602/5058 3738/6149/5058 +f 4463/7530/5059 4721/7594/5059 4722/7531/5060 +f 4543/7533/5061 4681/6126/5061 4682/6019/5062 +f 4634/1279/770 4639/7485/5015 4635/6874/4659 +f 3732/6825/5063 4681/6126/5061 4543/7533/5061 +f 4503/7536/5064 4505/7614/5065 4700/6127/5065 +f 4386/7537/5066 4388/7519/5045 3707/6011/5045 +f 4407/7538/5067 3737/6104/5067 3739/6103/5068 +f 4513/7540/5069 4696/7562/5069 4697/7541/5070 +f 4533/7543/5071 4535/7592/5072 4685/7544/5072 +f 4531/7546/5073 4533/7543/5071 4686/7545/5071 +f 4531/7546/5073 4687/7547/5073 4688/7548/5074 +f 4439/7550/5075 4441/7514/5040 3716/6057/5040 +f 4409/7551/5076 3735/6106/5076 3737/6104/5067 +f 4527/7552/5077 4689/7606/5077 4690/7553/5078 +f 4392/7555/5079 3704/6004/5079 3706/6009/5046 +f 4374/7529/5057 3736/6143/5057 3734/6015/5080 +f 4386/7537/5066 3748/6178/5066 3746/6174/5052 +f 4515/7559/5081 4517/7609/5082 4694/7560/5082 +f 4515/7559/5081 4695/7561/5081 4696/7562/5069 +f 4489/7563/5083 4491/7508/5034 4707/7507/5034 +f 4405/7539/5068 3739/6103/5068 3740/6156/5084 +f 4539/7566/5085 4683/6018/5085 4684/7567/5086 +f 4419/7569/5087 3727/10957/5087 3728/130/5088 +f 4499/7571/5089 4703/7597/5089 4704/7572/5029 +f 4503/7536/5064 4701/4899/5064 4702/7573/5090 +f 4368/7575/5091 3731/6013/5091 3732/6825/5063 +f 4411/7500/5027 3733/6108/5027 3735/6106/5076 +f 3720/6087/5092 3721/6091/5042 4431/7515/5042 +f 4475/7522/5048 4715/7524/5048 4716/6971/4748 +f 4509/7578/5032 4511/7542/5070 4697/7541/5070 +f 4401/7579/5093 4403/7565/5084 3740/6156/5084 +f 4399/7580/5094 4401/7579/5093 3743/6162/5093 +f 3722/6093/5041 3723/6095/5095 4427/7581/5095 +f 4487/7583/5096 4489/7563/5083 4708/7564/5083 +f 4394/7525/5050 3705/6089/5050 3704/6004/5079 +f 4525/7554/5078 4690/7553/5078 4691/7585/5097 +f 4477/7587/5049 4479/7521/5047 4713/7520/5047 +f 4439/7550/5075 3717/6076/5075 3718/6080/5035 +f 4483/7516/5043 4485/7610/5098 4710/7588/5098 +f 4399/7580/5094 3745/6170/5094 3747/6176/5051 +f 1977/2836/2058 1972/2838/2060 1984/2152/1507 +f 4445/7591/5053 4447/7613/5099 3713/6026/5099 +f 4537/7568/5086 4684/7567/5086 4685/7544/5072 +f 4463/7530/5059 4465/7605/5100 4720/7593/5100 +f 4455/7497/5025 3709/7499/5025 3710/1277/5101 +f 4459/7596/5102 4461/7532/5060 4722/7531/5060 +f 4499/7571/5089 4501/7574/5090 4702/7573/5090 +f 4415/7598/5103 3729/6113/5103 3730/7501/5028 +f 4368/7575/5091 4372/7557/5080 3734/6015/5080 +f 4453/7595/5101 3710/1277/5101 3711/1276/5104 +f 4451/7600/5104 3711/1276/5104 3712/6022/5105 +f 4376/7602/5058 4378/7526/5054 3741/6031/5054 +f 4469/7603/5106 4718/7611/5106 4719/1802/5107 +f 3724/6097/5108 4425/7612/5108 4427/7581/5095 +f 4465/7605/5100 4467/7604/5107 4719/1802/5107 +f 4527/7552/5077 4529/7549/5074 4688/7548/5074 +f 4541/7534/5062 4682/6019/5062 4683/6018/5085 +f 4521/7607/5109 4523/7586/5097 4691/7585/5097 +f 3719/6084/5036 3720/6087/5092 4433/7576/5092 +f 4519/7608/5110 4521/7607/5109 4692/6007/5109 +f 4519/7608/5110 4693/6006/5110 4694/7560/5082 +f 4487/7583/5096 4709/7584/5096 4710/7588/5098 +f 4471/6970/4747 4717/6972/4747 4718/7611/5106 +f 3725/6099/5055 4423/7528/5055 4425/7612/5108 +f 4449/7601/5105 3712/6022/5105 3713/6026/5099 +f 4495/7503/5030 4705/6154/5030 4706/6153/5033 +f 4507/7504/5031 4699/6144/5031 4700/6127/5065 +f 4415/7598/5103 4417/7570/5088 3728/130/5088 +f 4459/7596/5102 4723/6110/5102 3708/7498/5026 +f 1600/3097/2270 1595/3105/2277 2060/3104/2276 +f 3112/7623/5111 3152/5057/3228 3155/5056/3227 +f 5908/5003/3180 5890/5927/3994 5883/5093/3257 +f 3152/5057/3228 3112/7623/5111 3103/5959/4024 +f 5820/1385/869 5803/5034/3205 5798/4878/3069 +f 5923/5768/3872 5931/5767/3871 5932/5778/3878 +f 7797/7628/57 7799/12286/57 7795/7629/57 +f 1495/7640/5115 1496/8511/5115 1500/7641/2596 +f 6295/5909/3979 979/10132/5737 5676/7649/5118 +f 3921/7672/326 4733/1246/326 4734/1248/326 +f 8487/5899/4 8569/5898/4 8567/7676/4 +f 862/7683/5119 864/3704/2437 869/1273/767 +f 6745/7684/135 6742/10998/135 2/7685/135 +f 1686/7691/5120 1688/2661/1906 1687/1483/952 +f 3240/7695/5121 3228/10267/5840 3188/7696/5122 +f 3672/5584/3704 3683/5988/4050 3667/7700/5123 +f 7849/4217/57 7895/4216/57 7893/7705/57 +f 4730/7644/5116 4225/6861/4646 4224/6860/4645 +f 4427/2479/1754 4426/2478/1754 4428/7718/5126 +f 5360/7729/5133 2455/11922/6317 2468/7730/5134 +f 8617/7741/1773 8619/13393/5141 8618/7742/5141 +f 1671/7746/135 431/7791/135 459/7747/135 +f 416/7749/135 1687/7798/135 1690/7750/135 +f 413/666/135 1710/7796/135 1713/7752/135 +f 1703/7754/135 427/7826/135 449/7755/135 +f 477/1073/135 1715/7822/135 1716/7757/135 +f 1733/7758/135 2185/7829/135 2178/7759/135 +f 1695/7761/135 450/7832/135 451/7762/135 +f 2161/664/135 1752/7819/135 1755/7764/135 +f 1759/7765/135 2141/7772/135 2143/7766/135 +f 1685/7768/135 472/7797/135 471/7769/135 +f 1724/7771/135 2142/7809/135 2141/7772/135 +f 1729/7760/135 2178/7759/135 2177/7773/135 +f 1677/7763/135 451/7762/135 454/7775/135 +f 422/7777/135 1700/7792/135 1701/7778/135 +f 417/7751/135 1690/7750/135 1694/7779/135 +f 468/702/135 1717/7820/135 1718/7781/135 +f 2192/7783/135 1758/7805/135 1765/7784/135 +f 423/979/135 1701/7778/135 1706/7785/135 +f 1676/7786/135 463/7804/135 426/7787/135 +f 1683/7770/135 471/7769/135 464/7789/135 +f 1670/7776/135 454/7775/135 431/7791/135 +f 418/7780/135 1694/7779/135 1700/7792/135 +f 2132/7793/135 1742/7816/135 1745/7794/135 +f 447/980/135 1706/7785/135 1710/7796/135 +f 472/7797/135 1685/7768/135 1687/7798/135 +f 1731/7799/135 2145/7818/135 2173/7800/135 +f 1756/7767/135 2143/7766/135 2163/7802/135 +f 1680/7790/135 464/7789/135 463/7804/135 +f 2126/667/135 1755/7764/135 1758/7805/135 +f 2130/7806/135 1738/7811/135 1740/7807/135 +f 1725/7774/135 2177/7773/135 2142/7809/135 +f 443/7782/135 1718/7781/135 1719/7748/135 +f 2186/7810/135 1735/7828/135 1738/7811/135 +f 1747/7812/135 2164/7831/135 2165/7813/135 +f 2136/7795/135 1745/7794/135 1750/7815/135 +f 2131/7808/135 1740/7807/135 1742/7816/135 +f 1736/7817/135 2168/7823/135 2145/7818/135 +f 2137/663/135 1750/7815/135 1752/7819/135 +f 469/701/135 1716/7757/135 1717/7820/135 +f 2191/720/135 1765/7784/135 1769/7821/135 +f 478/7753/135 1713/7752/135 1715/7822/135 +f 531/3964/135 2523/3966/135 2526/4023/135 +f 1744/7814/135 2165/7813/135 2168/7823/135 +f 2156/7824/135 1720/7827/135 1727/7801/135 +f 1708/7825/135 425/11344/135 427/7826/135 +f 2182/3234/135 1721/7830/135 1720/7827/135 +f 1735/7828/135 2186/7810/135 2185/7829/135 +f 2183/719/135 1769/7821/135 1721/7830/135 +f 1751/7803/135 2163/7802/135 2164/7831/135 +f 1698/7756/135 449/7755/135 450/7832/135 +f 1580/7833/326 249/11172/326 250/7834/326 +f 299/7836/326 300/7944/326 1620/7837/326 +f 182/7839/326 901/7947/326 904/7840/326 +f 281/7842/326 1602/11186/326 1549/7843/326 +f 1656/7845/326 1659/25589/326 335/7846/326 +f 266/7848/326 264/11182/326 1557/7849/326 +f 882/7851/326 887/25590/326 176/7852/326 +f 218/7854/326 214/11159/326 946/7855/326 +f 232/7857/326 959/7904/326 960/7858/326 +f 960/7858/326 961/7901/326 235/7860/326 +f 334/7847/326 332/7949/326 1655/7861/326 +f 1561/7862/326 292/25591/326 290/7863/326 +f 1563/7850/326 1568/7871/326 268/7865/326 +f 290/7863/326 287/11190/326 1553/7866/326 +f 200/7867/326 921/11189/326 925/7868/326 +f 1577/7870/326 269/11199/326 268/7865/326 +f 1594/7872/326 1545/11162/326 253/7873/326 +f 849/7875/326 157/11204/326 158/7876/326 +f 2626/4111/135 2627/4110/135 2499/3929/135 +f 271/7878/326 1582/25592/326 1584/7879/326 +f 1584/7879/326 1591/7886/326 275/7881/326 +f 237/7882/326 964/7902/326 970/7883/326 +f 1596/7885/326 277/7890/326 275/7881/326 +f 891/7887/326 160/7908/326 154/7888/326 +f 277/7890/326 1596/7885/326 1599/7891/326 +f 255/7893/326 1586/11171/326 1589/7894/326 +f 882/7851/326 174/7853/326 172/7896/326 +f 187/7898/326 854/11140/326 853/7899/326 +f 237/7882/326 235/7860/326 961/7901/326 +f 230/7903/326 956/11198/326 959/7904/326 +f 1645/7905/326 1613/11161/326 306/7906/326 +f 160/7908/326 891/7887/326 894/7909/326 +f 168/7911/326 164/7910/326 894/7909/326 +f 868/7913/326 873/7897/326 172/7896/326 +f 934/7915/326 937/25593/326 222/7916/326 +f 176/7852/326 887/25590/326 889/7918/326 +f 889/7918/326 896/25594/326 180/7920/326 +f 885/7889/326 154/7888/326 152/7921/326 +f 150/7923/326 196/7943/326 866/7924/326 +f 226/7926/326 224/7929/326 943/7927/326 +f 222/7916/326 937/25593/326 943/7927/326 +f 204/7930/326 932/9930/326 939/7931/326 +f 917/7933/326 207/7936/326 208/7934/326 +f 207/7936/326 917/7933/326 923/7937/326 +f 346/7939/326 344/25595/326 1607/7940/326 +f 194/7942/326 860/11155/326 866/7924/326 +f 346/7939/326 1615/7941/326 1620/7837/326 +f 150/7923/326 871/7925/326 876/7945/326 +f 180/7920/326 896/25594/326 901/7947/326 +f 330/7948/326 1654/11200/326 1655/7861/326 +f 6963/416/285 6961/11205/5144 6964/7951/5144 +f 7388/7955/5145 7346/12105/5145 7352/7956/5146 +f 8375/24/20 8377/11517/5147 8376/7958/5147 +f 7821/7960/5148 7823/13328/5149 7822/7961/5149 +f 2416/7963/5150 5365/8063/5150 5364/7964/5151 +f 2350/7966/5152 2733/7111/4823 5242/7110/4823 +f 8637/474/320 8636/473/320 8634/7175/4860 +f 1422/2410/1717 1366/2409/1716 1373/2263/1622 +f 8053/7970/4790 8151/13048/4790 8150/7971/237 +f 2202/7734/5135 65/25596/32 59/7972/32 +f 2683/548/363 4891/550/363 4890/7973/5154 +f 2435/7975/2340 5097/14377/2340 5096/2331/1674 +f 7325/7980/5156 7327/14438/5157 7326/7981/5157 +f 1151/2153/1533 1146/1655/1088 1138/1775/1199 +f 5197/7983/5158 5201/25597/326 2632/7984/326 +f 8185/7986/237 8280/13068/237 8279/7987/238 +f 5415/7991/367 2537/554/367 2500/7992/5159 +f 8329/7994/5160 8331/9444/5161 8330/7995/5161 +f 4376/7997/5162 4377/8183/5162 4379/7998/5163 +f 7819/8000/2558 7821/7960/5148 7820/7962/5148 +f 358/8002/5164 357/12303/5164 359/8003/5165 +f 320/8005/185 319/14430/185 317/426/186 +f 7734/8007/5166 7735/25598/5166 7736/8008/5167 +f 2269/8010/275 2235/9302/275 2234/7095/274 +f 2506/8011/5168 2507/25599/5169 4786/8012/5169 +f 5422/8014/5170 2465/11867/5170 2502/2402/1713 +f 6990/8015/5171 6991/11370/5171 6988/8016/5172 +f 7645/8018/32 7644/25600/32 7637/8019/32 +f 8051/8021/5173 8119/14366/5173 8120/8022/5174 +f 4455/185/141 4454/184/141 4456/8024/32 +f 4437/134/94 4436/133/94 4438/8026/4824 +f 2612/8027/5175 2613/445/301 5435/444/301 +f 4934/8029/5176 4915/13291/5176 4917/8030/5177 +f 7970/8032/5178 7971/25601/5178 8009/8033/1687 +f 2439/3268/2327 2454/10013/5179 5100/8034/5179 +f 5219/8036/19 2603/25602/19 2508/8037/5180 +f 2255/8039/1680 2301/8506/1680 2311/8040/74 +f 2228/8042/5181 2296/11860/5181 2297/8043/2352 +f 4905/8044/296 4912/11219/297 4924/8045/297 +f 275/8047/5182 273/12781/5182 272/8048/4758 +f 2675/8050/5183 4982/11416/5183 4981/834/539 +f 8633/7174/4859 8632/7176/4859 8630/795/516 +f 2822/8053/5184 2820/14364/5184 2819/8054/5185 +f 8317/8056/5186 8316/11829/5186 8314/8057/5187 +f 4942/8059/5188 4900/9034/5188 4899/8060/1741 +f 2388/8062/5189 5359/13011/5189 5365/8063/5150 +f 7466/4363/2428 7467/25540/2428 7468/8064/5190 +f 7665/8066/5191 7664/12353/5191 7662/8067/5192 +f 7165/8069/5193 7167/11709/5194 7166/8070/5194 +f 5060/4398/2622 5015/4397/2622 5019/8072/5195 +f 1430/7051/4757 1388/2260/1619 1390/2262/1621 +f 5090/8075/5196 5040/11754/5196 5045/275/196 +f 2265/8076/5197 2318/25603/5197 2317/8077/4828 +f 7369/8078/5198 7412/12783/5198 7413/8079/5199 +f 1501/8081/5200 1499/12333/5200 1502/8082/4843 +f 269/3483/2386 271/12169/4757 270/8084/4757 +f 8497/8086/4778 8496/25604/4778 8494/8087/5201 +f 5565/8089/5202 5568/9595/5203 5567/8090/5203 +f 1484/2488/1760 1483/2487/1760 1486/8092/5204 +f 7070/8094/57 6992/11346/57 6990/8095/57 +f 7772/8097/57 7762/9389/57 7670/8098/57 +f 7013/8103/57 7014/9524/57 7073/8104/57 +f 1653/673/444 1657/2628/1875 1656/2627/1874 +f 6098/5508/3634 6069/5507/3633 6079/8114/5205 +f 7034/8121/57 7024/11316/57 7023/8122/57 +f 3779/8124/57 3781/7688/57 6/6620/57 +f 7080/8130/57 7081/8139/57 7040/8131/57 +f 2972/8137/5207 3014/10161/5761 3061/4745/2942 +f 1952/2043/1431 1932/4625/2834 1933/4627/2836 +f 5654/4607/2816 5648/5002/3179 5641/5776/3876 +f 1617/2739/1971 1731/2737/1969 1727/2721/1955 +f 7081/8139/57 6982/8156/57 7060/1558/57 +f 7055/8149/57 7050/11330/57 7064/8150/57 +f 5746/4956/3141 5743/4517/2726 5719/4518/2727 +f 3030/6355/4227 2992/2770/1994 2981/8154/5209 +f 7070/8094/57 6976/8096/57 6982/8156/57 +f 7086/5760/57 6994/5759/57 6997/1730/57 +f 1647/2619/1866 1650/25605/2496 1648/8161/2498 +f 5297/5791/135 5246/5790/135 5247/8162/135 +f 8084/8167/5210 8083/240/175 8155/242/175 +f 5487/8169/5212 5489/13241/5213 5488/8170/5213 +f 5507/8172/5214 5509/3403/2347 5508/3405/2347 +f 7541/8174/166 7510/11858/166 7504/8175/5215 +f 149/8177/2298 152/9116/2299 151/8178/2299 +f 310/8180/494 314/425/291 313/427/291 +f 4374/8182/5216 4375/8996/5216 4377/8183/5162 +f 2595/8184/5217 2594/12700/5218 5222/8185/5218 +f 2210/8187/5219 2212/8439/5288 2278/8188/5220 +f 2083/457/309 2081/456/309 2079/7036/4782 +f 146/8191/5222 144/9124/5222 140/8192/688 +f 8670/8194/5223 8669/13227/5221 8736/8195/5219 +f 7364/8197/5225 7384/11426/5225 7385/8198/5226 +f 326/8200/4758 328/14431/5182 327/8201/5182 +f 5505/8203/5227 5507/8172/5214 5506/8173/5214 +f 2652/67/48 2657/25606/1666 5400/8205/1666 +f 4449/8207/5228 4448/13224/5228 4450/8208/5229 +f 8553/7126/4833 8555/12147/5230 8554/8210/5230 +f 7985/8212/2426 7973/25396/281 7972/410/281 +f 5430/8213/5231 2415/25607/5231 2412/8214/5232 +f 7098/8224/57 7109/11392/57 7105/8225/57 +f 4950/8236/5233 4894/25608/5233 4920/8237/221 +f 8509/8238/5234 8508/11445/5234 8506/8239/5235 +f 1446/20/16 1444/19/16 1451/8241/5236 +f 17/8243/5237 22/6995/4763 21/6994/4763 +f 572/8245/2408 573/11420/2408 575/8246/2409 +f 340/8248/579 342/11530/5238 341/8249/5238 +f 7003/8251/5239 7005/25609/695 7004/8252/695 +f 8209/4369/2608 8210/25610/244 8256/8254/244 +f 2677/8255/4836 2653/11456/5240 4972/8256/5240 +f 1416/8257/5241 1412/2277/1635 1414/2272/1630 +f 4943/8259/1741 4899/25611/1741 4897/8260/1742 +f 6987/8262/4942 6986/11231/4942 6978/3523/5243 +f 7093/8263/5244 7084/25612/5244 7085/8264/5245 +f 5503/8266/5246 5505/8203/5227 5504/8204/5227 +f 604/8268/1739 601/25613/1739 599/8269/5247 +f 5080/8271/5248 5048/9597/5248 5003/8272/5249 +f 7517/8274/5250 7509/13184/5250 7508/8275/2421 +f 5554/8277/581 5553/25614/581 5555/8278/5251 +f 132/8280/5252 130/12338/5252 124/8281/1766 +f 2478/230/170 5288/229/170 5287/8282/5253 +f 1453/8284/5223 1454/14373/5223 1459/8285/5254 +f 8176/8287/2634 8175/871/565 8261/873/565 +f 5179/8288/5255 5135/11833/5255 5139/8289/5256 +f 306/8291/57 305/12390/5257 303/8292/5257 +f 7674/8294/5258 7675/13396/5258 7672/8295/5259 +f 8207/8297/608 8264/12398/608 8265/8298/609 +f 8539/8300/5260 8541/737/480 8540/736/480 +f 5165/8302/5261 5144/13341/5261 5148/8303/5176 +f 8603/8305/5262 8605/4377/2612 8604/4379/2612 +f 8601/8307/5263 8603/8305/5262 8602/8306/5262 +f 5099/8309/135 5126/11468/135 5125/8310/135 +f 7132/8312/57 7177/25615/57 7178/8313/57 +f 7120/8315/57 7174/25616/57 7171/8316/57 +f 7175/8317/57 7177/25615/57 7132/8312/57 +f 7176/8318/57 7174/25616/57 7120/8315/57 +f 5106/8319/135 5132/25617/135 5133/8320/135 +f 5134/8322/135 5130/11469/135 5107/8323/135 +f 7492/8325/57 7491/8946/57 7448/8326/57 +f 7173/8328/57 7181/10482/57 7142/8329/57 +f 5105/8321/135 5133/8320/135 5137/8331/135 +f 7495/8333/57 7488/5016/57 7434/5018/57 +f 7184/8335/57 7138/5858/57 7110/8336/57 +f 7152/8341/57 7126/5396/57 7186/5395/57 +f 7440/8343/57 7494/8949/57 7498/8344/57 +f 7452/8346/57 7455/11475/57 7493/8347/57 +f 7150/8349/57 7152/8341/57 7188/8342/57 +f 7189/8351/57 7185/8337/57 7110/8336/57 +f 7190/8353/57 7183/4681/57 7124/4683/57 +f 7191/8355/57 7190/8353/57 7154/8354/57 +f 7187/8357/57 7194/10317/57 7168/8358/57 +f 3690/5583/3703 3681/5950/4017 3685/8360/5264 +f 7148/8361/57 7150/8349/57 7192/8350/57 +f 6356/8363/5265 1066/10539/5996 6355/5994/4056 +f 3532/8364/5266 3526/5675/3793 3536/5692/3810 +f 7196/8365/57 7197/1965/57 7164/8366/57 +f 7191/8355/57 7157/8356/57 7158/8368/57 +f 1426/8370/4 8595/13580/4 8593/8371/4 +f 5154/8376/135 5119/11894/135 5120/8377/135 +f 7146/8381/57 7148/8361/57 7198/8362/57 +f 4945/8383/5267 4901/8422/5267 4902/8384/5255 +f 5171/8386/5268 5129/8400/5268 5131/8387/5269 +f 4421/8389/5270 4420/9657/5270 4422/8390/5271 +f 8749/8392/255 8664/496/255 385/7193/2341 +f 4855/7043/4785 4825/7042/4785 4828/8393/5272 +f 5517/8395/5273 5518/11386/5273 5519/8396/570 +f 2711/8397/5274 2705/381/267 5392/382/267 +f 5170/8399/5275 5126/11413/5275 5129/8400/5268 +f 192/8401/188 194/278/198 193/280/198 +f 2639/8403/5276 2637/4304/2574 4869/4306/2574 +f 542/8405/2295 543/25618/2295 547/8406/152 +f 8677/8408/2355 8747/25619/2355 8748/8409/1681 +f 8419/8411/5277 8421/4338/2594 8420/4337/2594 +f 2579/8413/5278 4970/12771/5278 4969/8414/5279 +f 8313/8416/5280 8315/8058/5187 8314/8057/5187 +f 8397/2414/1718 8396/2416/1718 8394/8418/5281 +f 7526/8420/545 7482/25620/545 7483/8421/697 +f 4944/8261/1742 4897/8260/1742 4901/8422/5267 +f 550/8423/153 551/9017/153 539/8424/32 +f 8435/8425/5282 8437/9602/5283 8436/8426/5283 +f 5110/8428/364 2660/13338/364 2659/8429/5284 +f 4929/8431/5285 4916/9578/5285 4909/3537/2412 +f 2348/8432/5286 5278/11430/5286 5277/8433/600 +f 2406/8435/5287 2383/25621/600 5277/8436/600 +f 5185/316/222 5147/315/222 5143/8438/2307 +f 2212/8439/5288 2213/25622/5289 2279/8440/5289 +f 2712/8441/555 2716/9601/4795 5107/8442/4795 +f 7247/8444/5290 7249/11540/5291 7248/8445/5291 +f 7414/8447/5292 7337/25623/5292 7338/8448/5293 +f 7044/8450/5294 7045/25624/5294 7046/8451/5295 +f 7995/8453/5297 7997/10018/5298 7996/8454/5298 +f 7530/8468/57 7532/11958/57 7528/8469/57 +f 7219/8477/57 7218/2758/57 7217/2760/57 +f 3866/6706/4517 3857/6423/4282 3874/6424/4283 +f 5186/8481/135 5157/11971/135 5156/8482/135 +f 8393/8490/2364 8395/8419/5281 8394/8418/5281 +f 2654/8491/5300 2678/9803/190 4886/8492/190 +f 8399/8494/1719 8401/25625/5301 8400/8495/5301 +f 250/8496/5242 295/10002/5242 293/8497/5241 +f 8493/8499/5302 8495/8088/5201 8494/8087/5201 +f 7739/8501/5303 7741/25626/220 7740/8502/220 +f 8545/8504/5304 8544/11707/5304 8542/8505/479 +f 2301/8506/1680 2255/8039/1680 2256/7140/4843 +f 4511/8507/5305 4510/9272/5305 4512/8508/5306 +f 1491/8510/5307 1493/12331/5307 1496/8511/5115 +f 2666/8512/1769 2703/25627/5308 5265/8513/5308 +f 602/8270/5247 599/8269/5247 597/8514/84 +f 260/8515/167 253/11639/57 252/8516/57 +f 842/8518/326 8129/10044/326 8128/8519/5309 +f 1528/8521/265 1527/378/265 1525/8522/5310 +f 5042/8524/5311 5085/12148/5311 5086/8525/5312 +f 522/8527/508 521/9705/508 523/8528/509 +f 2693/8530/5313 2696/10732/5314 4812/8531/5314 +f 158/8533/135 157/14412/216 155/8534/216 +f 7844/8536/5315 7845/13022/5315 7846/3149/2296 +f 4473/8537/5316 4472/13206/5316 4474/8538/4805 +f 8163/8539/2382 8230/25628/2382 8228/8540/2381 +f 7106/8542/5317 7077/11365/5317 7075/8543/5318 +f 8489/8545/5319 8491/12389/5320 8490/8546/5320 +f 4911/8548/5261 4932/13290/5261 4933/8549/5321 +f 2109/8551/5322 2106/9004/5322 2104/8552/328 +f 4501/4323/57 4500/4322/57 4502/8554/5323 +f 571/8556/2566 570/11421/2566 568/8557/2565 +f 7056/8559/326 7054/25629/326 7055/8560/326 +f 5012/8562/5324 5094/25630/5324 5083/8563/5325 +f 5333/8565/5326 5302/25631/5326 5312/8566/4861 +f 7713/8567/5327 7715/9570/5328 7714/8568/5328 +f 8559/8570/5329 8558/11287/5329 8556/8571/5330 +f 7145/3130/254 7144/3129/254 7142/8573/230 +f 8025/577/382 8024/579/382 8022/8575/5331 +f 8341/8577/4871 8343/508/337 8342/510/337 +f 686/8578/4852 8283/13050/4852 8282/8579/4788 +f 2698/8581/5332 5262/12521/5332 5263/7168/5333 +f 2540/8582/5334 4881/13063/5334 4880/8583/5335 +f 8467/8585/5336 8469/13340/5337 8468/8586/5337 +f 4926/8588/5338 4922/25632/5338 4919/8589/5339 +f 4823/8591/5340 4852/25633/5340 4853/8592/5341 +f 8019/8594/5342 8021/9283/5343 8020/8595/5343 +f 6983/8597/4942 6976/11230/4942 6974/3548/5344 +f 7031/8598/326 7032/12739/5345 7033/8599/5345 +f 5367/8601/292 2617/431/292 2704/808/522 +f 7221/8602/1761 7177/25634/1761 7175/8603/2285 +f 4935/8031/5177 4917/8030/5177 4892/8604/5346 +f 7981/8606/5347 7983/3561/2425 7982/3563/2425 +f 7330/8608/57 7375/25635/57 7286/8609/57 +f 7326/3789/57 7331/3788/57 7332/8611/57 +f 7286/8609/57 7375/25635/57 7333/8613/57 +f 7324/8612/57 7332/8611/57 7334/8615/57 +f 7335/8621/57 7373/10324/57 7292/8622/57 +f 7300/8627/57 7333/8613/57 7336/8628/57 +f 7335/8621/57 7294/8623/57 7296/8633/57 +f 7337/8634/57 7369/11692/57 7304/8635/57 +f 7338/8638/57 7337/8634/57 7306/8636/57 +f 3634/3742/2446 3643/10500/5973 3646/4867/3058 +f 4678/6401/4264 4627/10953/6160 4652/7465/4996 +f 7343/8647/57 7338/8638/57 7308/8639/57 +f 7346/8651/57 7342/11677/57 7238/8652/57 +f 6518/3968/2500 6513/6702/4513 6519/7358/4909 +f 420/603/403 405/580/384 414/600/398 +f 3842/8655/5352 3832/10673/6026 3854/8656/5353 +f 6901/7415/4955 6897/7393/4938 6519/7358/4909 +f 7352/5716/57 7346/8651/57 7240/8653/57 +f 7244/8668/57 7246/5345/57 7356/8669/57 +f 7355/8671/57 7350/11683/57 7357/8672/57 +f 7256/8677/57 7259/1974/57 7354/8678/57 +f 1600/1334/824 1594/1333/823 1589/2564/1818 +f 6438/8679/5354 6456/6339/4214 6450/6336/4210 +f 6690/8681/5016 6929/2982/2184 6937/7467/4998 +f 7248/8682/57 7232/8691/57 7364/8683/57 +f 7317/8687/57 7365/11689/57 7366/8688/57 +f 1565/2536/1793 1569/2539/1796 1568/1388/872 +f 7368/8690/57 7364/8683/57 7232/8691/57 +f 1648/8696/326 1651/11201/326 328/8697/326 +f 7371/8699/57 7372/25636/57 7314/8700/57 +f 2949/4553/2762 2942/4552/2761 2943/4533/2742 +f 7311/8702/57 7325/13614/57 7439/3703/57 +f 5711/6240/4116 5741/2555/1809 5748/4802/2995 +f 7370/8704/57 7374/11698/57 7289/8610/57 +f 7236/8708/57 7342/11677/57 7368/8690/57 +f 7782/8709/5355 7765/11243/5355 7769/8710/5356 +f 2783/8712/5357 2785/2352/1685 2784/2354/1685 +f 558/8714/344 559/11246/344 561/8715/4807 +f 614/8717/242 611/13383/6476 609/8718/2430 +f 564/1143/718 565/1142/718 567/8719/5358 +f 7288/8721/5359 7285/25637/5360 7284/8722/5360 +f 37/8724/1767 39/9573/1766 38/8725/1766 +f 7689/8727/5361 7691/9475/5558 7690/8728/5362 +f 2826/7077/4804 2823/7076/4804 2841/392/272 +f 5394/351/247 2701/25393/247 2606/8730/5363 +f 1524/8732/5364 1523/13264/5364 1526/8733/5310 +f 8533/8735/5365 8535/6471/4320 8534/6473/4320 +f 6998/8737/5366 6999/25638/5366 7000/8738/5367 +f 826/8740/5368 8069/25639/1733 8145/8741/1733 +f 7493/8743/142 7538/9148/142 7520/8744/2349 +f 7243/8746/5369 7319/9480/5370 7318/8747/5370 +f 7100/8749/5371 7071/25640/5371 7074/8750/5372 +f 2516/265/190 5119/264/190 5118/8752/5300 +f 760/8754/501 762/25641/5373 761/8755/5373 +f 8595/8757/5374 8594/13384/5374 8592/8758/5375 +f 2374/7990/5155 2376/13337/5376 4817/8760/5376 +f 5548/385/269 5547/384/269 5549/8761/2278 +f 5071/8762/5377 5017/11936/5377 5022/8763/5378 +f 162/8765/5380 166/11593/2290 165/8766/2290 +f 8311/8768/5381 8310/11722/5381 8308/8769/372 +f 7855/8770/5382 7854/14419/5382 7852/8771/5383 +f 2260/8773/4775 2262/13417/5384 2333/8774/5384 +f 5082/8776/5385 5047/13049/5385 5043/8564/5325 +f 2414/8777/5386 4987/9989/5386 4986/8778/5387 +f 8627/8780/32 8629/794/515 8628/796/515 +f 352/8782/2551 351/25642/2550 353/8783/2370 +f 2719/8784/5388 2711/8397/5274 5391/8398/5274 +f 754/8786/366 756/6452/4310 755/6454/4310 +f 2612/8788/5175 5434/25643/5175 5433/8789/5390 +f 2679/8791/189 2689/14428/325 4888/8792/325 +f 5386/8794/5391 2375/11497/5391 2377/8795/5392 +f 2476/8797/5393 5413/13052/5393 5412/4313/2580 +f 7230/8799/5215 7192/10036/5215 7188/8800/2572 +f 8672/8802/5394 461/781/288 8739/783/288 +f 2514/8804/5395 2503/12698/5396 5284/8805/5396 +f 621/8807/5389 623/12004/4310 622/8808/4310 +f 7534/8809/2285 7487/12142/2285 7491/8810/380 +f 8170/8811/2402 8240/13216/2402 8241/8812/2404 +f 7581/8814/587 7583/918/598 7582/920/600 +f 4729/7642/5114 4726/7639/5114 4725/7645/5117 +f 2777/8815/57 2779/13167/5397 2778/8816/5397 +f 7395/8825/57 7390/11792/57 7401/8826/57 +f 7401/8826/57 7390/11792/57 7391/8828/57 +f 7382/8829/57 7392/11799/57 7385/8839/57 +f 1470/8840/57 1488/9916/57 1486/8841/57 +f 5579/4446/2658 5607/5208/3366 5901/8856/5399 +f 7409/8859/57 7410/10695/57 7418/8860/57 +f 5320/8868/297 5295/25644/297 5299/8869/5400 +f 2754/4414/2632 2753/11644/5401 2751/8871/5401 +f 5203/8872/5402 2482/25645/5402 2484/8873/5403 +f 7551/8875/5404 7550/9993/5404 7548/8876/5405 +f 2223/8878/2396 2222/1116/704 2308/1118/704 +f 8090/8879/336 826/8740/5368 8144/8742/5368 +f 1487/8881/5407 1488/25646/5407 1489/8882/5408 +f 6984/7397/4941 7061/931/607 7060/930/607 +f 7650/3515/2401 7651/3517/2401 7652/8884/5409 +f 399/8886/569 396/25647/568 394/8887/5410 +f 2860/906/589 2859/905/589 2800/912/594 +f 2463/7058/4794 2477/12756/5411 4876/8889/5411 +f 174/8891/700 176/2471/701 175/2473/701 +f 7685/8893/5412 7684/9354/5412 7694/4265/2554 +f 2211/8894/5224 2210/8187/5219 2277/8189/5221 +f 716/8896/5413 715/12429/5413 717/8897/5414 +f 724/8899/5416 723/9201/5416 725/8900/5417 +f 6966/8902/285 6972/25648/6348 6973/3425/182 +f 4800/396/5418 2458/25395/5418 2457/3524/2405 +f 827/8904/4 8062/269/193 8104/271/193 +f 2810/8906/5419 2809/9298/5419 2807/8907/5420 +f 2835/8909/19 2832/12178/19 2830/8910/2548 +f 2510/8911/2574 2512/25649/2575 5117/8912/2575 +f 7617/231/171 7616/233/171 7614/8914/5421 +f 5052/8916/611 5004/25650/611 5039/8917/5422 +f 255/8919/1717 247/11227/1717 248/8920/1715 +f 4948/8922/248 4903/3535/248 4895/8923/249 +f 7220/8925/5423 7178/11587/5423 7177/8926/1761 +f 548/8928/277 549/25651/277 553/8929/361 +f 5033/8931/5424 5032/13425/5425 5050/8932/5425 +f 7430/8934/57 7483/8940/57 7482/8935/57 +f 7484/8937/57 7485/11474/57 7456/8938/57 +f 7432/5017/57 7486/25549/57 7483/8940/57 +f 7487/8941/57 7489/25652/57 7444/8942/57 +f 5747/4964/3149 5704/4866/3057 5700/6348/4223 +f 7444/8942/57 7489/25652/57 7490/8944/57 +f 7491/8946/57 7487/8941/57 7446/8943/57 +f 6276/5639/3759 6253/5812/3900 6255/5813/3901 +f 6278/8947/5426 6290/5930/3997 6294/5918/3985 +f 7442/8945/57 7490/8944/57 7494/8949/57 +f 3870/8950/5428 3879/10710/6056 3861/6427/4286 +f 4906/8338/135 4876/8340/135 4862/8951/135 +f 7464/8956/57 7438/8345/57 7498/8344/57 +f 3068/5712/3826 3060/4932/3117 3046/8958/5429 +f 7505/8960/57 7501/8965/57 7425/8961/57 +f 7462/8963/57 7464/8956/57 7500/8957/57 +f 7501/8965/57 7497/5883/57 7422/5882/57 +f 7502/8966/57 7495/8333/57 7436/8334/57 +f 7503/8968/57 7502/8966/57 7466/8967/57 +f 7499/8348/57 7506/4711/57 7480/8970/57 +f 7193/8971/57 7189/8351/57 7113/8352/57 +f 4881/8973/135 4882/11883/135 4914/8974/135 +f 7195/8976/57 7193/8971/57 7114/8972/57 +f 3293/8977/5431 3244/5297/3448 3276/5311/3459 +f 7508/4712/57 7509/8984/57 7476/8979/57 +f 4913/8980/135 4885/11887/135 4886/8981/135 +f 7474/8983/57 7476/8979/57 7509/8984/57 +f 7511/8987/57 7470/10270/57 7472/8988/57 +f 7458/8939/57 7460/14050/57 7510/8989/57 +f 2390/8990/5433 2593/25653/2345 5454/8991/2345 +f 7779/8993/5434 7804/11234/5434 7787/8994/5435 +f 4372/544/360 4373/543/360 4375/8996/5216 +f 554/8997/362 555/9973/362 557/8998/343 +f 5495/9000/5436 5497/13335/5437 5496/9001/5437 +f 2111/9003/5438 2108/13247/5410 2106/9004/5322 +f 7891/9005/5439 7893/3172/2311 7892/3171/2311 +f 2395/9007/4864 2396/452/306 5357/454/306 +f 7293/9008/5440 7292/12098/5440 7290/9009/2546 +f 2551/9010/5175 4789/25654/5175 4788/1136/715 +f 4980/9012/5441 2394/11415/5441 2393/9013/5442 +f 7809/3169/2309 7778/3168/2309 7776/9015/5443 +f 546/8407/152 547/8406/152 551/9017/153 +f 7284/8722/5360 7285/25637/5360 7283/9018/270 +f 4429/7719/5126 4428/7718/5126 4430/9019/2417 +f 8407/9020/5444 8409/12990/5445 8408/9021/5445 +f 8415/375/263 8414/377/263 8412/441/299 +f 7544/9024/5446 7545/25655/5446 7546/9025/5447 +f 733/9027/84 730/11541/84 727/9028/85 +f 7025/1115/703 7024/1114/703 7028/9029/5448 +f 242/9031/188 244/3415/198 243/3417/198 +f 4941/9033/2303 4904/9660/2303 4900/9034/5188 +f 5326/9035/5449 5294/12538/5449 5293/9036/5450 +f 2514/8804/5395 5283/8806/5395 5282/7012/4769 +f 5162/9039/5451 5149/9836/5451 5142/9040/2412 +f 2249/337/236 2316/336/236 2325/3507/481 +f 5460/9043/5452 5459/10059/5452 5557/9044/4773 +f 5530/9045/5453 5532/408/280 5531/409/280 +f 8199/9047/1733 8198/13303/1734 8276/9048/1734 +f 8503/9050/5454 8502/11873/5454 8500/9051/2360 +f 7156/3570/2429 7159/13031/5455 7158/9052/5455 +f 8651/4511/4 1437/4510/4 1438/9065/4 +f 7531/9071/57 7530/8468/57 7529/8470/57 +f 7219/8477/57 7209/8478/57 7201/9073/57 +f 7543/9076/57 7514/12291/57 7513/9077/57 +f 4786/8012/5169 2507/25599/5169 2529/1135/714 +f 299/9084/5242 302/25656/1715 301/9085/1715 +f 2204/7744/5142 98/25657/19 101/9087/19 +f 8197/9088/5456 8225/25658/5456 8226/9089/5457 +f 4495/561/371 4494/560/371 4496/9091/2586 +f 5467/9092/5458 5468/9319/5458 5469/3117/2283 +f 7121/9093/5459 7120/12093/5459 7118/9094/92 +f 6531/6629/4449 6530/6501/4343 6532/9095/5460 +f 2658/2313/1665 2664/3492/2391 5402/3494/2391 +f 7907/9097/5461 7906/11769/5461 7905/9098/5462 +f 8059/9100/194 8060/25659/1668 8106/9101/1668 +f 2258/9102/4868 2259/11942/4867 2305/9103/4867 +f 2253/9105/75 2312/11458/75 2313/9106/2350 +f 4781/9108/19 2452/25660/19 2444/9109/19 +f 2601/447/303 2600/7014/4770 5259/7015/4770 +f 210/9111/5464 214/12324/5465 213/9112/5465 +f 2418/9114/5466 2415/25607/5231 5430/8213/5231 +f 152/9116/2299 154/25661/5467 153/9117/5467 +f 7325/9118/5156 7324/25662/5156 7322/9119/5468 +f 5346/9121/4787 5310/25663/4787 5300/9122/5469 +f 79/4404/19 78/4403/19 144/9124/5222 +f 8305/9125/5470 8307/25664/373 8306/9126/373 +f 2554/9128/5471 2544/10055/5472 5379/9129/5472 +f 5332/9131/5473 5298/9687/5473 5302/9132/5326 +f 7102/8751/5372 7074/8750/5372 7073/9134/5474 +f 8577/9136/5475 8579/11500/5476 8578/9137/5476 +f 2575/9139/5477 4965/25665/5477 4971/9140/5478 +f 2616/9142/5479 5438/12518/5479 5447/9143/5480 +f 7256/9145/5481 7257/25666/5481 7258/9146/5482 +f 7538/9148/142 7493/8743/142 7485/9149/143 +f 2796/3262/2325 2794/3264/2325 2873/9151/1700 +f 694/9153/4 8233/12024/4 8232/9154/689 +f 8212/9156/5309 709/4418/326 8259/4420/326 +f 2673/4173/135 2670/4169/135 2376/3750/135 +f 7588/9168/57 7601/9177/57 7602/9169/57 +f 7590/9175/57 7575/12763/57 7598/9176/57 +f 1485/8093/5204 1486/8092/5204 1488/9183/5407 +f 7999/9192/5483 8001/12772/5484 8000/9193/5484 +f 7993/9195/5485 7992/25667/5485 7991/9196/5486 +f 7163/9198/5487 7165/8069/5193 7164/8071/5193 +f 722/9200/5488 721/12702/6342 723/9201/5416 +f 7161/9202/5489 7163/9198/5487 7162/9199/5487 +f 338/889/578 337/891/578 336/942/615 +f 576/9204/5490 577/12762/5490 579/9205/508 +f 7897/9206/5491 7899/25462/1693 7898/2370/1693 +f 7603/9208/5492 7602/11229/6180 7601/3145/2294 +f 8325/9209/5493 8324/13058/5493 8322/9210/5494 +f 164/9212/5465 168/11433/5495 167/9213/5495 +f 226/9215/701 228/11837/1750 227/9216/1750 +f 7117/9217/91 7116/25668/91 7114/9218/5496 +f 8079/9220/276 8124/12986/2608 8125/9221/2607 +f 1531/9223/550 1532/850/550 1534/9224/4065 +f 7672/9226/19 7667/25669/19 7666/9227/19 +f 8091/9229/4771 8057/13349/4771 8056/340/238 +f 5136/9230/248 5181/353/248 5163/9041/2412 +f 4463/9231/5497 4462/12510/5497 4464/9232/294 +f 2456/9233/555 2459/7060/4795 4874/7059/4795 +f 8716/9235/5498 8717/25670/4866 8763/9236/4868 +f 1458/8286/5254 1459/8285/5254 1462/9238/4812 +f 2773/9239/5499 2775/2324/1672 2774/2326/1672 +f 8659/9241/5500 8661/812/526 8660/814/526 +f 8389/9247/4 8387/10549/4 8469/9248/4 +f 7616/9254/57 7618/1761/57 7626/1763/57 +f 4180/6798/4596 4060/10781/6091 4029/6602/4427 +f 7650/9260/57 7653/12115/57 7642/9261/57 +f 7647/9265/57 7645/12118/57 7640/9266/57 +f 4509/9271/5501 4508/11422/5501 4510/9272/5305 +f 7286/9273/5502 7287/25671/5502 7288/8721/5359 +f 7203/9274/517 7199/9677/517 7200/9275/5503 +f 8547/9277/5504 8549/25672/5505 8548/9278/5505 +f 7092/9280/5506 7083/12544/5506 7084/9281/5244 +f 8021/9283/5343 8023/8576/5331 8022/8575/5331 +f 502/518/344 501/517/344 503/9284/4807 +f 633/9285/549 635/732/477 634/734/477 +f 4846/9286/5507 4837/11853/5507 4838/9287/4830 +f 1490/8883/5408 1489/8882/5408 1442/9288/2427 +f 2431/9289/326 2539/25673/326 5211/9290/326 +f 8463/4384/2616 8462/4383/2616 8460/9292/5508 +f 534/9294/551 530/3462/551 531/780/509 +f 8186/7988/238 8279/7987/238 8221/7018/4771 +f 8403/9295/5509 8402/11453/5509 8400/9296/5301 +f 2797/913/595 2799/25421/595 2809/9298/5419 +f 7133/9299/2606 7132/25674/2606 7130/9300/5510 +f 2235/9302/275 2269/8010/275 2270/9303/214 +f 2357/9304/5511 4995/13212/5511 4994/9305/5512 +f 7795/9307/5513 7775/13284/5513 7757/9308/5514 +f 5054/9310/5515 5038/13397/5515 5030/9311/5516 +f 7095/9313/5517 7086/11361/5517 7087/9314/5518 +f 7012/9316/5519 7015/11261/5520 7014/9317/5520 +f 5468/9319/5458 5467/9092/5458 5551/9320/580 +f 8162/9321/5521 8244/11986/6190 8245/9322/19 +f 7969/9324/4793 7971/25601/5178 7970/8032/5178 +f 4936/9325/5346 4892/25675/5346 4893/9326/5275 +f 2491/9328/5523 2479/8283/5253 5287/8282/5253 +f 7576/9330/5524 7577/25676/5524 7578/901/586 +f 2608/4084/2526 3792/10659/6015 3793/6315/4189 +f 2194/7732/5135 59/7972/32 14/9331/32 +f 8086/9332/2633 726/8901/5417 725/8900/5417 +f 494/9334/277 493/25677/277 495/9335/361 +f 7806/9336/4832 7770/25678/4832 7760/9337/5525 +f 2470/9339/2601 2417/7965/5151 5364/7964/5151 +f 35/9340/5526 37/8724/1767 36/8726/1767 +f 2723/9342/5527 5371/9665/5527 5370/9343/5528 +f 8065/9345/5457 8096/12708/5457 8097/7135/4839 +f 2107/8553/328 2104/8552/328 2102/9347/329 +f 2646/9349/5529 5200/9991/5529 5199/9350/5530 +f 2224/9352/705 2225/13313/6378 2310/9353/5531 +f 7684/9354/5412 7685/8893/5412 7686/9355/5532 +f 150/9357/5533 149/8177/2298 147/8179/2298 +f 7341/9359/5534 7400/25679/5534 7401/9360/5535 +f 2522/7117/4827 4782/7116/4827 4783/9362/5536 +f 5396/9364/5537 2609/9727/5537 2623/927/605 +f 7750/9365/57 7751/10492/57 7696/9366/57 +f 7726/9371/57 7728/10361/57 7752/9372/57 +f 7674/9373/57 7673/12199/57 7694/9374/57 +f 7718/9376/57 7753/9380/57 7754/9377/57 +f 7721/9379/57 7779/10511/57 7753/9380/57 +f 1233/2212/1577 1225/3048/2237 1239/2996/2196 +f 7757/9381/57 7662/9436/57 7664/2125/57 +f 7759/9385/57 7755/2124/57 7734/2126/57 +f 7758/9387/57 7666/9367/57 7668/9388/57 +f 7761/9390/57 7708/2676/57 7710/9391/57 +f 3612/5833/3918 4225/6861/4646 4230/6870/4655 +f 7754/9377/57 7764/11876/57 7746/9393/57 +f 7763/9392/57 7710/9391/57 7712/9394/57 +f 7738/9396/57 7765/9403/57 7759/9385/57 +f 4279/5821/3909 3120/5204/3362 3213/5203/3361 +f 5240/9397/135 5241/9262/135 5236/9264/135 +f 6285/8948/5427 6279/3802/2458 6274/3804/2460 +f 7740/9402/57 7769/12215/57 7765/9403/57 +f 6524/6444/4303 6519/7358/4909 6525/6446/4304 +f 3972/6525/4365 3788/6636/4454 3790/7428/4966 +f 3647/5854/3936 3633/4154/2535 3635/5876/3956 +f 6144/5041/3212 6126/5558/3679 6154/5622/3742 +f 3119/5202/3360 3010/4687/2893 2948/9416/5540 +f 7775/9420/57 7772/8097/57 7658/8099/57 +f 7705/7332/57 7771/7331/57 7776/9422/57 +f 3683/5988/4050 1754/5976/4040 3692/5979/4043 +f 6653/9424/135 6655/5773/135 68/5775/135 +f 4883/9425/135 4870/11482/135 4908/9426/135 +f 7732/9428/57 7776/9422/57 7778/9429/57 +f 7359/9434/57 7360/25554/57 7318/5715/57 +f 7775/9420/57 7660/9421/57 7662/9436/57 +f 2582/9438/5541 2577/25680/5542 5419/9439/5542 +f 7671/9441/5543 7659/13252/5544 7658/9442/5544 +f 8331/9444/5161 8333/9562/5545 8332/9445/5545 +f 4832/218/162 4858/217/162 4860/9446/5546 +f 4792/9448/5547 2474/25681/5547 2473/9449/5548 +f 2722/9451/5549 2725/12317/5550 4997/9452/5550 +f 312/9454/5153 316/12507/167 315/9455/167 +f 7807/9338/5525 7760/9337/5525 7752/9457/2308 +f 7625/9458/32 7624/25682/32 7622/9459/32 +f 5472/9461/2284 5474/777/507 5473/776/507 +f 8204/9462/5551 8267/12525/5551 8268/9463/612 +f 7704/9464/5552 7707/11441/5553 7706/9465/5553 +f 2557/9467/5554 2565/433/293 5376/432/293 +f 5556/8279/5251 5555/8278/5251 5522/9469/258 +f 48/9470/5555 2197/7721/5127 2196/7722/5127 +f 72/9472/5556 16/25683/5556 17/8243/5237 +f 5347/9123/5469 5300/9122/5469 5292/9473/5557 +f 7691/9475/5558 7693/772/503 7692/774/505 +f 375/9476/5559 372/25684/227 370/9477/228 +f 7321/9479/5560 7320/14384/5560 7318/8747/5370 +f 5344/9481/5561 5319/11706/5561 5317/9482/4786 +f 4390/4297/2570 4391/4296/2570 4393/9483/239 +f 8710/9484/2351 8773/11735/2351 8774/9485/235 +f 2734/9487/4822 2349/25685/11630 5239/9488/5562 +f 1460/9490/5563 1457/25686/5563 1448/9491/5564 +f 491/203/153 488/202/153 485/9493/32 +f 2213/9495/5289 2175/422/288 2280/424/290 +f 7841/9497/5565 7829/25687/5566 7828/9498/5566 +f 4856/8394/5272 4828/8393/5272 4830/9500/5567 +f 334/9502/614 333/940/614 331/9503/133 +f 143/9515/135 6397/11026/135 6383/9516/135 +f 7014/9524/57 7016/10122/57 7076/9525/57 +f 7798/4736/57 7788/4738/57 7781/9526/57 +f 7768/9395/57 7712/9394/57 7714/9528/57 +f 6644/9529/5568 6601/6606/4430 6615/6608/4432 +f 7951/898/584 7950/900/584 7948/9535/531 +f 7530/9537/4791 7494/11950/4791 7490/9538/340 +f 510/9539/5358 509/9771/5358 511/9540/2565 +f 8601/8307/5263 8600/8308/5263 8598/9541/5569 +f 8301/9543/597 8303/11411/5570 8302/9544/5570 +f 8088/9545/5571 8089/13174/335 8142/9546/335 +f 8164/8541/2383 8228/8540/2381 8229/9547/5572 +f 7879/9549/5573 7881/11612/5574 7880/9550/5574 +f 7681/9552/5575 7679/25413/557 7678/860/557 +f 2446/9554/5576 2440/25688/5577 5213/9555/5577 +f 3941/6477/4325 3938/6476/4324 4218/7737/5137 +f 8082/8520/5309 8128/8519/5309 8127/9557/245 +f 8166/9155/689 8232/9154/689 8231/9558/691 +f 33/9560/2388 35/9340/5526 34/9341/5526 +f 8333/9562/5545 8335/12252/5579 8334/9563/5579 +f 2411/9564/5335 2409/11207/5334 5114/9565/5334 +f 5168/9567/5177 5150/12121/5177 5125/9568/5346 +f 7715/9570/5328 7717/13205/5580 7716/9571/5580 +f 42/9572/5252 40/11661/5252 38/8725/1766 +f 5031/9574/5581 5063/12748/5581 5064/9575/5582 +f 4928/9577/5583 4918/11579/5583 4916/9578/5285 +f 5528/9579/5584 5530/25689/5453 5529/9580/5453 +f 737/9582/1739 734/25690/1739 732/9583/5247 +f 7449/9585/5585 7451/12444/2559 7450/9586/2559 +f 7207/3555/2422 7194/3554/2422 7187/3408/2349 +f 8353/9588/5586 8355/25691/5587 8354/9589/5587 +f 5321/8870/5400 5299/8869/5400 5305/9591/4311 +f 7234/9592/2394 7237/12184/5588 7236/9593/5588 +f 5568/9595/5203 5477/25692/5589 5478/9596/5589 +f 5079/239/174 5006/238/174 5048/9597/5248 +f 7513/9598/5590 7503/14407/5590 7511/9599/517 +f 2729/9600/4794 5108/12094/4794 5107/8442/4795 +f 8437/9602/5283 8439/247/179 8438/246/179 +f 218/9603/5495 208/305/135 206/307/135 +f 8674/9605/283 8744/11442/283 8745/9606/284 +f 2771/9608/493 2773/9239/5499 2772/9240/5499 +f 7828/9638/57 7810/12373/57 7862/9639/57 +f 7731/213/159 7730/215/159 7728/9648/5591 +f 5544/9650/5592 2813/13279/5593 2812/9651/5593 +f 7885/9653/5594 7884/12711/5594 7882/9654/5595 +f 4419/9656/5596 4418/14411/5596 4420/9657/5270 +f 4877/549/364 2641/25402/364 2640/9658/5284 +f 4940/3502/2304 4908/3501/2304 4904/9660/2303 +f 4923/9661/5382 4913/11218/5382 4921/9662/5597 +f 2723/9342/5527 2727/11222/5590 5372/9664/5590 +f 8049/9666/5598 8121/25693/6377 8122/9667/5599 +f 7849/9669/2297 7851/25694/5600 7850/9670/5600 +f 2199/7637/5113 2198/7643/5113 116/9671/5601 +f 2682/9673/5602 2681/13404/5603 5281/9674/5603 +f 7202/9676/5590 7191/12701/5590 7199/9677/517 +f 7334/9678/5604 7376/12186/5604 7377/526/350 +f 7272/9680/5605 7275/12272/5606 7274/9681/5606 +f 8220/9683/5406 693/13191/5368 8274/9684/5368 +f 8167/9548/5572 8229/9547/5572 8238/9685/5608 +f 5331/3558/2423 5290/3557/2423 5298/9687/5473 +f 1432/9688/5182 1392/2268/1626 1394/2288/1646 +f 1480/9690/5609 1479/12509/5609 1481/9691/1759 +f 7939/9692/5610 7921/25426/711 7920/1127/711 +f 8690/9694/1735 453/25695/1736 8789/9695/1736 +f 2853/9697/5611 2854/25696/5611 2741/479/324 +f 200/9699/5533 199/3152/2298 197/3154/2298 +f 7069/9701/5612 7068/11912/5612 7066/9702/5613 +f 520/9704/5490 519/12787/5490 521/9705/508 +f 8085/9706/260 8086/9332/2633 8157/9333/2633 +f 2730/9707/5615 2717/14368/5616 4954/9708/5616 +f 7408/4286/2564 7330/4285/2564 7374/9710/252 +f 2571/9711/5617 5420/9818/5617 5419/9712/5542 +f 8213/371/175 8285/370/175 8284/9714/5211 +f 8722/9716/5618 360/8004/5165 359/8003/5165 +f 7473/9718/5489 7472/25697/5489 7470/9719/5455 +f 2475/296/210 5409/298/210 5408/9721/5620 +f 7447/9723/2605 7446/11308/2605 7444/9724/2606 +f 5405/9726/5621 2490/25698/5621 2609/9727/5537 +f 2663/4163/135 2664/25699/135 2658/4151/135 +f 2232/9764/1696 2230/12256/4783 2328/9765/4783 +f 8527/9766/5622 8526/13342/5622 8524/9767/354 +f 7837/9768/5623 7839/13334/5624 7838/9769/5624 +f 508/2312/718 507/2311/718 509/9771/5358 +f 5088/9772/5625 5011/12249/5625 5016/9773/5626 +f 5358/453/307 2397/25397/307 2562/9775/5627 +f 8706/9777/2397 8707/738/481 8784/740/481 +f 7316/9779/5628 7317/25700/5628 7328/9780/5629 +f 7620/9782/19 7611/25701/19 7610/9783/19 +f 2680/9785/5630 2628/25702/5631 5232/9786/5631 +f 5182/355/249 5128/354/249 5127/9788/5233 +f 7297/9790/4851 7296/25703/4851 7294/9791/5632 +f 7919/9793/5633 7901/12706/6422 7900/9794/5634 +f 2713/9796/5635 4956/9805/5635 4955/9797/5636 +f 6965/3424/2300 6971/3426/182 6970/9799/182 +f 7562/9800/326 7560/25704/326 7561/9801/326 +f 2678/9803/190 2679/25705/189 4887/9804/189 +f 2715/840/543 4957/839/543 4956/9805/5635 +f 4884/4305/2575 2636/25538/2575 2654/8491/5300 +f 1517/9806/5637 1518/13336/5637 1520/9807/5638 +f 381/2445/1723 378/2444/1723 376/9809/4817 +f 6987/8262/4942 6980/3522/5243 6979/9811/5344 +f 1507/8083/4843 1502/8082/4843 1510/9813/5639 +f 7785/9815/5640 7764/13272/5640 7754/9816/5641 +f 2571/9711/5617 2558/556/368 5421/555/368 +f 2484/8873/5403 2483/11520/5642 5205/9819/5642 +f 2064/7150/4829 2062/7149/4829 2063/9820/2549 +f 1464/9822/4813 1463/25706/4813 1466/9823/5643 +f 8075/7173/4858 8136/7172/4858 8137/9825/5551 +f 5062/9827/5644 5025/11602/5644 5033/8931/5424 +f 186/7021/278 185/7020/278 187/9828/279 +f 8696/9830/684 8697/25707/685 8743/9831/5645 +f 7995/8453/5297 7994/8455/5297 7992/9833/5485 +f 5161/9835/5583 5151/12125/5583 5149/9836/5451 +f 7669/9837/5646 7668/12495/5646 7666/9838/5647 +f 7539/9150/143 7485/9149/143 7484/9840/165 +f 7399/9842/5648 7349/12163/6358 7353/9843/5649 +f 6642/9879/5650 6594/4658/2867 6601/6606/4430 +f 1753/9919/1990 1754/13484/6480 1752/9920/5651 +f 202/9929/326 928/11178/326 932/9930/326 +f 1422/9932/4 8591/13870/4 8589/9933/4 +f 2246/9960/2385 2245/25708/6458 2323/9961/5652 +f 1431/9962/4758 1390/2266/1621 1392/2268/1626 +f 7686/9355/5532 7689/8727/5361 7688/8729/5361 +f 7263/9963/554 7265/12336/5653 7264/9964/5653 +f 1424/7969/5153 1373/2263/1622 1377/2255/1615 +f 4772/9966/499 4773/3123/499 4779/3124/498 +f 8189/2320/1669 8235/2319/194 8234/9967/193 +f 8709/9486/235 8774/9485/235 8775/739/236 +f 8191/9970/4840 8193/12166/4839 8227/9971/4839 +f 552/8930/361 553/8929/361 555/9973/362 +f 2217/9974/2354 2287/13306/2354 2288/9975/2355 +f 8202/3439/613 8269/3438/613 8278/7107/4821 +f 7917/9978/5655 7919/9793/5633 7918/9795/5633 +f 5439/9980/5656 2599/12345/5656 2498/9981/5657 +f 4870/9983/5658 2493/13222/5658 2472/9984/5659 +f 7554/9986/326 7545/25655/326 7544/9024/326 +f 7895/3170/2310 7897/9206/5491 7896/9207/5491 +f 2427/195/147 4988/197/147 4987/9989/5386 +f 2646/9349/5529 2643/12409/1729 5196/9990/1729 +f 7551/8875/5404 7553/11274/5660 7552/9992/5660 +f 8565/9994/5661 8564/13003/5661 8562/9995/5662 +f 2257/9997/4844 2258/25709/4868 2304/9998/5463 +f 2721/838/542 2722/9451/5549 4959/9453/5549 +f 2489/10000/5663 2490/25698/5621 5405/9726/5621 +f 295/10002/5242 250/8496/5242 249/10003/1715 +f 4738/10005/5664 4736/6496/4339 6528/10006/5665 +f 8659/9241/5500 8658/9242/5500 8656/10007/5666 +f 4515/10009/5667 4514/13282/5667 4516/10010/5668 +f 2509/10012/5276 5101/12758/5276 5100/8034/5179 +f 5075/10014/5669 5046/10016/5669 5008/10015/2280 +f 5046/10016/5669 5075/10014/5669 5076/276/197 +f 7999/9192/5483 7998/9194/5483 7996/8454/5298 +f 8537/10019/4321 8539/8300/5260 8538/8301/5260 +f 8211/10020/5670 8212/9156/5309 8258/9157/5309 +f 8475/10021/5671 8477/25710/5672 8476/10022/5672 +f 7648/10024/19 7646/25711/19 7647/10025/19 +f 598/119/85 594/118/85 595/10027/692 +f 5117/8912/2575 2512/25649/2575 2511/8753/5300 +f 8467/8585/5336 8466/8587/5336 8464/10029/2615 +f 7796/9309/5514 7757/9308/5514 7756/10030/316 +f 7733/10032/160 7703/25712/5673 7702/10033/5673 +f 5296/10034/296 5295/25644/297 5320/8868/297 +f 7229/224/166 7198/223/166 7192/10036/5215 +f 6994/10037/5674 6995/25713/5674 6996/10038/5675 +f 2755/10040/5676 2757/25714/5676 2869/10041/1697 +f 8046/10043/2634 8130/11921/2634 8129/10044/326 +f 2844/10045/273 2846/12733/5677 2845/10046/5677 +f 7010/10047/5678 7011/13300/5678 7012/10048/5519 +f 2856/10050/5679 2855/13366/5679 2857/10051/588 +f 7417/7147/4848 7367/7146/4848 7372/10053/5680 +f 2544/10055/5472 2530/7032/4779 5380/7034/4779 +f 7212/10056/25 7193/12400/25 7195/10057/544 +f 2453/7063/4797 5215/7062/4797 5214/8038/5180 +f 6985/7396/4942 6983/8597/4942 6975/253/5243 +f 5459/10059/5452 5460/9043/5452 5461/52/35 +f 7815/10060/602 7817/4274/2557 7816/4276/2557 +f 5177/2456/1742 5130/2455/1742 5134/10061/5267 +f 7931/10063/2589 7933/25715/5681 7932/10064/5681 +f 2757/6088/4 2792/6092/4 3721/6091/4 +f 1562/4425/2641 1652/4427/2643 1650/10068/5683 +f 2968/10069/5684 2908/10088/5698 2961/4571/2780 +f 7282/10070/57 7278/5824/57 7339/5823/57 +f 4202/10071/5685 4192/10835/6127 4183/10072/5686 +f 1639/10073/5687 1636/7314/4873 1579/7315/4874 +f 2892/10074/5688 2879/4442/2654 3223/6630/4450 +f 2917/10076/5690 2894/10081/5694 2891/10077/5691 +f 6341/5977/4041 6316/5998/4058 6344/10078/5692 +f 3257/4982/3164 3579/4981/3163 3586/10080/3890 +f 5921/5053/3224 5957/4795/2988 6216/5747/3854 +f 2937/4822/3015 2928/4821/3014 2895/5427/3560 +f 2900/4464/2676 2892/10074/5688 3236/10075/5689 +f 5786/4906/3091 5765/4834/3027 5730/4835/3028 +f 6161/10083/5696 6144/5041/3212 6165/5467/3595 +f 7431/10085/57 7429/13692/57 7594/10086/57 +f 2907/5368/3511 2885/5367/3510 2887/5206/3364 +f 3238/2580/1831 2910/10090/5700 2909/10089/5699 +f 2890/4453/2665 3240/7695/5121 3209/5191/3349 +f 4282/6913/4696 4278/5334/3481 5620/5864/3944 +f 2910/10090/5700 3238/2580/1831 3225/5907/3977 +f 2904/4465/2677 2900/4464/2676 3241/10082/5695 +f 2880/10093/5703 2884/5184/3342 2881/6795/4593 +f 3227/5215/3373 2878/4441/2653 2877/4440/2652 +f 3240/7695/5121 2890/4453/2665 2888/4452/2664 +f 2889/10092/5702 2888/4452/2664 2905/4466/2678 +f 2892/10074/5688 2900/4464/2676 2893/2985/2187 +f 3319/4716/2919 3285/10297/5863 3312/4443/2655 +f 5757/4816/3009 5814/4781/2974 5848/5078/3246 +f 2903/10096/5706 3173/2581/1832 2906/5211/3369 +f 2927/6894/4679 3214/5234/3391 2931/5236/3393 +f 2930/10097/5707 2928/4821/3014 2929/6895/4680 +f 2944/4638/2847 2901/5696/3814 2906/5211/3369 +f 2912/5608/3728 2911/5607/3727 3022/5820/3908 +f 3092/10098/5708 3042/10154/5757 2951/10099/5709 +f 3155/5056/3227 3184/5055/3226 2896/10100/5710 +f 3854/8656/5353 3848/10691/6040 3853/4628/2837 +f 3282/10102/5712 3294/10316/5871 3270/10103/5713 +f 5773/4912/3097 5733/4911/3096 5678/10105/5715 +f 2961/4571/2780 3239/5653/3773 3233/5171/3329 +f 2934/5185/3343 2884/5184/3342 2924/10106/5716 +f 2959/2769/1993 2910/10090/5700 2925/10091/5701 +f 4193/2967/2169 4209/6854/4640 2546/4002/2511 +f 3354/10107/5717 3353/5383/3524 1635/5385/3525 +f 4164/5201/3359 4161/5200/3358 4147/10108/5718 +f 3286/5320/3468 3247/5241/3395 3313/10110/5720 +f 3549/10111/5721 3554/5667/3785 3523/5006/3183 +f 3239/5653/3773 2961/4571/2780 2908/10088/5698 +f 2950/4488/2700 2941/4532/2741 2932/3857/2472 +f 6451/6328/4202 6441/6327/4201 6463/6346/4222 +f 3115/6905/4688 2964/6896/4681 3077/4546/2755 +f 2960/4570/2779 2954/4572/2781 2942/4552/2761 +f 6150/5600/3720 6136/5561/3682 6168/5623/3743 +f 5470/10114/4 8574/14109/4 8576/10115/4 +f 2951/10099/5709 2936/10152/5756 2935/4622/2831 +f 6396/10117/5724 6401/10248/5826 6384/6222/4105 +f 6478/4950/3135 6486/6386/4251 6471/10119/5726 +f 6010/5196/3354 6016/5388/3528 5995/5350/3494 +f 2884/5184/3342 2880/10093/5703 2952/10120/5727 +f 7016/10122/57 6998/10375/57 7078/10123/57 +f 2915/6000/4060 1569/4561/2770 2956/4560/2769 +f 2974/4502/2714 2969/1349/836 2950/4488/2700 +f 2923/4515/2724 2915/6000/4060 2958/10124/5729 +f 2967/4707/2913 2958/10124/5729 2956/4560/2769 +f 2949/4553/2762 2969/1349/836 2971/1351/838 +f 3541/5178/3336 3563/10412/5929 3534/10125/5730 +f 3039/5039/3210 2995/5038/3209 2993/10127/5732 +f 2958/10124/5729 2967/4707/2913 2973/4706/2912 +f 2910/10090/5700 2959/2769/1993 2970/2771/1995 +f 2972/8137/5207 2952/10120/5727 2880/10093/5703 +f 2983/4783/2976 2968/10069/5684 2960/4570/2779 +f 3200/10101/5711 2896/10100/5710 2895/5427/3560 +f 3592/5892/3966 1674/4616/2825 2984/4623/2832 +f 2978/10130/5735 2993/10127/5732 2995/5038/3209 +f 4601/7420/4960 2366/3740/2445 3914/6447/4305 +f 2994/5589/3709 2988/4631/2840 2984/4623/2832 +f 3117/10134/5739 3082/10183/5777 3033/10135/5740 +f 2981/8154/5209 2959/2769/1993 2924/10106/5716 +f 3571/10137/5742 3564/5729/3837 3570/5736/3844 +f 4176/6799/4597 4173/10663/6019 4152/10140/5745 +f 2985/4689/2895 3011/4688/2894 3022/5820/3908 +f 5969/5341/3488 5977/5077/3245 6238/5769/3873 +f 3004/10142/5747 2996/4651/2860 1709/4652/2861 +f 3028/4584/2793 3008/5224/3382 3003/4977/3159 +f 5718/4696/2902 5761/4854/3045 5775/5529/3653 +f 6027/5404/3541 6034/4970/3155 6031/10143/5748 +f 1631/10145/5750 1635/2607/1855 1634/2606/1854 +f 3012/10147/5751 3004/10142/5747 3001/4662/2871 +f 3013/5610/3730 2907/5368/3511 2908/10088/5698 +f 6199/5564/3685 6196/5690/3808 6208/4573/2782 +f 3002/5025/3196 2951/10099/5709 2947/4656/2865 +f 6060/2577/1828 6052/4999/3176 6056/10148/5752 +f 6301/5817/3905 6298/5900/3971 6293/2807/2030 +f 3034/10150/5754 3015/5590/3710 2996/4651/2860 +f 2967/4707/2913 1565/4562/2771 3005/4719/2922 +f 3018/4700/2906 2997/4653/2862 2989/4633/2842 +f 2937/4822/3015 2957/4577/2786 2963/4576/2785 +f 3007/5420/3553 2897/5419/3552 2899/10151/5755 +f 6805/6856/4642 6797/6627/4447 6793/10153/4613 +f 3042/10154/5757 3007/5420/3553 2936/10152/5756 +f 4131/2730/1962 4113/10804/6107 4107/10155/5758 +f 6380/10157/135 80/11484/135 82/10158/135 +f 4188/2969/2171 4205/10840/6128 4209/6854/4640 +f 3008/5224/3382 3028/4584/2793 3050/10160/5760 +f 3014/10161/5761 2972/8137/5207 2939/4513/2722 +f 3032/4785/2978 3013/5610/3730 2968/10069/5684 +f 2966/4582/2791 2973/4706/2912 3033/10135/5740 +f 3016/8138/5208 2981/8154/5209 2952/10120/5727 +f 3009/4680/2889 3026/4723/2926 3029/10162/5762 +f 5605/4704/2910 5643/4703/2909 5672/5734/3842 +f 6428/6268/4142 6417/6267/4141 6420/6325/4199 +f 3043/5365/3508 3034/10150/5754 3004/10142/5747 +f 3035/10163/5763 3019/4705/2911 3005/4719/2922 +f 5700/6348/4223 5652/4538/2747 5650/4530/2739 +f 3026/4723/2926 3031/5595/3715 3038/10164/5764 +f 6087/2578/1829 6060/2577/1828 6062/10149/5753 +f 3126/4671/2880 3059/4670/2879 3055/10165/5765 +f 2971/1351/838 2991/1350/837 2993/10127/5732 +f 3046/8958/5429 3041/5588/3708 3015/5590/3710 +f 3862/10167/5767 3867/6368/4235 3852/6335/4209 +f 3045/10168/5768 2919/4545/2754 2907/5368/3511 +f 3053/5366/3509 3043/5365/3508 3012/10147/5751 +f 3048/8959/5430 3046/8958/5429 3034/10150/5754 +f 2979/4639/2848 3027/5724/3832 3037/10170/5770 +f 3052/4931/3116 3018/4700/2906 3006/5640/3760 +f 3055/10165/5765 3025/4501/2713 3021/4503/2715 +f 6699/7484/5014 6717/6727/4538 6726/10171/4565 +f 3058/4600/2809 3053/5366/3509 3029/10162/5762 +f 1696/4486/2698 3047/4768/2961 3057/4824/3017 +f 2987/4637/2846 3037/10170/5770 3044/10173/5771 +f 6517/1869/1282 6520/10725/6068 6510/6449/4307 +f 2999/4655/2864 3044/10173/5771 3049/5026/3197 +f 3059/4670/2879 3036/5398/3535 3025/4501/2713 +f 3060/4932/3117 3052/4931/3116 3041/5588/3708 +f 4030/4775/2968 4031/4774/2967 4032/10174/4434 +f 5853/10176/5772 5812/1383/867 5800/5528/3652 +f 5010/10177/135 5042/8694/135 4990/8693/135 +f 3079/10179/5773 3051/5418/3551 3007/5420/3553 +f 3054/6528/4368 3027/5724/3832 2992/2770/1994 +f 3556/2773/1997 3533/3859/2473 3555/3861/2475 +f 5688/4642/2851 5665/4641/2850 5634/4691/2897 +f 6394/6232/4111 6557/6503/4344 6559/5642/3762 +f 6625/6646/4459 6606/6616/4439 3948/3972/2504 +f 3156/10180/5774 3101/6827/4619 3086/4746/2943 +f 3070/10182/5776 3065/4936/3121 3053/5366/3509 +f 3014/10161/5761 3033/10135/5740 3082/10183/5777 +f 6234/5746/3853 6231/4575/2784 6240/5307/3455 +f 3265/5958/4023 3259/10283/5854 3258/10185/5779 +f 5609/4564/2773 5576/4457/2669 5577/5084/3251 +f 6024/10187/3530 6027/5404/3541 6019/10144/5749 +f 3071/4709/2915 3049/5026/3197 3044/10173/5771 +f 3525/5007/3184 3523/5006/3183 3554/5667/3785 +f 4981/10191/135 5048/25716/135 5006/8631/135 +f 3084/5253/3407 3072/10136/5741 3019/4705/2911 +f 3274/1301/792 3582/10465/5954 3299/4789/2982 +f 3133/10192/5784 3069/10235/5816 3040/4784/2977 +f 2917/10076/5690 2919/4545/2754 2962/4547/2756 +f 3063/4803/2996 3081/4836/3029 3094/5960/4025 +f 5523/10194/4 5522/14086/4 8592/10195/4 +f 3097/1787/1210 3087/4856/3047 3085/4852/3043 +f 5842/4555/2764 5822/4955/3140 5776/6337/4211 +f 3099/10113/5723 3077/4546/2755 3045/10168/5768 +f 3075/4833/3026 3094/5960/4025 3098/10197/5786 +f 3538/10198/5787 3539/10441/5946 3499/10199/5788 +f 3102/10201/5790 3074/5356/3500 3057/4824/3017 +f 6784/6830/4622 6734/6781/4580 6759/2920/2128 +f 5783/4855/3046 5816/4863/3054 5825/4994/3173 +f 3576/2706/1943 3558/5580/3700 3256/4980/3162 +f 5716/5735/3843 5672/5734/3842 5643/4703/2909 +f 3078/4832/3025 3098/10197/5786 3106/10203/5792 +f 6735/5618/3738 6730/6761/4561 6722/6733/4542 +f 3108/10204/5793 3088/5594/3714 3083/5596/3716 +f 6445/6326/4200 6458/10249/5827 6439/6309/4183 +f 5074/10205/135 5064/8824/135 5063/8837/135 +f 5632/10129/5734 5627/4490/2702 5663/10206/5794 +f 2948/9416/5540 2940/4904/3089 2898/4476/2688 +f 3625/10207/5795 3627/4883/3074 3637/4951/3136 +f 3104/6345/4221 3067/10189/5782 3056/6527/4367 +f 3118/5220/3378 3080/4585/2794 3074/5356/3500 +f 3116/7624/5112 3108/10204/5793 3106/10203/5792 +f 3107/1370/854 3071/4709/2915 3067/10189/5782 +f 3121/4937/3122 3068/5712/3826 3048/8959/5430 +f 4940/10208/135 4941/11558/135 4939/10209/135 +f 3110/5254/3408 3084/5253/3407 3035/10163/5763 +f 5895/5162/3321 5595/5229/3386 5592/5230/3387 +f 3096/5047/3218 3113/5046/3217 3127/3878/2482 +f 3152/5057/3228 3146/5248/3402 3181/5132/3294 +f 3135/5198/3356 3105/4583/2792 3080/4585/2794 +f 3072/10136/5741 3084/5253/3407 3137/10211/5796 +f 922/10212/5797 926/10683/6033 925/10213/5798 +f 1704/4804/2997 3132/4938/3123 3136/5763/3867 +f 3823/10214/5799 3817/5685/3803 3830/10215/5800 +f 3154/10217/5802 3119/5202/3360 3051/5418/3551 +f 3060/4932/3117 3068/5712/3826 3129/6887/4672 +f 3455/5544/3665 3462/10403/5921 3434/5509/3635 +f 5820/1385/869 5863/1384/868 5865/5170/3328 +f 3138/10218/5803 3109/10166/5766 3105/4583/2792 +f 5967/5309/3457 5925/5782/3882 5924/10184/5778 +f 3159/10219/5804 3139/4601/2810 3088/5594/3714 +f 3140/5353/3497 3073/4823/3016 3047/4768/2961 +f 3082/10183/5777 3117/10134/5739 3134/10181/5775 +f 5900/5148/3307 5876/5079/3247 5870/10220/5805 +f 3144/5442/3575 3126/4671/2880 3109/10166/5766 +f 4118/10221/5806 4114/10805/6108 4105/10222/5807 +f 3148/4477/2689 3130/4669/2878 3126/4671/2880 +f 3143/6243/4119 3134/10181/5775 3117/10134/5739 +f 4063/10223/57 4065/4992/57 76/4991/57 +f 3142/5028/3199 3100/5961/4026 3090/4858/3049 +f 3464/2701/1938 1767/2700/1937 3467/5562/3683 +f 3164/5481/3609 3141/5024/3195 3049/5026/3197 +f 3776/7693/57 19/1354/57 57/7697/57 +f 3146/5248/3402 3103/5959/4024 3100/5961/4026 +f 5000/5239/135 5005/5238/135 5007/10228/135 +f 5632/10129/5734 5580/4702/2908 5628/4491/2703 +f 5938/5271/3422 5931/5767/3871 5974/10230/5811 +f 3167/5221/3379 3118/5220/3378 3102/10201/5790 +f 3162/5074/3242 3159/10219/5804 3108/10204/5793 +f 4203/6292/4166 4201/6291/4165 4194/6669/4478 +f 3101/6827/4619 3156/10180/5774 3160/10232/5813 +f 3230/5172/3330 3203/5109/3272 3196/10234/5815 +f 3163/5188/3346 3114/10252/5830 3069/10235/5816 +f 3096/5047/3218 3056/6527/4367 3054/6528/4368 +f 3170/4966/3151 3156/10180/5774 3134/10181/5775 +f 3158/4666/2875 1558/3091/2267 2047/1809/1228 +f 5635/5158/3317 5608/5181/3339 5634/4691/2897 +f 5696/4507/2719 5690/6490/4333 1014/10139/5744 +f 3070/10182/5776 3168/4599/2808 3192/10236/5817 +f 6035/5406/3542 6021/5381/3522 6029/5599/3719 +f 4064/7626/57 4063/10223/57 138/10224/57 +f 4070/4845/57 89/4844/57 75/10237/57 +f 2945/4657/2866 2918/4494/2706 2901/5696/3814 +f 4898/10238/135 4896/25492/135 4867/2929/135 +f 3173/2581/1832 3157/5352/3496 3140/5353/3497 +f 5964/5363/3506 5984/5332/3479 5962/4469/2681 +f 4128/5495/3621 4137/6521/4362 4160/5301/3452 +f 6808/6853/4639 6798/6430/4289 6791/6628/4448 +f 3178/5455/3586 3122/5454/3585 3062/5397/3534 +f 3113/5046/3217 3160/10232/5813 3172/3879/2483 +f 2885/5367/3510 2891/10077/5691 2886/5131/3293 +f 6522/6443/4302 6524/6444/4303 6527/9405/5538 +f 3216/5579/3699 3178/5455/3586 3130/4669/2878 +f 5814/4781/2974 5833/4983/3165 5680/4602/2811 +f 6081/5473/3601 6153/5659/3777 4365/6980/4755 +f 3160/10232/5813 3177/10251/5829 3185/10240/5818 +f 3187/5076/3244 3179/5276/3427 3159/10219/5804 +f 3092/10098/5708 3141/5024/3195 3182/10241/5819 +f 5701/4808/3001 5593/4493/2705 5594/5212/3370 +f 2977/5189/3347 3163/5188/3346 3133/10192/5784 +f 3172/3879/2483 3185/10240/5818 3188/7696/5122 +f 3595/10244/5822 3610/5830/3915 3620/5847/3932 +f 2902/4496/2708 3191/4516/2725 3167/5221/3379 +f 1022/2703/1940 909/25484/11627 908/10246/5824 +f 6401/10248/5826 6396/10117/5724 6398/6771/4571 +f 3200/10101/5711 3162/5074/3242 3116/7624/5112 +f 6448/6319/4193 6439/6309/4183 6458/10249/5827 +f 5940/5272/3423 5932/5778/3878 5931/5767/3871 +f 3202/5186/3344 3176/1788/1211 3171/5020/3194 +f 6537/5894/3968 6586/2071/1458 6575/6492/4335 +f 6037/5429/3562 6033/5407/3543 6113/5217/3375 +f 6115/5649/3769 6122/10255/5832 6090/10250/5828 +f 3204/5192/3350 3185/10240/5818 3177/10251/5829 +f 3829/6762/4562 3837/7374/4921 3835/6366/4233 +f 3206/5235/3392 3192/10236/5817 3168/4599/2808 +f 3193/6906/4689 3115/6905/4688 3099/10113/5723 +f 3873/10253/5831 3866/10809/4517 3885/10254/5299 +f 2934/5185/3343 3183/1786/1209 3176/1788/1211 +f 3218/5207/3365 3174/5027/3198 3169/5029/3200 +f 6095/6778/4578 6090/10250/5828 6122/10255/5832 +f 6660/6684/4494 6659/10791/6101 6656/10256/5833 +f 3221/4668/2877 3196/10234/5815 3189/5067/3238 +f 2931/5236/3393 3206/5235/3392 3179/5276/3427 +f 3207/5219/3377 3154/10217/5802 3079/10179/5773 +f 5536/10257/4 8456/14170/4 8458/10258/4 +f 3542/10260/5834 3529/6889/4674 3518/5683/3801 +f 3222/10261/5835 3210/1369/853 3131/1371/855 +f 3147/10242/5820 3182/10241/5819 3215/5214/3372 +f 3586/10080/3890 3297/4873/3064 3249/4872/3063 +f 6100/5515/3641 6071/5514/3640 6095/6778/4578 +f 6378/10159/135 82/10158/135 92/5022/135 +f 3385/4750/2947 3368/4749/2946 3451/4892/3080 +f 6162/4827/3020 6152/4826/3019 6186/5694/3812 +f 4121/2068/1455 4138/10981/1964 4148/7351/4902 +f 5783/4855/3046 5761/4854/3045 5716/5735/3843 +f 3367/10264/5837 3359/6432/4291 3375/6433/4292 +f 4077/6672/4481 2555/4014/2514 2549/4006/2512 +f 3184/5055/3226 2886/5131/3293 2891/10077/5691 +f 3228/10267/5840 3222/10261/5835 3175/3877/2481 +f 5673/4752/2949 5660/5326/3473 5654/4607/2816 +f 2899/10151/5755 3211/4478/2690 3205/5443/3576 +f 3038/10164/5764 3088/5594/3714 3139/4601/2810 +f 2922/4500/2712 2926/4505/2717 2955/5225/3383 +f 3221/4668/2877 2943/4533/2742 2942/4552/2761 +f 3213/5203/3361 3154/10217/5802 3207/5219/3377 +f 3327/10268/5841 3320/10272/5843 3332/4596/2805 +f 3224/4929/3114 3180/4928/3113 3166/5252/3406 +f 3227/5215/3373 3215/5214/3372 3182/10241/5819 +f 3242/5205/3363 1569/4561/2770 2915/6000/4060 +f 6410/10269/4144 6406/6254/4130 6407/1364/848 +f 3230/5172/3330 2942/4552/2761 2954/4572/2781 +f 3347/4031/2517 3316/6876/4661 3346/4715/2918 +f 7503/8968/57 7469/8969/57 7470/10270/57 +f 5866/5085/3252 5838/5163/3322 5834/7463/4994 +f 3313/10110/5720 3304/2532/1789 3320/10272/5843 +f 2881/6795/4593 3197/6794/4592 3186/5064/3235 +f 6122/10255/5832 6170/5650/3770 6180/6554/4389 +f 3809/10274/5845 3805/10669/6024 3812/10275/5846 +f 3245/5779/3879 3553/5180/3338 3544/5179/3337 +f 3241/10082/5695 3236/10075/5689 3222/10261/5835 +f 5678/10105/5715 5668/10128/5733 5663/10206/5794 +f 2925/10091/5701 3225/5907/3977 3183/1786/1209 +f 6143/5677/3795 6189/4756/2953 6089/5520/3644 +f 3214/5234/3391 3124/4731/2934 3192/10236/5817 +f 2930/10097/5707 2931/5236/3393 3187/5076/3244 +f 2532/3983/2505 2533/3984/2506 4145/2007/1401 +f 5928/5788/3886 6227/5733/3841 5929/4797/2990 +f 1042/10278/5849 1044/10447/5949 1043/10279/5850 +f 5941/4647/2856 5947/5777/3877 5940/5272/3423 +f 3217/5516/3642 3223/6630/4450 2879/4442/2654 +f 2889/10092/5702 3241/10082/5695 3228/10267/5840 +f 2916/5999/4059 3234/5174/3332 3229/5164/3323 +f 3260/2707/1944 3576/2706/1943 3255/10202/5791 +f 3252/10281/5852 3553/5180/3338 3253/5296/3447 +f 5898/4450/2662 5866/5085/3252 5864/5726/3834 +f 3269/5800/3892 3266/2774/1998 3259/10283/5854 +f 3266/2774/1998 3269/5800/3892 3587/5783/3883 +f 5880/5160/3319 5845/4556/2765 5805/4721/2924 +f 3262/2610/1858 3584/25717/3264 3263/10284/791 +f 6056/10148/5752 6054/5430/3563 6125/5602/3722 +f 3254/10289/5856 3282/10102/5712 3271/10104/5714 +f 6132/5702/3819 6092/5491/3617 6107/5492/3618 +f 5758/5838/3923 5739/4942/3127 5726/4727/2930 +f 3257/4982/3164 3254/10289/5856 3255/10202/5791 +f 3259/10283/5854 3567/2705/1942 3260/2707/1944 +f 3258/10185/5779 3260/2707/1944 3271/10104/5714 +f 3264/5249/3403 3276/5311/3459 3244/5297/3448 +f 5618/4608/2817 5597/5761/3865 5598/5193/3351 +f 6422/6281/4156 6415/6271/4145 6418/10291/5858 +f 3689/10292/5859 3699/3774/2454 3685/10293/5264 +f 3548/10295/5861 3530/6614/4437 3566/6615/4438 +f 3251/5279/3430 3252/10281/5852 3250/10282/5853 +f 3248/5242/3396 3277/5319/3467 3254/10289/5856 +f 5808/4926/3111 5756/4811/3004 5738/10296/5862 +f 3393/4735/2938 3425/4734/2937 3412/1281/772 +f 3282/10102/5712 3254/10289/5856 3277/5319/3467 +f 3250/10282/5853 3253/5296/3447 3244/5297/3448 +f 5942/10298/5864 6223/5411/3547 5947/5777/3877 +f 6133/5523/3647 6105/5071/3239 6114/5073/3241 +f 6088/5496/3622 4261/6897/4682 4260/5476/3604 +f 3272/10299/793 3302/5678/3796 3261/10285/5855 +f 880/10302/5865 884/2542/1799 886/10303/5866 +f 5735/4810/3003 5728/4697/2903 5705/4649/2858 +f 3267/2756/1985 3265/5958/4023 3300/10186/5780 +f 193/6115/4 195/10607/4 5564/10305/4 +f 6730/6761/4561 6710/6734/4543 6704/6714/4525 +f 3308/5321/3469 3261/10285/5855 3302/5678/3796 +f 5626/4537/2746 5637/4536/2745 5644/10307/5868 +f 3296/10308/1790 3291/5268/3419 3309/5270/3421 +f 5294/10310/135 5304/12209/135 5288/10311/135 +f 3285/10297/5863 3277/5319/3467 3286/5320/3468 +f 3283/5277/3428 3250/10282/5853 3293/8977/5431 +f 6337/10079/5693 6329/10520/5987 6335/10313/5869 +f 6309/5954/3972 6320/5953/4019 6321/10314/5870 +f 3074/5356/3500 3017/4976/3158 3000/4661/2870 +f 3300/10186/5780 3258/10185/5779 3270/10103/5713 +f 3294/10316/5871 3346/4715/2918 3315/5757/3864 +f 7166/8367/57 7168/8358/57 7194/10317/57 +f 6318/5915/3982 6312/5914/3981 6311/6381/4246 +f 3294/10316/5871 3282/10102/5712 3285/10297/5863 +f 2941/4532/2741 2950/4488/2700 2969/1349/836 +f 5780/10318/5872 5752/4779/2972 5710/4780/2973 +f 3298/4788/2981 3287/4846/3037 3321/4848/3039 +f 3021/4503/2715 2974/4502/2714 2965/4487/2699 +f 3318/10309/1788 3309/5270/3421 3324/10320/5874 +f 914/5360/3503 916/5742/3849 912/5744/3851 +f 1723/5339/3486 3328/5348/3492 3324/10320/5874 +f 2849/6044/4 333/1476/4 336/10322/4 +f 4154/10323/5875 4175/10828/6121 4186/2968/2170 +f 3330/4597/2806 3332/4596/2805 3320/10272/5843 +f 7373/10324/57 7371/8699/57 7290/8701/57 +f 3322/8978/5432 3276/5311/3459 3305/5310/3458 +f 3330/10321/2806 3324/10320/5874 3328/5348/3492 +f 3322/8978/5432 3338/10327/5878 3317/4847/3038 +f 6104/5572/3693 6097/5487/3613 6127/10325/5876 +f 6009/10326/5877 6011/5432/3565 6008/5399/3536 +f 3338/10327/5878 3342/10334/5883 3321/4848/3039 +f 3339/10328/3505 3340/5440/3573 3337/4474/2686 +f 3344/6750/4552 3302/5678/3796 3325/5679/3797 +f 3326/5247/3401 3321/4848/3039 3342/10334/5883 +f 3327/10268/5841 3349/4473/2685 3341/4444/2656 +f 6142/5601/3721 6143/5677/3795 6062/10149/5753 +f 6559/5642/3762 6554/5641/3761 6390/6227/4109 +f 3345/5374/3516 3343/5375/3512 1637/5384/3514 +f 4286/4580/2789 4284/4519/2728 5630/4521/2730 +f 3353/5383/3524 3354/10107/5717 3348/5380/3521 +f 3112/7623/5111 3106/10203/5792 3098/10197/5786 +f 7130/8314/57 7178/8313/57 7182/10341/57 +f 6026/5408/3544 6001/5355/3499 6005/5526/3650 +f 6040/5393/3533 6004/5333/3480 6047/5423/3556 +f 3354/10107/5717 3359/6432/4291 3351/5382/3523 +f 2903/10096/5706 3167/5221/3379 3157/5352/3496 +f 3100/5961/4026 3094/5960/4025 3081/4836/3029 +f 3342/10334/5883 3338/10327/5878 3358/10343/5886 +f 5942/10298/5864 5917/4646/2855 5918/5431/3564 +f 3358/10343/5886 3331/5535/3659 3336/5536/3660 +f 3359/6432/4291 3367/10264/5837 3362/5401/3538 +f 3340/5440/3573 3366/10358/5894 3360/4475/2687 +f 6072/10342/5885 6047/5423/3556 6058/4692/2898 +f 3334/10353/2803 3329/5246/3400 3356/10354/5891 +f 5906/5154/3313 5602/4690/2896 5596/10290/5857 +f 3211/4478/2690 2899/10151/5755 2897/5419/3552 +f 3364/7376/4923 3349/4473/2685 3360/4475/2687 +f 3377/5466/3594 3405/1283/774 3370/5421/3554 +f 5886/5335/3482 5874/4838/3031 5850/4840/3033 +f 3361/10344/5887 3358/10343/5886 3365/10347/5888 +f 3371/5417/3550 3362/5401/3538 3367/10264/5837 +f 3374/10356/5892 3360/4475/2687 3366/10358/5894 +f 3386/10359/5895 3392/6801/4599 3378/5424/3557 +f 3356/10354/5891 3350/5245/3399 3380/4748/2945 +f 2882/4514/2723 2881/6795/4593 3234/5174/3332 +f 3547/10360/5896 3513/5701/3784 3509/5646/3766 +f 3010/4687/2893 2985/4689/2895 2940/4904/3089 +f 7728/10361/57 7730/9430/57 7778/9429/57 +f 3390/7377/4924 3364/7376/4923 3374/10356/5892 +f 5871/5157/3316 5784/4881/3072 5781/10193/5785 +f 3372/10355/2801 3356/10354/5891 3382/5086/3253 +f 3516/5810/3899 3476/5809/3898 3504/10126/5731 +f 3389/10362/5897 3382/5086/3253 3388/5087/3254 +f 6409/10364/5899 6403/6253/4129 6406/6254/4130 +f 5008/1608/135 5046/11695/135 4984/10365/135 +f 3538/10198/5787 3516/5810/3899 3534/10125/5730 +f 3334/4594/2803 3399/4593/2802 3376/4472/2684 +f 3396/6802/4600 3403/10391/5910 3391/5444/3577 +f 3390/7377/4924 3412/1281/772 3405/1283/774 +f 6395/6234/4113 6525/6446/4304 1527/6445/57 +f 5851/1347/834 5804/5013/3190 5790/4959/3144 +f 3375/6433/4292 3363/5402/3539 1631/5403/3540 +f 3384/10357/5893 3367/10264/5837 3401/10265/5838 +f 3067/10189/5782 3044/10173/5771 3037/10170/5770 +f 3381/4796/2989 3366/10358/5894 3409/5281/3432 +f 7722/10371/57 7724/5304/57 7770/5306/57 +f 3407/10373/5903 3372/4592/2801 3389/10374/5897 +f 6998/10375/57 7001/5807/57 7082/5806/57 +f 4005/10377/5904 4000/10759/6082 4004/10378/5905 +f 4127/10380/5906 4123/5115/3278 4119/5117/3280 +f 5146/10382/135 5145/11485/135 5117/10383/135 +f 6412/1363/847 6404/5019/3193 6408/10389/5909 +f 3210/1369/853 3222/10261/5835 3236/10075/5689 +f 3156/10180/5774 3170/4966/3151 3177/10251/5829 +f 3421/5261/3415 3395/5280/3431 3400/5456/3587 +f 5913/10273/5844 5884/5066/3237 5879/5556/3677 +f 3122/5454/3585 3089/5037/3208 3039/5039/3210 +f 5971/5295/3446 5961/4467/2679 5962/4469/2681 +f 3417/5525/3649 3389/10374/5897 3394/10390/5898 +f 3422/5539/3663 3424/5538/3662 3396/6802/4600 +f 3424/5538/3662 3431/5559/3680 3403/10391/5910 +f 3425/4734/2937 3426/5505/3631 3413/6878/4663 +f 5733/4911/3096 5716/5735/3843 5668/10128/5733 +f 3404/7459/4990 3399/4593/2802 3407/10373/5903 +f 3406/5534/3658 3428/5533/3657 3401/10265/5838 +f 5715/5387/3527 5722/4724/2927 5727/4954/3139 +f 3336/5536/3660 3311/5322/3470 1728/5251/3405 +f 3031/5595/3715 3026/4723/2926 3020/4701/2907 +f 3430/6258/4134 3404/7459/4990 3423/5524/3648 +f 3902/7487/5017 3895/10721/6064 3909/10393/5912 +f 5831/2782/2006 5813/2554/1808 5809/2556/1810 +f 5750/4800/2993 5813/2554/1808 5862/5044/3215 +f 2913/4903/3088 3219/5453/3584 3178/5455/3586 +f 3428/5533/3657 3444/10396/5914 3408/10370/5902 +f 3443/5284/3435 3418/5527/3651 3437/5260/3414 +f 3355/4445/2657 3341/4444/2656 3349/4473/2685 +f 3433/4771/2964 3402/5457/3588 3415/5477/3605 +f 3114/10252/5830 3163/5188/3346 2976/5187/3345 +f 3416/5674/3792 3408/10370/5902 3444/10396/5914 +f 3291/5268/3419 3296/10308/1790 3297/5772/3064 +f 3015/5590/3710 2994/5589/3709 1712/4618/2827 +f 6099/5503/3629 6076/5462/3593 6092/5491/3617 +f 6148/5134/3296 6119/5546/3667 6121/5581/3701 +f 3442/5522/3646 3419/5485/3611 3436/10397/5915 +f 3368/4749/2946 3365/10347/5888 3445/4893/3081 +f 3456/5699/3817 3440/4770/2963 3448/4772/2965 +f 3404/7459/4990 3430/6258/4134 3414/5096/3260 +f 5878/5161/3320 5865/5170/3328 5863/1384/868 +f 5924/10184/5778 5926/5781/3881 6236/5751/3858 +f 3616/10402/5920 3626/5920/3987 3638/5879/3959 +f 3439/5532/3656 3434/5509/3635 3462/10403/5921 +f 3500/10404/5922 3475/10416/5931 3479/5585/3705 +f 5687/4650/2859 5681/4676/2885 5676/7649/5118 +f 3435/5511/3637 3459/4891/3079 3445/4893/3081 +f 5797/4722/2925 5776/6337/4211 5772/6338/4212 +f 3469/5565/3686 3461/5552/3673 1764/5554/3675 +f 3463/10392/5911 3423/5524/3648 3438/4539/2748 +f 3472/5285/3436 3443/5284/3435 3450/5700/3818 +f 3444/10396/5914 3428/5533/3657 3470/5808/3897 +f 3461/5552/3673 3475/10416/5931 3467/5562/3683 +f 3557/4941/3126 3534/10125/5730 3563/10412/5929 +f 6026/5408/3544 6030/5400/3537 6010/5196/3354 +f 3457/10263/5836 3468/10417/5932 3388/5087/3254 +f 3475/10416/5931 3461/5552/3673 3469/5565/3686 +f 3468/10417/5932 3473/25718/5940 3394/10363/5898 +f 3464/2701/1938 3484/10424/5936 3453/4860/3051 +f 3436/10397/5915 3403/10391/5910 3431/5559/3680 +f 3454/6390/4255 3436/10397/5915 3481/6756/4556 +f 5738/10296/5862 5735/4810/3003 5724/6489/4332 +f 1116/2139/1521 1109/1797/1220 1118/2832/2054 +f 3462/10403/5921 3455/5544/3665 3487/5593/3713 +f 3490/10423/5935 3491/6879/4664 3471/5598/3718 +f 3457/10263/5836 3451/4892/3080 3466/4542/2751 +f 3460/4859/3050 3493/5620/3740 3490/10423/5935 +f 3476/5809/3898 3462/10403/5921 3488/10420/5933 +f 3491/6879/4664 3490/10423/5935 3493/5620/3740 +f 3410/5470/3598 3482/5663/3781 3483/5662/3780 +f 3410/5470/3598 3352/5094/3258 3414/5096/3260 +f 3484/10424/5936 3464/2701/1938 3497/10225/5808 +f 6093/5571/3692 6108/5655/3775 6075/5478/3606 +f 7004/10426/57 7084/6418/57 7083/10427/57 +f 2896/10100/5710 2891/10077/5691 2894/10081/5694 +f 5657/4865/3056 5642/4948/3133 5638/7449/4983 +f 3492/10411/5928 3438/4539/2748 3441/4541/2750 +f 3970/6498/4341 3923/809/523 3922/811/525 +f 3484/10424/5936 3503/5629/3749 3477/4861/3052 +f 3165/5928/3995 3136/5763/3867 3132/4938/3123 +f 3508/10425/5937 3517/5651/3771 3503/5629/3749 +f 5974/10230/5811 5970/5315/3463 5982/5317/3465 +f 3500/10404/5922 3511/5652/3772 3508/10425/5937 +f 3506/5632/3752 3454/6390/4255 3510/6755/4555 +f 3511/5652/3772 3500/10404/5922 3502/5628/3748 +f 3489/10430/3767 3507/5665/3783 3473/10431/5940 +f 6831/2813/2036 6863/7408/4887 6822/6731/2264 +f 3495/10200/5789 3470/5808/3897 3516/5810/3899 +f 3478/5648/3768 3466/4542/2751 3501/4544/2753 +f 6015/10333/5882 6012/10329/5879 942/10331/5881 +f 2378/3754/2450 2400/3794/2457 3852/6335/4209 +f 3911/6435/4294 3913/6434/4293 3910/10435/5943 +f 6780/5606/3726 6776/5605/3725 6766/6790/4589 +f 3434/5509/3635 3439/5532/3656 3406/5534/3658 +f 3465/5005/3182 3530/6614/4437 3481/6756/4556 +f 6181/5660/3778 6099/5503/3629 6132/5702/3819 +f 3504/10126/5731 3488/10420/5933 3532/8364/5266 +f 3488/10420/5933 3487/5593/3713 3526/5675/3793 +f 3498/4543/2752 3452/5080/3248 3524/5671/3789 +f 3473/10431/5940 3527/10440/5945 3420/4540/2749 +f 3463/10392/5911 3528/5682/3800 3519/5661/3779 +f 5957/4795/2988 5921/5053/3224 5922/5054/3225 +f 3642/4884/3075 3627/4883/3074 3616/10402/5920 +f 3507/5665/3783 3533/3859/2473 3527/10440/5945 +f 5596/10290/5857 5665/4641/2850 5670/4728/2931 +f 3109/10166/5766 3055/10165/5765 3050/10160/5760 +f 3539/10441/5946 3549/10111/5721 3512/10112/5722 +f 3571/10137/5742 3574/6135/4064 3551/10442/5947 +f 5666/4636/2845 5658/4581/2790 5706/4741/2941 +f 1605/10443/5948 1604/25439/11621 1717/1532/992 +f 3548/10295/5861 3572/5740/3848 3546/5704/3821 +f 3441/4541/2750 3420/4540/2749 3527/10440/5945 +f 3545/4729/2932 3543/5784/3884 3529/6889/4674 +f 5623/4484/2696 5622/4483/2695 4299/5136/3298 +f 8392/10444/4 8394/14056/4 2799/10445/4 +f 6127/10325/5876 6120/5555/3676 6149/10421/5934 +f 3350/5245/3399 3342/10334/5883 3361/10344/5887 +f 1044/10447/5949 1046/2749/1978 1045/2748/1977 +f 7431/10085/57 7596/10087/57 7600/10448/57 +f 5694/4943/3128 5650/4530/2739 5646/4531/2740 +f 3550/4588/2797 3551/10442/5947 3537/5687/3805 +f 3547/10450/5896 3552/5723/3831 3521/3860/2474 +f 3549/10111/5721 3539/10441/5946 3559/4940/3125 +f 3533/3859/2473 3556/2773/1997 3540/1624/1060 +f 3478/5648/3768 3489/5647/3767 3468/10417/5932 +f 5790/4959/3144 5762/4793/2986 5744/1461/936 +f 6123/10399/5917 6135/5624/3744 6128/5621/3741 +f 3551/10442/5947 3560/6134/4063 3547/10360/5896 +f 3561/10190/5783 3584/5100/3264 3566/6615/4438 +f 5840/4978/3160 5872/10682/6032 5899/10280/5851 +f 3552/10451/3831 3547/10360/5896 3560/6134/4063 +f 3561/10190/5783 3554/5667/3785 3568/5669/3787 +f 3558/5580/3700 3552/5723/3831 3562/5243/3397 +f 3563/10412/5929 3541/5178/3336 3553/5180/3338 +f 3564/5729/3837 3571/10137/5742 3550/4588/2797 +f 5957/4795/2988 5956/3036/2228 6228/3038/2230 +f 3066/5609/3729 3069/10235/5816 3114/10252/5830 +f 4133/10455/5952 4158/6410/4272 4165/7386/4932 +f 3089/5037/3208 3122/5454/3585 3149/10243/5821 +f 3326/5247/3401 3329/5246/3400 3306/5325/3472 +f 7843/10456/57 7861/13697/57 6981/3753/57 +f 3266/2774/1998 3556/2773/1997 3567/2705/1942 +f 3197/6794/4592 3171/5020/3194 3161/5008/3185 +f 3279/5099/3263 3280/25719/1857 3572/5740/3848 +f 6183/5695/3813 6186/5694/3812 6152/4826/3019 +f 3573/4939/3124 3563/10412/5929 3252/10281/5852 +f 6297/5713/3827 6304/5922/3989 6244/10464/5953 +f 3568/5669/3787 3565/5668/3786 3580/6792/4591 +f 4130/2066/1453 4148/7351/4902 4162/7353/4904 +f 3575/6791/4590 3573/4939/3124 3251/5279/3430 +f 6935/3058/2246 6916/1811/1230 6932/6534/4374 +f 7334/8615/57 7359/9434/57 7320/9435/57 +f 885/10467/5867 886/25720/5866 892/1315/806 +f 3584/5100/3264 3561/10190/5783 3273/10453/5950 +f 6424/10468/4160 6427/6311/4185 6418/10291/5858 +f 3475/10416/5931 3500/10404/5922 3497/10225/5808 +f 3574/6135/4064 3571/10137/5742 3581/10138/5743 +f 3580/6792/4591 3575/6791/4590 3284/5278/3429 +f 5666/4636/2845 5662/4590/2799 5644/10307/5868 +f 4880/10471/135 4881/8973/135 4920/8975/135 +f 3577/6136/3398 3574/6135/4064 3583/10470/5956 +f 3582/10465/5954 3580/6792/4591 3288/4787/2980 +f 3585/10473/3875 3586/10080/3890 3579/4981/3163 +f 3076/4747/2944 3030/6355/4227 3016/8138/5208 +f 6484/6374/4239 6467/10702/6049 6360/7379/4926 +f 3581/10138/5743 3570/5736/3844 1722/5289/3440 +f 3583/10470/5956 3581/10138/5743 3290/5288/3439 +f 3176/1788/1211 3097/1787/1210 3095/4874/3065 +f 6164/5551/3672 6124/5550/3671 6187/5691/3809 +f 3606/10479/5960 3591/10481/5962 3593/10480/5961 +f 5659/6385/4250 5634/4691/2897 5608/5181/3339 +f 3591/10481/5962 3594/5916/3983 3592/5892/3966 +f 3597/4868/3059 3601/5156/3315 3610/5830/3915 +f 3649/5908/3978 3596/3203/2314 3605/5839/3924 +f 5976/2020/1414 4249/5300/3451 4248/5258/3412 +f 3625/10207/5795 3598/2587/1838 3600/5921/3988 +f 3608/10245/5823 3605/5839/3924 3596/3203/2314 +f 7140/8359/57 7142/8329/57 7181/10482/57 +f 3621/10487/5967 3609/5825/3910 3591/10481/5962 +f 5028/8665/135 5023/8667/135 5030/8686/135 +f 3315/5757/3864 3303/5756/3863 3301/2757/1986 +f 3611/5832/3917 3616/10402/5920 3615/5889/3963 +f 4962/10488/135 4954/11970/135 5037/10489/135 +f 3608/10245/5823 3620/5847/3932 3622/5855/3937 +f 7698/10491/57 7696/9366/57 7751/10492/57 +f 3628/10493/5968 3621/10487/5967 3606/10479/5960 +f 3629/5866/3946 1678/5826/3911 3609/5825/3910 +f 7343/8647/57 7310/8648/57 7312/10496/57 +f 3667/7700/5123 3692/5979/4043 3673/5936/4003 +f 3626/5920/3987 3616/10402/5920 3627/4883/3074 +f 5829/4679/2888 5816/4863/3054 5773/4912/3097 +f 574/4001/135 2684/4189/135 2392/3779/135 +f 5298/9383/135 5248/9370/135 5249/9412/135 +f 3643/10500/5973 3634/3742/2446 3623/2589/1840 +f 3636/5878/3958 3629/5866/3946 3621/10487/5967 +f 6136/5561/3682 6150/5600/3720 6125/5602/3722 +f 3618/10494/5969 3634/3742/2446 3640/8641/5350 +f 3641/5893/3967 2986/4632/2841 2990/4634/2843 +f 3590/4953/3138 3643/10500/5973 3632/2588/1839 +f 3617/5843/3928 3614/5835/3920 3605/5839/3924 +f 3645/3204/2315 3636/5878/3958 3628/10493/5968 +f 3644/5853/3935 3641/5893/3967 3630/4152/2533 +f 5151/10502/135 5152/2567/135 5122/10503/135 +f 3650/3205/2316 3645/3204/2315 3640/8641/5350 +f 3589/5155/3314 3646/4867/3058 3643/10500/5973 +f 2936/10152/5756 2899/10151/5755 2921/6416/4277 +f 3631/4153/2534 3638/5879/3959 3600/5921/3988 +f 3618/10494/5969 3606/10479/5960 3607/5852/3934 +f 3649/5908/3978 1679/5867/3947 3636/5878/3958 +f 3772/7698/57 57/7697/57 50/7703/57 +f 4838/10510/135 4784/11343/135 4785/8160/135 +f 2354/3722/135 2384/3762/135 524/3805/135 +f 3365/10347/5888 3336/5536/3660 3427/5512/3638 +f 3205/5443/3576 3144/5442/3575 3138/10218/5803 +f 3450/5700/3818 3437/5260/3414 3440/4770/2963 +f 3590/4953/3138 3651/4952/3137 3588/5816/3904 +f 6278/8947/5426 6274/3804/2460 6260/5868/3948 +f 3650/3205/2316 3597/4868/3059 3595/10244/5822 +f 7721/9379/57 7722/10371/57 7777/10372/57 +f 3658/5991/4053 3700/5984/4048 3659/10512/5979 +f 3662/5969/4034 3661/10515/5982 3652/10513/5980 +f 3653/5499/3625 3663/12213/4018 3664/4910/3095 +f 3659/10512/5979 3664/10541/3095 3663/5951/4018 +f 3660/5938/4005 3658/5991/4053 3657/7701/5124 +f 3653/5499/3625 3654/5498/3624 3652/10513/5980 +f 3668/10514/5981 3652/10513/5980 3661/10515/5982 +f 3661/10515/5982 3662/5969/4034 3671/6001/4061 +f 3666/5582/3702 3672/5584/3704 3657/7701/5124 +f 1805/1728/1161 1793/1677/1110 1794/1679/1112 +f 2501/3953/135 2441/3838/135 2496/3925/2484 +f 3308/5321/3469 3344/6750/4552 3310/5472/3600 +f 6345/1322/812 6348/5970/4035 6326/5902/3973 +f 5068/8823/135 5064/8824/135 5074/10205/135 +f 6648/10525/135 3/1587/135 2/7685/135 +f 3681/10527/4017 3668/10514/5981 3669/10294/5860 +f 3684/5955/4020 3675/5941/4008 3682/5949/4016 +f 3669/10294/5860 3661/10515/5982 3670/10516/5983 +f 5285/9409/135 5309/9408/135 5305/10530/135 +f 5606/5209/3367 5607/5208/3366 4304/4448/2660 +f 3691/5964/4029 3684/5955/4020 3688/10528/5991 +f 1208/2833/2055 1189/1873/1286 1182/1875/1288 +f 6130/5670/3788 6123/10399/5917 1069/10401/5919 +f 3689/10292/5859 3670/10516/5983 3678/5870/3950 +f 4587/7355/4906 4575/7414/4954 3908/6436/4295 +f 5003/8707/135 5048/25716/135 4981/10191/135 +f 3692/5979/4043 3698/5975/4039 3687/5957/4022 +f 6547/7324/4881 6388/6224/4107 6390/6227/4109 +f 1328/10533/5995 1327/3042/2232 1354/2215/1580 +f 5016/10536/135 5011/11684/135 4992/10537/135 +f 3701/5987/4049 3694/5972/4036 3697/1597/1042 +f 3699/10540/2454 3702/1596/1041 3693/1598/1043 +f 6050/5450/3581 6036/5437/3570 6073/5439/3572 +f 3703/5995/2456 1761/5990/4052 3702/1596/1041 +f 2162/675/439 2163/25721/441 2143/3190/411 +f 1098/2002/1396 1076/1638/1071 1078/1640/1073 +f 3664/10541/3095 3659/10512/5979 3700/5984/4048 +f 211/10544/4 5477/10590/4 4690/7553/4 +f 8387/10549/4 8385/93/4 8471/10550/4 +f 2835/6109/4 2833/10610/4 3709/7499/4 +f 1639/10553/5997 1644/2618/1865 1643/2617/1864 +f 2839/10554/4 4722/7531/4 4721/7594/4 +f 3713/6026/4 2823/6027/4 339/6037/4 +f 2798/10564/4 2797/6148/4 278/6147/4 +f 2860/6132/4 2798/10564/4 280/10565/4 +f 2574/4041/2519 4045/2039/1428 4048/6622/4442 +f 2742/6051/4 329/6050/4 331/10574/4 +f 2738/6053/4 2737/25722/4 327/10578/4 +f 288/6055/4 289/6121/4 2868/6120/4 +f 2864/6065/4 2752/6071/4 323/6070/4 +f 254/6165/4 256/6179/4 3707/6011/4 +f 5483/10547/4 4712/7517/4 4711/7589/4 +f 2783/10599/4 3727/10957/4 3726/6101/4 +f 5497/10600/4 5495/6152/4 4705/6154/4 +f 5499/10601/4 5497/10600/4 4704/7572/4 +f 5501/4898/4 5499/10601/4 4703/7597/4 +f 4013/2074/1461 4012/5739/3847 4034/10602/3289 +f 2777/6112/4 2775/6107/4 3733/6108/4 +f 327/10578/4 2737/25722/4 2862/6064/4 +f 5275/10603/135 5319/12226/135 5293/10604/135 +f 5466/10576/4 231/38/4 233/10608/4 +f 2833/10610/4 2831/1275/4 3710/1277/4 +f 3981/6514/4355 3947/6516/4357 3944/2680/1922 +f 5560/10582/4 5475/10585/4 225/10584/4 +f 5550/10609/4 233/10608/4 236/10572/4 +f 5546/10570/4 236/10572/4 238/10614/4 +f 5535/10615/4 238/10614/4 240/10567/4 +f 2822/6016/4 3734/6015/4 3736/6143/4 +f 135/10618/5999 145/25723/144 143/10619/146 +f 8374/10624/4 2749/14005/4 2867/10625/4 +f 4685/7544/4 5533/10561/4 241/10566/4 +f 8483/10642/4 8375/3197/4 8290/10643/4 +f 2342/3700/135 2732/25451/135 2343/2246/135 +f 3753/6183/4067 3765/6195/4079 3766/6199/4083 +f 3677/5943/4010 3768/6201/4085 3769/10649/6004 +f 3769/10649/6004 3768/6201/4085 3771/6203/4087 +f 1907/1949/1353 1905/1919/1326 1892/2090/1477 +f 1171/2899/2106 1164/1825/1242 1170/1824/1241 +f 1772/1657/1090 1771/1681/1114 1791/2865/2085 +f 3792/10659/6015 3790/7428/4966 3791/6289/4164 +f 4080/6677/4486 4047/10771/6085 2581/4052/2523 +f 3794/6235/4114 3795/6236/4115 3797/10661/6017 +f 3796/10662/6018 3797/10661/6017 3781/6214/4126 +f 3794/6235/4114 3799/6248/4122 3784/6217/4100 +f 3799/6248/4122 3794/6235/4114 3796/10662/6018 +f 4173/10663/6019 4169/6520/4361 4150/6522/4363 +f 3803/6804/4602 3798/6250/4125 3802/6249/4124 +f 5909/1292/783 5904/5169/3327 5865/5170/3328 +f 4177/10668/6022 4174/5302/3453 4169/6520/4361 +f 3804/6805/4603 3808/10670/4609 3807/6256/4133 +f 3805/10669/6024 3809/10274/5845 3808/10670/4609 +f 3810/10667/6021 3812/10275/5846 3805/10669/6024 +f 6146/5603/3723 6148/5134/3296 4263/6899/4684 +f 3810/10667/6021 3802/6249/4124 3806/6255/4131 +f 3813/6812/4610 3808/6811/4609 3809/10672/5845 +f 3812/10275/5846 3810/10667/6021 3814/5686/3804 +f 3840/10216/5801 3830/10215/5800 3832/10673/6026 +f 3820/10674/6027 3813/6812/4610 3816/6749/4551 +f 3840/10675/5801 3847/10698/6047 3831/10676/6028 +f 3817/5685/3803 3823/10214/5799 3822/10276/5847 +f 3822/10679/5847 3825/6747/4549 3816/6749/4551 +f 6071/5514/3640 6063/5111/3274 6090/10250/5828 +f 3815/6272/4146 3826/5684/3802 3814/5686/3804 +f 3826/5684/3802 3815/6272/4146 3818/6278/4153 +f 3824/6288/4163 3819/6279/4154 3820/10674/6027 +f 4112/6715/4526 4117/2067/1454 4125/10681/6031 +f 6706/6728/4539 6693/6573/4404 6686/6575/4406 +f 5606/5209/3367 5899/10280/5851 5872/10682/6032 +f 3823/10677/5799 3831/10676/6028 3825/6747/4549 +f 926/10683/6033 929/1378/862 928/1377/861 +f 4092/7489/5019 4090/2048/1436 4085/2105/1491 +f 3838/10684/6036 3825/6747/4549 3831/10676/6028 +f 5894/6538/4378 5843/5114/3277 5780/10318/5872 +f 6773/6274/4149 6785/6810/4608 6792/6837/4628 +f 3829/6762/4562 3821/6748/4550 3838/10684/6036 +f 6890/10687/6039 6887/10978/1389 6891/10688/1391 +f 4178/4499/2711 4175/10828/6121 4165/10689/4932 +f 4163/5303/3454 4149/10109/5719 4144/5493/3619 +f 6084/5502/3628 6153/5659/3777 6081/5473/3601 +f 1279/3004/2202 1287/3025/2218 1272/2557/1811 +f 4631/3050/2238 4663/6875/4660 4658/7461/4992 +f 6803/10690/3268 6802/6838/3267 6794/6824/4617 +f 3845/6317/4191 3841/6314/4188 3844/7373/4920 +f 3036/5398/3535 2993/10127/5732 2991/1350/837 +f 3836/6308/4181 3853/4628/2837 3848/10691/6040 +f 3261/10285/5855 3308/5321/3469 3278/2611/1859 +f 3855/10692/6041 3843/10686/6038 3849/10693/6042 +f 3843/10686/6038 3855/10692/6041 3837/7374/4921 +f 7410/10695/57 7421/11806/57 7419/10696/57 +f 7268/5822/57 7256/8677/57 7341/2744/57 +f 5603/10095/5705 5586/10094/5704 5587/6282/4157 +f 3839/10685/6037 3831/10676/6028 3847/10698/6047 +f 3860/6425/4284 3865/10703/6050 3849/10693/6042 +f 3539/10441/5946 3538/10198/5787 3557/4941/3126 +f 3846/7375/4922 3837/7374/4921 3855/10692/6041 +f 4584/6567/4400 4556/6562/4395 4607/3018/2213 +f 3865/10703/6050 3860/6425/4284 3861/6427/4286 +f 3756/6186/4070 4612/7383/4930 3882/6389/4254 +f 3862/10167/5767 3855/10692/6041 3858/10694/6043 +f 3496/1623/1059 3545/4729/2932 3542/10260/5834 +f 3868/10705/6052 3872/6367/4234 3867/6368/4235 +f 4579/6519/4360 4563/10938/6150 4562/1934/1339 +f 4052/10706/4956 4027/6601/2528 4033/6343/4218 +f 5855/5052/3223 5889/5089/3256 5901/8856/5399 +f 3858/10694/6043 3849/10693/6042 3865/10703/6050 +f 3875/10707/6053 3865/10703/6050 3869/10704/6051 +f 3871/4630/2839 3856/4629/2838 3859/6344/4219 +f 3876/10709/6055 3859/6344/4219 3864/6353/4226 +f 3876/10709/6055 3878/10711/6057 3874/6424/4283 +f 3449/5537/3661 3447/5673/3791 3499/10199/5788 +f 3879/10710/6056 3870/8950/5428 3873/10253/5831 +f 3881/6388/4253 3864/6353/4226 3757/6187/4071 +f 3878/10711/6057 3876/10709/6055 3881/6388/4253 +f 3875/10707/6053 3883/6395/4260 3868/10705/6052 +f 3883/6395/4260 3875/10707/6053 3877/10708/6054 +f 3879/10710/6056 3887/10713/6058 3869/10704/6051 +f 5749/4812/3005 5740/5633/3753 5728/4697/2903 +f 3878/10711/6057 3889/10712/4468 3885/8479/5299 +f 3884/6387/4252 3896/25724/4268 3889/10712/4468 +f 1787/1687/1120 1774/2801/2024 1779/1644/1077 +f 5855/5052/3223 5830/4963/3148 5747/4964/3149 +f 3880/4895/3083 3891/10716/6061 3887/10713/6058 +f 4083/10266/5839 4082/6855/4641 4207/10714/6059 +f 3458/5560/3681 3449/5537/3661 3512/10112/5722 +f 3887/10713/6058 3893/10715/6060 3877/10708/6054 +f 3893/10715/6060 3901/10720/6063 3886/2798/2021 +f 3891/10716/6061 3895/10721/6064 3893/10715/6060 +f 3892/4896/3084 3885/10254/5299 3889/6656/4468 +f 3882/10717/4254 3897/6406/4269 3896/6405/4268 +f 4314/10719/6062 4312/10861/6142 1316/2134/1516 +f 3898/4897/3085 3892/4896/3084 3894/6655/4467 +f 3891/10716/6061 3880/4895/3083 3898/4897/3085 +f 3900/6404/4267 3907/6428/4287 3899/7457/4988 +f 3872/6367/4234 3888/2797/2020 2373/3748/2449 +f 3901/10720/6063 3893/10715/6060 3895/10721/6064 +f 3901/10720/6063 3904/6420/4279 3890/2799/2022 +f 4329/10722/6065 4327/6953/4732 1182/1875/1288 +f 6471/10119/5726 6475/5152/3311 6470/6334/4208 +f 3907/6428/4287 3897/6406/4269 3908/6436/4295 +f 3906/7458/4989 3899/7457/4988 3907/6428/4287 +f 3895/10721/6064 3891/10716/6061 3903/7456/4987 +f 3909/10393/5912 3903/7456/4987 3906/7458/4989 +f 3204/5192/3350 3195/4965/3150 3235/5182/3340 +f 1061/10723/6066 967/25725/11631 965/1621/1057 +f 3913/6434/4293 3908/6436/4295 3914/6447/4305 +f 3905/6419/4278 3902/7487/5017 3912/10394/5913 +f 3912/10394/5913 3909/10393/5912 3910/10435/5943 +f 3916/10724/6067 3910/10435/5943 3913/6434/4293 +f 3916/10724/6067 3917/5764/3868 3915/6451/4309 +f 3848/10691/6040 3854/8656/5353 3832/10673/6026 +f 2366/3740/2445 2365/3739/2444 3919/5766/3870 +f 5872/10682/6032 5840/4978/3160 5794/4864/3055 +f 3917/5764/3868 3919/5766/3870 2365/3739/2444 +f 453/10726/1736 8720/7024/4774 8790/7026/4774 +f 4860/10728/32 4861/25726/32 4822/10729/32 +f 2619/10731/6069 4813/12790/6069 4812/8531/5314 +f 6020/10340/5884 6024/5390/3530 6017/10335/5781 +f 3753/6183/4067 3761/2230/1593 4241/10733/6070 +f 3977/6541/4381 3975/10752/6077 3960/4819/3012 +f 1331/1839/1255 1315/1927/1332 1324/2155/1535 +f 3956/10734/6071 3958/10758/6081 3969/6523/4364 +f 6546/10736/6073 6561/1880/1293 6582/1879/1292 +f 4960/8664/135 4961/8676/135 5029/8675/135 +f 6213/5059/3230 6207/5730/3838 6222/5731/3839 +f 7767/10737/57 7769/12215/57 7742/10738/57 +f 3984/10740/4382 3967/2240/1603 3986/2998/2198 +f 3969/6523/4364 3972/6525/4365 3980/9406/5539 +f 8298/10742/4 8300/14054/4 2754/10743/4 +f 3976/6506/4347 3956/10734/6071 3968/10735/6072 +f 7231/9074/57 7201/9073/57 7202/10745/57 +f 1987/1921/1328 1982/2081/1468 1988/3045/2235 +f 3982/1164/730 3968/10735/6072 3980/9406/5539 +f 2608/4084/2526 2630/1163/729 3983/1165/731 +f 3983/1165/731 3980/9406/5539 3790/7428/4966 +f 6560/10748/4750 6546/10736/6073 6562/3083/2260 +f 6569/6973/4749 6560/6974/4750 6570/10750/6076 +f 3986/2998/2198 3965/6515/4356 3981/6514/4355 +f 1023/10751/5825 908/25727/5824 906/2712/1946 +f 3978/6509/4350 3960/4819/3012 3975/10752/6077 +f 3990/2999/2199 3981/6514/4355 3989/10611/5998 +f 3992/6540/4380 3984/6542/4382 3993/10754/6074 +f 2406/3796/135 2460/25449/135 522/2157/135 +f 1265/10755/2201 1245/2834/2056 1231/2959/2161 +f 6873/7347/4900 6371/5568/3689 6368/7363/4912 +f 3979/6510/4351 3988/6533/4373 3995/6550/4386 +f 2358/3731/2441 2419/3814/2461 3995/6550/4386 +f 5359/9643/135 5350/9627/135 5376/9618/135 +f 4002/3099/2272 3994/10753/6078 3989/10611/5998 +f 6575/6492/4335 6569/6973/4749 6577/2952/2155 +f 3963/10756/6079 3995/6550/4386 3988/6533/4373 +f 3993/10754/6074 3998/25728/2197 3958/10758/6081 +f 4000/10759/6082 4001/14091/6491 3999/6560/4394 +f 163/10633/4 167/10546/4 4714/7523/4 +f 7591/4107/57 7577/6229/57 7624/6231/57 +f 3974/3098/2271 3998/2997/2197 3990/2999/2199 +f 3386/10359/5895 3384/10357/5893 3408/10370/5902 +f 1923/1955/1359 1914/1954/1358 1931/2040/1374 +f 3985/2239/1602 4004/10378/5905 3999/6560/4394 +f 3975/10752/6077 3992/6540/4380 3997/10757/6080 +f 3997/10757/6080 3964/6552/4387 3959/6507/4348 +f 6541/2137/1519 6545/7411/4952 3932/6475/4323 +f 2059/2988/2190 2055/2220/1585 2058/2233/1596 +f 3958/10758/6081 3998/25728/2197 3974/10762/2271 +f 3977/6543/4381 3962/10379/3011 4004/10378/5905 +f 3964/6552/4387 3957/6553/4388 3958/10758/6081 +f 2358/3731/2441 3963/10756/6079 3959/6507/4348 +f 1346/10763/5011 1335/3060/1349 1321/1926/1331 +f 6781/6816/4446 6778/4672/2881 6771/4674/2883 +f 6707/10172/4545 6703/6719/4530 6697/6703/4514 +f 4030/4775/2968 4012/5739/3847 4007/5738/3846 +f 2578/4049/2520 2584/4061/2524 4017/6591/4417 +f 4022/7338/4892 4017/6591/4417 4019/6592/4418 +f 4025/10764/1504 4026/5126/1505 4024/7339/4893 +f 6085/5490/3616 6064/5489/3615 6068/10367/5900 +f 6108/5655/3775 6111/5531/3655 6080/5479/3607 +f 2689/4207/135 2679/13896/135 2688/4196/135 +f 3830/10215/5800 3826/5684/3802 3828/10680/6030 +f 4348/6952/4731 1314/3043/2233 1295/2129/1511 +f 6569/6973/4749 6575/6492/4335 6565/6491/4334 +f 1179/10765/6084 1194/6572/2251 1183/7401/1553 +f 4034/5127/3289 4038/6609/4433 4039/6611/4435 +f 4078/6382/4247 4081/4454/2666 4079/6676/4485 +f 4038/10175/4433 4034/10602/3289 4012/5739/3847 +f 5274/10605/135 5293/10604/135 5294/10310/135 +f 5843/5114/3277 5818/4916/3101 5752/4779/2972 +f 2578/4049/2520 4036/7337/4891 4043/2037/1426 +f 4036/7337/4891 4024/7339/4893 4040/5125/3288 +f 4044/2928/2135 4023/1835/1251 3933/6593/4419 +f 6465/6358/4230 6458/10249/5827 6461/4949/3134 +f 1513/10768/57 1516/11672/57 7145/10769/57 +f 4047/10771/6085 4028/4115/2527 4046/4117/2529 +f 4049/6623/4443 3921/810/524 3920/945/617 +f 3931/6467/4319 3929/6466/4318 6578/10760/6083 +f 4053/2075/1462 4051/6670/4479 4035/1836/1252 +f 6758/5619/3739 6760/6275/4150 6772/6814/4612 +f 2894/10081/5694 2917/10076/5690 2957/4577/2786 +f 4832/8135/135 4833/1857/135 4807/8141/135 +f 4025/10764/1504 4056/10779/4623 4051/10773/4479 +f 4602/10775/6087 4576/6391/4256 4593/10776/6088 +f 4133/10455/5952 4131/2730/1962 4120/10156/5759 +f 4057/7418/4958 4046/4117/2529 4027/4116/2528 +f 4008/6638/4456 4044/2928/2135 3930/6474/4322 +f 4100/10778/6090 4099/10798/6106 4091/2050/1438 +f 4011/6637/4455 3928/6463/4316 3927/6462/4315 +f 4022/7338/4892 4020/7417/4957 4056/10779/4623 +f 2912/5608/3728 2977/5189/3347 3149/10243/5821 +f 5725/4758/2955 5679/4643/2852 5675/4635/2844 +f 2584/4061/2524 2585/4063/2525 4059/6276/4151 +f 6820/10780/4894 6842/7345/4899 6846/7362/4911 +f 4058/7423/4963 4015/5802/3894 4018/2057/1445 +f 1921/1959/1363 1907/1949/1353 1898/2925/2132 +f 1141/2110/1127 1145/10969/1126 1152/1701/1134 +f 6175/10433/5941 6173/10084/5697 6167/5469/3597 +f 4060/10781/6091 4018/2057/1445 4033/6343/4218 +f 4019/6592/4418 4059/6276/4151 4057/7418/4958 +f 4021/1837/1253 4016/25497/1446 3935/10783/4743 +f 4065/10785/6095 4063/6658/4470 4062/6657/4469 +f 4066/6709/4520 4067/6695/4509 4068/10786/6096 +f 4068/10786/6096 4067/6695/4509 4069/6665/4474 +f 4075/1515/978 4074/6668/4477 4071/6663/4472 +f 6876/6505/4346 6852/1554/1009 6870/7342/4896 +f 5640/4591/2800 5662/4590/2799 5664/4644/2853 +f 3366/10358/5894 3340/5440/3573 3387/5282/3433 +f 4343/6400/4263 1893/2092/1479 1872/2091/1478 +f 1307/2079/1466 1309/3052/2240 1288/2558/1812 +f 4639/7485/5015 4673/1516/979 4672/5721/3829 +f 1817/2846/2067 1811/1722/1155 1820/1724/1157 +f 6988/10795/57 7831/13725/57 7843/10456/57 +f 6483/6394/4259 6496/5010/3187 6490/5501/3627 +f 4553/10797/6105 4547/10939/6151 4548/2980/2182 +f 6226/10454/5951 6201/5711/3825 6232/5749/3856 +f 4106/5116/3279 4101/7488/5018 4093/6694/4505 +f 6829/2814/2037 6831/2813/2036 6821/6730/4540 +f 4107/10155/5758 4102/2595/1845 4099/10798/6106 +f 4104/10799/1988 4096/125/90 4103/6704/4515 +f 4654/7404/4946 4633/1742/1170 4644/3016/2211 +f 4092/7489/5019 4101/7488/5018 4105/10222/5807 +f 5642/4948/3133 5639/5124/3287 5631/5106/3269 +f 1453/10801/57 1501/14527/57 1507/10802/57 +f 4113/10804/6107 4111/2593/1843 4102/2595/1845 +f 4100/10778/6090 4114/10805/6108 4120/10156/5759 +f 4114/10805/6108 4100/10778/6090 4094/2049/1437 +f 4103/6704/4515 4111/2593/1843 4117/10806/1454 +f 7344/10807/6109 7250/1972/57 7244/8668/57 +f 3839/10685/6037 3849/10693/6042 3843/10686/6038 +f 6426/10678/6029 6421/6280/4155 6422/6281/4156 +f 516/3935/135 2503/3936/135 2524/1930/1335 +f 3834/6305/4178 3848/10691/6040 3828/10680/6030 +f 3492/10411/5928 3542/10260/5834 3528/5682/3800 +f 3870/8950/5428 3863/12203/4516 3866/10809/4517 +f 4121/10810/1455 4117/10806/1454 4111/2593/1843 +f 5338/10811/135 5328/12290/135 5320/10812/135 +f 941/10814/6111 944/2614/1862 943/2615/1863 +f 6777/6809/4607 6775/5379/3520 6763/1294/785 +f 4141/10815/6112 4122/10381/5907 4110/6711/4522 +f 2533/3984/2506 2524/1930/1335 4132/6746/4548 +f 2037/2193/1559 2007/2131/1513 1995/2151/1532 +f 4142/6412/4274 4124/6411/4273 4118/10221/5806 +f 4136/10816/6113 4134/6678/4487 4123/5115/3278 +f 4581/3069/2253 4582/10942/6154 4580/7321/4878 +f 4129/3868/2480 4135/2006/1400 4139/2008/1402 +f 4138/2732/1964 4121/10810/1455 4113/10804/6107 +f 6170/5650/3770 6159/5617/3737 6195/5698/3816 +f 4140/10466/5955 4135/2006/1400 4125/10681/6031 +f 5897/5145/3304 5889/5089/3256 5807/10821/6116 +f 5869/5728/3836 5907/6754/4554 5911/10271/5842 +f 4146/10822/6117 4142/6412/4274 4134/6678/4487 +f 4099/10798/6106 4095/124/89 4089/2061/1449 +f 4586/10823/4257 4589/10934/6147 4561/7329/4885 +f 5736/4945/3130 5720/4944/3129 5707/5102/3265 +f 4122/10381/5907 4141/10815/6112 4147/10108/5718 +f 6486/6386/4251 6478/4950/3135 6480/5500/3626 +f 4149/10109/5719 4147/10108/5718 4141/10815/6112 +f 4152/10140/5745 4150/6522/4363 4064/6659/4567 +f 6396/10117/5724 6397/10660/6016 6399/10825/6118 +f 3447/5673/3791 3444/10396/5914 3495/10200/5789 +f 4159/10827/6120 4158/6410/4272 4142/6412/4274 +f 556/3733/135 558/3885/135 2467/2517/1779 +f 4161/5200/3358 4136/10816/6113 4127/10380/5906 +f 3458/5560/3681 3431/5559/3680 3424/5538/3662 +f 2909/10089/5699 2970/2771/1995 2979/4639/2848 +f 1491/6502/57 1495/13713/57 6532/9095/5460 +f 4175/10828/6121 4154/10323/5875 4143/10829/1963 +f 1925/1963/1367 1915/1941/1345 1924/1994/1388 +f 4140/10466/5955 4162/7353/4904 4167/6788/4587 +f 4171/6787/4586 4167/6788/4587 4162/7353/4904 +f 6458/10249/5827 6445/6326/4200 6451/6328/4202 +f 3798/6250/4125 3803/6804/4602 3800/6806/4604 +f 6034/4970/3155 6049/4969/3154 6038/10348/5889 +f 4170/10830/6122 4146/10822/6117 4136/10816/6113 +f 4182/10831/6123 4159/10827/6120 4146/10822/6117 +f 994/5031/3202 6926/7441/4977 6921/7443/4979 +f 5812/1383/867 5798/4878/3069 5791/4830/3023 +f 3147/10242/5820 3079/10179/5773 3042/10154/5757 +f 3841/6314/4188 3833/6304/4176 3835/6366/4233 +f 6126/5558/3679 6144/5041/3212 6116/5043/3214 +f 4155/6511/4352 4156/6770/4570 4157/6797/4595 +f 3801/6247/4120 3799/6248/4122 3800/6806/4604 +f 4179/6796/4594 4177/10668/6022 4173/10663/6019 +f 4181/6260/4136 4164/5201/3359 4149/10109/5719 +f 4183/10072/5686 4182/10831/6123 4170/10830/6122 +f 4184/6569/4402 4172/5199/3357 4164/5201/3359 +f 4187/10833/6125 4185/6259/4135 4174/5302/3453 +f 6776/5605/3725 6774/6800/4598 6762/6789/4588 +f 4190/6828/4620 4171/6787/4586 4166/7352/4903 +f 4191/6807/4605 4187/10833/6125 4177/10668/6022 +f 4188/2969/2171 4186/2968/2170 4175/10828/6121 +f 4189/10834/6126 4168/7385/2709 4159/10827/6120 +f 1357/3084/2104 1089/2883/2092 1091/2821/2044 +f 4192/10835/6127 4189/10834/6126 4182/10831/6123 +f 3373/5422/3555 3371/5417/3550 3384/10357/5893 +f 6667/6680/4489 6783/6829/4621 6801/6429/4288 +f 3419/5485/3611 3391/5444/3577 3403/10391/5910 +f 4196/10231/5812 4194/6669/4478 4185/6259/4135 +f 2617/4096/135 2701/4215/135 2702/10836/135 +f 5142/10837/135 5149/11892/135 5124/10838/135 +f 4198/6819/4615 4196/10231/5812 4187/10833/6125 +f 4201/6291/4165 4195/6568/4401 4184/6569/4402 +f 4122/10381/5907 4119/5117/3280 4108/6708/4519 +f 3819/6279/4154 3811/6262/4138 3813/6812/4610 +f 4204/6826/4618 4203/6292/4166 4196/10231/5812 +f 2542/3997/2510 2532/3983/2505 4171/6787/4586 +f 4205/10840/6128 4188/2969/2171 4178/4499/2711 +f 4192/10841/6127 4202/10846/5685 4206/10842/6129 +f 4207/10714/6059 4205/10840/6128 4197/4498/2710 +f 3847/10698/6047 3840/10675/5801 3842/10844/5352 +f 3218/5207/3365 3208/5108/3271 3239/5653/3773 +f 4082/6855/4641 4209/6854/4640 4205/10840/6128 +f 2549/4006/2512 2546/4002/2511 4082/6855/4641 +f 4208/10845/851 4202/10071/5685 4195/6568/4401 +f 4211/6844/4630 4210/6290/852 4203/6292/4166 +f 4202/10846/5685 4208/1367/851 4213/6383/4248 +f 5896/4869/3060 5856/4841/3034 5852/4843/3036 +f 4215/4455/2667 4214/1366/850 4210/1368/852 +f 4216/6845/4632 4207/10714/6059 4200/10843/6130 +f 6729/1579/1030 6708/5050/3221 6696/6732/4541 +f 6579/10847/6131 6580/10772/6086 6578/10760/6083 +f 5573/6526/4366 5586/10094/5704 4306/6916/4699 +f 4217/6846/4633 4216/6845/4632 4206/10842/6129 +f 1963/2072/1459 1950/2004/1398 1936/2005/1399 +f 4217/6846/4633 4078/6382/4247 4076/6671/4480 +f 2242/10848/6132 2273/25729/6132 2274/10849/6133 +f 2636/4122/135 2635/4121/135 2653/10853/135 +f 4228/6866/4651 4227/6865/4650 4225/6861/4646 +f 4230/6870/4655 4232/6871/4656 4222/1278/769 +f 74/10857/6138 76/114/81 75/10858/6139 +f 4312/10861/6142 4310/6915/4698 1338/3061/2248 +f 4234/10862/4 4237/7284/4 4448/7285/4 +f 4508/7310/4 4348/7309/4 4349/7306/4 +f 4342/10865/4 4344/10881/4 4504/10866/4 +f 4406/10868/4 4404/10886/4 4315/10869/4 +f 4321/10871/4 4410/10895/4 4408/10872/4 +f 4512/7305/4 4350/7307/4 4351/10874/4 +f 4444/10876/4 4235/25730/4 4234/10862/4 +f 4362/10877/4 4250/25731/4 4532/10878/4 +f 4532/10878/4 4250/25731/4 4245/7236/4 +f 4346/10880/4 4506/7308/4 4504/10866/4 +f 4486/10882/4 4484/10903/4 4323/10883/4 +f 4460/10884/4 4458/7249/4 4251/7248/4 +f 4404/10886/4 4402/25732/4 4313/10887/4 +f 4424/7230/4 4422/7289/4 4332/7288/4 +f 4272/10889/4 4233/25583/4 4369/7209/4 +f 4259/10891/4 4265/10901/4 4540/10892/4 +f 4462/7228/4 4460/10884/4 4268/10885/4 +f 4500/7233/4 4340/25585/4 4342/10865/4 +f 4514/10875/4 4351/10874/4 4352/10894/4 +f 4321/10871/4 4322/7270/4 4412/7269/4 +f 4360/10896/4 4362/10877/4 4530/10879/4 +f 4288/10897/4 4387/10911/4 4385/10898/4 +f 4324/7268/4 4326/7259/4 4416/7258/4 +f 4285/10899/4 4385/10898/4 4383/7264/4 +f 4265/10901/4 4272/10889/4 4542/10890/4 +f 4468/7298/4 4466/7304/4 4290/7303/4 +f 4320/10902/4 4323/10883/4 4484/10903/4 +f 4518/7292/4 4354/7291/4 4355/10905/4 +f 4474/10906/4 4312/10917/4 4314/10907/4 +f 4319/10873/4 4408/10872/4 4406/10868/4 +f 4343/10908/4 4345/10914/4 4436/10909/4 +f 4375/7282/4 4373/7255/4 4240/7256/4 +f 4387/10911/4 4288/10897/4 4289/10912/4 +f 4432/7262/4 4341/7261/4 4343/10908/4 +f 4345/10914/4 4347/7239/4 4438/7241/4 +f 4294/7278/4 4391/7280/4 4389/10913/4 +f 4318/10915/4 4320/10902/4 4482/10904/4 +f 4253/10916/4 4259/10891/4 4538/10893/4 +f 4312/10917/4 4474/10906/4 4472/10918/4 +f 4494/7275/4 4492/7296/4 4331/10919/4 +f 4398/10920/4 4397/7273/4 4302/10921/4 +f 4359/10922/4 4235/25730/4 4444/10876/4 +f 4313/10887/4 4402/25732/4 4400/7206/4 +f 4568/10929/6145 4606/10817/6114 4619/10930/6146 +f 4559/7380/4927 4551/6834/4625 4552/6439/4298 +f 4624/10931/2254 4544/7319/4876 4545/7320/4877 +f 6481/6373/4238 6492/2045/1433 6488/6372/2062 +f 1104/10933/1219 1096/2805/2028 1105/7323/4880 +f 4589/10934/6147 3770/6202/4086 3767/6200/4084 +f 4555/7322/4879 4557/6564/4397 4558/10935/6148 +f 4569/10824/4463 4561/7329/4885 4567/7330/4886 +f 4565/7325/4882 4566/1848/1264 4570/10937/6149 +f 4571/7398/4943 4562/1934/1339 4563/10938/6150 +f 4547/10939/6151 4553/10797/6105 4554/7372/4919 +f 1817/2846/2067 1814/1846/1262 1810/1718/1151 +f 4124/6411/4273 4120/10156/5759 4114/10805/6108 +f 6600/1409/890 6643/1408/889 6639/5119/3282 +f 4547/10939/6151 4576/6391/4256 4577/6393/4258 +f 4572/1961/1365 4570/10937/6149 4573/10941/6153 +f 1743/6835/4626 1741/3717/2440 2352/3716/2439 +f 4576/6391/4256 4547/10939/6151 4574/10940/6152 +f 6440/4933/3118 6427/6311/4185 6433/6823/4194 +f 4582/10942/6154 4573/10941/6153 4560/7410/4951 +f 4679/10943/6155 4675/7478/5009 1688/7479/5010 +f 4550/6438/4297 4584/6567/4400 4585/3017/2212 +f 3959/6507/4348 3964/6552/4387 3956/10734/6071 +f 6322/3939/2489 6305/2663/1908 6313/3758/2451 +f 4574/10940/6152 4554/7372/4919 4575/7414/4954 +f 4011/6637/4455 4006/4773/2966 4007/5738/3846 +f 4592/1962/1366 4572/1961/1365 4582/10942/6154 +f 3850/6329/4203 3844/7373/4920 3846/7375/4922 +f 4564/7334/4888 4563/10938/6150 4598/6437/4296 +f 4593/10776/6088 4574/10940/6152 4587/7355/4906 +f 4596/1766/1191 4578/6517/4358 4594/10944/6156 +f 4996/8684/135 5038/8689/135 5039/10945/135 +f 4590/1936/1341 4591/1935/1340 4601/7420/4960 +f 4643/3015/2210 4649/7447/4981 4655/7405/4947 +f 6788/4920/3105 6791/6628/4448 6798/6430/4289 +f 4594/10944/6156 4590/1936/1341 4600/7364/4913 +f 1789/1686/1119 1786/1933/1338 1784/1833/1250 +f 3770/6202/4086 4589/10934/6147 4605/7389/4934 +f 4589/10934/6147 4586/10823/4257 4602/10947/6087 +f 6833/1552/1007 6857/6504/4345 6858/2944/2148 +f 6749/6786/4585 6724/7471/5002 6713/6740/4544 +f 4608/10948/6089 4610/7390/4935 4605/7389/4934 +f 4603/6566/4399 4598/6437/4296 4563/10938/6150 +f 4611/10950/4931 4595/7354/4905 3897/6406/4269 +f 1360/1981/1377 1347/25447/11623 1358/1416/897 +f 4608/10777/6089 4593/10776/6088 4595/7354/4905 +f 4611/7384/4931 4612/7383/4930 4610/7390/4935 +f 4101/7488/5018 4106/5116/3279 4109/6679/4488 +f 4596/1766/1191 4614/1765/1190 4558/10935/6148 +f 3755/6185/4069 4610/7390/4935 4612/7383/4930 +f 6881/6549/4385 6854/7350/4901 6877/1546/1002 +f 1160/1702/1135 1153/10970/1086 1158/10952/1534 +f 6520/10725/6068 6517/1869/1282 6521/3967/2499 +f 2019/2878/2095 2038/1828/1245 2025/2815/2038 +f 4573/10941/6153 4607/3018/2213 4556/6562/4395 +f 4615/7388/4933 4620/1847/1263 4618/1849/1265 +f 4613/2978/2180 4619/10930/6146 4606/10817/6114 +f 6765/6242/4118 6642/9879/5650 6644/9529/5568 +f 4660/7466/4997 4652/7465/4996 4627/10953/6160 +f 4619/10930/6146 4613/2978/2180 4548/2980/2182 +f 4622/7371/4918 4617/1877/1290 3914/6447/4305 +f 4557/6564/4397 4616/6563/4396 4597/6518/4359 +f 6546/10736/6073 6545/7411/4952 6541/2137/1519 +f 6847/2795/2019 6848/2794/2018 6860/5121/3284 +f 6874/7344/4898 6824/7343/4897 6823/7357/4908 +f 4614/1765/1190 4553/10797/6105 4549/2979/2181 +f 4553/10797/6105 4614/1765/1190 4621/1890/1301 +f 4623/7402/4944 4588/1960/1364 4592/1962/1366 +f 4570/10937/6149 4620/1847/1263 4607/3018/2213 +f 1193/2907/2118 1184/2905/2116 1195/2906/2117 +f 4606/10817/6114 4568/10929/6145 4624/3070/2254 +f 1781/1652/1085 1785/1829/1246 2038/1828/1245 +f 5519/10955/4 8562/14066/4 8564/10956/4 +f 5838/5163/3322 5802/4894/3082 5793/4886/3077 +f 4544/7319/4876 4624/10931/2254 4568/10936/6145 +f 4625/7412/4953 4623/7413/4944 4546/10932/2252 +f 4157/6797/4595 4058/7423/4963 4060/10781/6091 +f 3788/6636/4454 3786/6571/4403 3787/6264/4121 +f 4199/6842/4616 4029/25531/4427 4028/4115/2527 +f 4212/6843/4631 4028/4115/2527 4047/10771/6085 +f 4322/6940/4719 4321/6958/4737 1816/1726/1159 +f 4648/7495/4982 4646/10983/6163 4679/10943/6155 +f 4627/10953/6160 4678/6401/4264 4628/6403/4266 +f 4419/7569/5087 4421/7527/5056 3726/6101/5056 +f 1967/2084/1471 1955/2014/1408 1941/1993/1387 +f 6498/4914/3099 6490/5501/3627 6496/5010/3187 +f 484/10958/135 568/13888/135 570/10959/135 +f 6618/6596/4422 6614/25733/2490 6590/10960/4428 +f 2042/1911/1319 1779/1644/1077 1778/1646/1079 +f 6903/10954/6161 6902/3076/2258 6830/7407/4949 +f 6678/6690/4500 6687/6699/4510 6691/6442/4301 +f 4642/2949/2152 4667/7468/4999 1689/7470/5001 +f 6474/6341/4216 6459/6340/4215 6462/10697/6045 +f 4649/7447/4981 4643/3015/2210 4646/10962/6163 +f 1204/1910/1318 1220/2976/2178 1230/1330/820 +f 5586/10094/5704 5573/6526/4366 5575/5183/3341 +f 4656/10963/6164 4638/10964/6165 4653/8644/5351 +f 1788/1688/1121 1779/1644/1077 2042/1911/1319 +f 4011/6637/4455 4009/6647/4460 4010/6649/4462 +f 4638/10964/6165 4656/10963/6164 4665/10965/6166 +f 6542/2270/1628 6539/6508/4349 6543/2954/2157 +f 4104/10799/1988 4640/10966/5024 4658/7461/4992 +f 4666/6375/4240 4658/7461/4992 4640/10966/5024 +f 6925/6600/4426 6958/6599/4425 6951/7481/5003 +f 4660/7466/4997 4647/2947/2150 1689/7470/5001 +f 4229/1280/771 4651/2940/2144 4661/7462/4993 +f 4661/7462/4993 4651/2940/2144 4641/1744/1172 +f 2046/1807/1226 2047/1809/1228 1558/3091/2267 +f 4662/7460/4991 4661/7462/4993 4657/1743/1171 +f 6200/7409/4950 6169/5709/3823 6201/5711/3825 +f 4669/10967/6167 4665/10965/6166 4656/10963/6164 +f 1160/1702/1135 1152/1701/1134 1145/10969/1126 +f 1992/2107/1493 1976/2086/1473 1966/2853/2074 +f 1746/2754/1983 1748/25442/11622 1745/1593/1038 +f 4645/10971/2209 4670/1564/1015 4665/10965/6166 +f 5627/4490/2702 874/10121/5728 5661/161/121 +f 7972/10972/57 7954/12572/57 8006/10973/57 +f 6373/10975/135 100/5023/135 108/10976/135 +f 4644/3016/2211 4677/6376/4241 4670/6920/1015 +f 6940/5129/3291 6930/7440/4976 6919/7433/4971 +f 6600/1409/890 6641/6639/4457 6602/6594/4420 +f 4653/8644/5351 4674/7477/5008 4671/1931/1336 +f 6886/5569/3690 6883/7387/4910 6887/10978/1389 +f 7463/10979/57 7291/25734/57 7315/10980/57 +f 4633/1742/1170 4632/3051/2239 4677/6376/4241 +f 4638/10964/6165 4676/6384/4249 4674/7477/5008 +f 4679/10943/6155 4669/10967/6167 4664/7464/4995 +f 4154/10323/5875 4148/7351/4902 4138/10981/1964 +f 4646/10983/6163 4645/10971/2209 4669/10967/6167 +f 8038/10985/5608 8108/12156/5608 8109/10986/6170 +f 3760/7709/57 50/7703/57 2196/7702/57 +f 5927/10277/5848 5929/4797/2990 5930/4799/2992 +f 6346/5965/4030 6352/10532/5994 6342/10529/5992 +f 4804/8120/135 4799/8113/135 4798/8155/135 +f 2837/6111/4 4723/6110/4 4722/7531/4 +f 944/10999/6171 941/10925/6143 884/10926/6144 +f 7676/11023/57 7674/9373/57 7684/9375/57 +f 6285/8948/5427 6294/5918/3985 6302/10505/5975 +f 6157/5676/3794 6150/5600/3720 6178/5708/3822 +f 6415/6271/4145 6410/6270/4144 6411/10469/4158 +f 7314/8700/57 7372/25636/57 7367/10497/57 +f 6546/10736/6073 6560/10748/4750 6540/2993/2041 +f 795/11040/57 1063/11134/57 1070/11041/57 +f 1021/11043/57 659/11108/57 658/11044/57 +f 834/11046/57 1040/11089/57 1043/11047/57 +f 794/11049/57 1074/11101/57 1026/11050/57 +f 1061/11052/57 789/11111/57 788/11053/57 +f 684/1231/57 1006/11066/57 1011/11055/57 +f 1003/11057/57 655/11125/57 651/11058/57 +f 820/11060/57 1050/11114/57 1055/11061/57 +f 697/11062/57 1023/11075/57 1024/11063/57 +f 687/11065/57 1005/11073/57 1006/11066/57 +f 675/11067/57 992/11100/57 995/11068/57 +f 829/11051/57 1026/11050/57 1025/11070/57 +f 664/11072/57 999/11076/57 1005/11073/57 +f 696/11074/57 1022/11109/57 1023/11075/57 +f 692/11069/57 995/11068/57 999/11076/57 +f 975/11077/57 649/11132/57 705/11078/57 +f 990/11080/57 701/11099/57 702/11081/57 +f 683/11056/57 1011/11055/57 1015/11083/57 +f 1000/11059/57 651/11058/57 650/11085/57 +f 1013/1613/57 680/1612/57 656/11087/57 +f 1040/11089/57 834/11046/57 835/11090/57 +f 1041/11092/57 782/11121/57 838/11093/57 +f 817/1030/57 1055/11061/57 1057/11095/57 +f 981/11097/57 711/11117/57 646/11098/57 +f 701/11099/57 990/11080/57 992/11100/57 +f 976/11079/57 705/11078/57 704/11064/57 +f 1074/11101/57 794/11049/57 793/11042/57 +f 808/11048/57 1043/11047/57 1045/11102/57 +f 825/11103/57 1045/11102/57 1047/11104/57 +f 988/11082/57 702/11081/57 710/11106/57 +f 659/11108/57 1021/11043/57 1022/11109/57 +f 1064/11110/57 813/11119/57 789/11111/57 +f 682/11084/57 1015/11083/57 1018/11112/57 +f 797/11105/57 1047/11104/57 1050/11114/57 +f 816/11096/57 1057/11095/57 1060/11115/57 +f 985/11107/57 710/11106/57 711/11117/57 +f 1029/11118/57 779/11131/57 813/11119/57 +f 1049/11120/57 783/11124/57 782/11121/57 +f 1056/11054/57 788/11053/57 784/11122/57 +f 1052/11123/57 784/11122/57 783/11124/57 +f 660/11113/57 1018/11112/57 1020/11045/57 +f 1008/11088/57 656/11087/57 655/11125/57 +f 1036/11094/57 838/11093/57 837/11126/57 +f 1034/11128/57 843/11133/57 844/11129/57 +f 830/11071/57 1025/11070/57 1032/11127/57 +f 1030/11130/57 844/11129/57 779/11131/57 +f 982/11086/57 650/11085/57 649/11132/57 +f 1038/11091/57 835/11090/57 843/11133/57 +f 815/11116/57 1060/11115/57 1063/11134/57 +f 1513/10768/57 7143/10770/57 7141/11135/57 +f 904/7840/326 907/25735/326 185/11136/326 +f 1638/11137/326 322/11145/326 320/11138/326 +f 185/11136/326 907/25735/326 854/11140/326 +f 282/7844/326 1549/7843/326 1548/11141/326 +f 170/7914/326 166/11148/326 862/11143/326 +f 1638/11137/326 1643/25736/326 324/11144/326 +f 923/7937/326 930/11185/326 216/11146/326 +f 856/11147/326 862/11143/326 166/11148/326 +f 853/7899/326 858/11154/326 192/11150/326 +f 1551/11151/326 262/11183/326 259/11152/326 +f 324/11144/326 1643/25736/326 1648/8696/326 +f 194/7942/326 192/11150/326 858/11154/326 +f 244/11156/326 913/11192/326 912/11157/326 +f 210/7932/326 939/7931/326 946/7855/326 +f 1612/11160/326 305/11187/326 306/7906/326 +f 899/7912/326 850/7877/326 158/7876/326 +f 1544/11153/326 259/11152/326 253/7873/326 +f 226/7926/326 948/7928/326 953/11163/326 +f 260/7874/326 257/7895/326 1589/7894/326 +f 1607/7940/326 344/25595/326 342/11165/326 +f 1618/11167/326 1625/11196/326 314/11168/326 +f 342/11165/326 340/11173/326 1668/11170/326 +f 1586/11171/326 255/7893/326 249/11172/326 +f 340/11173/326 338/11184/326 1665/11174/326 +f 1629/11175/326 1632/11139/326 320/11138/326 +f 1627/11177/326 302/11203/326 299/7836/326 +f 202/9929/326 199/7869/326 925/7868/326 +f 308/11179/326 1634/11202/326 1641/11180/326 +f 1551/11151/326 1557/7849/326 264/11182/326 +f 1470/8840/57 1466/3871/57 1443/3870/57 +f 335/7846/326 1659/25589/326 1665/11174/326 +f 220/7917/326 216/11146/326 930/11185/326 +f 281/7842/326 279/7892/326 1599/7891/326 +f 1618/11167/326 310/11169/326 305/11187/326 +f 970/7883/326 973/11191/326 242/11188/326 +f 200/7867/326 246/11158/326 912/11157/326 +f 152/7921/326 149/7946/326 876/7945/326 +f 287/11190/326 285/11142/326 1548/11141/326 +f 244/11156/326 242/11188/326 973/11191/326 +f 294/11193/326 1566/11197/326 1571/11194/326 +f 250/7834/326 296/11195/326 1571/11194/326 +f 950/7856/326 918/7935/326 208/7934/326 +f 318/11176/326 314/11168/326 1625/11196/326 +f 316/7907/326 312/11181/326 1641/11180/326 +f 294/11193/326 292/25591/326 1561/7862/326 +f 230/7903/326 228/11164/326 953/11163/326 +f 1577/7870/326 1582/25592/326 271/7878/326 +f 1654/11200/326 330/7948/326 328/8697/326 +f 1634/11202/326 308/11179/326 302/11203/326 +f 856/11147/326 162/11149/326 157/11204/326 +f 1554/2524/2637 1657/2628/1875 1653/673/6172 +f 2409/11207/5334 2382/13188/6174 5115/11208/6174 +f 207/11209/216 212/25737/5380 211/11210/5380 +f 8060/11211/1668 8061/7134/152 8107/7136/4840 +f 7929/4327/2588 7928/4329/2588 7926/11213/6175 +f 4409/11215/6176 4408/12446/6176 4410/11216/6177 +f 4913/11218/5382 4923/9661/5382 4924/8045/297 +f 758/11220/502 760/8754/501 759/8756/501 +f 5232/9786/5631 2628/25702/5631 2626/11221/709 +f 2727/11222/5590 2434/14355/1749 5373/11223/1749 +f 2556/11224/547 2563/11772/6178 5191/11225/6178 +f 257/11226/5153 254/11907/5153 247/11227/1717 +f 7603/9208/5492 7605/25738/6500 7604/11228/6179 +f 6986/11231/4942 6985/7396/4942 6977/252/5243 +f 4778/7979/498 4779/3124/498 2374/7990/5155 +f 2209/11232/257 2291/25739/256 2292/11233/535 +f 188/9829/279 187/9828/279 189/260/187 +f 7804/11234/5434 7779/8993/5434 7777/11235/4831 +f 8459/11236/6181 8458/11864/6181 8456/11237/6182 +f 2553/11239/6183 2561/11777/6184 4791/11240/6184 +f 7780/11242/6185 7759/12245/6185 7765/11243/5355 +f 5416/8731/5363 2606/8730/5363 2591/11244/6186 +f 3934/10747/6075 3933/6593/4419 3935/10783/4743 +f 556/8999/343 557/8998/343 559/11246/344 +f 7017/11247/6187 6999/25638/5366 6998/8737/5366 +f 7311/11249/6188 7313/11588/6189 7312/11250/6189 +f 8032/11252/6190 8114/13274/5521 8115/11253/19 +f 590/11255/6191 591/12081/5416 593/11256/5417 +f 8250/11258/57 8240/13142/57 8224/11259/57 +f 7015/11261/5520 7017/11247/6187 7016/11248/6187 +f 8427/11262/6192 8429/11637/6193 8428/11263/6193 +f 4387/11265/6194 4386/12028/6194 4384/1086/687 +f 8389/11266/6195 8388/13017/6195 8386/11267/6196 +f 91/11269/2593 86/25740/2593 83/11270/2383 +f 4768/11271/1701 4769/12694/1701 4774/768/6197 +f 8657/10008/5666 8656/10007/5666 8654/11272/6198 +f 7553/11274/5660 7608/25741/326 7609/11275/326 +f 7457/11276/254 7459/25742/2286 7458/11277/2286 +f 2236/11278/6199 2237/1081/684 2283/1083/684 +f 8698/11280/289 8695/11293/6199 8741/11281/6199 +f 308/11282/1717 312/9454/5153 311/9456/5153 +f 2553/11239/6183 4790/11241/6183 4789/11284/5175 +f 8561/11286/6200 8560/12742/6200 8558/11287/5329 +f 5253/11288/6201 2399/12313/6201 2363/11289/30 +f 2730/9707/5615 4962/9709/5615 4961/11290/6202 +f 4939/11292/5269 4898/14354/5269 4905/8044/296 +f 8695/11293/6199 8696/9830/684 8742/9832/684 +f 1469/3467/2375 1470/3466/2375 1472/11294/204 +f 8165/9559/691 8231/9558/691 8230/11295/2382 +f 4477/7080/4806 4476/7079/4806 4478/11297/2291 +f 7546/9025/5447 7549/8877/5405 7548/8876/5405 +f 4952/430/222 4914/429/222 4910/11298/2307 +f 233/11299/4772 234/25743/4772 235/11300/278 +f 391/492/329 388/491/329 386/11301/706 +f 7727/11303/2577 7729/9649/5591 7728/9648/5591 +f 403/11304/4865 400/12069/4865 398/11305/6203 +f 2738/11306/6204 2735/13400/6204 2736/11307/2287 +f 7447/9723/2605 7449/9585/5585 7448/9587/5585 +f 7902/1129/712 7903/1128/712 7904/9099/5462 +f 6588/6576/4407 3954/5755/3862 3955/6488/4331 +f 4796/8109/135 4797/11345/135 4823/11309/135 +f 6272/5862/3942 6264/5840/3925 6258/5842/3927 +f 4827/8111/135 4829/8134/135 4806/8133/135 +f 4794/11317/135 4795/11324/135 4828/11318/135 +f 1002/1495/964 1007/3209/2317 1005/3211/2319 +f 4795/11324/135 4786/8128/135 4830/8127/135 +f 1334/11327/2137 1348/1952/1356 1333/2950/2153 +f 4786/8128/135 4787/11333/135 4834/11331/135 +f 4788/11332/135 4835/11334/135 4834/11331/135 +f 4789/8146/135 4836/8145/135 4835/11334/135 +f 4818/8152/135 4813/8153/135 4808/8140/135 +f 6815/10856/6137 6814/10855/6136 6812/10852/6135 +f 7614/11338/57 7630/12110/57 7623/11339/57 +f 4790/8147/135 4791/25744/135 4837/11341/135 +f 4837/11341/135 4791/25744/135 4784/11343/135 +f 1672/7788/135 426/7787/135 425/11344/135 +f 6295/5909/3979 6246/5869/3949 6245/5929/3996 +f 4785/8160/135 4783/8165/135 4841/8164/135 +f 4792/8166/135 4826/5267/135 4823/11309/135 +f 2550/11347/5335 4880/25745/5335 4879/11348/6207 +f 2564/11350/19 2515/25746/19 5192/11351/19 +f 2448/7061/4796 2445/25747/6394 5217/11353/6208 +f 569/8558/2565 568/8557/2565 566/8720/5358 +f 8365/11355/6210 8364/12436/6210 8362/11356/6211 +f 2624/11358/1730 2621/9144/5480 5447/9143/5480 +f 1533/9225/4065 1534/9224/4065 1536/11359/6212 +f 7094/8265/5245 7085/8264/5245 7086/11361/5517 +f 5072/8764/5379 5022/8763/5378 5026/11362/6213 +f 7105/11364/6214 7080/12192/6214 7077/11365/5317 +f 7071/11366/5371 7100/25748/5371 7101/11367/6215 +f 6992/11369/6216 6993/25749/6216 6991/11370/5171 +f 2816/11371/6217 2818/13268/32 2817/11372/32 +f 2408/11374/6218 2404/12314/6219 5254/11375/6219 +f 395/11377/5322 392/12750/5322 390/11378/328 +f 2586/11379/6220 2583/25750/5279 4969/11380/5279 +f 2290/11382/255 2205/363/255 2099/3393/2341 +f 8321/11383/6221 8320/13312/6221 8318/11384/6222 +f 5518/11386/5273 5517/8395/5273 5569/3543/2416 +f 5023/11387/6223 5074/11598/6223 5055/9312/5516 +f 6542/2270/1628 6544/6587/4415 6547/7324/4881 +f 2680/9785/5630 5236/9787/5630 5235/11405/6224 +f 476/11407/2395 8682/13420/2396 8766/11408/2396 +f 1412/2277/1635 1416/8257/5241 1417/11410/192 +f 8303/11411/5570 8305/9125/5470 8304/9127/5470 +f 5169/11412/5346 5125/25751/5346 5126/11413/5275 +f 7810/11414/6226 7811/14395/6226 7812/921/601 +f 2394/11415/5441 4980/9012/5441 4982/11416/5183 +f 4814/11417/326 4815/25752/326 2649/11418/326 +f 573/11420/2408 572/8245/2408 570/11421/2566 +f 4507/4320/2584 4506/4319/2584 4508/11422/5501 +f 8760/2345/1680 8714/2344/1680 8715/11423/4845 +f 8515/747/486 8517/4410/2629 8516/4412/2629 +f 7384/11426/5225 7364/8197/5225 7368/11427/4818 +f 2348/8432/5286 2351/13356/6227 5279/11429/6227 +f 5337/11431/6228 5311/12032/6228 5306/11432/1703 +f 168/11433/5495 158/8533/135 156/8535/135 +f 8705/11434/2385 8704/25753/6229 8782/11435/6229 +f 8291/11437/6231 8290/12699/6232 8288/11438/6232 +f 7709/11440/6233 7708/11724/6233 7706/9465/5553 +f 8744/11442/283 8674/9605/283 8673/11443/6234 +f 8511/7071/4800 8510/7070/4800 8508/11445/5234 +f 8188/11446/2619 8222/7016/2619 8223/11447/2356 +f 8531/11449/6235 8530/12511/6235 8528/11450/6236 +f 8403/9295/5509 8405/13020/6237 8404/11452/6237 +f 544/1106/276 545/1105/276 549/11454/277 +f 2653/11456/5240 2635/25754/6238 4966/11457/6238 +f 2254/8041/74 2311/8040/74 2312/11458/75 +f 2069/11459/4328 2070/11534/4328 2072/11460/5164 +f 7247/8444/5290 7246/8446/5290 7244/11462/6239 +f 2760/11464/6240 2763/2316/1667 2762/2317/1667 +f 4866/2931/135 4893/2930/135 4892/8373/135 +f 4894/10472/135 4895/11896/135 4879/11466/135 +f 5100/11467/135 5129/25755/135 5126/11468/135 +f 5130/11469/135 5132/25617/135 5106/8319/135 +f 3180/4928/3113 3143/6243/4119 3137/10211/5796 +f 4873/7454/135 4899/25587/135 4900/11470/135 +f 4901/11472/135 4897/7453/135 4874/7455/135 +f 4902/8339/135 4901/11472/135 4875/11473/135 +f 7485/11474/57 7493/8347/57 7455/11475/57 +f 4872/11471/135 4900/11470/135 4904/11476/135 +f 4905/11478/135 4898/10238/135 4868/10239/135 +f 7199/8369/57 7158/8368/57 7160/11479/57 +f 5116/11480/135 5103/11881/135 5141/11481/135 +f 4871/11477/135 4904/11476/135 4908/9426/135 +f 4877/5707/135 4878/11897/135 4903/11483/135 +f 5749/4812/3005 5756/4811/3004 4275/6909/4692 +f 6382/11027/135 143/9515/135 80/11484/135 +f 5145/11485/135 5138/11879/135 5102/11486/135 +f 2978/10130/5735 2960/4570/2779 2953/4551/2760 +f 4200/10843/6130 4197/4498/2710 4189/11487/6126 +f 4915/11488/135 4911/11884/135 4863/11489/135 +f 3416/5674/3792 3422/5539/3663 3392/6801/4599 +f 4917/8374/135 4915/11488/135 4864/11490/135 +f 4890/11491/135 4891/5706/135 4916/11492/135 +f 971/1601/1046 968/25756/6489 1056/11494/6241 +f 5875/6261/4137 5863/1384/868 5853/10176/5772 +f 4888/8379/135 4889/11893/135 4919/11495/135 +f 4921/8982/135 4886/8981/135 4887/8378/135 +f 5113/3942/135 5114/11891/135 5153/11496/135 +f 2375/11497/5391 5386/8794/5391 5395/11498/26 +f 8521/6989/4760 8523/533/355 8522/532/355 +f 8579/11500/5476 8581/13422/6242 8580/11501/6242 +f 7316/11502/19 7305/25757/19 7304/11503/19 +f 4405/283/201 4404/282/201 4406/11505/6243 +f 7944/4380/2614 7947/823/532 7946/822/532 +f 8007/358/251 8006/357/251 8026/578/383 +f 2655/3258/2323 2642/4405/2626 5268/4407/2626 +f 4767/11508/1701 4768/11271/1701 4773/3123/6197 +f 2261/11509/4774 2260/8773/4775 2332/8775/4775 +f 262/11511/494 258/25758/494 251/11512/5257 +f 8179/11514/5598 8251/25759/6377 8252/11515/5599 +f 8379/514/342 8378/515/342 8376/7958/5147 +f 3948/3972/2504 3947/6516/4357 3949/1854/1270 +f 379/9810/4817 376/9809/4817 374/11518/496 +f 2483/11520/5642 2485/11645/6269 5206/11521/2576 +f 7441/7029/4777 7440/7028/4777 7438/11522/2324 +f 484/9494/32 485/9493/32 486/11524/195 +f 8641/2340/1679 8643/2388/1705 8642/2390/1705 +f 7143/8574/230 7142/8573/230 7140/11526/229 +f 7169/11528/2390 7141/11527/229 7140/11526/229 +f 342/11530/5238 344/266/191 343/268/191 +f 8015/2337/1677 8017/12119/6244 8016/11531/6244 +f 2067/11533/2370 2068/11737/2370 2070/11534/4328 +f 5175/11535/6245 5133/13028/6245 5132/11536/1741 +f 2662/818/529 2661/13339/363 5124/11538/363 +f 7249/11540/5291 7233/25518/2393 7232/3497/2393 +f 5478/9596/5589 5477/25692/5589 5475/926/604 +f 735/9584/5247 732/9583/5247 730/11541/84 +f 7791/11542/6246 7750/12738/6246 7758/11543/6247 +f 7965/11545/2617 7967/7055/4792 7966/7057/4792 +f 4941/11558/135 4942/8461/135 4938/8471/135 +f 5174/11563/135 5173/11965/135 5172/11564/135 +f 4940/10208/135 4931/10210/135 4924/11566/135 +f 4953/11567/135 4924/11566/135 4923/8485/135 +f 7528/1104/202 7486/1103/202 7488/11574/203 +f 8645/11575/1706 8647/301/213 8646/300/213 +f 7042/11576/6248 7041/25760/19 7040/11577/19 +f 4927/8590/5339 4919/8589/5339 4918/11579/5583 +f 142/8193/688 140/8192/688 137/11580/6249 +f 7873/11582/1774 7875/475/321 7874/477/321 +f 7396/513/341 7347/512/340 7345/11584/6250 +f 7218/11586/4791 7182/7052/4791 7178/11587/5423 +f 7313/11588/6189 7315/4255/2547 7314/4254/2547 +f 7626/11589/6252 7627/13012/6252 7628/802/520 +f 7935/11590/6253 7937/11826/6254 7936/11591/6254 +f 166/11593/2290 170/895/582 169/897/582 +f 7792/11544/6247 7758/11543/6247 7762/11594/6255 +f 7096/9315/5518 7087/9314/5518 7088/11596/79 +f 5014/11597/6256 5073/25761/6256 5074/11598/6223 +f 8697/11599/685 8699/11747/6133 8733/11600/6133 +f 5061/8073/5195 5019/8072/5195 5025/11602/5644 +f 7518/8276/2421 7508/8275/2421 7506/11603/6257 +f 7053/290/206 7042/11576/6248 7043/11578/6248 +f 5158/11606/5597 5154/12408/5597 5155/11607/6258 +f 5172/8388/5269 5131/8387/5269 5138/437/296 +f 7404/421/287 7335/420/287 7336/11609/2343 +f 7863/11611/6259 7862/13021/6259 7880/9550/5574 +f 7747/11613/6260 7749/570/377 7748/569/377 +f 2668/11615/6261 4821/14350/6261 4820/11616/2610 +f 4802/11618/326 4803/572/379 2338/11619/379 +f 4525/7066/4799 4524/7065/4799 4526/11621/33 +f 8196/11623/2357 8224/11945/2357 8225/11624/5456 +f 5499/11626/6263 5501/12740/135 5500/11627/135 +f 7439/11523/2324 7438/11522/2324 7464/11629/727 +f 8481/11630/6264 8480/13061/6264 8478/11631/6265 +f 8074/9826/5551 8137/9825/5551 8138/11633/612 +f 7125/11634/6266 7124/12161/6266 7122/11635/4857 +f 8429/11637/6193 8431/11906/6267 8430/11638/6267 +f 5066/11363/6213 5026/11362/6213 5029/9576/5582 +f 259/11513/5257 251/11512/5257 252/8516/57 +f 8217/11640/6268 8218/12788/2598 8271/11641/5571 +f 5515/2506/1771 5514/2505/1771 5516/2321/1670 +f 2872/11643/1698 2751/8871/5401 2753/11644/5401 +f 2485/11645/6269 2486/25762/6457 5207/11646/6270 +f 2402/6180/4065 2389/12539/6271 5452/11647/6271 +f 2816/11371/6217 2814/11373/6217 2811/11649/6272 +f 7869/11651/6273 7871/2512/1775 7870/2511/1775 +f 2651/11653/6274 2650/2364/1691 5444/2366/1691 +f 460/11655/2384 8705/11434/2385 8781/11436/6230 +f 4423/8391/5271 4422/8390/5271 4424/11656/1753 +f 7797/11657/6275 7771/12721/6275 7766/11658/2555 +f 2071/11461/5164 2072/11460/5164 2074/11659/5165 +f 40/11661/5252 42/9572/5252 49/66/47 +f 6353/5982/4046 6355/5994/4056 6347/5963/4028 +f 3694/5972/4036 3690/5583/3703 3693/1598/1043 +f 4283/6914/4697 4282/6913/4696 5621/5863/3943 +f 3617/5843/3928 3622/5855/3937 3624/5859/3939 +f 5807/10821/6116 5770/5088/3255 5768/5168/3326 +f 3582/10465/5954 3274/1301/792 3273/10453/5950 +f 5698/4640/2849 5731/4695/2901 5753/4831/3024 +f 1517/11670/57 6993/13776/57 6996/11671/57 +f 3641/5893/3967 3644/5853/3935 3593/10480/5961 +f 4972/11674/135 5013/11676/135 5012/8695/135 +f 4972/11674/135 4966/3767/135 5014/3769/135 +f 3619/3743/2447 3607/5852/3934 3647/5854/3936 +f 4956/8646/135 5015/8645/135 5041/11679/135 +f 5017/8649/2434 4963/8640/135 4960/8664/135 +f 4963/8640/135 5018/8650/135 5020/8661/135 +f 5014/3769/135 5023/8667/135 5021/8666/135 +f 4979/8657/135 4977/8659/135 5012/8695/135 +f 1577/1387/871 1578/25437/11620 1583/2553/1807 +f 4822/1855/135 4783/8165/135 4782/8101/135 +f 5011/11684/135 5010/10177/135 4991/10178/135 +f 1081/2218/1583 1082/2217/1582 1079/1664/1097 +f 5032/11686/135 5033/25763/135 4997/11687/135 +f 4997/11687/135 5033/25763/135 5025/4887/135 +f 4961/8676/135 4962/10488/135 5035/10490/135 +f 3111/4946/3131 3093/4871/3062 3087/4856/3047 +f 5210/9170/135 5202/2367/135 5214/2369/135 +f 5016/10536/135 4993/10538/135 4994/11690/135 +f 5955/4902/3087 5959/4851/3042 5960/5342/3489 +f 5007/10228/135 5032/11686/135 4998/11688/135 +f 6258/5842/3927 6251/5841/3926 6252/5917/3984 +f 4995/11693/135 5045/25764/135 5040/11691/135 +f 5002/10946/135 5039/10945/135 5004/11694/135 +f 5046/11695/135 5044/13507/135 4983/11696/135 +f 3942/6479/1923 3751/6218/4101 3785/6220/4103 +f 3032/4785/2978 3040/4784/2977 3069/10235/5816 +f 2526/11699/6278 2523/9363/5536 4783/9362/5536 +f 7379/11701/6279 7331/25765/6279 7366/11702/223 +f 4469/11703/6280 4468/13041/6280 4470/11704/6281 +f 5327/9037/5450 5293/9036/5450 5319/11706/5561 +f 8545/8504/5304 8547/9277/5504 8546/9279/5504 +f 2092/7101/4817 2090/7102/4817 2088/11708/6282 +f 7169/11528/2390 7168/11529/2390 7166/8070/5194 +f 2061/9821/2549 2063/9820/2549 2066/11710/2551 +f 2337/11712/6283 2651/11653/6274 5443/11654/6274 +f 2545/11714/6284 2420/14386/6285 5428/11715/6285 +f 7699/11717/6286 7698/13004/6286 7700/11718/6287 +f 8712/106/75 8771/105/75 8772/11720/2350 +f 8311/8768/5381 8313/8416/5280 8312/8417/5280 +f 7709/11440/6233 7711/25766/6288 7710/11723/6288 +f 7213/10058/544 7195/10057/544 7170/11725/545 +f 5336/7086/4809 5297/7085/4809 5296/10034/296 +f 4771/11727/499 4772/9966/499 4778/7979/498 +f 7214/11728/545 7170/25767/545 7171/11729/697 +f 2410/11731/6290 2413/25768/5387 4986/11732/5387 +f 8711/11734/2350 8772/25769/2350 8773/11735/2351 +f 2065/11736/2551 2066/25770/2551 2068/11737/2370 +f 4766/2382/1701 4767/11508/1701 4772/9966/6197 +f 2075/11738/6291 2076/13180/6363 2077/7035/4781 +f 7391/11739/6292 7358/14372/6292 7361/11740/6293 +f 8688/11742/6294 8754/12180/6294 8755/11743/5181 +f 2638/3526/2406 2648/2501/1768 5272/2503/1768 +f 8701/11746/534 8732/25771/534 8733/11600/6133 +f 7270/11748/6295 7271/25772/6295 7272/11749/5605 +f 7560/11751/19 7558/25773/19 7559/11752/19 +f 5089/9774/5626 5016/9773/5626 5040/11754/5196 +f 220/11755/582 222/13019/583 221/11756/583 +f 2691/11757/352 2690/7129/4835 4976/7131/4835 +f 2528/11758/6174 2505/13223/6296 4883/11759/6296 +f 2473/11761/5548 2494/12009/1775 4794/11762/1775 +f 7108/11764/19 7109/25774/19 7070/11765/19 +f 5265/8513/5308 2703/25627/5308 2700/11767/4855 +f 7418/11768/6297 7355/12451/6297 7363/8080/5199 +f 7907/9097/5461 7909/3165/2306 7908/3164/2306 +f 300/11770/5241 298/13044/5241 345/267/192 +f 2563/11772/6178 2603/25775/326 5219/11773/326 +f 5464/11774/36 5466/25776/2279 5465/11775/2279 +f 8419/8411/5277 8418/8412/5277 8416/376/264 +f 2561/11777/6184 2560/25777/6298 4784/11778/6298 +f 2337/11779/6283 5442/25778/6283 5441/11780/6299 +f 4844/837/541 4835/836/541 4836/11782/6300 +f 8723/7118/4828 8724/25779/5197 8777/11784/5197 +f 6999/11793/57 7017/25558/57 7153/5910/57 +f 3247/5241/3395 3249/4872/3063 3304/2532/1789 +f 7433/10449/57 7600/10448/57 7599/6078/57 +f 5054/11801/135 5058/13902/135 5057/8834/135 +f 5083/11813/135 5094/8848/135 5092/8850/135 +f 5996/4685/2891 5994/5340/3487 1028/10319/5873 +f 7078/11822/6302 7079/2494/1763 7091/2493/1763 +f 7427/11824/1732 7429/25780/91 7428/11825/91 +f 7258/9146/5482 7261/854/553 7260/856/553 +f 7939/9692/5610 7938/9693/5610 7936/11591/6254 +f 7935/11590/6253 7934/11592/6253 7932/11827/5681 +f 8319/11385/6222 8318/11384/6222 8316/11829/5186 +f 5057/11830/2618 5037/4391/2618 5041/11831/2621 +f 5178/10062/5267 5134/10061/5267 5135/11833/5255 +f 230/11834/2367 232/13045/2368 231/11835/2368 +f 228/11837/1750 230/25781/2367 229/11838/2367 +f 2720/11839/6303 5105/11901/6303 5104/11840/5659 +f 8206/11842/610 8265/25782/609 8266/11843/4858 +f 2421/11845/6207 5112/13299/6207 5111/8430/5284 +f 7783/11846/5356 7769/25783/5356 7767/11847/6304 +f 6971/3521/182 6978/3523/183 6977/252/183 +f 7461/11850/6305 7463/1155/728 7462/1154/728 +f 4845/11852/6300 4836/25784/6300 4837/11853/5507 +f 2285/11854/283 2215/413/283 2214/11855/6234 +f 7540/11857/165 7484/25785/165 7510/11858/166 +f 2229/11859/6294 2295/13181/6294 2296/11860/5181 +f 2385/11861/6306 2410/11731/6290 4985/11733/6290 +f 4960/11863/6307 2347/12247/6307 2731/11291/6202 +f 8461/9293/5508 8460/9292/5508 8458/11864/6181 +f 8721/11865/5384 8722/9716/5618 8793/9717/5619 +f 5431/7138/4842 2504/25577/4842 2465/11867/5170 +f 6996/10038/5675 6993/25749/6216 6992/11369/6216 +f 2634/11868/2627 2633/25786/2407 5270/11869/2407 +f 4830/9500/5567 4831/13176/6308 4843/11870/6308 +f 2665/11871/2392 2671/35/27 5404/34/27 +f 8505/11872/6309 8504/13046/6309 8502/11873/5454 +f 19/97/71 5/1/1 20/3/3 +f 7172/8382/57 7173/8328/57 7144/8330/57 +f 3683/5988/4050 3672/5584/3704 3694/5972/4036 +f 3598/2587/1838 3604/5298/3449 3599/5877/3957 +f 5131/11874/135 5129/25755/135 5100/11467/135 +f 6302/10505/5975 6252/5917/3984 6251/5841/3926 +f 7764/11876/57 7767/10737/57 7744/10739/57 +f 5135/8954/135 5134/8322/135 5108/8324/135 +f 5128/11877/135 5136/11882/135 5111/11878/135 +f 3150/4984/3166 3189/5067/3238 3196/10234/5815 +f 5138/11879/135 5131/11874/135 5101/11875/135 +f 5139/8953/135 5109/8955/135 5095/5885/135 +f 5811/5083/3250 5785/4677/2886 5736/4945/3130 +f 5104/8332/135 5137/8331/135 5141/11481/135 +f 5110/10839/135 5111/11878/135 5136/11882/135 +f 4882/11883/135 4883/9425/135 4910/9427/135 +f 4911/11884/135 4907/8952/135 4862/8951/135 +f 1035/11885/6310 1039/25787/1966 1038/11886/1968 +f 4913/8980/135 4912/6359/135 4884/6361/135 +f 1485/11888/57 7739/3954/57 6720/3955/2494 +f 5148/11889/135 5144/5884/135 5096/5886/135 +f 5114/11891/135 5115/4765/135 5147/4767/135 +f 5150/8986/135 5148/11889/135 5097/11890/135 +f 5123/10504/135 5124/10838/135 5149/11892/135 +f 4918/11493/135 4919/11495/135 4889/11893/135 +f 5146/10382/135 5118/10384/135 5119/11894/135 +f 1926/1992/1386 1903/1916/1323 1904/1918/1325 +f 4895/11896/135 4903/11483/135 4878/11897/135 +f 1732/5250/3404 3246/5256/3410 3245/5779/3879 +f 2519/11898/4780 2525/2462/1745 5382/2464/1745 +f 2712/11900/555 5106/25788/555 5105/11901/6303 +f 8453/11902/6311 8452/13007/6311 8450/11903/6312 +f 5244/2460/1744 2403/25467/1744 2407/4400/2624 +f 7107/8544/5318 7075/8543/5318 7072/11368/6215 +f 8433/11905/6313 8432/12075/6313 8430/11638/6267 +f 260/8515/167 256/8517/167 254/11907/5153 +f 2850/11908/693 2849/1096/693 2825/11909/4803 +f 8475/10021/5671 8474/10023/5671 8472/11910/2379 +f 7069/9701/5612 7058/25789/11632 7059/11911/6314 +f 7633/11913/4854 7624/25790/6315 7625/11914/6315 +f 5012/11916/32 5013/25791/32 5093/11917/32 +f 2239/11919/289 2236/11278/6199 2282/11279/6199 +f 8045/11920/6316 8131/13233/565 8130/11921/2634 +f 2455/11922/6317 5360/7729/5133 5366/11923/6318 +f 5534/11925/6319 5535/13257/6319 5533/11926/86 +f 7475/11927/5487 7477/13262/5193 7476/11928/5193 +f 7537/870/564 7496/869/564 7497/11930/4327 +f 4517/10011/5668 4516/10010/5668 4518/11932/6320 +f 819/11934/4852 8084/8167/5210 8154/8168/5211 +f 5070/11935/6321 5018/25792/6365 5017/11936/5377 +f 4965/11937/19 2575/25793/19 2566/11938/19 +f 7372/10053/5680 7371/14362/6322 7403/11940/6322 +f 4947/11941/5256 4906/12791/5256 4907/8550/5321 +f 2259/11942/4867 2190/3503/2395 2306/3505/2395 +f 4949/8924/249 4895/8923/249 4894/11943/5233 +f 8194/11448/2620 8223/11447/2356 8224/11945/2357 +f 7459/11946/2286 7461/11850/6305 7460/11851/6305 +f 7479/11948/6323 7481/3490/2390 7480/3491/2390 +f 7494/11950/4791 7530/9537/4791 7531/4303/2573 +f 7431/11951/92 7433/14433/6324 7432/11952/6324 +f 5173/11965/135 5175/9058/135 5171/9066/135 +f 5041/11679/135 5037/10489/135 4954/11970/135 +f 5174/11563/135 5164/11565/135 5157/11971/135 +f 2419/3814/2461 2451/3852/2468 3987/6529/4369 +f 5180/8290/5256 5139/8289/5256 5140/11978/5321 +f 2588/3550/2419 5458/3552/2419 5457/11980/6325 +f 7038/11982/326 7040/25794/326 7041/11983/326 +f 8158/11985/1720 8243/2417/1720 8244/11986/6190 +f 3925/947/619 3924/946/618 2467/2517/1779 +f 2105/9348/329 2102/9347/329 2100/11987/706 +f 2087/325/228 2084/324/228 2082/11989/1676 +f 202/11990/2299 204/25795/5467 203/11991/5467 +f 2243/304/215 2271/303/215 2272/11992/533 +f 2806/11994/2587 2808/25796/5420 2807/11995/5420 +f 4503/8555/5323 4502/8554/5323 4504/11996/2583 +f 2545/11714/6284 5427/11716/6284 5426/11997/6326 +f 296/8498/5241 293/8497/5241 291/11999/192 +f 5349/12001/6327 5318/12315/6327 5316/12002/6328 +f 623/12004/4310 625/769/500 624/771/502 +f 2345/12005/1673 5095/2329/1673 5109/12006/5411 +f 8295/12008/331 8297/7143/4846 8296/7144/4846 +f 2506/8011/5168 4795/8013/5168 4794/11762/1775 +f 7851/12010/5600 7853/8772/5383 7852/8771/5383 +f 7009/12012/6329 6995/25713/5674 6994/10037/5674 +f 2372/7187/4863 5355/7189/4863 5354/12014/1689 +f 5540/12016/2623 5542/13255/6330 5541/12017/6330 +f 8599/9542/5569 8598/9541/5569 8596/12018/6331 +f 7643/12020/2545 7634/25797/6332 7635/12021/6332 +f 5406/7993/5159 2500/7992/5159 2495/12022/6333 +f 8192/9968/5654 8234/9967/193 8233/12024/4 +f 4457/8025/32 4456/8024/32 4458/12025/1726 +f 302/12026/1715 308/11282/1717 307/11283/1717 +f 4386/12028/6194 4387/11265/6194 4389/12029/2569 +f 7610/9783/6334 7611/25701/6334 7612/12030/6335 +f 5311/12032/6228 5337/11431/6228 5338/12003/6328 +f 4521/12033/6336 4520/12774/6336 4522/12034/4798 +f 2604/12035/32 2596/25798/32 5220/12036/32 +f 5208/3976/135 5216/3975/135 5212/9165/135 +f 412/724/392 395/717/470 409/585/389 +f 2745/6118/4 2856/6045/4 284/6047/4 +f 4441/12053/4825 4440/25799/4825 4442/12054/6337 +f 2622/12065/6338 2639/8403/5276 4868/8404/5276 +f 4804/12067/6339 2618/25800/6339 2335/571/378 +f 404/12068/1682 402/12549/1682 400/12069/4865 +f 7131/9301/5510 7130/9300/5510 7128/12070/4777 +f 7231/8801/2572 7188/8800/2572 7186/7054/2573 +f 627/12072/501 629/25801/5373 628/12073/5373 +f 7495/6999/316 7502/14408/1749 7514/12074/1749 +f 8433/11905/6313 8435/8425/5282 8434/8427/5282 +f 7103/9135/5474 7073/9134/5474 7076/12076/6340 +f 4531/7163/4853 4530/7162/4853 4532/12078/6341 +f 588/12080/6342 589/12135/5488 591/12081/5416 +f 7793/12082/6255 7762/25802/6255 7772/12083/6343 +f 4937/9327/5522 4893/9326/5275 4896/12085/5268 +f 160/12087/5464 164/9212/5465 163/9214/5465 +f 2576/12089/2327 2622/12065/6338 4867/12066/6338 +f 2515/12091/326 2518/25535/326 5187/4281/326 +f 7121/9093/5459 7123/11636/4857 7122/11635/4857 +f 2729/9600/4794 2346/12007/5411 5109/12006/5411 +f 7255/12095/32 7254/25803/32 7253/12096/32 +f 7293/9008/5440 7295/9792/5632 7294/9791/5632 +f 7915/12099/6344 7917/9978/5655 7916/9979/5655 +f 7652/8884/5409 7655/13319/6345 7654/12101/6345 +f 7204/12102/5503 7200/25804/5503 7197/12103/5250 +f 7387/7105/4819 7342/7104/4819 7346/12105/5145 +f 5222/9246/135 5230/9253/135 5226/9250/135 +f 4281/6912/4695 4287/4579/2788 4291/4989/3171 +f 5224/12111/135 5240/9397/135 5232/9398/135 +f 1616/12114/6346 1614/2592/1842 1612/1359/843 +f 2451/3852/2468 2467/2517/1779 3924/946/618 +f 8017/12119/6244 8019/25805/5342 8018/12120/5342 +f 5167/8304/5176 5148/8303/5176 5150/12121/5177 +f 5197/7983/5158 2631/7985/5158 2644/12122/6347 +f 5160/12124/5339 5152/12328/5339 5151/12125/5583 +f 2464/12126/211 2466/25806/2579 5411/12127/2579 +f 8178/12128/688 8174/12420/4837 8253/12129/4837 +f 6972/12131/6348 6979/9811/183 6980/3522/183 +f 714/12133/6349 713/12428/6349 8087/4347/2597 +f 586/12134/32 587/13382/32 589/12135/5488 +f 2848/12136/6350 2829/789/511 2828/788/511 +f 8451/11904/6312 8450/11903/6312 8448/12138/2376 +f 7269/12139/6351 7257/25666/5481 7256/9145/5481 +f 7533/12141/1761 7489/25807/1761 7487/12142/2285 +f 8627/8780/32 8626/8781/32 8624/12143/6352 +f 330/12145/488 332/9504/133 331/9503/133 +f 8555/12147/5230 8557/8572/5330 8556/8571/5330 +f 5085/12148/5311 5042/8524/5311 5010/12149/6353 +f 2488/12151/6354 2499/449/304 5210/451/304 +f 2719/8784/5388 5390/8785/5388 5389/3158/2302 +f 7557/12153/32 7556/25808/32 7554/12154/32 +f 8108/12156/5608 8038/10985/5608 8037/12157/5572 +f 2728/741/482 5001/743/482 5000/12159/6356 +f 7125/11634/6266 7155/25523/2428 7154/3569/2428 +f 7398/12162/6357 7344/12999/6357 7349/12163/6358 +f 2576/12089/2327 4866/12090/2327 4865/12164/2328 +f 8195/9090/5457 8226/9089/5457 8227/9971/4839 +f 4859/12167/6359 4827/13209/6359 4824/8593/5341 +f 274/12168/4758 272/25809/4758 270/8084/4757 +f 2535/4282/2562 2534/844/546 5189/846/546 +f 7389/7957/5146 7352/7956/5146 7360/525/349 +f 4381/12170/4765 4380/7001/4765 4378/7999/5163 +f 8623/12171/6360 8625/12144/6352 8624/12143/6352 +f 7723/12173/6361 7725/25810/2576 7724/12174/2576 +f 7301/7203/4870 7300/7202/4870 7298/12176/4850 +f 2837/12177/6362 2834/12302/6362 2832/12178/19 +f 363/12179/6363 362/13024/6291 8754/12180/6294 +f 5069/12181/6364 5020/12244/6245 5018/12182/6365 +f 3752/6219/4102 3751/6218/4101 3749/6478/4326 +f 7239/206/155 7238/205/155 7236/9593/5588 +f 7736/8008/5167 7739/8501/5303 7738/8503/5303 +f 1421/227/57 1370/226/168 1375/2257/1617 +f 7376/12186/5604 7334/9678/5604 7332/12187/6366 +f 4451/8209/5229 4450/8208/5229 4452/12189/140 +f 7743/311/219 7745/13196/6367 7744/12190/6367 +f 7080/12192/6214 7105/11364/6214 7108/12193/6368 +f 8351/2396/1709 8353/9588/5586 8352/9590/5586 +f 1441/12196/57 1446/14108/57 7558/12197/57 +f 5884/5066/3237 5867/5035/3206 5861/5036/3207 +f 2781/131/4 3728/130/4 3727/10957/4 +f 1400/2301/1658 1399/2300/1657 1401/2297/1654 +f 994/1480/949 996/5873/3953 995/5872/3952 +f 5295/12200/135 5296/8163/135 5247/8162/135 +f 2964/6896/4681 2963/4576/2785 2962/4547/2756 +f 3338/10327/5878 3322/8978/5432 3331/5535/3659 +f 6290/5930/3997 6278/8947/5426 6271/5844/3929 +f 1077/1639/1072 1350/1780/1203 1341/2197/1563 +f 5253/9401/135 5252/1605/135 5257/1607/135 +f 3314/5323/2683 3306/5325/3472 3329/5246/3400 +f 1012/12201/6369 1016/2688/1928 1011/2690/1930 +f 3863/12203/4516 3870/8950/5428 3851/6426/4285 +f 5277/12204/135 5278/5068/135 5300/5070/135 +f 5269/12206/135 5301/6903/135 5306/12207/135 +f 5304/12209/135 5307/12214/135 5287/12210/135 +f 3663/12213/4018 3653/5499/3625 3668/10514/5981 +f 5308/6644/135 5271/6643/135 5272/9414/135 +f 5307/12214/135 5309/9408/135 5286/9407/135 +f 5268/12208/135 5306/12207/135 5311/12216/135 +f 5312/12217/135 5302/9411/135 5250/9410/135 +f 5273/9415/135 5265/9418/135 5314/9417/135 +f 3209/5191/3349 3188/7696/5122 3185/10240/5818 +f 3340/5440/3573 3339/10328/3505 1770/5448/3493 +f 5276/12219/135 5277/12204/135 5310/12205/135 +f 5264/9419/135 5263/9369/135 5291/12221/135 +f 5279/12222/135 5280/4973/135 5318/4972/135 +f 5987/2022/1416 5954/2021/1415 5971/5295/3446 +f 5275/10603/135 5276/12219/135 5317/12220/135 +f 3072/10136/5741 3033/10135/5740 2973/4706/2912 +f 7941/12228/1684 7940/2350/1684 7952/899/585 +f 7542/8176/5215 7504/8175/5215 7500/12230/2572 +f 2355/12231/6296 2340/12712/5658 5103/12232/5658 +f 2862/3133/2288 2861/3132/2288 2863/12234/2631 +f 8171/8813/2403 8241/8812/2404 8242/12235/1731 +f 8718/12236/4867 476/11407/2395 8765/11409/6225 +f 7756/10030/316 7755/12246/1749 7781/12237/1749 +f 8447/3470/2377 8446/3469/2377 8444/12238/6370 +f 8034/3477/2381 8098/3479/2383 8099/12158/5572 +f 4489/12240/6371 4488/13309/6371 4490/12241/310 +f 608/4361/1755 605/4360/1756 603/12242/1738 +f 5067/12243/6372 5024/13390/6372 5020/12244/6245 +f 7759/12245/6185 7780/11242/6185 7781/12237/1749 +f 4963/3581/2433 2605/3580/2433 2347/12247/6307 +f 1433/9689/488 1394/2288/1646 1396/175/134 +f 5087/12248/6353 5010/25811/6353 5011/12249/5625 +f 7988/12250/250 7989/356/250 7990/9197/5486 +f 1427/4280/186 1382/2254/1614 1384/2295/1653 +f 8337/4292/2567 8336/4294/2567 8334/9563/5579 +f 7395/12253/6373 7400/25812/19 7341/12254/19 +f 7115/9219/5496 7114/9218/5496 7113/4300/2571 +f 2230/12256/4783 2231/2440/1735 2329/2442/1735 +f 5237/12257/19 2354/25813/19 2686/12258/19 +f 7571/12260/6374 7562/9800/6304 7563/9802/6304 +f 7059/12262/32 7058/25814/32 7056/12263/32 +f 7420/12265/19 7421/25815/19 7339/12266/19 +f 4750/7723/5127 2197/7721/5127 48/9470/5555 +f 373/9478/228 370/9477/228 368/12269/1676 +f 5146/12270/5382 5156/12407/5382 5157/438/297 +f 7275/12272/5606 7277/12741/6375 7276/12273/6375 +f 5337/12284/135 5339/9519/135 5335/9518/135 +f 5338/10811/135 5337/12284/135 5336/12285/135 +f 7531/9071/57 7521/9072/57 7514/12291/57 +f 5349/10813/135 5320/10812/135 5321/12293/135 +f 5348/12294/135 5321/12293/135 5322/9530/135 +f 7571/12260/6374 7570/12261/6374 7568/867/563 +f 2468/7730/5134 2469/25816/2600 5362/12300/2600 +f 2839/12301/6376 2836/13014/6376 2834/12302/6362 +f 356/6484/4328 355/6483/4328 357/12303/5164 +f 4543/1109/699 4542/1108/699 4369/12304/19 +f 8180/12306/5174 8250/13405/5174 8251/12307/6377 +f 369/2336/309 366/2335/309 364/12309/4782 +f 1450/8242/5236 1451/8241/5236 1456/12311/6378 +f 2399/12313/6201 5253/11288/6201 5254/11375/6219 +f 5348/9474/5557 5292/9473/5557 5318/12315/6327 +f 2767/12316/346 2769/757/492 2768/759/492 +f 2732/3456/2372 4998/3458/2372 4997/9452/5550 +f 2536/12318/6379 2557/9467/5554 5385/9468/5554 +f 7281/12320/32 7280/25817/32 7271/12321/32 +f 8369/12323/2636 8371/244/177 8370/243/177 +f 214/12324/5465 218/9603/5495 217/9604/5495 +f 7378/12188/6366 7332/12187/6366 7331/12325/6279 +f 5159/12327/6258 5155/25818/6258 5152/12328/5339 +f 4394/343/240 4395/342/240 4397/12329/4849 +f 1494/3113/2281 1492/3112/2281 1493/12331/5307 +f 4443/12055/6337 4442/12054/6337 4444/12332/312 +f 1497/3451/2370 1498/3450/2370 1499/12333/5200 +f 629/12334/5373 631/847/548 630/849/548 +f 7265/12336/5653 7267/1144/719 7266/1146/721 +f 136/12337/6380 133/12343/6380 130/12338/5252 +f 7348/12339/6381 7419/12452/6381 7420/12340/6382 +f 139/12342/6249 137/25819/6249 133/12343/6380 +f 7250/909/591 7251/908/591 7245/11463/6239 +f 196/12344/199 150/9357/5533 148/9358/5533 +f 5448/3551/2420 2597/25521/2420 2599/12345/5656 +f 2569/3388/2340 2570/25820/2328 4865/12346/2328 +f 4850/12348/6383 4841/12991/6383 4822/12349/5324 +f 2792/12351/6384 2757/25714/5676 2755/10040/5676 +f 2339/11781/6299 5441/11780/6299 5440/9982/5657 +f 7665/8066/5191 7735/25598/5166 7734/8007/5166 +f 8587/3532/2410 8586/3534/2410 8584/12354/6385 +f 2977/5189/3347 2912/5608/3728 2975/6907/4690 +f 8491/12389/5320 8493/8499/5302 8492/8500/5302 +f 305/12390/5257 310/25821/494 309/12391/494 +f 7702/10033/5673 7703/25712/5673 7704/9464/5552 +f 7034/12392/6386 7035/25822/6386 7036/12393/6387 +f 749/524/348 750/523/348 751/12395/365 +f 8208/12397/2607 8254/4368/2607 8264/12398/608 +f 7210/12399/24 7189/12414/24 7193/12400/25 +f 2115/12401/6203 2112/13213/6203 2110/12402/6388 +f 7594/12404/326 7592/25823/326 7593/12405/326 +f 5156/12407/5382 5146/12270/5382 5154/12408/5597 +f 2643/12409/326 2647/25824/326 5195/12410/326 +f 2552/1125/710 2547/13413/6389 5230/12411/6389 +f 8591/12412/6390 8590/12455/6390 8588/3533/2411 +f 7189/12414/24 7210/12399/24 7211/6481/4327 +f 8727/12415/4814 8693/398/274 8692/12416/1695 +f 24/6993/4762 26/13245/6391 25/12418/6391 +f 8173/11516/5599 8252/11515/5599 8253/12129/4837 +f 2103/12421/706 2100/25825/706 2097/12422/707 +f 6989/12423/32 6988/25826/32 6964/12424/32 +f 2492/12426/6392 2491/9328/5523 5286/9329/5523 +f 713/12428/6349 714/12133/6349 715/12429/5413 +f 2670/12430/6393 2669/4371/2609 4819/4373/2609 +f 2446/9554/5576 5218/9556/5578 5217/12432/6208 +f 8443/12434/6395 8442/12747/6395 8440/12435/178 +f 8367/4421/2635 8366/4423/2635 8364/12436/6210 +f 7657/12437/6396 7648/25827/11633 7649/12438/6397 +f 8655/11273/6198 8654/11272/6198 8652/6997/4764 +f 2866/12441/6398 2865/13379/6398 2867/12442/6399 +f 7451/12444/2559 7423/25430/725 7422/1150/725 +f 7007/12445/696 7009/12012/6329 7008/12013/6329 +f 4407/11506/6243 4406/11505/6243 4408/12446/6176 +f 741/2482/1756 738/2481/1755 736/12447/1738 +f 1438/12449/579 1404/2290/1648 1406/2292/1650 +f 7355/12451/6297 7418/11768/6297 7419/12452/6381 +f 8291/11437/6231 8289/11439/6231 8662/12453/527 +f 8593/8759/5375 8592/8758/5375 8590/12455/6390 +f 5396/9735/135 5394/9746/135 5416/9758/135 +f 2582/9438/5541 5418/9440/5541 5417/11245/6186 +f 5342/12492/6400 5308/13332/6400 5313/12493/314 +f 7671/12494/5543 7670/25828/5543 7668/12495/5646 +f 2851/1098/694 2852/1097/694 2854/12496/5611 +f 5562/879/571 5561/878/571 5563/12498/506 +f 2436/3509/2399 2438/11924/6318 5366/11923/6318 +f 7205/12104/5250 7197/12103/5250 7196/12500/2421 +f 8035/1092/691 8101/1091/690 8100/12501/2382 +f 5484/12503/6401 5487/25829/5212 5486/12504/5212 +f 2873/9151/1700 2876/13289/6402 2875/12506/6402 +f 316/12507/167 306/8291/57 304/8293/57 +f 1477/12508/4815 1478/7096/4815 1479/12509/5609 +f 4461/2428/1727 4460/2427/1727 4462/12510/5497 +f 8531/11449/6235 8533/8735/5365 8532/8736/5365 +f 8327/12512/6403 8329/7994/5160 8328/7996/5160 +f 8161/9323/19 8245/9322/19 8246/12514/6404 +f 8168/9686/5608 8238/9685/5608 8239/12516/6170 +f 5438/12518/5479 2616/9142/5479 2611/12519/6406 +f 5262/12521/5332 2698/8581/5332 2602/12522/302 +f 2240/10850/6133 2274/10849/6133 2284/12523/685 +f 8205/11844/4858 8266/11843/4858 8267/12525/5551 +f 8003/12526/6407 8005/12755/6408 8004/12527/6408 +f 2206/829/536 2293/828/536 2294/12529/4759 +f 285/12530/578 284/13235/578 283/12531/615 +f 7311/11249/6188 7310/11251/6188 7308/12533/4862 +f 718/8898/5415 717/8897/5414 719/12535/32 +f 5325/12537/6409 5304/13353/6409 5294/12538/5449 +f 2389/12539/6271 2390/8990/5433 5453/8992/5433 +f 172/12540/583 174/8891/700 173/8892/700 +f 3946/3971/2503 3944/2680/1922 3947/6516/4357 +f 1535/11360/6212 1536/11359/6212 1537/12541/1663 +f 5377/9776/5627 2562/9775/5627 2554/9128/5471 +f 7090/12543/6410 7082/2492/1762 7083/12544/5506 +f 5028/12545/6411 5091/13285/6411 5092/12546/2590 +f 7638/12547/370 7641/4250/2544 7640/4252/2544 +f 7519/11604/6257 7506/11603/6257 7499/8745/2349 +f 8678/8410/1681 8748/8409/1681 402/12549/1682 +f 5431/9881/135 5422/9868/135 5448/9859/135 +f 4002/12591/2272 3996/11697/1921 3785/6220/4103 +f 590/12596/57 685/1039/57 689/1038/57 +f 8688/12613/135 8687/14305/135 407/583/135 +f 799/1200/57 824/1209/57 8058/12617/57 +f 2229/3331/135 2228/3324/135 2121/3177/135 +f 2124/3178/135 2206/3284/135 2207/3289/135 +f 676/1069/57 8171/12923/57 8172/12646/57 +f 676/1069/57 673/1015/57 8168/12652/57 +f 2071/3372/135 2166/3364/135 2170/3375/135 +f 8173/12666/57 652/967/57 640/951/57 +f 643/12678/57 642/12898/57 8158/12679/57 +f 643/12678/57 8159/12905/57 8160/12685/57 +f 2449/12693/6420 2447/766/6197 4774/768/6197 +f 8050/8023/5174 8120/8022/5174 8121/12695/6377 +f 2492/12697/6392 5285/25830/6392 5284/8805/5396 +f 8290/12699/6232 8293/493/330 8292/495/330 +f 2620/3436/2362 5223/3435/2362 5222/8185/5218 +f 4751/7725/5129 3750/7724/5128 3749/6478/4326 +f 7201/2470/1749 7190/25469/1749 7191/12701/5590 +f 720/12536/32 719/12535/32 721/12702/6342 +f 8700/4353/214 8729/4352/214 8730/12703/215 +f 8423/4336/19 8425/13231/6421 8424/12704/6421 +f 7883/9655/5595 7882/9654/5595 7900/9794/5634 +f 8067/12707/5456 8095/25831/5456 8096/12708/5457 +f 4983/12709/6423 2386/25832/6423 2385/11861/6306 +f 7885/9653/5594 7887/25833/4313 7886/12710/4313 +f 2343/11841/5659 5104/11840/5659 5103/12232/5658 +f 2644/12122/6347 2645/9351/5530 5199/9350/5530 +f 294/12000/192 291/11999/192 289/12713/191 +f 7979/12715/695 7978/25834/695 7977/12716/6424 +f 7559/12718/4 7558/25835/4 7556/12719/4 +f 7771/12721/6275 7797/11657/6275 7798/9016/5443 +f 2349/12722/32 2384/25836/32 5238/12723/32 +f 2791/12725/6425 2790/13385/6425 2792/12351/6384 +f 2758/12726/6426 2759/25837/6426 2760/12727/6240 +f 8031/11254/19 8115/11253/19 8116/12729/6405 +f 7475/11927/5487 7474/11929/5487 7472/12731/5489 +f 7468/8064/5190 7471/9720/5455 7470/9719/5455 +f 2846/12733/5677 2848/25838/6350 2847/12734/6350 +f 7279/12735/6427 7269/12139/6351 7268/12140/6351 +f 5482/2496/1765 5483/25471/1765 5484/12503/6401 +f 7790/12737/6428 7751/13056/6428 7750/12738/6246 +f 7036/12393/6387 7033/8599/5345 7032/12739/5345 +f 5501/12740/135 5503/8266/5246 5502/8267/5246 +f 7277/12741/6375 7279/12735/6427 7278/12736/6427 +f 8561/11286/6200 8563/9996/5662 8562/9995/5662 +f 8724/12743/5197 8725/13380/2365 8778/12744/2365 +f 8445/12746/6370 8444/25839/6370 8442/12747/6395 +f 5063/12748/5581 5031/9574/5581 5034/12749/2602 +f 2472/9984/5659 2462/859/556 4872/858/556 +f 397/8888/5410 394/8887/5410 392/12750/5322 +f 524/8529/509 523/8528/509 525/12751/551 +f 2587/12752/6429 2586/11379/6220 4968/11381/6220 +f 2275/11856/6234 2214/11855/6234 2211/8894/5224 +f 7987/12754/1721 7986/2420/1721 8004/12527/6408 +f 2477/12756/5411 2497/13219/1673 4862/12757/1673 +f 616/2419/348 617/2418/348 618/551/365 +f 2510/8911/2574 5102/8913/2574 5101/12758/5276 +f 7574/3274/172 7572/25840/19 7573/12759/19 +f 574/12761/2409 575/25841/2409 577/12762/5490 +f 7609/12057/57 7598/9176/57 7575/12763/57 +f 8615/2507/1772 8614/2509/1772 8612/12764/6430 +f 4816/12766/19 2663/25842/19 2649/12767/19 +f 4533/12079/6341 4532/12078/6341 4534/12769/513 +f 7303/7201/4869 7287/25671/5502 7286/9273/5502 +f 2579/8413/5278 2580/9141/5478 4971/9140/5478 +f 8001/12772/5484 8003/12526/6407 8002/12528/6407 +f 8068/12773/1734 8070/7184/4820 8147/7186/4820 +f 4519/11933/6320 4518/11932/6320 4520/12774/6336 +f 1418/8258/5242 1414/2272/1630 1369/2274/1632 +f 105/12776/5601 2203/7638/5113 2199/7637/5113 +f 2430/12777/2301 5388/25843/2301 5387/8796/5392 +f 8159/12515/6405 8246/12514/6404 8247/12778/332 +f 2265/12779/5197 2266/3443/2365 2319/3445/2365 +f 275/8047/5182 277/750/488 276/752/488 +f 67/94/68 71/14398/6431 70/12782/6431 +f 7412/12783/5198 7369/8078/5198 7337/12784/5292 +f 518/12786/2409 517/25844/2409 519/12787/5490 +f 8218/12788/2598 8219/505/335 8272/507/335 +f 2619/10731/6069 2381/13280/6432 4808/12789/6432 +f 2495/12022/6333 2481/9722/5620 5408/9721/5620 +f 4946/8385/5255 4902/8384/5255 4906/12791/5256 +f 583/12797/6349 581/13330/6349 582/12798/5413 +f 8264/12803/57 8254/13117/57 8253/12804/57 +f 8246/12810/57 8249/13113/57 8248/12811/57 +f 8248/12811/57 595/13083/57 613/12815/57 +f 118/155/115 109/151/111 111/152/112 +f 380/12837/135 8754/12868/135 362/12838/135 +f 1601/2570/1821 1603/2572/1823 1602/2571/1822 +f 8222/12848/57 591/12864/57 589/12849/57 +f 8735/12862/135 8743/14487/135 8733/3588/135 +f 8222/12848/57 8221/13122/57 593/12863/57 +f 8752/12867/135 8755/14480/135 8754/12868/135 +f 8239/12870/57 8238/14447/57 8226/12871/57 +f 8244/12873/57 8243/12886/57 8242/12874/57 +f 616/12885/57 636/13080/57 8242/12874/57 +f 8139/12821/57 8138/12861/57 714/12860/57 +f 776/12592/57 775/12584/57 8028/12590/57 +f 8701/12906/135 435/641/135 433/688/135 +f 358/12920/135 452/14334/135 456/3287/135 +f 724/12681/57 818/1033/57 822/1207/57 +f 442/715/135 8677/14292/135 8678/12935/135 +f 8073/12662/57 833/1222/57 832/1221/57 +f 809/992/57 8041/12616/57 8042/12620/57 +f 809/992/57 806/995/57 8038/12612/57 +f 8052/12640/57 8051/12634/57 773/1159/57 +f 8043/12626/57 785/1170/57 773/1159/57 +f 580/12975/57 584/12977/57 689/1038/57 +f 776/12592/57 8029/12594/57 8030/12599/57 +f 5525/4316/2582 5528/9579/5584 5527/9581/5584 +f 2697/12983/6433 2684/7974/5154 4890/7973/5154 +f 7924/503/334 7927/11214/6175 7926/11213/6175 +f 8080/12985/244 8126/25845/244 8124/12986/2608 +f 7415/8449/5293 7338/8448/5293 7343/12987/4847 +f 2341/12988/6356 5000/25846/6356 4999/3457/2373 +f 8409/12990/5445 8411/440/298 8410/442/298 +f 4849/295/209 4840/294/209 4841/12991/6383 +f 7711/12992/6288 7713/8567/5327 7712/8569/5327 +f 8036/1090/689 827/8904/4 8103/8905/4 +f 1509/9814/5639 1510/9813/5639 1511/12995/2431 +f 7350/9361/5535 7401/9360/5535 7382/6992/4761 +f 4771/11727/499 4776/7978/498 4775/7977/498 +f 367/12310/4782 364/12309/4782 361/12996/4781 +f 7397/12998/6251 7345/25847/6250 7344/12999/6357 +f 7607/13000/6434 7596/25848/6435 7597/13001/6435 +f 8565/9994/5661 8567/2381/1700 8566/2380/1700 +f 7698/13004/6286 7699/11717/6286 7697/13005/6437 +f 8455/13006/6438 8454/13182/6438 8452/13007/6311 +f 8623/12171/6360 8622/12172/6360 8620/13008/6439 +f 2387/13010/6440 5350/13367/6440 5359/13011/5189 +f 7635/12021/6332 7634/25797/6332 7627/13012/6252 +f 2840/13013/2581 2838/4315/2581 2836/13014/6376 +f 8551/7128/4834 8550/7127/4834 8548/13015/5505 +f 8391/3440/2363 8390/3442/2363 8388/13017/6195 +f 8571/7099/4816 8573/374/262 8572/373/262 +f 222/13019/583 224/1110/700 223/1112/700 +f 8407/9020/5444 8406/9022/5444 8404/11452/6237 +f 7392/11741/6293 7361/11740/6293 7362/8199/5226 +f 7862/13021/6259 7863/11611/6259 7845/13022/5315 +f 8118/13023/6441 8052/14365/6441 729/1095/692 +f 365/12997/4781 361/12996/4781 362/13024/6291 +f 8685/13025/6442 8757/14400/6442 8758/13026/4317 +f 5173/13027/2303 5137/3160/2303 5133/13028/6245 +f 5183/13029/5233 5127/25849/5233 5153/13030/221 +f 7159/13031/5455 7161/25850/5489 7160/13032/5489 +f 2868/12443/6399 2867/12442/6399 2749/13033/6443 +f 7501/13035/24 7522/30/24 7523/11931/4327 +f 2520/3559/2424 2531/25851/6326 5426/13036/6326 +f 2362/13038/32 2361/25852/32 5248/13039/32 +f 4467/436/295 4466/435/295 4468/13041/6280 +f 7861/13042/6444 7843/25383/137 7842/180/137 +f 300/11770/5241 299/9084/5242 297/9086/5242 +f 7723/12173/6361 7722/12175/6361 7721/3116/2282 +f 232/13045/2368 234/25743/4772 233/11299/4772 +f 8507/8240/5235 8506/8239/5235 8504/13046/6309 +f 5220/12036/6445 2596/25798/6445 2595/8184/5217 +f 8053/7970/4790 8054/25853/4788 8152/13047/4788 +f 5081/8273/5249 5003/8272/5249 5047/13049/5385 +f 8214/9715/5210 8284/9714/5211 8283/13050/4852 +f 498/547/362 497/546/362 499/13051/343 +f 7786/9817/5641 7754/9816/5641 7753/8995/5435 +f 2489/10000/5663 5414/10001/5663 5413/13052/5393 +f 2460/13053/6446 2406/8435/5287 5276/8437/5287 +f 7789/13055/6447 7774/13190/6447 7751/13056/6428 +f 8041/3520/2404 8111/3519/2403 8112/13057/1731 +f 8327/12512/6403 8326/12513/6403 8324/13058/5493 +f 751/12395/365 754/8786/366 753/8787/5389 +f 1452/9492/5564 1448/9491/5564 1449/13059/6448 +f 8481/11630/6264 8483/7004/4766 8482/7003/4766 +f 246/13062/199 200/9699/5533 198/9700/5533 +f 2540/8582/5334 2528/11758/6174 4882/11760/6174 +f 7223/3122/380 7179/3121/380 7180/13064/381 +f 5340/13065/1704 5301/25854/1704 5303/13066/6449 +f 8183/7049/4790 8281/7048/4789 8280/13068/237 +f 2244/11993/533 2272/11992/533 2273/13069/6132 +f 2367/13071/538 2369/2360/1690 5353/2359/1690 +f 8029/12730/6404 8116/12729/6405 8117/13072/332 +f 766/13073/549 768/13292/477 767/13074/477 +f 8671/13075/6450 8672/25855/5394 8738/13076/5394 +f 8092/13078/57 8091/3677/57 725/3676/57 +f 8122/13096/57 8121/12853/57 8135/12852/57 +f 8268/13104/57 582/25856/57 581/13105/57 +f 8092/13078/57 723/13079/57 721/12802/57 +f 749/12817/57 769/12816/57 8112/13135/57 +f 8118/13137/57 728/12807/57 746/12835/57 +f 585/13139/57 582/25856/57 8268/13104/57 +f 238/407/279 237/406/279 239/3459/187 +f 8125/12883/57 8123/12882/57 8122/13096/57 +f 8728/3604/135 357/3606/135 355/13144/135 +f 8114/12881/57 8113/13136/57 8112/13135/57 +f 717/12876/57 715/12859/57 8138/12861/57 +f 8108/13159/57 8099/14500/57 8097/13160/57 +f 8668/13161/257 8750/25857/257 8751/13162/535 +f 1465/9824/5643 1466/9823/5643 1468/13164/2374 +f 2687/13165/573 2685/11406/6224 5235/11405/6224 +f 2779/13167/5397 2781/13267/6451 2780/13168/6451 +f 514/4291/2566 513/4290/2566 515/13169/2408 +f 2201/7743/5142 101/9087/19 109/13170/19 +f 2538/13171/326 2604/25858/326 5225/13172/326 +f 7000/8738/5367 7003/8251/5239 7002/8253/5239 +f 7612/12030/6335 7615/8915/5421 7614/8914/5421 +f 8089/13174/335 8090/8879/336 8143/8880/5406 +f 4834/13175/6452 4842/835/540 4843/11870/6308 +f 5274/7087/4810 2461/25573/4810 2460/13053/6446 +f 5068/13177/6453 5073/25859/32 5014/13178/32 +f 2076/13180/6363 2075/11738/6291 2295/13181/6294 +f 8455/13006/6438 8457/11238/6182 8456/11237/6182 +f 7516/13183/518 7512/25860/518 7509/13184/5250 +f 290/13185/5238 288/13350/5238 286/13186/579 +f 2355/12231/6296 5116/12233/6296 5115/11208/6174 +f 8043/9668/5599 8122/9667/5599 8123/13189/4837 +f 7803/7090/4811 7773/7089/4811 7774/13190/6447 +f 693/13191/5368 8199/25861/1733 8275/13192/1733 +f 2693/8530/5313 4811/8532/5313 4810/13193/6454 +f 7406/3399/2344 7333/3398/2344 7375/13195/2563 +f 7745/13196/6367 7747/11613/6260 7746/11614/6260 +f 8349/2398/1710 8348/2397/1710 8346/13197/6456 +f 596/10028/692 595/10027/692 8248/13199/6441 +f 4852/13201/5340 4823/25862/5340 4826/13202/4784 +f 2486/13203/6457 2487/534/356 5208/536/356 +f 7701/11719/6287 7700/11718/6287 7716/9571/5580 +f 4471/11705/6281 4470/11704/6281 4472/13206/5316 +f 4761/4268/1712 4762/2401/1712 4767/2400/1701 +f 4857/13208/161 4829/216/161 4827/13209/6359 +f 212/13210/5380 216/3137/2290 215/3139/2290 +f 2357/9304/5511 2386/25832/6423 4983/12709/6423 +f 2117/7191/4865 2114/7190/4865 2112/13213/6203 +f 8487/13214/490 8489/8545/5319 8488/8547/5319 +f 528/853/552 527/852/552 529/4385/2378 +f 8169/13215/6170 8239/25863/6170 8240/13216/2402 +f 2536/12318/6379 5384/12319/6379 5383/2463/1746 +f 2344/13218/528 2356/9306/5512 4994/9305/5512 +f 2567/3390/1674 4863/3389/1674 4862/12757/1673 +f 8704/13220/6229 8706/9777/2397 8783/9778/2397 +f 2493/13222/5658 4870/9983/5658 4883/11759/6296 +f 4447/463/313 4446/462/313 4448/13224/5228 +f 8687/11744/5181 8755/11743/5181 8756/13225/2352 +f 8669/13227/5221 8671/13075/6450 8737/13077/5288 +f 8692/12416/1695 8691/7038/1696 8786/7040/1696 +f 7243/8746/5369 7242/8748/5369 7240/13228/154 +f 2245/13229/6458 2247/3506/2397 2324/3508/2398 +f 8427/11262/6192 8426/11264/6192 8424/12704/6421 +f 8047/13232/566 8132/25864/566 8131/13233/565 +f 285/12530/578 287/25865/579 286/13234/579 +f 7956/13236/6459 7959/7005/4767 7958/7006/4767 +f 5238/13238/4 2384/25866/4 2354/13239/4 +f 5489/13241/5213 5491/13307/6460 5490/13242/6460 +f 7663/8068/5192 7662/8067/5192 7660/13243/6461 +f 31/3485/2387 27/3487/2387 25/12418/6391 +f 2113/13246/6388 2110/25867/6388 2108/13247/5410 +f 281/13248/614 280/13314/614 278/751/133 +f 2392/13250/6462 4978/25868/6462 4979/9014/5442 +f 7889/6458/4312 7891/9005/5439 7890/9006/5439 +f 7661/13244/6461 7660/13243/6461 7658/9442/5544 +f 5493/13253/6463 5495/9000/5436 5494/9002/5436 +f 5542/13255/6330 5544/25869/5592 5543/13256/5592 +f 5535/13257/6319 5534/11925/6319 5545/13258/268 +f 8363/11357/6211 8362/11356/6211 8360/100/73 +f 264/2458/291 261/2457/291 258/13260/494 +f 7479/11948/6323 7478/11949/6323 7476/11928/5193 +f 1521/13263/6464 1522/13369/6464 1523/13264/5364 +f 4539/13265/6465 4538/14418/6465 4540/13266/698 +f 5432/12520/6406 2611/12519/6406 2610/8790/5390 +f 2781/13267/6451 2783/8712/5357 2782/8713/5357 +f 2821/8055/5185 2819/8054/5185 2817/11372/32 +f 7682/13269/504 7683/25870/504 7681/13270/6466 +f 7784/11848/6304 7767/11847/6304 7764/13272/5640 +f 8028/13273/1720 8113/522/347 8114/13274/5521 +f 347/7120/4829 348/7119/4829 349/13275/2549 +f 5213/13276/19 2440/25871/19 2431/13277/19 +f 2815/11650/6272 2811/11649/6272 2812/9651/5593 +f 2381/13280/6432 2380/25872/32 4807/13281/32 +f 4513/8509/5306 4512/8508/5306 4514/13282/5667 +f 7861/13042/6444 7860/13043/6444 7858/13283/1737 +f 7794/12084/6343 7772/12083/6343 7775/13284/5513 +f 5091/13285/6411 5028/12545/6411 5036/8526/5312 +f 7597/13286/32 7596/25873/32 7594/13287/32 +f 2876/13289/6402 2759/25837/6426 2758/12726/6426 +f 4932/13290/5261 4911/8548/5261 4915/13291/5176 +f 768/13292/477 770/7153/478 769/7152/478 +f 8577/9136/5475 8576/9138/5475 8574/13293/261 +f 4966/11457/6238 2635/25754/6238 2587/12752/6429 +f 2267/13294/2366 2174/3480/2384 2321/3482/2384 +f 2422/13295/6467 4797/13343/6471 4796/13296/6468 +f 2421/11845/6207 2411/25874/5335 5113/13298/5335 +f 7011/13300/5678 7010/10047/5678 7021/13301/6469 +f 8010/2356/1688 8013/2339/1678 8012/2338/1678 +f 8198/13303/1734 8200/7106/4820 8277/7108/4820 +f 2167/13304/1736 2261/11509/4774 2331/11510/4774 +f 2216/415/284 2286/414/284 2287/13306/2354 +f 5491/13307/6460 5493/13253/6463 5492/13254/6463 +f 533/3464/552 535/3463/552 537/13308/2378 +f 4487/2476/1752 4486/2475/1752 4488/13309/6371 +f 204/13310/5467 210/9111/5464 209/9113/5464 +f 8323/9211/5494 8322/9210/5494 8320/13312/6221 +f 2225/13313/6378 2221/1140/234 2300/1139/234 +f 280/13314/614 281/13248/614 282/12532/615 +f 739/12448/1738 736/12447/1738 734/13315/1739 +f 7046/13317/5295 7049/3538/2413 7048/3539/2413 +f 7655/13319/6345 7657/25875/6396 7656/13320/6396 +f 745/3573/2430 742/3572/574 740/13321/575 +f 8585/13322/6385 8584/25876/6385 8582/13323/6470 +f 2539/13325/32 2482/25877/32 5203/13326/32 +f 7823/13328/5149 7825/310/218 7824/309/218 +f 4371/12305/19 4369/12304/19 4370/13329/359 +f 5449/8215/5232 2412/8214/5232 2405/6182/4066 +f 581/13330/6349 583/12797/6349 8217/11640/6268 +f 1420/12185/5257 1375/2257/1617 1378/2259/1611 +f 5341/13067/6449 5303/13066/6449 5308/13332/6400 +f 7137/4279/2560 7136/4278/2560 7134/13333/2605 +f 7839/13334/5624 7841/9497/5565 7840/9499/5565 +f 6529/6725/4536 6528/10006/5665 6530/6501/4343 +f 5497/13335/5437 5499/11626/6263 5498/11628/6263 +f 1516/29/23 1515/28/23 1518/13336/5637 +f 2670/12430/6393 4818/12431/6393 4817/8760/5376 +f 2660/13338/364 5110/8428/364 5124/11538/363 +f 8469/13340/5337 8471/3476/2380 8470/3475/2380 +f 5144/13341/5261 5165/8302/5261 5166/11979/5321 +f 8529/11451/6236 8528/11450/6236 8526/13342/5622 +f 2422/13295/6467 2474/25681/5547 4792/9448/5547 +f 8182/13200/6441 8248/13199/6441 8249/13344/5173 +f 7979/13346/695 7981/8606/5347 7980/8607/5348 +f 7974/2422/1722 7975/2421/1722 7976/12717/6424 +f 8092/13348/2619 8058/4394/2619 8057/13349/4771 +f 292/12714/191 289/12713/191 288/13350/5238 +f 4925/9663/5597 4921/9662/5597 4922/13351/5338 +f 5324/2431/1729 5307/2430/1729 5304/13353/6409 +f 8039/13354/6170 8109/25878/6170 8110/13355/2402 +f 2450/7953/1712 2449/25879/6420 4769/4266/1701 +f 2682/9673/5602 5280/9675/5602 5279/11429/6227 +f 8667/13163/535 8751/13162/535 8752/13357/536 +f 7835/13359/6472 7837/9768/5623 7836/9770/5623 +f 4809/13361/6473 2692/25880/6473 2694/13362/6455 +f 4481/3142/2292 4480/3141/2292 4482/13364/2342 +f 2745/13365/6474 2744/14375/6474 2855/13366/5679 +f 5350/13367/6440 2387/13010/6440 2368/830/537 +f 1439/12450/5238 1406/2292/1650 1408/2302/1659 +f 4741/7728/5132 4753/7727/5131 4754/7733/5136 +f 1519/9808/5638 1520/9807/5638 1522/13369/6464 +f 7911/13370/2305 7913/13373/6475 7912/13371/6475 +f 7913/13373/6475 7915/12099/6344 7914/12100/6344 +f 4411/11217/6177 4410/11216/6177 4412/13374/135 +f 2614/443/300 2615/7137/4841 5437/7139/4841 +f 560/8716/4807 561/8715/4807 563/13377/717 +f 2793/3263/2326 2795/25507/2326 2865/13379/6398 +f 8725/13380/2365 8726/7067/2366 8779/7069/2366 +f 584/13381/5414 585/13402/5415 587/13382/32 +f 615/501/241 613/500/241 611/13383/6476 +f 8597/12019/6331 8596/12018/6331 8594/13384/5374 +f 2789/4311/2578 2788/4310/2578 2790/13385/6425 +f 7065/13386/6477 7067/25881/5614 7066/13387/5613 +f 182/13389/2368 184/25570/4772 183/7019/4772 +f 5024/13390/6372 5067/12243/6372 5068/13177/6453 +f 2263/13391/5619 2073/11660/5165 2074/11659/5165 +f 8619/13393/5141 8621/13009/6439 8620/13008/6439 +f 2710/806/521 2718/25882/5528 5370/13394/5528 +f 7675/13396/5258 7674/8294/5258 7676/862/558 +f 1440/13368/191 1408/2302/1659 1410/2280/1638 +f 5053/8918/5422 5039/8917/5422 5038/13397/5515 +f 8078/9222/2607 8125/9221/2607 8134/13398/608 +f 7065/13386/6477 7064/13388/6477 7062/13399/606 +f 2738/11306/6204 2740/478/323 2739/480/323 +f 7129/12071/4777 7128/12070/4777 7126/13401/2324 +f 580/12799/5413 582/12798/5413 585/13402/5415 +f 2672/13403/2322 5266/3257/2322 5281/9674/5603 +f 8181/13345/5173 8249/13344/5173 8250/13405/5174 +f 4973/13406/6478 2688/25883/6478 2695/13407/351 +f 4784/11778/6298 2560/25777/6298 2526/11699/6278 +f 8066/3423/2357 8094/3422/2357 8095/13409/5456 +f 8347/13198/6456 8346/13197/6456 8344/509/338 +f 7139/4277/2559 7111/25537/725 7110/4298/725 +f 2547/13413/6389 2548/25884/559 5231/13414/561 +f 8666/13415/4759 8753/14357/4759 380/13416/1724 +f 2262/13417/5384 2263/13391/5619 2334/13392/5618 +f 762/13418/5373 764/4339/548 763/4341/2595 +f 8682/13420/2396 8681/14409/704 8767/13421/704 +f 8583/13324/6470 8582/13323/6470 8580/11501/6242 +f 7954/412/282 7955/411/282 7956/13236/6459 +f 8719/13423/6479 8721/11865/5384 8792/11866/5384 +f 5007/13424/576 5049/886/576 5050/8932/5425 +f 2023/2130/1512 2024/2203/1569 2004/2115/1500 +f 3939/5803/3895 4219/7422/4962 4218/7737/5137 +f 8483/10642/4 8573/10644/4 8571/13465/4 +f 1754/13484/6480 1757/3836/2463 1755/3837/2464 +f 5044/13507/135 5045/25764/135 4995/11693/135 +f 1956/7313/4872 1938/2973/2175 1955/2014/1408 +f 8402/13522/4 2805/14082/4 2807/13523/4 +f 4762/2401/1712 4760/7950/5143 2444/7952/5143 +f 6653/13532/6481 6652/10796/6104 6654/10788/6098 +f 68/5150/3309 63/85/63 64/87/64 +f 1857/1736/1166 1858/2829/2052 1845/7316/4875 +f 6281/5875/3955 6288/5919/3986 6255/5813/3901 +f 867/10065/5682 957/10067/2644 955/13545/6482 +f 8373/3198/4 8371/13447/4 8297/13458/4 +f 6333/5946/4013 6350/5981/4045 6343/5983/4047 +f 6690/8681/5016 6682/6697/4507 6689/6718/4529 +f 1556/11206/6173 1653/673/6172 1652/672/2643 +f 2344/3727/135 2341/3699/135 2340/3698/135 +f 3677/5943/4010 4544/7319/4876 4567/7330/4886 +f 7902/12463/57 7898/12474/57 7942/12486/57 +f 6581/13632/1542 6574/90/67 6385/89/66 +f 7293/13640/57 7291/25734/57 7463/10979/57 +f 2382/13644/135 2386/25885/135 2357/3729/135 +f 2385/3801/135 2386/25885/135 2382/13644/135 +f 1517/11670/57 1519/13723/57 6988/10795/57 +f 2529/3996/135 2507/13759/135 2528/13651/135 +f 7953/13652/57 7951/13815/57 7863/13653/57 +f 3680/5871/3951 3678/5870/3950 3670/10516/5983 +f 6223/5411/3547 6221/5410/3546 6236/5751/3858 +f 1669/13660/1885 1610/4620/2829 1668/13661/6484 +f 1682/2655/1902 1683/2654/1901 1680/2651/1898 +f 2352/3716/2439 1664/2634/1881 2420/3817/135 +f 2439/13696/135 2437/3834/135 2431/3828/135 +f 2438/13698/135 2436/3833/135 2429/1540/135 +f 1509/4997/57 1452/13897/57 1447/10803/57 +f 2452/3886/135 2455/3881/135 2438/13698/135 +f 2439/13696/135 2440/3845/135 2453/3854/135 +f 2456/13709/135 2457/25886/135 2458/3863/135 +f 2425/3823/135 2457/25886/135 2456/13709/135 +f 577/13710/135 571/14241/135 549/13711/135 +f 1570/2541/1798 1566/1373/857 1561/13717/6486 +f 77/13729/57 107/14523/57 141/2694/57 +f 1837/1793/1216 1828/2235/1598 1838/1819/1236 +f 6630/6959/4738 6612/3992/2508 6629/5120/3283 +f 2494/3923/135 2493/3922/135 2505/13757/135 +f 2454/13708/135 2453/3854/135 2508/3946/135 +f 2507/13759/135 2506/13758/135 2505/13757/135 +f 8288/13764/4 8292/13988/4 2861/4431/4 +f 6479/6494/4337 6462/10697/6045 6467/10702/6049 +f 2519/3987/135 2520/3982/135 2521/13770/135 +f 531/3964/135 530/3873/135 2452/3886/135 +f 7558/12197/57 7560/13875/57 7643/13772/57 +f 947/13777/6487 951/1414/895 950/1413/894 +f 2521/13770/135 2502/3934/135 2527/3973/135 +f 2482/3906/135 2539/4080/135 2538/4079/135 +f 2499/3929/135 2482/3906/135 2543/4004/135 +f 2391/4132/2532 2352/3716/2439 2554/4012/135 +f 7646/13639/57 7723/13668/57 1445/13681/57 +f 6158/10428/5938 6171/10429/5939 6167/5469/3597 +f 2563/4032/135 2511/3949/135 2508/3946/135 +f 2349/3763/135 2350/3714/135 2348/3713/135 +f 2558/4018/135 2571/4048/135 2565/4047/135 +f 1455/2029/57 7477/13806/57 7556/13804/57 +f 7316/13843/57 7329/13937/57 7307/13844/57 +f 922/1569/1020 1036/1567/1018 1032/1549/1005 +f 3688/10528/5991 3682/5949/4016 3655/5925/3992 +f 2596/4072/135 2604/4078/135 2633/4125/135 +f 2620/4100/135 2596/4072/135 2634/13865/135 +f 1424/8372/4 8593/8371/4 8591/13870/4 +f 2142/3226/455 2139/1066/414 2138/3189/410 +f 1525/13633/57 7812/13635/57 7811/13882/57 +f 138/116/83 141/115/82 131/13884/6488 +f 4746/7716/5125 6812/10852/6135 3763/2231/1594 +f 489/13887/135 566/13983/135 568/13888/135 +f 2665/4171/135 2664/25699/135 2663/4163/135 +f 2674/4186/135 2656/4148/135 2672/4172/135 +f 6657/10994/135 4749/10993/135 4750/10995/135 +f 2679/13896/135 2678/25887/135 2677/4199/135 +f 2353/3721/135 2647/4138/135 2680/4184/135 +f 5055/8836/135 5065/8838/135 5058/13902/135 +f 1609/4621/2830 1611/4611/2820 1607/4613/2822 +f 2708/13918/135 2709/4237/135 2706/4236/135 +f 8746/13925/135 8730/14494/135 353/13926/135 +f 2710/2174/135 2705/2173/135 2711/4229/135 +f 4833/1857/135 4777/1856/135 4817/8142/135 +f 3024/4718/2921 1705/4663/2872 3063/4803/2996 +f 1431/13485/4 8629/13482/4 8627/13498/4 +f 492/3912/135 564/3905/135 566/13983/135 +f 2677/4199/135 2678/25887/135 2654/10854/135 +f 6548/14002/1558 6386/25559/4104 6388/6224/4107 +f 8640/14006/4 8642/14187/4 2843/14007/4 +f 8116/12856/57 8119/12855/57 8118/13137/57 +f 5559/14027/4 5557/210/4 8486/14028/4 +f 5238/9258/135 5237/9270/135 5235/9263/135 +f 7460/14050/57 7462/8963/57 7504/8964/57 +f 968/14070/6489 967/25725/11631 1061/10723/6066 +f 1019/14074/6490 846/2696/1933 1018/2698/1935 +f 5529/14018/4 8606/14017/4 8608/14012/4 +f 5290/9384/135 5291/12221/135 5263/9369/135 +f 3953/6487/4330 3951/1853/1269 3999/6560/4394 +f 3671/6001/4061 3662/5969/4034 3686/5956/4021 +f 2675/4205/135 2676/4179/135 487/1427/135 +f 1446/14108/57 1450/13809/57 7556/13804/57 +f 3220/5128/3290 3166/5252/3406 3110/5254/3408 +f 6758/5619/3739 6735/5618/3738 6724/7471/5002 +f 7075/11314/57 7077/11329/57 7038/8123/57 +f 5694/4943/3128 5739/4942/3127 5745/5167/3325 +f 501/14238/135 481/14249/135 527/14239/135 +f 5943/5263/3417 5972/5299/3450 5933/4925/3110 +f 716/12688/57 718/12684/57 822/1207/57 +f 2124/3178/135 2123/589/135 2205/3281/135 +f 433/688/135 458/687/135 8694/14289/135 +f 2250/3353/135 2181/3231/135 2180/3230/135 +f 410/586/135 8665/14277/135 8666/14278/135 +f 8065/12654/57 801/1191/57 799/1200/57 +f 2147/656/135 2172/3222/135 2235/3338/135 +f 2242/3344/135 2149/628/135 2147/656/135 +f 8195/12953/57 668/1007/57 666/624/57 +f 2157/3245/135 2154/643/135 2215/3300/135 +f 2061/3380/135 2065/3376/135 2170/3375/135 +f 8203/12961/57 700/1053/57 699/1052/57 +f 2668/11615/6261 2663/25888/11634 4816/14349/6495 +f 5479/2322/1671 5481/25458/1671 5565/14351/5202 +f 7018/14353/6496 7019/25889/6496 7020/13302/6469 +f 4938/12086/5268 4896/12085/5268 4898/14354/5269 +f 2434/14355/1749 2433/3511/2400 5374/3510/2400 +f 8613/12765/6430 8612/12764/6430 8610/14356/374 +f 8665/13358/536 8752/13357/536 8753/14357/4759 +f 7866/14358/6497 7869/11651/6273 7868/11652/6273 +f 8734/11444/6234 8673/11443/6234 8670/8194/5223 +f 8675/9607/284 8745/9606/284 8746/14360/2354 +f 7373/14361/286 7402/419/286 7403/11940/6322 +f 2802/14363/1747 2801/2467/1747 2820/14364/5184 +f 8052/14365/6441 8118/13023/6441 8119/14366/5173 +f 2714/14367/5636 4955/25890/5636 4954/9708/5616 +f 2590/3488/2389 2589/11981/6325 5457/11980/6325 +f 8715/11423/4845 8716/9235/5498 8762/9237/4844 +f 7215/11730/6289 7171/11729/697 7174/14370/202 +f 7390/14371/6498 7356/14374/6498 7358/14372/6292 +f 1447/13060/6448 1449/13059/6448 1454/14373/5223 +f 7356/14374/6498 7390/14371/6498 7393/9844/5649 +f 2746/248/180 2743/250/180 2744/14375/6474 +f 2435/7975/2340 2437/25891/2328 5098/14376/2328 +f 592/11257/5417 593/11256/5417 8287/14378/2633 +f 7864/1132/713 7865/1131/713 7866/14358/6497 +f 7227/191/143 7173/190/143 7172/14379/165 +f 7835/14381/6472 7834/25892/6472 7833/2333/1675 +f 7800/14382/2556 7761/25893/2556 7763/14383/484 +f 7323/9120/5468 7322/9119/5468 7320/14384/5560 +f 7877/14385/322 7879/9549/5573 7878/9551/5573 +f 2420/14386/6285 2418/9114/5466 5429/9115/5466 +f 377/11519/496 374/11518/496 372/14387/227 +f 7351/14389/339 7394/511/339 7395/12253/6373 +f 8355/14390/5587 8357/1122/708 8356/1123/708 +f 8477/14392/5672 8479/11632/6265 8478/11631/6265 +f 4433/3547/2418 4432/3546/2418 4434/14394/93 +f 7828/9498/5566 7829/25687/5566 7811/14395/6226 +f 7151/3125/728 7150/3127/728 7148/14396/6305 +f 71/14398/6431 16/25894/5556 72/14399/5556 +f 2350/7966/5152 5241/7967/5152 5240/4408/2628 +f 8686/13226/2352 8756/13225/2352 8757/14400/6442 +f 8385/14401/358 8387/25895/6196 8386/14402/6196 +f 8689/14403/4783 8690/9694/1735 8788/9696/1735 +f 4413/13375/135 4412/13374/135 4414/14404/1707 +f 7029/9030/5448 7028/9029/5448 7026/255/6499 +f 8071/14406/4821 8072/939/613 8139/938/613 +f 7503/14407/5590 7513/9598/5590 7514/12074/1749 +f 8681/14409/704 8683/14424/705 8768/14410/705 +f 4417/2395/1708 4416/2394/1708 4418/14411/5596 +f 157/14412/216 162/25896/5380 161/14413/5380 +f 8191/9970/4840 8237/9972/152 8236/14414/1668 +f 8177/14416/566 8178/12128/688 8263/12130/4838 +f 4537/793/514 4536/792/514 4538/14418/6465 +f 2598/11349/6207 4879/11348/6207 4878/9659/5284 +f 7855/8770/5382 7857/2448/297 7856/2447/297 +f 7607/13000/6434 7606/13002/6436 7604/14420/6179 +f 1455/12312/6378 1456/12311/6378 1457/14422/5563 +f 1428/12251/185 1384/2295/1653 1386/2275/1633 +f 8683/14424/705 8684/332/233 8769/334/233 +f 2748/14425/181 2750/13034/6443 2749/13033/6443 +f 154/14426/5467 160/12087/5464 159/12088/5464 +f 2697/12983/6433 4889/12984/6433 4888/8792/325 +f 320/8005/185 322/14432/2386 321/14429/2386 +f 328/14431/5182 330/12145/488 329/12146/488 +f 322/14432/2386 324/6983/4757 323/6985/4757 +f 7433/14433/6324 7435/7169/4857 7434/7170/4857 +f 2226/3414/2353 2298/3413/2353 2299/14434/716 +f 3932/6475/4323 3930/6474/4322 3933/6593/4419 +f 5256/14435/593 2442/25897/593 2408/14436/6501 +f 7104/12077/6340 7076/12076/6340 7078/11822/6302 +f 7329/9781/5629 7328/9780/5629 7326/7981/5157 +f 2291/3671/135 2290/3652/135 2289/14444/135 +f 2295/3653/135 2075/3594/135 2095/3593/135 +f 2269/14446/135 2072/14495/135 2070/3674/135 +f 8229/13154/57 8227/13116/57 8226/12871/57 +f 6651/2729/1961 6652/10796/6104 6653/13532/6481 +f 2298/3628/135 2312/3630/135 2311/14474/135 +f 2316/3609/135 2315/3583/135 2063/14483/135 +f 2311/14474/135 2301/3679/135 2300/3678/135 +f 8774/14489/135 8773/14498/135 351/14490/135 +f 8750/14491/135 8749/3586/135 8748/14492/135 +f 2313/3629/135 2297/3640/135 2292/3644/135 +f 2269/14446/135 2268/3651/135 2074/3598/135 +f 8264/12803/57 8252/12805/57 8251/13093/57 +f 8107/12796/57 8097/13160/57 8099/14500/57 +f 1501/14527/57 1453/10801/57 1458/3081/57 +f 1705/2686/1926 1703/2685/1925 1698/2682/1919 +f 5507/6145/4 4699/6144/4 4698/7505/4 +f 7507/11895/57 7505/8960/57 7426/8962/57 +f 18/14569/57 55/14588/57 15/14570/57 +f 672/1016/651 669/999/650 670/1008/652 +f 7147/14601/2286 7149/14397/6305 7148/14396/6305 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-base.stl b/cliport/environments/assets/ur5/gripper/robotiq-2f-base.stl new file mode 100644 index 0000000000000000000000000000000000000000..22a9c2b3b06d71c5a82d63792b08c55db9d348e3 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-base.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c7b9f2bd92d705fc4e897c94e905973a3c05f406845e942229433deb7041453 +size 1712484 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.mtl b/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.mtl new file mode 100644 index 0000000000000000000000000000000000000000..35d36cfef2bea7c53cb427fdfdc6a639abfa9110 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.mtl @@ -0,0 +1,13 @@ +# Blender MTL File: 'gripper-2f.blend' +# Material Count: 1 + +newmtl Default +Ns 96.078431 +Ka 1.000000 1.000000 1.000000 +Kd 0.640000 0.640000 0.640000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 +map_Kd textures/gripper-2f_BaseColor.jpg diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.obj b/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.obj new file mode 100644 index 0000000000000000000000000000000000000000..e7e6af843efff04d131b715d557b7899f43e6caa --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.obj @@ -0,0 +1,4596 @@ +# Blender v2.79 (sub 5) OBJ File: 'gripper-2f.blend' +# www.blender.org +mtllib robotiq-2f-coupler.mtl +o robotiq-2f-coupler_Part__Feature.001 +v -0.050000 -0.013396 -0.021108 +v -0.050000 -0.007725 -0.023776 +v 0.050000 -0.013396 -0.021108 +v -0.050000 -0.025000 -0.000000 +v 0.050000 -0.025000 -0.000000 +v 0.050000 -0.024215 0.006217 +v -0.050000 -0.018224 -0.017114 +v 0.050000 -0.018224 -0.017114 +v 0.050000 -0.021908 -0.012044 +v -0.050000 -0.024215 0.006217 +v 0.050000 -0.021908 0.012044 +v -0.050000 -0.021908 -0.012044 +v -0.050000 -0.024215 -0.006217 +v 0.050000 -0.024215 -0.006217 +v -0.050000 -0.021908 0.012044 +v 0.050000 -0.018224 0.017114 +v -0.050000 -0.018224 0.017114 +v 0.050000 -0.013396 0.021108 +v -0.050000 -0.013396 0.021108 +v 0.050000 -0.007725 0.023776 +v -0.050000 -0.007725 0.023776 +v 0.050000 -0.001570 0.024951 +v -0.050000 -0.001570 0.024951 +v 0.050000 0.004685 0.024557 +v -0.050000 0.004685 0.024557 +v 0.050000 0.010644 0.022621 +v -0.050000 0.010644 0.022621 +v -0.050000 0.015936 0.019263 +v 0.050000 0.015936 0.019263 +v 0.050000 0.020225 0.014695 +v -0.050000 0.020225 0.014695 +v 0.050000 0.023244 0.009203 +v -0.050000 0.023244 0.009203 +v 0.050000 0.024803 0.003133 +v -0.050000 0.024803 0.003133 +v -0.050000 0.024803 -0.003133 +v 0.050000 0.024803 -0.003133 +v 0.050000 0.023244 -0.009203 +v -0.050000 0.023244 -0.009203 +v -0.050000 0.020225 -0.014695 +v 0.050000 0.020225 -0.014695 +v 0.050000 0.015936 -0.019263 +v -0.050000 0.015936 -0.019263 +v -0.050000 0.010644 -0.022621 +v 0.050000 0.010644 -0.022621 +v 0.050000 0.004685 -0.024557 +v -0.050000 0.004685 -0.024557 +v 0.050000 -0.001570 -0.024951 +v -0.050000 -0.001570 -0.024951 +v 0.050000 -0.007725 -0.023776 +v -0.127000 -0.001507 -0.023953 +v -0.120000 0.004497 -0.023575 +v -0.120000 -0.001507 -0.023953 +v -0.127000 0.004497 -0.023575 +v -0.127000 -0.007416 -0.022825 +v -0.120000 -0.007416 -0.022825 +v -0.127000 -0.012860 -0.020264 +v -0.120000 -0.012860 -0.020264 +v -0.127000 -0.023246 0.005969 +v -0.120000 -0.024000 -0.000000 +v -0.120000 -0.023246 0.005969 +v -0.127000 -0.024000 -0.000000 +v -0.127000 -0.017495 -0.016429 +v -0.120000 -0.017495 -0.016429 +v -0.127000 -0.021031 0.011562 +v -0.120000 -0.021031 0.011562 +v -0.127000 -0.021031 -0.011562 +v -0.120000 -0.021031 -0.011562 +v -0.120000 -0.023246 -0.005969 +v -0.127000 -0.017495 0.016429 +v -0.120000 -0.017495 0.016429 +v -0.127000 -0.023246 -0.005969 +v -0.127000 -0.012860 0.020264 +v -0.120000 -0.012860 0.020264 +v -0.127000 -0.007416 0.022825 +v -0.120000 -0.007416 0.022825 +v -0.127000 -0.001507 0.023953 +v -0.120000 -0.001507 0.023953 +v -0.127000 0.004497 0.023575 +v -0.120000 0.004497 0.023575 +v -0.127000 0.010219 0.021716 +v -0.120000 0.010219 0.021716 +v -0.127000 0.015298 0.018492 +v -0.120000 0.015298 0.018492 +v -0.127000 0.019416 0.014107 +v -0.120000 0.019416 0.014107 +v -0.127000 0.022315 0.008835 +v -0.120000 0.022315 0.008835 +v -0.127000 0.023811 0.003008 +v -0.120000 0.023811 0.003008 +v -0.127000 0.023811 -0.003008 +v -0.120000 0.023811 -0.003008 +v -0.127000 0.022315 -0.008835 +v -0.120000 0.022315 -0.008835 +v -0.127000 0.019416 -0.014107 +v -0.120000 0.019416 -0.014107 +v -0.127000 0.015298 -0.018492 +v -0.120000 0.015298 -0.018492 +v -0.127000 0.010219 -0.021716 +v -0.120000 0.010219 -0.021716 +v -0.135000 -0.018224 -0.017114 +v -0.127000 -0.018224 -0.017114 +v -0.127000 -0.021908 -0.012044 +v -0.135000 -0.013396 -0.021108 +v -0.135000 -0.025000 -0.000000 +v -0.127000 -0.025000 -0.000000 +v -0.127000 -0.024215 0.006217 +v -0.135000 -0.021908 -0.012044 +v -0.127000 -0.024215 -0.006217 +v -0.135000 -0.024215 0.006217 +v -0.127000 -0.021908 0.012044 +v -0.135000 -0.024215 -0.006217 +v -0.135000 -0.021908 0.012044 +v -0.127000 -0.018224 0.017114 +v -0.135000 -0.018224 0.017114 +v -0.127000 -0.013396 0.021108 +v -0.135000 -0.013396 0.021108 +v -0.127000 -0.007725 0.023776 +v -0.135000 -0.007725 0.023776 +v -0.127000 -0.001570 0.024951 +v -0.135000 -0.001570 0.024951 +v -0.127000 0.004685 0.024557 +v -0.135000 0.004685 0.024557 +v -0.127000 0.010644 0.022621 +v -0.135000 0.010644 0.022621 +v -0.127000 0.015936 0.019263 +v -0.135000 0.015936 0.019263 +v -0.127000 0.020225 0.014695 +v -0.135000 0.020225 0.014695 +v -0.127000 0.023244 0.009203 +v -0.135000 0.023244 0.009203 +v -0.127000 0.024803 0.003133 +v -0.135000 0.024803 0.003133 +v -0.127000 0.024803 -0.003133 +v -0.135000 0.024803 -0.003133 +v -0.127000 0.023244 -0.009203 +v -0.135000 0.023244 -0.009203 +v -0.127000 0.020225 -0.014695 +v -0.135000 0.020225 -0.014695 +v -0.127000 0.015936 -0.019263 +v -0.135000 0.015936 -0.019263 +v -0.127000 0.010644 -0.022621 +v -0.135000 0.010644 -0.022621 +v -0.127000 0.004685 -0.024557 +v -0.135000 0.004685 -0.024557 +v -0.127000 -0.001570 -0.024951 +v -0.135000 -0.001570 -0.024951 +v -0.127000 -0.007725 -0.023776 +v -0.135000 -0.007725 -0.023776 +v -0.127000 -0.013396 -0.021108 +v 0.075000 0.054440 0.447166 +v -0.075000 0.048662 0.449591 +v -0.075000 0.054440 0.447166 +v 0.075000 0.048662 0.449591 +v 0.075000 0.060640 0.446254 +v -0.075000 0.060640 0.446254 +v 0.075000 0.066872 0.446914 +v -0.075000 0.066872 0.446914 +v 0.075000 0.086061 0.469173 +v -0.075000 0.084762 0.463043 +v -0.075000 0.086061 0.469173 +v 0.075000 0.084762 0.463043 +v 0.075000 0.072744 0.449102 +v -0.075000 0.072744 0.449102 +v 0.075000 0.085795 0.475434 +v -0.075000 0.085795 0.475434 +v 0.075000 0.077888 0.452682 +v -0.075000 0.077888 0.452682 +v 0.075000 0.083980 0.481432 +v -0.075000 0.083980 0.481432 +v 0.075000 0.081980 0.457428 +v -0.075000 0.081980 0.457428 +v 0.075000 0.080730 0.486791 +v -0.075000 0.080730 0.486791 +v 0.075000 0.076250 0.491172 +v -0.075000 0.076250 0.491172 +v 0.075000 0.070821 0.494302 +v -0.075000 0.070821 0.494302 +v 0.075000 0.064784 0.495984 +v -0.075000 0.064784 0.495984 +v 0.075000 0.058519 0.496111 +v -0.075000 0.058519 0.496111 +v 0.075000 0.052418 0.494676 +v -0.075000 0.052418 0.494676 +v 0.075000 0.046867 0.491769 +v -0.075000 0.046867 0.491769 +v 0.075000 0.042212 0.487573 +v -0.075000 0.042212 0.487573 +v 0.075000 0.038748 0.482351 +v -0.075000 0.038748 0.482351 +v 0.075000 0.036691 0.476431 +v -0.075000 0.036691 0.476431 +v 0.075000 0.036170 0.470186 +v -0.075000 0.036170 0.470186 +v 0.075000 0.037219 0.464008 +v -0.075000 0.037219 0.464008 +v 0.075000 0.039772 0.458285 +v -0.075000 0.039772 0.458285 +v 0.075000 0.043668 0.453376 +v -0.075000 0.043668 0.453376 +v -0.120000 0.060661 0.447254 +v -0.120000 0.054709 0.448129 +v -0.127000 0.060661 0.447254 +v -0.120000 0.066643 0.447887 +v -0.127000 0.066643 0.447887 +v -0.120000 0.072281 0.449988 +v -0.127000 0.072281 0.449988 +v -0.127000 0.077218 0.453424 +v -0.120000 0.085065 0.469256 +v -0.127000 0.083818 0.463371 +v -0.127000 0.085065 0.469256 +v -0.127000 0.084809 0.475267 +v -0.120000 0.083818 0.463371 +v -0.120000 0.077218 0.453424 +v -0.120000 0.084809 0.475267 +v -0.120000 0.081146 0.457981 +v -0.127000 0.081146 0.457981 +v -0.120000 0.083067 0.481025 +v -0.127000 0.083067 0.481025 +v -0.120000 0.079947 0.486169 +v -0.127000 0.079947 0.486169 +v -0.127000 0.075646 0.490375 +v -0.120000 0.075646 0.490375 +v -0.127000 0.070434 0.493380 +v -0.120000 0.070434 0.493380 +v -0.120000 0.064638 0.494994 +v -0.127000 0.064638 0.494994 +v -0.127000 0.058624 0.495116 +v -0.120000 0.058624 0.495116 +v -0.127000 0.052768 0.493739 +v -0.120000 0.052768 0.493739 +v -0.127000 0.047438 0.490948 +v -0.120000 0.047438 0.490948 +v -0.127000 0.042970 0.486920 +v -0.120000 0.042970 0.486920 +v -0.120000 0.039644 0.481907 +v -0.127000 0.039644 0.481907 +v -0.120000 0.037669 0.476224 +v -0.127000 0.037669 0.476224 +v -0.127000 0.037169 0.470229 +v -0.120000 0.037169 0.470229 +v -0.120000 0.038177 0.464298 +v -0.127000 0.038177 0.464298 +v -0.127000 0.040627 0.458803 +v -0.120000 0.040627 0.458803 +v -0.120000 0.044367 0.454091 +v -0.127000 0.044367 0.454091 +v -0.120000 0.049161 0.450457 +v -0.127000 0.049161 0.450457 +v -0.127000 0.054709 0.448129 +v -0.127000 0.060640 0.446254 +v -0.127000 0.054440 0.447166 +v -0.135000 0.060640 0.446254 +v -0.127000 0.066872 0.446914 +v -0.135000 0.066872 0.446914 +v -0.127000 0.072744 0.449102 +v -0.135000 0.072744 0.449102 +v -0.127000 0.086061 0.469173 +v -0.135000 0.084762 0.463043 +v -0.135000 0.086061 0.469173 +v -0.135000 0.085795 0.475434 +v -0.127000 0.084762 0.463043 +v -0.127000 0.077888 0.452682 +v -0.135000 0.077888 0.452682 +v -0.135000 0.081980 0.457428 +v -0.127000 0.085795 0.475434 +v -0.127000 0.081980 0.457428 +v -0.127000 0.083980 0.481432 +v -0.135000 0.083980 0.481432 +v -0.135000 0.080730 0.486791 +v -0.127000 0.080730 0.486791 +v -0.127000 0.076250 0.491172 +v -0.135000 0.076250 0.491172 +v -0.135000 0.070821 0.494302 +v -0.127000 0.070821 0.494302 +v -0.127000 0.064784 0.495984 +v -0.135000 0.064784 0.495984 +v -0.127000 0.058519 0.496111 +v -0.135000 0.058519 0.496111 +v -0.127000 0.052418 0.494676 +v -0.135000 0.052418 0.494676 +v -0.127000 0.046867 0.491769 +v -0.135000 0.046867 0.491769 +v -0.135000 0.042212 0.487573 +v -0.127000 0.042212 0.487573 +v -0.127000 0.038748 0.482351 +v -0.135000 0.038748 0.482351 +v -0.127000 0.036691 0.476431 +v -0.135000 0.036691 0.476431 +v -0.127000 0.036170 0.470186 +v -0.135000 0.036170 0.470186 +v -0.127000 0.037219 0.464008 +v -0.135000 0.037219 0.464008 +v -0.135000 0.039772 0.458285 +v -0.127000 0.039772 0.458285 +v -0.127000 0.043668 0.453376 +v -0.135000 0.043668 0.453376 +v -0.135000 0.048662 0.449591 +v -0.127000 0.048662 0.449591 +v -0.135000 0.054440 0.447166 +v 0.050000 -0.032773 -0.050259 +v 0.120000 -0.026939 -0.053612 +v 0.120000 -0.032773 -0.050259 +v 0.050000 -0.026939 -0.053612 +v 0.050000 -0.038194 -0.046273 +v 0.120000 -0.038194 -0.046273 +v 0.050000 0.058263 -0.014334 +v 0.120000 0.059501 -0.007721 +v 0.120000 0.058263 -0.014334 +v 0.050000 0.059501 -0.007721 +v 0.050000 -0.043135 -0.041706 +v 0.120000 -0.043135 -0.041706 +v 0.050000 0.056291 -0.020767 +v 0.120000 0.056291 -0.020767 +v 0.050000 -0.047533 -0.036614 +v 0.120000 -0.047533 -0.036614 +v 0.050000 0.053612 -0.026939 +v 0.120000 0.053612 -0.026939 +v 0.050000 -0.051334 -0.031062 +v 0.120000 -0.051334 -0.031062 +v 0.050000 0.050259 -0.032773 +v 0.120000 0.050259 -0.032773 +v 0.050000 -0.054489 -0.025119 +v 0.120000 -0.054489 -0.025119 +v 0.050000 0.046273 -0.038194 +v 0.120000 0.046273 -0.038194 +v 0.050000 -0.056959 -0.018861 +v 0.120000 -0.056959 -0.018861 +v 0.050000 0.041706 -0.043135 +v 0.120000 0.041706 -0.043135 +v 0.050000 -0.058712 -0.012365 +v 0.120000 -0.058712 -0.012365 +v 0.050000 0.036614 -0.047533 +v 0.120000 0.036614 -0.047533 +v 0.050000 -0.059727 -0.005713 +v 0.120000 -0.059727 -0.005713 +v 0.050000 -0.059991 0.001010 +v 0.120000 -0.059991 0.001010 +v 0.050000 0.031062 -0.051334 +v 0.120000 0.031062 -0.051334 +v 0.050000 -0.059501 0.007721 +v 0.120000 -0.059501 0.007721 +v 0.050000 0.025119 -0.054489 +v 0.120000 0.025119 -0.054489 +v 0.050000 0.018861 -0.056959 +v 0.120000 0.018861 -0.056959 +v 0.050000 0.012365 -0.058712 +v 0.120000 0.012365 -0.058712 +v 0.050000 0.005713 -0.059727 +v 0.120000 0.005713 -0.059727 +v 0.050000 -0.001010 -0.059991 +v 0.120000 -0.001010 -0.059991 +v 0.050000 -0.007721 -0.059501 +v 0.120000 -0.007721 -0.059501 +v 0.050000 -0.014334 -0.058263 +v 0.120000 -0.014334 -0.058263 +v 0.050000 -0.020767 -0.056291 +v 0.120000 -0.020767 -0.056291 +v -0.120000 -0.032773 -0.050259 +v -0.050000 -0.026939 -0.053612 +v -0.050000 -0.032773 -0.050259 +v -0.120000 -0.026939 -0.053612 +v -0.120000 -0.038194 -0.046273 +v -0.050000 -0.038194 -0.046273 +v -0.120000 0.058263 -0.014334 +v -0.050000 0.059501 -0.007721 +v -0.050000 0.058263 -0.014334 +v -0.120000 0.059501 -0.007721 +v -0.120000 -0.043135 -0.041706 +v -0.050000 -0.043135 -0.041706 +v -0.120000 0.056291 -0.020767 +v -0.050000 0.056291 -0.020767 +v -0.120000 -0.047533 -0.036614 +v -0.050000 -0.047533 -0.036614 +v -0.050000 -0.051334 -0.031062 +v -0.120000 0.053612 -0.026939 +v -0.050000 0.053612 -0.026939 +v -0.120000 -0.051334 -0.031062 +v -0.050000 -0.054489 -0.025119 +v -0.120000 0.050259 -0.032773 +v -0.050000 0.050259 -0.032773 +v -0.120000 -0.054489 -0.025119 +v -0.050000 -0.056959 -0.018861 +v -0.120000 -0.056959 -0.018861 +v -0.050000 -0.058712 -0.012365 +v -0.120000 0.046273 -0.038194 +v -0.050000 0.046273 -0.038194 +v -0.120000 -0.058712 -0.012365 +v -0.050000 -0.059727 -0.005713 +v -0.120000 0.041706 -0.043135 +v -0.050000 0.041706 -0.043135 +v -0.120000 -0.059727 -0.005713 +v -0.050000 -0.059991 0.001010 +v -0.120000 0.036614 -0.047533 +v -0.050000 0.036614 -0.047533 +v -0.120000 -0.059991 0.001010 +v -0.050000 -0.059501 0.007721 +v -0.120000 -0.059501 0.007721 +v -0.120000 0.031062 -0.051334 +v -0.050000 0.031062 -0.051334 +v -0.120000 0.025119 -0.054489 +v -0.050000 0.025119 -0.054489 +v -0.120000 0.018861 -0.056959 +v -0.050000 0.018861 -0.056959 +v -0.120000 0.012365 -0.058712 +v -0.050000 0.012365 -0.058712 +v -0.120000 0.005713 -0.059727 +v -0.050000 0.005713 -0.059727 +v -0.120000 -0.001010 -0.059991 +v -0.050000 -0.001010 -0.059991 +v -0.120000 -0.007721 -0.059501 +v -0.050000 -0.007721 -0.059501 +v -0.120000 -0.014334 -0.058263 +v -0.050000 -0.014334 -0.058263 +v -0.120000 -0.020767 -0.056291 +v -0.050000 -0.020767 -0.056291 +v 0.127000 0.060661 0.447254 +v 0.120000 0.054709 0.448129 +v 0.120000 0.060661 0.447254 +v 0.120000 0.066643 0.447887 +v 0.127000 0.054709 0.448129 +v 0.127000 0.066643 0.447887 +v 0.127000 0.072281 0.449988 +v 0.120000 0.072281 0.449988 +v 0.127000 0.085065 0.469256 +v 0.120000 0.083818 0.463371 +v 0.120000 0.085065 0.469256 +v 0.127000 0.083818 0.463371 +v 0.127000 0.077218 0.453424 +v 0.120000 0.077218 0.453424 +v 0.120000 0.081146 0.457981 +v 0.127000 0.084809 0.475267 +v 0.120000 0.084809 0.475267 +v 0.127000 0.081146 0.457981 +v 0.127000 0.083067 0.481025 +v 0.120000 0.083067 0.481025 +v 0.127000 0.079947 0.486169 +v 0.120000 0.079947 0.486169 +v 0.127000 0.075646 0.490375 +v 0.120000 0.075646 0.490375 +v 0.127000 0.070434 0.493380 +v 0.120000 0.070434 0.493380 +v 0.120000 0.064638 0.494994 +v 0.127000 0.064638 0.494994 +v 0.127000 0.058624 0.495116 +v 0.120000 0.058624 0.495116 +v 0.120000 0.052768 0.493739 +v 0.127000 0.052768 0.493739 +v 0.120000 0.047438 0.490948 +v 0.127000 0.047438 0.490948 +v 0.127000 0.042970 0.486920 +v 0.120000 0.042970 0.486920 +v 0.120000 0.039644 0.481907 +v 0.127000 0.039644 0.481907 +v 0.127000 0.037669 0.476224 +v 0.120000 0.037669 0.476224 +v 0.120000 0.037169 0.470229 +v 0.127000 0.037169 0.470229 +v 0.120000 0.038177 0.464298 +v 0.127000 0.038177 0.464298 +v 0.120000 0.040627 0.458803 +v 0.127000 0.040627 0.458803 +v 0.120000 0.044367 0.454091 +v 0.127000 0.044367 0.454091 +v 0.127000 0.049161 0.450457 +v 0.120000 0.049161 0.450457 +v 0.135000 0.060640 0.446254 +v 0.135000 0.054440 0.447166 +v 0.127000 0.060640 0.446254 +v 0.135000 0.066872 0.446914 +v 0.127000 0.066872 0.446914 +v 0.127000 0.072744 0.449102 +v 0.135000 0.086061 0.469173 +v 0.127000 0.084762 0.463043 +v 0.127000 0.086061 0.469173 +v 0.135000 0.072744 0.449102 +v 0.135000 0.084762 0.463043 +v 0.135000 0.077888 0.452682 +v 0.127000 0.077888 0.452682 +v 0.127000 0.081980 0.457428 +v 0.135000 0.085795 0.475434 +v 0.127000 0.085795 0.475434 +v 0.135000 0.081980 0.457428 +v 0.135000 0.083980 0.481432 +v 0.127000 0.083980 0.481432 +v 0.135000 0.080730 0.486791 +v 0.127000 0.080730 0.486791 +v 0.135000 0.076250 0.491172 +v 0.127000 0.076250 0.491172 +v 0.127000 0.070821 0.494302 +v 0.135000 0.070821 0.494302 +v 0.135000 0.064784 0.495984 +v 0.127000 0.064784 0.495984 +v 0.135000 0.058519 0.496111 +v 0.127000 0.058519 0.496111 +v 0.135000 0.052418 0.494676 +v 0.127000 0.052418 0.494676 +v 0.127000 0.046867 0.491769 +v 0.135000 0.046867 0.491769 +v 0.135000 0.042212 0.487573 +v 0.127000 0.042212 0.487573 +v 0.127000 0.038748 0.482351 +v 0.135000 0.038748 0.482351 +v 0.127000 0.036691 0.476431 +v 0.135000 0.036691 0.476431 +v 0.135000 0.036170 0.470186 +v 0.127000 0.036170 0.470186 +v 0.127000 0.037219 0.464008 +v 0.135000 0.037219 0.464008 +v 0.135000 0.039772 0.458285 +v 0.127000 0.039772 0.458285 +v 0.135000 0.043668 0.453376 +v 0.127000 0.043668 0.453376 +v 0.135000 0.048662 0.449591 +v 0.127000 0.048662 0.449591 +v 0.127000 0.054440 0.447166 +v 0.127000 -0.007725 -0.023776 +v 0.135000 -0.007725 -0.023776 +v 0.135000 -0.013396 -0.021108 +v 0.127000 -0.001570 -0.024951 +v 0.127000 -0.013396 -0.021108 +v 0.127000 -0.018224 -0.017114 +v 0.135000 -0.018224 -0.017114 +v 0.135000 -0.021908 -0.012044 +v 0.127000 -0.024215 0.006217 +v 0.135000 -0.025000 -0.000000 +v 0.135000 -0.024215 0.006217 +v 0.135000 -0.021908 0.012044 +v 0.127000 -0.025000 -0.000000 +v 0.127000 -0.021908 -0.012044 +v 0.135000 -0.024215 -0.006217 +v 0.127000 -0.021908 0.012044 +v 0.127000 -0.024215 -0.006217 +v 0.127000 -0.018224 0.017114 +v 0.135000 -0.018224 0.017114 +v 0.135000 -0.013396 0.021108 +v 0.127000 -0.013396 0.021108 +v 0.127000 -0.007725 0.023776 +v 0.135000 -0.007725 0.023776 +v 0.135000 -0.001570 0.024951 +v 0.127000 -0.001570 0.024951 +v 0.127000 0.004685 0.024557 +v 0.135000 0.004685 0.024557 +v 0.127000 0.010644 0.022621 +v 0.135000 0.010644 0.022621 +v 0.127000 0.015936 0.019263 +v 0.135000 0.015936 0.019263 +v 0.127000 0.020225 0.014695 +v 0.135000 0.020225 0.014695 +v 0.135000 0.023244 0.009203 +v 0.127000 0.023244 0.009203 +v 0.127000 0.024803 0.003133 +v 0.135000 0.024803 0.003133 +v 0.127000 0.024803 -0.003133 +v 0.135000 0.024803 -0.003133 +v 0.127000 0.023244 -0.009203 +v 0.135000 0.023244 -0.009203 +v 0.127000 0.020225 -0.014695 +v 0.135000 0.020225 -0.014695 +v 0.135000 0.015936 -0.019263 +v 0.127000 0.015936 -0.019263 +v 0.127000 0.010644 -0.022621 +v 0.135000 0.010644 -0.022621 +v 0.135000 0.004685 -0.024557 +v 0.127000 0.004685 -0.024557 +v 0.135000 -0.001570 -0.024951 +v 0.120000 -0.001507 -0.023953 +v 0.127000 0.004497 -0.023575 +v 0.127000 -0.001507 -0.023953 +v 0.120000 0.004497 -0.023575 +v 0.120000 -0.007416 -0.022825 +v 0.127000 -0.007416 -0.022825 +v 0.120000 -0.012860 -0.020264 +v 0.127000 -0.012860 -0.020264 +v 0.120000 -0.023246 0.005969 +v 0.127000 -0.024000 -0.000000 +v 0.127000 -0.023246 0.005969 +v 0.120000 -0.024000 -0.000000 +v 0.120000 -0.017495 -0.016429 +v 0.127000 -0.017495 -0.016429 +v 0.120000 -0.021031 0.011562 +v 0.127000 -0.021031 0.011562 +v 0.120000 -0.021031 -0.011562 +v 0.127000 -0.021031 -0.011562 +v 0.120000 -0.017495 0.016429 +v 0.127000 -0.017495 0.016429 +v 0.120000 -0.023246 -0.005969 +v 0.127000 -0.023246 -0.005969 +v 0.120000 -0.012860 0.020264 +v 0.127000 -0.012860 0.020264 +v 0.120000 -0.007416 0.022825 +v 0.127000 -0.007416 0.022825 +v 0.120000 -0.001507 0.023953 +v 0.127000 -0.001507 0.023953 +v 0.120000 0.004497 0.023575 +v 0.127000 0.004497 0.023575 +v 0.120000 0.010219 0.021716 +v 0.127000 0.010219 0.021716 +v 0.120000 0.015298 0.018492 +v 0.127000 0.015298 0.018492 +v 0.120000 0.019416 0.014107 +v 0.127000 0.019416 0.014107 +v 0.120000 0.022315 0.008835 +v 0.127000 0.022315 0.008835 +v 0.120000 0.023811 0.003008 +v 0.127000 0.023811 0.003008 +v 0.120000 0.023811 -0.003008 +v 0.127000 0.023811 -0.003008 +v 0.120000 0.022315 -0.008835 +v 0.127000 0.022315 -0.008835 +v 0.120000 0.019416 -0.014107 +v 0.127000 0.019416 -0.014107 +v 0.120000 0.015298 -0.018492 +v 0.127000 0.015298 -0.018492 +v 0.120000 0.010219 -0.021716 +v 0.127000 0.010219 -0.021716 +v 0.120000 -0.004685 0.024557 +v 0.120000 0.025000 -0.000000 +v 0.120000 0.024215 -0.006217 +v 0.120000 0.001570 0.024951 +v 0.120000 -0.015936 -0.019263 +v 0.120000 -0.010644 -0.022621 +v 0.120000 -0.020225 -0.014695 +v 0.120000 -0.023244 -0.009203 +v 0.120000 0.024215 0.006217 +v 0.120000 -0.004685 -0.024557 +v 0.120000 0.007725 0.023776 +v 0.120000 -0.024803 -0.003133 +v 0.120000 0.021908 0.012044 +v 0.120000 0.013396 0.021108 +v 0.120000 0.001570 -0.024951 +v 0.120000 0.018224 0.017114 +v 0.120000 -0.024803 0.003133 +v 0.120000 0.007725 -0.023776 +v 0.120000 -0.023244 0.009203 +v 0.120000 0.013396 -0.021108 +v 0.120000 -0.020225 0.014695 +v 0.120000 0.018224 -0.017114 +v 0.120000 -0.015936 0.019263 +v 0.120000 0.021908 -0.012044 +v 0.120000 -0.010644 0.022621 +v 0.120000 0.082256 0.457854 +v 0.120000 0.037371 0.463524 +v 0.120000 0.040040 0.457854 +v 0.120000 0.084924 0.463524 +v 0.120000 0.070351 0.494494 +v 0.120000 0.064281 0.496052 +v 0.120000 0.036197 0.469680 +v 0.120000 0.044034 0.453025 +v 0.120000 0.086098 0.469680 +v 0.120000 0.075842 0.491475 +v 0.120000 0.036591 0.475934 +v 0.120000 0.049104 0.449342 +v 0.120000 0.085705 0.475934 +v 0.120000 0.054931 0.447035 +v 0.120000 0.080411 0.487185 +v 0.120000 0.038527 0.481894 +v 0.120000 0.083768 0.481894 +v 0.120000 0.061148 0.446249 +v 0.120000 0.041885 0.487185 +v 0.120000 0.067365 0.447035 +v 0.120000 0.046453 0.491475 +v 0.120000 0.073192 0.449342 +v 0.120000 0.051945 0.494494 +v 0.120000 0.078261 0.453025 +v 0.120000 0.058014 0.496052 +v 0.065701 -0.021606 0.299772 +v 0.048918 -0.039367 0.162887 +v 0.070746 -0.020759 0.306293 +v -0.050000 -0.040425 0.154738 +v -0.120000 0.001647 0.478970 +v -0.075000 -0.018717 0.322036 +v -0.075000 0.001647 0.478970 +v 0.075000 0.001647 0.478970 +v 0.075000 -0.018717 0.322036 +v 0.120000 0.001647 0.478970 +v 0.073918 -0.019774 0.313886 +v 0.050000 -0.040425 0.154738 +v -0.048918 -0.039367 0.162887 +v -0.045746 -0.038382 0.170481 +v -0.065701 -0.021606 0.299772 +v -0.040701 -0.037536 0.177002 +v -0.059125 -0.022255 0.294768 +v -0.070746 -0.020759 0.306293 +v -0.034125 -0.036887 0.182006 +v -0.051467 -0.022663 0.291622 +v -0.073918 -0.019774 0.313886 +v -0.026467 -0.036478 0.185151 +v -0.043250 -0.022802 0.290550 +v -0.018250 -0.036339 0.186224 +v 0.018250 -0.036339 0.186224 +v 0.043250 -0.022802 0.290550 +v 0.026467 -0.036478 0.185151 +v 0.034125 -0.036887 0.182006 +v 0.040701 -0.037536 0.177002 +v 0.051467 -0.022663 0.291622 +v 0.045746 -0.038382 0.170481 +v 0.059125 -0.022255 0.294768 +v 0.040701 0.081467 0.161561 +v 0.059125 0.096747 0.279327 +v 0.045746 0.080620 0.155040 +v 0.065701 0.097397 0.284330 +v 0.048918 0.079635 0.147446 +v 0.070746 0.098243 0.290851 +v -0.120000 0.120649 0.463529 +v -0.075000 0.120649 0.463529 +v -0.075000 0.100286 0.306594 +v -0.050000 0.078578 0.139297 +v 0.050000 0.078578 0.139297 +v 0.075000 0.100286 0.306594 +v 0.120000 0.120649 0.463529 +v 0.073918 0.099228 0.298445 +v 0.075000 0.120649 0.463529 +v -0.059125 0.096747 0.279327 +v -0.051467 0.096339 0.276181 +v -0.040701 0.081467 0.161561 +v -0.065701 0.097397 0.284330 +v -0.045746 0.080620 0.155040 +v -0.043250 0.096200 0.275108 +v -0.034125 0.082116 0.166565 +v -0.026467 0.082524 0.169710 +v -0.070746 0.098243 0.290851 +v -0.048918 0.079635 0.147446 +v 0.043250 0.096200 0.275108 +v -0.018250 0.082663 0.170783 +v 0.018250 0.082663 0.170783 +v 0.026467 0.082524 0.169710 +v 0.051467 0.096339 0.276181 +v 0.034125 0.082116 0.166565 +v -0.073918 0.099228 0.298445 +v -0.120000 0.099342 0.517523 +v -0.075000 0.099342 0.517523 +v -0.075000 0.104282 0.512955 +v -0.075000 0.093920 0.521508 +v -0.120000 0.093920 0.521508 +v -0.075000 0.002885 0.485583 +v -0.120000 0.104282 0.512955 +v -0.120000 0.002885 0.485583 +v -0.075000 0.004856 0.492017 +v -0.120000 0.108681 0.507864 +v -0.075000 0.108681 0.507864 +v -0.075000 0.112481 0.502311 +v -0.120000 0.004856 0.492017 +v -0.120000 0.112481 0.502311 +v -0.120000 0.007536 0.498189 +v -0.075000 0.007536 0.498189 +v -0.075000 0.010889 0.504022 +v -0.120000 0.115636 0.496369 +v -0.075000 0.115636 0.496369 +v -0.120000 0.010889 0.504022 +v -0.120000 0.118106 0.490110 +v -0.075000 0.118106 0.490110 +v -0.120000 0.014874 0.509443 +v -0.075000 0.014874 0.509443 +v -0.075000 0.019442 0.514384 +v -0.120000 0.119860 0.483614 +v -0.075000 0.119860 0.483614 +v -0.120000 0.019442 0.514384 +v -0.075000 0.024533 0.518782 +v -0.120000 0.120875 0.476963 +v -0.075000 0.120875 0.476963 +v -0.075000 0.121139 0.470239 +v -0.120000 0.121139 0.470239 +v -0.120000 0.024533 0.518782 +v -0.075000 0.030086 0.522583 +v -0.120000 0.030086 0.522583 +v -0.075000 0.036029 0.525738 +v -0.120000 0.036029 0.525738 +v -0.075000 0.042287 0.528208 +v -0.120000 0.042287 0.528208 +v -0.120000 0.048783 0.529962 +v -0.075000 0.048783 0.529962 +v -0.120000 0.055435 0.530977 +v -0.075000 0.055435 0.530977 +v -0.075000 0.062158 0.531241 +v -0.120000 0.062158 0.531241 +v -0.120000 0.068868 0.530751 +v -0.075000 0.068868 0.530751 +v -0.075000 0.075482 0.529512 +v -0.120000 0.075482 0.529512 +v -0.120000 0.081915 0.527541 +v -0.075000 0.081915 0.527541 +v -0.120000 0.088087 0.524862 +v -0.075000 0.088087 0.524862 +v 0.075000 0.093920 0.521508 +v 0.120000 0.093920 0.521508 +v 0.120000 0.099342 0.517523 +v 0.120000 0.088087 0.524862 +v 0.075000 0.099342 0.517523 +v 0.120000 0.002885 0.485583 +v 0.075000 0.104282 0.512955 +v 0.120000 0.104282 0.512955 +v 0.120000 0.108681 0.507864 +v 0.075000 0.002885 0.485583 +v 0.075000 0.108681 0.507864 +v 0.120000 0.112481 0.502311 +v 0.075000 0.004856 0.492017 +v 0.120000 0.004856 0.492017 +v 0.120000 0.007536 0.498189 +v 0.075000 0.112481 0.502311 +v 0.120000 0.115636 0.496369 +v 0.075000 0.007536 0.498189 +v 0.075000 0.115636 0.496369 +v 0.120000 0.118106 0.490110 +v 0.075000 0.010889 0.504022 +v 0.120000 0.010889 0.504022 +v 0.075000 0.118106 0.490110 +v 0.120000 0.119860 0.483614 +v 0.075000 0.014874 0.509443 +v 0.120000 0.014874 0.509443 +v 0.120000 0.019442 0.514384 +v 0.075000 0.119860 0.483614 +v 0.075000 0.120875 0.476963 +v 0.120000 0.120875 0.476963 +v 0.075000 0.019442 0.514384 +v 0.075000 0.121139 0.470239 +v 0.120000 0.121139 0.470239 +v 0.075000 0.024533 0.518782 +v 0.120000 0.024533 0.518782 +v 0.075000 0.030086 0.522583 +v 0.120000 0.030086 0.522583 +v 0.120000 0.036029 0.525738 +v 0.075000 0.036029 0.525738 +v 0.120000 0.042287 0.528208 +v 0.075000 0.042287 0.528208 +v 0.120000 0.048783 0.529962 +v 0.075000 0.048783 0.529962 +v 0.075000 0.055435 0.530977 +v 0.120000 0.055435 0.530977 +v 0.120000 0.062158 0.531241 +v 0.075000 0.062158 0.531241 +v 0.120000 0.068868 0.530751 +v 0.075000 0.068868 0.530751 +v 0.120000 0.075482 0.529512 +v 0.075000 0.075482 0.529512 +v 0.120000 0.081915 0.527541 +v 0.075000 0.081915 0.527541 +v 0.075000 0.088087 0.524862 +v -0.120000 0.017114 -0.018224 +v -0.120000 0.012044 -0.021908 +v -0.120000 0.021108 -0.013396 +v -0.120000 0.006217 -0.024215 +v -0.120000 0.023776 -0.007725 +v -0.120000 -0.000000 -0.025000 +v -0.120000 0.024951 -0.001570 +v -0.120000 -0.006217 -0.024215 +v -0.120000 0.024557 0.004685 +v -0.120000 -0.012044 -0.021908 +v -0.120000 0.022621 0.010644 +v -0.120000 -0.017114 -0.018224 +v -0.120000 0.019263 0.015936 +v -0.120000 -0.021108 -0.013396 +v -0.120000 0.014695 0.020225 +v -0.120000 -0.023776 -0.007725 +v -0.120000 -0.024951 -0.001570 +v -0.120000 -0.024557 0.004685 +v -0.120000 -0.022621 0.010644 +v -0.120000 -0.019263 0.015936 +v -0.120000 -0.014695 0.020225 +v -0.120000 -0.009203 0.023244 +v -0.120000 0.075429 0.450730 +v -0.120000 0.080083 0.454926 +v -0.120000 0.069877 0.447823 +v -0.120000 0.009203 0.023244 +v -0.120000 0.083548 0.460148 +v -0.120000 0.063777 0.446388 +v -0.120000 0.003133 0.024803 +v -0.120000 0.085605 0.466067 +v -0.120000 0.057512 0.446515 +v -0.120000 -0.003133 0.024803 +v -0.120000 0.086125 0.472312 +v -0.120000 0.051475 0.448197 +v -0.120000 0.085076 0.478491 +v -0.120000 0.046046 0.451326 +v -0.120000 0.082524 0.484214 +v -0.120000 0.078628 0.489122 +v -0.120000 0.073634 0.492908 +v -0.120000 0.067855 0.495333 +v -0.120000 0.036234 0.473325 +v -0.120000 0.036501 0.467064 +v -0.120000 0.038316 0.461066 +v -0.120000 0.041565 0.455708 +v -0.120000 0.061655 0.496244 +v -0.120000 0.037533 0.479456 +v -0.120000 0.055423 0.495585 +v -0.120000 0.040316 0.485071 +v -0.120000 0.049551 0.493397 +v -0.120000 0.044408 0.489817 +vt 0.967912 0.424412 +vt 0.965972 0.423024 +vt 0.967912 0.423024 +vt 0.249903 0.886096 +vt 0.248624 0.897035 +vt 0.248624 0.886096 +vt 0.235995 0.886096 +vt 0.234416 0.897035 +vt 0.234416 0.886096 +vt 0.967912 0.418498 +vt 0.965972 0.417183 +vt 0.967912 0.417183 +vt 0.965979 0.379232 +vt 0.967912 0.377946 +vt 0.965979 0.377946 +vt 0.856010 0.818398 +vt 0.854342 0.801250 +vt 0.854342 0.818398 +vt 0.880813 0.120608 +vt 0.881937 0.095577 +vt 0.881937 0.120608 +vt 0.082387 0.970784 +vt 0.083525 0.972753 +vt 0.083525 0.970784 +vt 0.884773 0.120608 +vt 0.886316 0.095577 +vt 0.886316 0.120608 +vt 0.579536 0.971027 +vt 0.580631 0.972753 +vt 0.580631 0.971027 +vt 0.851146 0.818398 +vt 0.849647 0.801250 +vt 0.849647 0.818398 +vt 0.965979 0.672223 +vt 0.967912 0.673553 +vt 0.965979 0.673553 +vt 0.392305 0.775889 +vt 0.408667 0.777446 +vt 0.392305 0.777446 +vt 0.974905 0.085997 +vt 0.973597 0.087937 +vt 0.973597 0.085997 +vt 0.676007 0.883171 +vt 0.639060 0.881878 +vt 0.676007 0.881878 +vt 0.854617 0.614543 +vt 0.856556 0.615932 +vt 0.854617 0.615932 +vt 0.015856 0.529572 +vt 0.017451 0.513277 +vt 0.017451 0.529572 +vt 0.970747 0.794048 +vt 0.972231 0.795745 +vt 0.972231 0.794048 +vt 0.554909 0.880871 +vt 0.565848 0.882348 +vt 0.554909 0.882348 +vt 0.010566 0.982653 +vt 0.009082 0.980956 +vt 0.009082 0.982653 +vt 0.090880 0.970784 +vt 0.092026 0.972753 +vt 0.092026 0.970784 +vt 0.870174 0.006356 +vt 0.853027 0.005195 +vt 0.870174 0.005195 +vt 0.486801 0.911988 +vt 0.511413 0.910548 +vt 0.486801 0.910548 +vt 0.135529 0.523753 +vt 0.136925 0.513277 +vt 0.136925 0.523753 +vt 0.967912 0.419975 +vt 0.965972 0.418498 +vt 0.026917 0.983585 +vt 0.028607 0.984805 +vt 0.026917 0.984805 +vt 0.854617 0.617445 +vt 0.856556 0.618988 +vt 0.854617 0.618988 +vt 0.398146 0.656995 +vt 0.408667 0.658515 +vt 0.398146 0.658515 +vt 0.967676 0.085997 +vt 0.966493 0.087937 +vt 0.966493 0.085997 +vt 0.857685 0.801250 +vt 0.859353 0.818398 +vt 0.859353 0.801250 +vt 0.852718 0.818398 +vt 0.851146 0.801250 +vt 0.222062 0.982653 +vt 0.220725 0.980963 +vt 0.220725 0.982653 +vt 0.866876 0.818398 +vt 0.865546 0.801250 +vt 0.865546 0.818398 +vt 0.854617 0.613368 +vt 0.856556 0.614543 +vt 0.230140 0.886096 +vt 0.228935 0.897035 +vt 0.228935 0.886096 +vt 0.887814 0.095577 +vt 0.889166 0.120608 +vt 0.887814 0.120608 +vt 0.554909 0.883906 +vt 0.565848 0.885515 +vt 0.554909 0.885515 +vt 0.965979 0.679467 +vt 0.967912 0.680628 +vt 0.965979 0.680628 +vt 0.973649 0.125353 +vt 0.974905 0.127043 +vt 0.974905 0.125353 +vt 0.676007 0.886139 +vt 0.639060 0.884626 +vt 0.676007 0.884626 +vt 0.628857 0.917550 +vt 0.653476 0.916389 +vt 0.628857 0.916389 +vt 0.864113 0.818398 +vt 0.862585 0.801250 +vt 0.862585 0.818398 +vt 0.536915 0.969483 +vt 0.535196 0.970996 +vt 0.536915 0.970996 +vt 0.012763 0.529572 +vt 0.014291 0.513277 +vt 0.014291 0.529572 +vt 0.146034 0.977870 +vt 0.144337 0.976731 +vt 0.146034 0.976731 +vt 0.398146 0.661674 +vt 0.408667 0.663269 +vt 0.398146 0.663269 +vt 0.565848 0.887168 +vt 0.860991 0.801250 +vt 0.853136 0.835114 +vt 0.854650 0.833182 +vt 0.854650 0.835114 +vt 0.535196 0.972458 +vt 0.536915 0.972458 +vt 0.011294 0.529572 +vt 0.012763 0.513277 +vt 0.760104 0.972753 +vt 0.761434 0.971027 +vt 0.761434 0.972753 +vt 0.755660 0.807438 +vt 0.734891 0.835481 +vt 0.755660 0.835481 +vt 0.398146 0.654173 +vt 0.408667 0.655540 +vt 0.398146 0.655540 +vt 0.846951 0.818398 +vt 0.845783 0.801250 +vt 0.845783 0.818398 +vt 0.853027 0.017090 +vt 0.870174 0.018757 +vt 0.853027 0.018757 +vt 0.408667 0.656995 +vt 0.965979 0.676580 +vt 0.967912 0.678086 +vt 0.965979 0.678086 +vt 0.536088 0.888982 +vt 0.499163 0.890143 +vt 0.536088 0.890143 +vt 0.965979 0.380694 +vt 0.967912 0.379232 +vt 0.558743 0.971027 +vt 0.557428 0.972753 +vt 0.557428 0.971027 +vt 0.967319 0.540173 +vt 0.968781 0.538241 +vt 0.968781 0.540173 +vt 0.673267 0.913450 +vt 0.697864 0.911944 +vt 0.673267 0.911944 +vt 0.554909 0.890488 +vt 0.565848 0.892119 +vt 0.554909 0.892119 +vt 0.970814 0.110391 +vt 0.972753 0.108922 +vt 0.970814 0.108922 +vt 0.965784 0.540173 +vt 0.967319 0.538241 +vt 0.094436 0.866779 +vt 0.131986 0.868322 +vt 0.094436 0.868322 +vt 0.511413 0.909284 +vt 0.486801 0.909284 +vt 0.235887 0.982653 +vt 0.234653 0.980963 +vt 0.234653 0.982653 +vt 0.237291 0.982653 +vt 0.235887 0.980963 +vt 0.352566 0.778945 +vt 0.368927 0.780378 +vt 0.352566 0.780378 +vt 0.126547 0.980956 +vt 0.127995 0.982653 +vt 0.127995 0.980956 +vt 0.868081 0.818398 +vt 0.866876 0.801250 +vt 0.584907 0.971027 +vt 0.586369 0.972753 +vt 0.586369 0.971027 +vt 0.966838 0.617045 +vt 0.967970 0.618735 +vt 0.967970 0.617045 +vt 0.008612 0.569150 +vt 0.009905 0.552854 +vt 0.009905 0.569150 +vt 0.535196 0.973788 +vt 0.536915 0.973788 +vt 0.122367 0.980956 +vt 0.123638 0.982653 +vt 0.123638 0.980956 +vt 0.972128 0.087937 +vt 0.965979 0.403329 +vt 0.967912 0.401808 +vt 0.965979 0.401808 +vt 0.486801 0.917550 +vt 0.511413 0.916374 +vt 0.486801 0.916374 +vt 0.138233 0.513277 +vt 0.138233 0.523753 +vt 0.970814 0.111699 +vt 0.972753 0.110391 +vt 0.129317 0.980956 +vt 0.130426 0.982653 +vt 0.130426 0.980956 +vt 0.352566 0.654173 +vt 0.363087 0.655540 +vt 0.352566 0.655540 +vt 0.870174 0.026280 +vt 0.853027 0.024951 +vt 0.870174 0.024951 +vt 0.554909 0.878212 +vt 0.565848 0.879483 +vt 0.554909 0.879483 +vt 0.967912 0.425588 +vt 0.965972 0.424412 +vt 0.352566 0.663269 +vt 0.363087 0.664856 +vt 0.352566 0.664856 +vt 0.536088 0.884604 +vt 0.499163 0.886117 +vt 0.536088 0.886117 +vt 0.857662 0.835114 +vt 0.858970 0.833182 +vt 0.858970 0.835114 +vt 0.848244 0.801250 +vt 0.848244 0.818398 +vt 0.673267 0.916345 +vt 0.697864 0.914949 +vt 0.673267 0.914949 +vt 0.965979 0.404747 +vt 0.967912 0.403329 +vt 0.198241 0.982653 +vt 0.196838 0.980956 +vt 0.196838 0.982653 +vt 0.961662 0.540173 +vt 0.962867 0.538241 +vt 0.962867 0.540173 +vt 0.201173 0.982653 +vt 0.199718 0.980956 +vt 0.199718 0.982653 +vt 0.581946 0.972753 +vt 0.581946 0.971027 +vt 0.408667 0.778945 +vt 0.392305 0.778945 +vt 0.969432 0.186052 +vt 0.968043 0.184355 +vt 0.968043 0.186052 +vt 0.870174 0.020403 +vt 0.853027 0.020403 +vt 0.551676 0.971027 +vt 0.550574 0.972753 +vt 0.550574 0.971027 +vt 0.628857 0.912018 +vt 0.653476 0.910570 +vt 0.628857 0.910570 +vt 0.178078 0.972753 +vt 0.179643 0.970784 +vt 0.179643 0.972753 +vt 0.967912 0.562914 +vt 0.965972 0.561591 +vt 0.967912 0.561591 +vt 0.973649 0.127043 +vt 0.972238 0.125353 +vt 0.972238 0.127043 +vt 0.499163 0.887609 +vt 0.536088 0.887609 +vt 0.263440 0.970784 +vt 0.262051 0.972753 +vt 0.262051 0.970784 +vt 0.970074 0.361273 +vt 0.968891 0.363213 +vt 0.968891 0.361273 +vt 0.965979 0.438066 +vt 0.967912 0.436795 +vt 0.965979 0.436795 +vt 0.094436 0.865295 +vt 0.131986 0.866779 +vt 0.131986 0.869828 +vt 0.094436 0.869828 +vt 0.012763 0.569150 +vt 0.014291 0.552854 +vt 0.014291 0.569150 +vt 0.015856 0.569150 +vt 0.017451 0.552854 +vt 0.017451 0.569150 +vt 0.732915 0.807475 +vt 0.732915 0.835518 +vt 0.131986 0.871187 +vt 0.094436 0.871187 +vt 0.965979 0.382229 +vt 0.967912 0.380694 +vt 0.970754 0.125353 +vt 0.970754 0.127043 +vt 0.007429 0.569150 +vt 0.008612 0.552854 +vt 0.966823 0.184355 +vt 0.966823 0.186052 +vt 0.242727 0.982653 +vt 0.241574 0.980963 +vt 0.241574 0.982653 +vt 0.195597 0.980956 +vt 0.195597 0.982653 +vt 0.967970 0.125353 +vt 0.969307 0.127043 +vt 0.969307 0.125353 +vt 0.106888 0.979207 +vt 0.105198 0.977870 +vt 0.106888 0.977870 +vt 0.146034 0.979207 +vt 0.144337 0.977870 +vt 0.268046 0.970784 +vt 0.266533 0.972753 +vt 0.266533 0.970784 +vt 0.964447 0.363213 +vt 0.965989 0.361273 +vt 0.965989 0.363213 +vt 0.554460 0.971027 +vt 0.553005 0.972753 +vt 0.553005 0.971027 +vt 0.965979 0.443987 +vt 0.967912 0.442569 +vt 0.965979 0.442569 +vt 0.967912 0.421518 +vt 0.965972 0.419975 +vt 0.392305 0.780378 +vt 0.408667 0.781715 +vt 0.392305 0.781715 +vt 0.757129 0.972753 +vt 0.758635 0.971027 +vt 0.758635 0.972753 +vt 0.135529 0.569150 +vt 0.136925 0.558673 +vt 0.136925 0.569150 +vt 0.089498 0.970784 +vt 0.090880 0.972753 +vt 0.972753 0.107386 +vt 0.237626 0.886096 +vt 0.235995 0.897035 +vt 0.132517 0.569150 +vt 0.134053 0.558673 +vt 0.134053 0.569150 +vt 0.870174 0.021990 +vt 0.853027 0.021990 +vt 0.245759 0.886096 +vt 0.244209 0.897035 +vt 0.244209 0.886096 +vt 0.962977 0.363213 +vt 0.964447 0.361273 +vt 0.967912 0.555677 +vt 0.965972 0.554516 +vt 0.967912 0.554516 +vt 0.247243 0.897035 +vt 0.247243 0.886096 +vt 0.125063 0.980956 +vt 0.126547 0.982653 +vt 0.269405 0.970784 +vt 0.268046 0.972753 +vt 0.019037 0.552854 +vt 0.019037 0.569150 +vt 0.673267 0.910519 +vt 0.697864 0.909277 +vt 0.673267 0.909277 +vt 0.864113 0.801250 +vt 0.499163 0.883164 +vt 0.536088 0.881878 +vt 0.499163 0.881878 +vt 0.094436 0.862841 +vt 0.131986 0.863958 +vt 0.094436 0.863958 +vt 0.086413 0.970784 +vt 0.087978 0.972753 +vt 0.087978 0.970784 +vt 0.554909 0.896652 +vt 0.565848 0.897975 +vt 0.554909 0.897975 +vt 0.125063 0.982653 +vt 0.007634 0.980956 +vt 0.007634 0.982653 +vt 0.511413 0.914993 +vt 0.486801 0.914993 +vt 0.962977 0.361273 +vt 0.961670 0.363213 +vt 0.961670 0.361273 +vt 0.006312 0.980956 +vt 0.006312 0.982653 +vt 0.969299 0.794048 +vt 0.970747 0.795745 +vt 0.753286 0.972753 +vt 0.754366 0.971027 +vt 0.754366 0.972753 +vt 0.231462 0.886096 +vt 0.230140 0.897035 +vt 0.554909 0.888828 +vt 0.565848 0.890488 +vt 0.965979 0.386351 +vt 0.967912 0.385153 +vt 0.965979 0.385153 +vt 0.203671 0.982653 +vt 0.202525 0.980956 +vt 0.202525 0.982653 +vt 0.026917 0.976723 +vt 0.028607 0.977899 +vt 0.026917 0.977899 +vt 0.583401 0.971027 +vt 0.584907 0.972753 +vt 0.245759 0.897035 +vt 0.972231 0.617045 +vt 0.973641 0.618735 +vt 0.973641 0.617045 +vt 0.694158 0.885860 +vt 0.731127 0.884383 +vt 0.694158 0.884383 +vt 0.870174 0.023518 +vt 0.217793 0.980963 +vt 0.219270 0.982653 +vt 0.219270 0.980963 +vt 0.694158 0.887381 +vt 0.731127 0.885860 +vt 0.260890 0.972753 +vt 0.260890 0.970784 +vt 0.535196 0.974905 +vt 0.536915 0.974905 +vt 0.970814 0.104477 +vt 0.972753 0.103287 +vt 0.970814 0.103287 +vt 0.967912 0.560107 +vt 0.965972 0.558565 +vt 0.967912 0.558565 +vt 0.853027 0.012123 +vt 0.870174 0.013754 +vt 0.853027 0.013754 +vt 0.408667 0.780378 +vt 0.005195 0.980956 +vt 0.005195 0.982653 +vt 0.694158 0.888835 +vt 0.731127 0.887381 +vt 0.973641 0.794048 +vt 0.974905 0.795745 +vt 0.974905 0.794048 +vt 0.883281 0.120608 +vt 0.884773 0.095577 +vt 0.105198 0.982138 +vt 0.106888 0.983549 +vt 0.105198 0.983549 +vt 0.565848 0.899187 +vt 0.554909 0.899187 +vt 0.965979 0.383750 +vt 0.967912 0.382229 +vt 0.870174 0.007649 +vt 0.853027 0.006356 +vt 0.676007 0.887623 +vt 0.639060 0.886139 +vt 0.026917 0.982197 +vt 0.028607 0.983585 +vt 0.969072 0.085997 +vt 0.967676 0.087937 +vt 0.106888 0.982138 +vt 0.105198 0.980661 +vt 0.106888 0.980661 +vt 0.536915 0.966728 +vt 0.535196 0.968036 +vt 0.536915 0.968036 +vt 0.965979 0.441041 +vt 0.967912 0.439506 +vt 0.965979 0.439506 +vt 0.870174 0.012123 +vt 0.853027 0.010551 +vt 0.870174 0.010551 +vt 0.240229 0.980963 +vt 0.240229 0.982653 +vt 0.264960 0.972753 +vt 0.264960 0.970784 +vt 0.565848 0.880871 +vt 0.352566 0.660080 +vt 0.363087 0.661674 +vt 0.352566 0.661674 +vt 0.856192 0.835114 +vt 0.857662 0.833182 +vt 0.970585 0.085997 +vt 0.969072 0.087937 +vt 0.062334 0.972753 +vt 0.060813 0.970784 +vt 0.060813 0.972753 +vt 0.555974 0.972753 +vt 0.555974 0.971027 +vt 0.132517 0.523753 +vt 0.134053 0.513277 +vt 0.134053 0.523753 +vt 0.970901 0.186052 +vt 0.969432 0.184355 +vt 0.240947 0.886096 +vt 0.239287 0.897035 +vt 0.239287 0.886096 +vt 0.084892 0.970784 +vt 0.086413 0.972753 +vt 0.216383 0.980963 +vt 0.217793 0.982653 +vt 0.138233 0.558673 +vt 0.138233 0.569150 +vt 0.198241 0.980956 +vt 0.146034 0.982145 +vt 0.144337 0.980661 +vt 0.146034 0.980661 +vt 0.856556 0.620457 +vt 0.854617 0.620457 +vt 0.007429 0.529572 +vt 0.008612 0.513277 +vt 0.008612 0.529572 +vt 0.106888 0.984805 +vt 0.105198 0.984805 +vt 0.850557 0.835114 +vt 0.851740 0.833182 +vt 0.851740 0.835114 +vt 0.026917 0.980727 +vt 0.028607 0.982197 +vt 0.856556 0.621772 +vt 0.854617 0.621772 +vt 0.181163 0.972753 +vt 0.182545 0.970784 +vt 0.182545 0.972753 +vt 0.130945 0.569150 +vt 0.132517 0.558673 +vt 0.628857 0.915022 +vt 0.653476 0.913531 +vt 0.628857 0.913531 +vt 0.966838 0.794048 +vt 0.967962 0.795745 +vt 0.967962 0.794048 +vt 0.013262 0.982653 +vt 0.011984 0.980956 +vt 0.011984 0.982653 +vt 0.183691 0.972753 +vt 0.852718 0.801250 +vt 0.853136 0.833182 +vt 0.966831 0.125353 +vt 0.967970 0.127043 +vt 0.130945 0.523753 +vt 0.132517 0.513277 +vt 0.368927 0.781715 +vt 0.352566 0.781715 +vt 0.238767 0.982653 +vt 0.237291 0.980963 +vt 0.870174 0.017090 +vt 0.853027 0.015414 +vt 0.870174 0.015414 +vt 0.967912 0.557058 +vt 0.965972 0.555677 +vt 0.363087 0.663269 +vt 0.965972 0.560107 +vt 0.144337 0.979207 +vt 0.969299 0.795745 +vt 0.853027 0.009052 +vt 0.870174 0.009052 +vt 0.565848 0.893699 +vt 0.554909 0.893699 +vt 0.856192 0.833182 +vt 0.676007 0.888990 +vt 0.639060 0.887623 +vt 0.026917 0.979265 +vt 0.028607 0.980727 +vt 0.587691 0.972753 +vt 0.587691 0.971027 +vt 0.890298 0.095577 +vt 0.890298 0.120608 +vt 0.066786 0.972753 +vt 0.065420 0.970784 +vt 0.065420 0.972753 +vt 0.883281 0.095577 +vt 0.536915 0.965641 +vt 0.535196 0.966728 +vt 0.967912 0.675037 +vt 0.965979 0.675037 +vt 0.694158 0.890143 +vt 0.731127 0.888835 +vt 0.853027 0.007649 +vt 0.551676 0.972753 +vt 0.755674 0.972753 +vt 0.757129 0.971027 +vt 0.967912 0.438066 +vt 0.974905 0.618735 +vt 0.974905 0.617045 +vt 0.969299 0.618735 +vt 0.969299 0.617045 +vt 0.565848 0.883906 +vt 0.015856 0.513277 +vt 0.408667 0.664856 +vt 0.398146 0.664856 +vt 0.967912 0.676580 +vt 0.067910 0.972753 +vt 0.066786 0.970784 +vt 0.588793 0.972753 +vt 0.588793 0.971027 +vt 0.059425 0.970784 +vt 0.059425 0.972753 +vt 0.970814 0.105865 +vt 0.972753 0.104477 +vt 0.139430 0.558673 +vt 0.139430 0.569150 +vt 0.216383 0.982653 +vt 0.215126 0.980963 +vt 0.215126 0.982653 +vt 0.063906 0.972753 +vt 0.062334 0.970784 +vt 0.965979 0.405974 +vt 0.967912 0.404747 +vt 0.181163 0.970784 +vt 0.566841 0.849070 +vt 0.538115 0.857813 +vt 0.538115 0.849070 +vt 0.967912 0.679467 +vt 0.398146 0.652902 +vt 0.408667 0.654173 +vt 0.499163 0.884604 +vt 0.536088 0.883164 +vt 0.352566 0.775889 +vt 0.368927 0.777446 +vt 0.352566 0.777446 +vt 0.559838 0.971027 +vt 0.558743 0.972753 +vt 0.368927 0.778945 +vt 0.731127 0.883024 +vt 0.694158 0.883024 +vt 0.398146 0.660080 +vt 0.408667 0.661674 +vt 0.240947 0.897035 +vt 0.242593 0.886096 +vt 0.242593 0.897035 +vt 0.535196 0.969483 +vt 0.964263 0.538241 +vt 0.964263 0.540173 +vt 0.970747 0.617045 +vt 0.972231 0.618735 +vt 0.176564 0.972753 +vt 0.178078 0.970784 +vt 0.653476 0.912018 +vt 0.639060 0.883171 +vt 0.554460 0.972753 +vt 0.352566 0.658515 +vt 0.363087 0.660080 +vt 0.352566 0.652902 +vt 0.363087 0.654173 +vt 0.853027 0.023518 +vt 0.554909 0.887168 +vt 0.565848 0.888828 +vt 0.965979 0.400272 +vt 0.967912 0.398825 +vt 0.965979 0.398825 +vt 0.408667 0.660080 +vt 0.870174 0.027485 +vt 0.853027 0.026280 +vt 0.967912 0.400272 +vt 0.135529 0.513277 +vt 0.146034 0.984805 +vt 0.144337 0.983549 +vt 0.146034 0.983549 +vt 0.973641 0.795745 +vt 0.368927 0.782942 +vt 0.352566 0.782942 +vt 0.697864 0.910519 +vt 0.846951 0.801250 +vt 0.974905 0.186052 +vt 0.973729 0.184355 +vt 0.973729 0.186052 +vt 0.760104 0.971027 +vt 0.972363 0.186052 +vt 0.970901 0.184355 +vt 0.762544 0.971027 +vt 0.762544 0.972753 +vt 0.270537 0.970784 +vt 0.269405 0.972753 +vt 0.131986 0.872326 +vt 0.094436 0.872326 +vt 0.673267 0.917550 +vt 0.697864 0.916345 +vt 0.499163 0.888982 +vt 0.663225 0.246271 +vt 0.663967 0.246227 +vt 0.664540 0.246712 +vt 0.656451 0.251046 +vt 0.656635 0.251781 +vt 0.656451 0.252516 +vt 0.662549 0.245947 +vt 0.664511 0.256902 +vt 0.665246 0.256762 +vt 0.663931 0.257387 +vt 0.656811 0.250378 +vt 0.666642 0.255124 +vt 0.666362 0.255829 +vt 0.661837 0.246175 +vt 0.667215 0.254639 +vt 0.656819 0.249621 +vt 0.663189 0.257335 +vt 0.657326 0.249070 +vt 0.662513 0.257658 +vt 0.661109 0.246036 +vt 0.667310 0.253889 +vt 0.660478 0.246440 +vt 0.667751 0.253280 +vt 0.661800 0.257416 +vt 0.657517 0.248335 +vt 0.658149 0.247931 +vt 0.667663 0.252523 +vt 0.659736 0.246484 +vt 0.659221 0.247035 +vt 0.661073 0.257556 +vt 0.658509 0.247270 +vt 0.667935 0.251818 +vt 0.665686 0.256152 +vt 0.660441 0.257151 +vt 0.667663 0.251112 +vt 0.659699 0.257100 +vt 0.667758 0.250363 +vt 0.659185 0.256542 +vt 0.667325 0.249746 +vt 0.658479 0.256307 +vt 0.667229 0.248989 +vt 0.658119 0.255638 +vt 0.666656 0.248504 +vt 0.657495 0.255234 +vt 0.666384 0.247799 +vt 0.657311 0.254499 +vt 0.665716 0.247476 +vt 0.656804 0.253941 +vt 0.665275 0.246859 +vt 0.656804 0.253184 +vt 0.718298 0.914877 +vt 0.716946 0.914385 +vt 0.718210 0.915090 +vt 0.329636 0.905002 +vt 0.330767 0.904113 +vt 0.329503 0.904818 +vt 0.535404 0.915190 +vt 0.533950 0.915131 +vt 0.535390 0.915417 +vt 0.724646 0.913231 +vt 0.725616 0.912144 +vt 0.725403 0.912041 +vt 0.714639 0.909286 +vt 0.714941 0.910704 +vt 0.714875 0.909301 +vt 0.790411 0.640175 +vt 0.791755 0.639587 +vt 0.791601 0.639411 +vt 0.336821 0.913642 +vt 0.337886 0.912679 +vt 0.337688 0.912555 +vt 0.328636 0.905972 +vt 0.328460 0.905818 +vt 0.337960 0.907155 +vt 0.338628 0.908455 +vt 0.338165 0.907059 +vt 0.715146 0.912144 +vt 0.716087 0.913231 +vt 0.715352 0.912048 +vt 0.714713 0.910748 +vt 0.330848 0.904326 +vt 0.332163 0.903746 +vt 0.722390 0.914877 +vt 0.723750 0.914385 +vt 0.723617 0.914194 +vt 0.338489 0.911357 +vt 0.720488 0.904040 +vt 0.721928 0.903989 +vt 0.720488 0.903805 +vt 0.724822 0.913386 +vt 0.721861 0.904217 +vt 0.723265 0.904525 +vt 0.334940 0.904326 +vt 0.336299 0.904818 +vt 0.335021 0.904113 +vt 0.725336 0.906516 +vt 0.725719 0.907919 +vt 0.725939 0.907846 +vt 0.721031 0.915222 +vt 0.722471 0.915090 +vt 0.719099 0.904217 +vt 0.721061 0.915457 +vt 0.719643 0.915222 +vt 0.719613 0.915457 +vt 0.725851 0.910704 +vt 0.726189 0.909286 +vt 0.725961 0.909301 +vt 0.717688 0.904533 +vt 0.716660 0.905561 +vt 0.717799 0.904731 +vt 0.910953 0.341682 +vt 0.910586 0.344525 +vt 0.910953 0.343122 +vt 0.908874 0.346861 +vt 0.909881 0.345796 +vt 0.909881 0.339015 +vt 0.910586 0.340278 +vt 0.906237 0.348095 +vt 0.907633 0.347640 +vt 0.908874 0.337964 +vt 0.906237 0.336759 +vt 0.907633 0.337200 +vt 0.900866 0.346413 +vt 0.904767 0.348198 +vt 0.903327 0.347934 +vt 0.901997 0.347324 +vt 0.903327 0.336958 +vt 0.904775 0.336678 +vt 0.676009 0.251803 +vt 0.905465 0.632132 +vt 0.896531 0.631023 +vt 0.906346 0.636328 +vt 0.899455 0.343908 +vt 0.899999 0.345245 +vt 0.900866 0.338508 +vt 0.901997 0.337582 +vt 0.899463 0.341035 +vt 0.899272 0.342468 +vt 0.899999 0.339683 +vt 0.810315 0.053272 +vt 0.812534 0.055086 +vt 0.811307 0.054322 +vt 0.815362 0.055593 +vt 0.813915 0.055520 +vt 0.809257 0.049121 +vt 0.809617 0.051993 +vt 0.809257 0.050583 +vt 0.818103 0.054653 +vt 0.816787 0.055299 +vt 0.810315 0.046402 +vt 0.809610 0.047695 +vt 0.820071 0.052508 +vt 0.819219 0.053705 +vt 0.908872 0.447767 +vt 0.901995 0.457098 +vt 0.904772 0.457979 +vt 0.812526 0.044514 +vt 0.811307 0.045315 +vt 0.820784 0.049679 +vt 0.820608 0.051134 +vt 0.815355 0.043926 +vt 0.813908 0.044044 +vt 0.820064 0.046873 +vt 0.820600 0.048232 +vt 0.816780 0.044184 +vt 0.818095 0.044786 +vt 0.819212 0.045704 +vt 0.789074 0.629706 +vt 0.787656 0.629404 +vt 0.787671 0.629639 +vt 0.784886 0.630330 +vt 0.786289 0.629919 +vt 0.786216 0.629698 +vt 0.782895 0.632453 +vt 0.783931 0.631425 +vt 0.783762 0.631270 +vt 0.785018 0.630528 +vt 0.787671 0.640726 +vt 0.786216 0.640704 +vt 0.787656 0.640961 +vt 0.785011 0.639910 +vt 0.784886 0.640109 +vt 0.782359 0.633812 +vt 0.782410 0.635252 +vt 0.782587 0.633871 +vt 0.791609 0.630852 +vt 0.792762 0.631711 +vt 0.791755 0.630668 +vt 0.792755 0.638514 +vt 0.793247 0.637155 +vt 0.792564 0.638382 +vt 0.532620 0.904728 +vt 0.534023 0.904353 +vt 0.533950 0.904133 +vt 0.569145 0.774535 +vt 0.570504 0.674581 +vt 0.570577 0.774344 +vt 0.789074 0.640623 +vt 0.790514 0.640381 +vt 0.790514 0.629911 +vt 0.790418 0.630117 +vt 0.782587 0.636626 +vt 0.782175 0.635252 +vt 0.782359 0.636692 +vt 0.715565 0.906524 +vt 0.715154 0.907919 +vt 0.715756 0.906648 +vt 0.782895 0.638030 +vt 0.541318 0.910422 +vt 0.541194 0.911854 +vt 0.541554 0.910451 +vt 0.532752 0.914301 +vt 0.531496 0.913551 +vt 0.532620 0.914492 +vt 0.534023 0.914911 +vt 0.783101 0.637919 +vt 0.783755 0.639198 +vt 0.783931 0.639036 +vt 0.793247 0.633063 +vt 0.792571 0.631851 +vt 0.329217 0.913642 +vt 0.330245 0.914671 +vt 0.330356 0.914465 +vt 0.793600 0.635803 +vt 0.793827 0.634378 +vt 0.793600 0.634408 +vt 0.789118 0.640851 +vt 0.662079 0.134679 +vt 0.660757 0.134628 +vt 0.662189 0.134444 +vt 0.665495 0.144811 +vt 0.666605 0.144061 +vt 0.665547 0.145068 +vt 0.664966 0.135179 +vt 0.665892 0.136141 +vt 0.664753 0.135333 +vt 0.667384 0.142827 +vt 0.666495 0.143826 +vt 0.667215 0.142621 +vt 0.658237 0.136024 +vt 0.659420 0.135421 +vt 0.658310 0.136274 +vt 0.664276 0.145773 +vt 0.664298 0.145509 +vt 0.662953 0.145883 +vt 0.662873 0.146133 +vt 0.658993 0.144921 +vt 0.660029 0.145758 +vt 0.658766 0.145046 +vt 0.667927 0.139962 +vt 0.667626 0.141269 +vt 0.667685 0.139859 +vt 0.659412 0.135164 +vt 0.660705 0.134885 +vt 0.666135 0.136046 +vt 0.666796 0.137214 +vt 0.657965 0.143973 +vt 0.657715 0.144039 +vt 0.656878 0.138661 +vt 0.656415 0.139925 +vt 0.656694 0.138478 +vt 0.663622 0.134635 +vt 0.663453 0.134834 +vt 0.660220 0.145582 +vt 0.661425 0.146126 +vt 0.661572 0.145913 +vt 0.656642 0.140057 +vt 0.656503 0.141387 +vt 0.667046 0.137185 +vt 0.667406 0.138478 +vt 0.657201 0.142798 +vt 0.656944 0.142790 +vt 0.667663 0.138514 +vt 0.657451 0.137376 +vt 0.657311 0.137148 +vt 0.656753 0.141460 +vt 0.667832 0.141431 +vt 0.088392 0.525921 +vt 0.055882 0.529829 +vt 0.089935 0.524745 +vt 0.053950 0.552854 +vt 0.093674 0.558673 +vt 0.130945 0.558673 +vt 0.093674 0.523753 +vt 0.130945 0.513277 +vt 0.019037 0.513277 +vt 0.091742 0.524003 +vt 0.053950 0.529572 +vt 0.019037 0.529572 +vt 0.055882 0.552605 +vt 0.057689 0.551863 +vt 0.088392 0.556513 +vt 0.059239 0.550687 +vt 0.087202 0.554978 +vt 0.089935 0.557681 +vt 0.059239 0.531740 +vt 0.086452 0.529234 +vt 0.060422 0.533268 +vt 0.091742 0.558423 +vt 0.061172 0.547374 +vt 0.061429 0.545463 +vt 0.086202 0.551282 +vt 0.384885 0.733835 +vt 0.370507 0.709253 +vt 0.390726 0.709253 +vt 0.061429 0.536963 +vt 0.061172 0.535053 +vt 0.086202 0.531144 +vt 0.060422 0.549159 +vt 0.086452 0.553192 +vt 0.057689 0.530564 +vt 0.087202 0.527449 +vt 0.390130 0.736010 +vt 0.394436 0.708261 +vt 0.391306 0.737545 +vt 0.395971 0.707078 +vt 0.392048 0.739331 +vt 0.397154 0.705543 +vt 0.363087 0.701832 +vt 0.368927 0.741248 +vt 0.368927 0.775889 +vt 0.392305 0.741248 +vt 0.408667 0.775889 +vt 0.398146 0.701832 +vt 0.397896 0.703757 +vt 0.392643 0.709003 +vt 0.388595 0.734827 +vt 0.365261 0.707078 +vt 0.366797 0.708261 +vt 0.369919 0.737545 +vt 0.371102 0.736010 +vt 0.364079 0.705543 +vt 0.369177 0.739331 +vt 0.386802 0.734085 +vt 0.374430 0.734085 +vt 0.376348 0.733835 +vt 0.372638 0.734827 +vt 0.368582 0.709003 +vt 0.363337 0.703757 +vt 0.063906 0.970784 +vt 0.408667 0.782942 +vt 0.392305 0.782942 +vt 0.967912 0.397561 +vt 0.965979 0.397561 +vt 0.084892 0.972753 +vt 0.970585 0.087937 +vt 0.972128 0.085997 +vt 0.583401 0.972753 +vt 0.972363 0.184355 +vt 0.009905 0.529572 +vt 0.011294 0.513277 +vt 0.135529 0.558673 +vt 0.238767 0.980963 +vt 0.967912 0.383750 +vt 0.965979 0.445214 +vt 0.967912 0.443987 +vt 0.731127 0.881885 +vt 0.694158 0.881885 +vt 0.131986 0.865295 +vt 0.967496 0.363213 +vt 0.967496 0.361273 +vt 0.201173 0.980956 +vt 0.676007 0.890143 +vt 0.639060 0.888990 +vt 0.486801 0.913502 +vt 0.511413 0.911988 +vt 0.653476 0.909292 +vt 0.697864 0.913450 +vt 0.653476 0.915022 +vt 0.970074 0.538241 +vt 0.970074 0.540173 +vt 0.511413 0.913502 +vt 0.965972 0.557058 +vt 0.755674 0.971027 +vt 0.105198 0.976731 +vt 0.106888 0.976731 +vt 0.175190 0.972753 +vt 0.176564 0.970784 +vt 0.232895 0.897035 +vt 0.967912 0.441041 +vt 0.860991 0.818398 +vt 0.144337 0.982145 +vt 0.263440 0.972753 +vt 0.363087 0.656995 +vt 0.352566 0.656995 +vt 0.011294 0.552854 +vt 0.011294 0.569150 +vt 0.129317 0.982653 +vt 0.232895 0.886096 +vt 0.231462 0.897035 +vt 0.012763 0.552854 +vt 0.010566 0.980956 +vt 0.105198 0.979207 +vt 0.237626 0.897035 +vt 0.139430 0.513277 +vt 0.139430 0.523753 +vt 0.015856 0.552854 +vt 0.058264 0.970784 +vt 0.058264 0.972753 +vt 0.857685 0.818398 +vt 0.856010 0.801250 +vt 0.970814 0.107386 +vt 0.972753 0.105865 +vt 0.028607 0.979265 +vt 0.174052 0.972753 +vt 0.175190 0.970784 +vt 0.223193 0.982653 +vt 0.222062 0.980963 +vt 0.009905 0.513277 +vt 0.363087 0.658515 +vt 0.566169 0.783961 +vt 0.558881 0.787694 +vt 0.565391 0.782720 +vt 0.653542 0.262809 +vt 0.652381 0.261751 +vt 0.787704 0.210869 +vt 0.784993 0.202949 +vt 0.786168 0.211134 +vt 0.651353 0.260575 +vt 0.650449 0.259289 +vt 0.564597 0.792888 +vt 0.567227 0.784968 +vt 0.568498 0.785666 +vt 0.657598 0.265086 +vt 0.656165 0.264484 +vt 0.654806 0.263720 +vt 0.649700 0.257908 +vt 0.649105 0.256454 +vt 0.567521 0.793931 +vt 0.569894 0.786026 +vt 0.557537 0.784858 +vt 0.564935 0.781324 +vt 0.660625 0.265791 +vt 0.659089 0.265527 +vt 0.648678 0.254933 +vt 0.648421 0.253375 +vt 0.571937 0.674427 +vt 0.572017 0.774521 +vt 0.556846 0.781779 +vt 0.564840 0.779862 +vt 0.657598 0.127024 +vt 0.656165 0.127626 +vt 0.663718 0.265791 +vt 0.662167 0.265880 +vt 0.660625 0.126326 +vt 0.659089 0.126590 +vt 0.666744 0.265086 +vt 0.665246 0.265527 +vt 0.648333 0.251803 +vt 0.670800 0.262809 +vt 0.669536 0.263720 +vt 0.668177 0.264484 +vt 0.574067 0.664031 +vt 0.580386 0.658764 +vt 0.575103 0.665060 +vt 0.672989 0.260575 +vt 0.671953 0.261751 +vt 0.572811 0.663304 +vt 0.577961 0.656802 +vt 0.674642 0.257908 +vt 0.673886 0.259289 +vt 0.670800 0.129309 +vt 0.669536 0.128390 +vt 0.675664 0.254933 +vt 0.675230 0.256454 +vt 0.663718 0.126326 +vt 0.665246 0.126590 +vt 0.556758 0.780207 +vt 0.567734 0.673810 +vt 0.567800 0.775079 +vt 0.648333 0.140314 +vt 0.573288 0.673905 +vt 0.573362 0.775057 +vt 0.580386 0.790162 +vt 0.574001 0.784939 +vt 0.575052 0.783932 +vt 0.676009 0.140314 +vt 0.675921 0.138735 +vt 0.564840 0.668990 +vt 0.556846 0.667139 +vt 0.564950 0.667521 +vt 0.794284 0.045485 +vt 0.786158 0.045463 +vt 0.785974 0.044001 +vt 0.648678 0.137177 +vt 0.649105 0.135664 +vt 0.557537 0.664068 +vt 0.565427 0.666133 +vt 0.649700 0.134202 +vt 0.650449 0.132821 +vt 0.651353 0.131535 +vt 0.789038 0.056557 +vt 0.784601 0.049511 +vt 0.790206 0.055499 +vt 0.653542 0.129309 +vt 0.652381 0.130359 +vt 0.791242 0.054316 +vt 0.785453 0.048314 +vt 0.792146 0.053023 +vt 0.654806 0.128390 +vt 0.793498 0.050165 +vt 0.792903 0.051634 +vt 0.794196 0.047072 +vt 0.785982 0.046933 +vt 0.778536 0.095949 +vt 0.786655 0.096221 +vt 0.786566 0.094642 +vt 0.662167 0.126238 +vt 0.672989 0.131535 +vt 0.671953 0.130359 +vt 0.675230 0.135664 +vt 0.675664 0.137177 +vt 0.666744 0.127024 +vt 0.673886 0.132821 +vt 0.674642 0.134202 +vt 0.668177 0.127626 +vt 0.581421 0.788987 +vt 0.772956 0.057475 +vt 0.776681 0.050048 +vt 0.777908 0.050834 +vt 0.774766 0.207078 +vt 0.779923 0.200547 +vt 0.773723 0.205895 +vt 0.579225 0.791213 +vt 0.577961 0.792124 +vt 0.583067 0.786312 +vt 0.582318 0.787694 +vt 0.575823 0.782690 +vt 0.583662 0.784858 +vt 0.774976 0.047675 +vt 0.766784 0.048637 +vt 0.774609 0.046249 +vt 0.576602 0.792888 +vt 0.575169 0.793498 +vt 0.572737 0.785651 +vt 0.772819 0.204595 +vt 0.779218 0.199254 +vt 0.772062 0.203206 +vt 0.775762 0.058856 +vt 0.779289 0.051289 +vt 0.777261 0.059290 +vt 0.584353 0.781779 +vt 0.584088 0.783344 +vt 0.576264 0.781287 +vt 0.766439 0.045485 +vt 0.774602 0.044765 +vt 0.573678 0.793931 +vt 0.572150 0.794196 +vt 0.571342 0.786026 +vt 0.778804 0.059562 +vt 0.780743 0.051377 +vt 0.780361 0.059650 +vt 0.569049 0.794196 +vt 0.570599 0.794284 +vt 0.584441 0.780207 +vt 0.576352 0.779818 +vt 0.576080 0.778378 +vt 0.566030 0.793498 +vt 0.770036 0.091005 +vt 0.768140 0.082865 +vt 0.766700 0.083467 +vt 0.575456 0.777048 +vt 0.563238 0.792124 +vt 0.561974 0.791213 +vt 0.768838 0.316034 +vt 0.765334 0.308415 +vt 0.770029 0.315182 +vt 0.574530 0.775917 +vt 0.560813 0.790162 +vt 0.559778 0.788987 +vt 0.786401 0.058247 +vt 0.782169 0.051091 +vt 0.783484 0.050459 +vt 0.558132 0.786312 +vt 0.766958 0.319928 +vt 0.759170 0.317246 +vt 0.767251 0.318481 +vt 0.557111 0.783344 +vt 0.584441 0.668719 +vt 0.576279 0.667719 +vt 0.584353 0.667139 +vt 0.565111 0.778415 +vt 0.565721 0.777085 +vt 0.566640 0.775946 +vt 0.780707 0.039600 +vt 0.794284 0.010499 +vt 0.782132 0.039865 +vt 0.574471 0.673061 +vt 0.575412 0.671944 +vt 0.569071 0.674376 +vt 0.576051 0.670629 +vt 0.758825 0.096221 +vt 0.766958 0.095751 +vt 0.758913 0.094642 +vt 0.576345 0.669189 +vt 0.648421 0.138735 +vt 0.573678 0.654995 +vt 0.575169 0.655435 +vt 0.584088 0.665589 +vt 0.786655 0.133565 +vt 0.773371 0.102084 +vt 0.758825 0.133565 +vt 0.583067 0.662613 +vt 0.583662 0.664068 +vt 0.575860 0.666316 +vt 0.581421 0.659939 +vt 0.582318 0.661232 +vt 0.579225 0.657713 +vt 0.576602 0.656038 +vt 0.571422 0.662915 +vt 0.572150 0.654730 +vt 0.565082 0.670438 +vt 0.556758 0.668719 +vt 0.565677 0.671775 +vt 0.566581 0.672928 +vt 0.675921 0.253375 +vt 0.774275 0.314712 +vt 0.774297 0.306329 +vt 0.775833 0.306601 +vt 0.570599 0.654642 +vt 0.569975 0.662885 +vt 0.569049 0.654730 +vt 0.557111 0.665589 +vt 0.760198 0.314256 +vt 0.767898 0.317151 +vt 0.567521 0.654995 +vt 0.558132 0.662613 +vt 0.761859 0.311575 +vt 0.566030 0.655435 +vt 0.568564 0.663230 +vt 0.564597 0.656038 +vt 0.558881 0.661232 +vt 0.563238 0.656802 +vt 0.567293 0.663914 +vt 0.561974 0.657713 +vt 0.566221 0.664906 +vt 0.559778 0.659939 +vt 0.560813 0.658764 +vt 0.783538 0.202861 +vt 0.781510 0.210869 +vt 0.783046 0.211134 +vt 0.782157 0.202413 +vt 0.777198 0.209055 +vt 0.778564 0.209826 +vt 0.780012 0.210428 +vt 0.789680 0.194207 +vt 0.790224 0.195580 +vt 0.798526 0.197064 +vt 0.788821 0.193009 +vt 0.775927 0.208136 +vt 0.780923 0.201620 +vt 0.770517 0.055499 +vt 0.775681 0.048968 +vt 0.778779 0.307644 +vt 0.775620 0.315277 +vt 0.788850 0.201091 +vt 0.794448 0.207078 +vt 0.795492 0.205895 +vt 0.787733 0.202031 +vt 0.790650 0.209826 +vt 0.792016 0.209055 +vt 0.793287 0.208136 +vt 0.771467 0.201744 +vt 0.789702 0.199893 +vt 0.796395 0.204595 +vt 0.797152 0.203206 +vt 0.770769 0.198651 +vt 0.771034 0.200216 +vt 0.778858 0.197821 +vt 0.786418 0.202670 +vt 0.789203 0.210428 +vt 0.770689 0.197064 +vt 0.778851 0.196344 +vt 0.779211 0.194912 +vt 0.779901 0.193611 +vt 0.780893 0.192531 +vt 0.790231 0.198512 +vt 0.797747 0.201744 +vt 0.798180 0.200216 +vt 0.798526 0.162071 +vt 0.786381 0.191444 +vt 0.787696 0.192069 +vt 0.770689 0.162071 +vt 0.782120 0.191731 +vt 0.783501 0.191275 +vt 0.784949 0.191172 +vt 0.784603 0.211222 +vt 0.783454 0.059290 +vt 0.798438 0.198651 +vt 0.790407 0.197042 +vt 0.774322 0.058247 +vt 0.785431 0.042627 +vt 0.783620 0.311575 +vt 0.776780 0.316166 +vt 0.782577 0.310392 +vt 0.784571 0.041430 +vt 0.771677 0.056557 +vt 0.775620 0.091100 +vt 0.781416 0.085157 +vt 0.780145 0.084238 +vt 0.769473 0.054316 +vt 0.768570 0.053023 +vt 0.767820 0.051634 +vt 0.767218 0.050165 +vt 0.787767 0.057475 +vt 0.766527 0.047072 +vt 0.774961 0.043333 +vt 0.775652 0.042032 +vt 0.776644 0.040952 +vt 0.784953 0.058856 +vt 0.793931 0.048637 +vt 0.783454 0.040497 +vt 0.777871 0.040159 +vt 0.766439 0.010499 +vt 0.779252 0.039696 +vt 0.781919 0.059562 +vt 0.965784 0.538241 +vt 0.778529 0.320134 +vt 0.786309 0.317246 +vt 0.786566 0.318811 +vt 0.776068 0.101055 +vt 0.775840 0.082424 +vt 0.774275 0.090535 +vt 0.777339 0.082865 +vt 0.777140 0.100064 +vt 0.777941 0.098822 +vt 0.769250 0.100938 +vt 0.768207 0.099909 +vt 0.774782 0.101746 +vt 0.767450 0.098646 +vt 0.767024 0.097228 +vt 0.758825 0.320398 +vt 0.767024 0.321405 +vt 0.778419 0.097426 +vt 0.772740 0.082071 +vt 0.772835 0.090329 +vt 0.774297 0.082159 +vt 0.786655 0.357735 +vt 0.773371 0.326261 +vt 0.774782 0.325923 +vt 0.786655 0.320398 +vt 0.772835 0.314499 +vt 0.771182 0.306329 +vt 0.772740 0.306241 +vt 0.771917 0.102062 +vt 0.778286 0.094495 +vt 0.786309 0.093077 +vt 0.785876 0.091549 +vt 0.778279 0.318672 +vt 0.785281 0.314256 +vt 0.785876 0.315726 +vt 0.769647 0.082424 +vt 0.771395 0.090483 +vt 0.771182 0.082159 +vt 0.759603 0.091549 +vt 0.759170 0.093077 +vt 0.767259 0.094304 +vt 0.770513 0.101673 +vt 0.768140 0.307034 +vt 0.771395 0.314660 +vt 0.760198 0.090079 +vt 0.777684 0.093150 +vt 0.785281 0.090079 +vt 0.784524 0.088691 +vt 0.783620 0.087398 +vt 0.765334 0.084238 +vt 0.761859 0.087398 +vt 0.760955 0.088691 +vt 0.767898 0.092981 +vt 0.762902 0.086215 +vt 0.768846 0.091857 +vt 0.764063 0.085157 +vt 0.776780 0.091989 +vt 0.782584 0.086215 +vt 0.781416 0.309334 +vt 0.778779 0.083467 +vt 0.777339 0.307034 +vt 0.776068 0.325232 +vt 0.777148 0.324233 +vt 0.777941 0.322999 +vt 0.768207 0.324079 +vt 0.769250 0.325115 +vt 0.767450 0.322823 +vt 0.793460 0.637236 +vt 0.758825 0.357735 +vt 0.778419 0.321603 +vt 0.771917 0.326239 +vt 0.769639 0.306601 +vt 0.759603 0.315726 +vt 0.770513 0.325850 +vt 0.784524 0.312868 +vt 0.777684 0.317327 +vt 0.766700 0.307644 +vt 0.760955 0.312868 +vt 0.764063 0.309334 +vt 0.762895 0.310392 +vt 0.780145 0.308415 +vt 0.565848 0.895220 +vt 0.761053 0.835790 +vt 0.759474 0.807585 +vt 0.759474 0.835621 +vt 0.758825 0.363039 +vt 0.786655 0.361482 +vt 0.786655 0.363039 +vt 0.794284 0.008560 +vt 0.766439 0.008560 +vt 0.770689 0.158324 +vt 0.798526 0.160132 +vt 0.798526 0.158324 +vt 0.786655 0.359674 +vt 0.757629 0.835518 +vt 0.757629 0.807475 +vt 0.770689 0.160132 +vt 0.731078 0.807585 +vt 0.729498 0.835790 +vt 0.731078 0.835621 +vt 0.766439 0.005195 +vt 0.794284 0.006753 +vt 0.766439 0.006753 +vt 0.566893 0.847101 +vt 0.538306 0.845272 +vt 0.567032 0.845272 +vt 0.538167 0.859782 +vt 0.566841 0.857813 +vt 0.566893 0.859782 +vt 0.538306 0.861619 +vt 0.567260 0.863191 +vt 0.538534 0.863191 +vt 0.770689 0.156774 +vt 0.798526 0.156774 +vt 0.758825 0.361482 +vt 0.758825 0.137305 +vt 0.786655 0.135497 +vt 0.758825 0.135497 +vt 0.538534 0.843700 +vt 0.567260 0.843700 +vt 0.538167 0.847101 +vt 0.786655 0.137305 +vt 0.758825 0.138862 +vt 0.786655 0.138862 +vt 0.905156 0.638943 +vt 0.905913 0.637716 +vt 0.902834 0.640640 +vt 0.904105 0.639935 +vt 0.899962 0.641000 +vt 0.901424 0.641000 +vt 0.906412 0.634880 +vt 0.906111 0.633448 +vt 0.903319 0.630163 +vt 0.904517 0.631016 +vt 0.895363 0.637716 +vt 0.898544 0.640640 +vt 0.897251 0.639942 +vt 0.896163 0.638943 +vt 0.900498 0.629444 +vt 0.901953 0.629627 +vt 0.894775 0.634888 +vt 0.894885 0.636335 +vt 0.895025 0.633455 +vt 0.899051 0.629627 +vt 0.897706 0.630163 +vt 0.895620 0.632140 +vt 0.530636 0.912369 +vt 0.531665 0.913397 +vt 0.530842 0.912258 +vt 0.783101 0.632563 +vt 0.536852 0.903986 +vt 0.535404 0.904111 +vt 0.536808 0.904213 +vt 0.541318 0.909026 +vt 0.541554 0.909004 +vt 0.540297 0.912978 +vt 0.540973 0.911766 +vt 0.539482 0.914154 +vt 0.540481 0.913111 +vt 0.530320 0.910958 +vt 0.531665 0.905800 +vt 0.531496 0.905639 +vt 0.540973 0.907674 +vt 0.541186 0.907593 +vt 0.530092 0.911017 +vt 0.530144 0.909577 +vt 0.529909 0.909577 +vt 0.538145 0.914705 +vt 0.539335 0.913978 +vt 0.530092 0.908137 +vt 0.540481 0.906315 +vt 0.530636 0.906800 +vt 0.530320 0.908203 +vt 0.530834 0.906917 +vt 0.536852 0.915344 +vt 0.538248 0.914918 +vt 0.536808 0.915116 +vt 0.539328 0.905418 +vt 0.538248 0.904449 +vt 0.538145 0.904662 +vt 0.793460 0.632975 +vt 0.539482 0.905242 +vt 0.540297 0.906447 +vt 0.789118 0.629478 +vt 0.535390 0.903876 +vt 0.572069 0.663289 +vt 0.573347 0.663833 +vt 0.565082 0.668270 +vt 0.572546 0.673986 +vt 0.574802 0.672385 +vt 0.565361 0.666889 +vt 0.570695 0.663091 +vt 0.571202 0.674317 +vt 0.565978 0.665618 +vt 0.575566 0.671202 +vt 0.569314 0.663238 +vt 0.569813 0.674295 +vt 0.576014 0.669865 +vt 0.566882 0.664553 +vt 0.568013 0.663737 +vt 0.573781 0.673332 +vt 0.568476 0.673920 +vt 0.576124 0.668461 +vt 0.567271 0.673215 +vt 0.575889 0.667073 +vt 0.566272 0.672238 +vt 0.575324 0.665780 +vt 0.565552 0.671026 +vt 0.574457 0.664678 +vt 0.565148 0.669681 +vt 0.899453 0.450801 +vt 0.900856 0.448282 +vt 0.899997 0.449457 +vt 0.903318 0.446739 +vt 0.901988 0.447356 +vt 0.899997 0.455011 +vt 0.899270 0.452234 +vt 0.899453 0.453667 +vt 0.906234 0.446555 +vt 0.904765 0.446467 +vt 0.900864 0.456179 +vt 0.907630 0.446996 +vt 0.903325 0.457708 +vt 0.910591 0.450081 +vt 0.909878 0.448818 +vt 0.907638 0.457428 +vt 0.906234 0.457884 +vt 0.910951 0.452925 +vt 0.910951 0.451485 +vt 0.908872 0.456650 +vt 0.909878 0.455599 +vt 0.910591 0.454328 +vt 0.331597 0.915214 +vt 0.335814 0.914671 +vt 0.334411 0.914986 +vt 0.334477 0.915214 +vt 0.337195 0.905972 +vt 0.333037 0.915398 +vt 0.331656 0.914986 +vt 0.336975 0.913811 +vt 0.335704 0.914465 +vt 0.714933 0.907846 +vt 0.725138 0.906641 +vt 0.724425 0.905392 +vt 0.724264 0.905561 +vt 0.726079 0.910748 +vt 0.337372 0.905818 +vt 0.336167 0.905009 +vt 0.333037 0.915163 +vt 0.328122 0.912679 +vt 0.328313 0.912555 +vt 0.332192 0.903981 +vt 0.333610 0.903746 +vt 0.333588 0.903981 +vt 0.716506 0.905392 +vt 0.327703 0.911284 +vt 0.338268 0.911284 +vt 0.338738 0.909917 +vt 0.338511 0.909902 +vt 0.327196 0.909917 +vt 0.327483 0.911357 +vt 0.719048 0.903989 +vt 0.327424 0.909902 +vt 0.327263 0.908455 +vt 0.717086 0.914194 +vt 0.327696 0.907059 +vt 0.327498 0.908492 +vt 0.327909 0.907155 +vt 0.338408 0.908499 +vt 0.570930 0.774587 +vt 0.565457 0.782301 +vt 0.565111 0.780935 +vt 0.574648 0.784050 +vt 0.575456 0.782903 +vt 0.569542 0.774682 +vt 0.573582 0.784953 +vt 0.575963 0.781588 +vt 0.565104 0.779524 +vt 0.568226 0.775123 +vt 0.572326 0.785556 +vt 0.576132 0.780185 +vt 0.567058 0.775880 +vt 0.565442 0.778150 +vt 0.570967 0.785828 +vt 0.566111 0.776916 +vt 0.575955 0.778789 +vt 0.569578 0.785739 +vt 0.575441 0.777474 +vt 0.568256 0.785306 +vt 0.574626 0.776343 +vt 0.567088 0.784557 +vt 0.573546 0.775446 +vt 0.566133 0.783535 +vt 0.572289 0.774844 +vt 0.554909 0.895220 +vt 0.565848 0.896652 +vt 0.249903 0.897035 +vt 0.880813 0.095577 +vt 0.082387 0.972753 +vt 0.579536 0.972753 +vt 0.967912 0.672223 +vt 0.974905 0.087937 +vt 0.856556 0.617445 +vt 0.856556 0.613368 +vt 0.889166 0.095577 +vt 0.653476 0.917550 +vt 0.734891 0.807438 +vt 0.868081 0.801250 +vt 0.966838 0.618735 +vt 0.122367 0.982653 +vt 0.511413 0.917550 +vt 0.972753 0.111699 +vt 0.565848 0.878212 +vt 0.965972 0.425588 +vt 0.961662 0.538241 +vt 0.965972 0.562914 +vt 0.970074 0.363213 +vt 0.007429 0.552854 +vt 0.242727 0.980963 +vt 0.965972 0.421518 +vt 0.089498 0.972753 +vt 0.131986 0.862841 +vt 0.753286 0.971027 +vt 0.967912 0.386351 +vt 0.203671 0.980956 +vt 0.028607 0.976723 +vt 0.007429 0.513277 +vt 0.850557 0.833182 +vt 0.966838 0.795745 +vt 0.013262 0.980956 +vt 0.183691 0.970784 +vt 0.966831 0.127043 +vt 0.535196 0.965641 +vt 0.731127 0.890143 +vt 0.067910 0.970784 +vt 0.967912 0.405974 +vt 0.408667 0.652902 +vt 0.559838 0.972753 +vt 0.970747 0.618735 +vt 0.363087 0.652902 +vt 0.853027 0.027485 +vt 0.144337 0.984805 +vt 0.974905 0.184355 +vt 0.270537 0.972753 +vt 0.697864 0.917550 +vt 0.715903 0.913386 +vt 0.723147 0.904731 +vt 0.786289 0.640483 +vt 0.532745 0.904926 +vt 0.329055 0.913811 +vt 0.793827 0.635825 +vt 0.967912 0.445214 +vt 0.639060 0.890143 +vt 0.628857 0.909292 +vt 0.174052 0.970784 +vt 0.223193 0.980963 +vt 0.758905 0.318811 +vt 0.761053 0.807754 +vt 0.758825 0.359674 +vt 0.729498 0.807754 +vt 0.794284 0.005195 +vt 0.567032 0.861619 +vn 0.0000 -0.4994 -0.8663 +vn 0.0000 -0.2683 -0.9633 +vn 0.0000 -0.6951 0.7189 +vn 0.0000 -0.6102 0.7922 +vn 0.0000 0.2389 0.9710 +vn 0.0000 0.3461 0.9382 +vn 0.0000 0.4639 -0.8859 +vn 0.0000 0.6696 -0.7427 +vn 0.0000 0.4258 0.9048 +vn 0.0000 0.6374 0.7705 +vn 0.0000 -0.0168 -0.9999 +vn 0.0000 -0.1287 -0.9917 +vn 0.0000 0.8090 -0.5878 +vn 0.0000 0.6374 -0.7705 +vn 0.0000 0.1874 -0.9823 +vn 0.0000 -0.0628 -0.9980 +vn 0.0000 -0.3461 -0.9382 +vn 0.0000 -0.4490 -0.8935 +vn 0.0000 0.6041 0.7969 +vn 0.0000 0.3869 0.9221 +vn 0.0000 0.9877 -0.1564 +vn 0.0000 0.9710 -0.2389 +vn 0.0000 -0.7574 0.6529 +vn 0.0000 -0.8960 0.4441 +vn 0.0000 -0.9955 -0.0952 +vn 0.0000 -0.9999 0.0168 +vn 0.0000 -0.0203 -0.9998 +vn 0.0000 0.2290 -0.9734 +vn 0.0000 -0.5177 0.8556 +vn 0.0000 -0.4187 0.9081 +vn 0.0000 0.1454 0.9894 +vn 0.0000 -0.1052 0.9945 +vn 0.0000 -0.5358 -0.8443 +vn 0.0000 -0.7290 -0.6845 +vn 0.0000 -0.6366 -0.7712 +vn 0.0000 -0.7189 -0.6951 +vn 0.0000 0.1874 0.9823 +vn 0.0000 -0.8935 0.4490 +vn 0.0000 -0.8376 0.5462 +vn 0.0000 -0.8763 0.4818 +vn 0.0000 -0.7290 0.6845 +vn 0.0000 0.9081 0.4187 +vn 0.0000 0.9493 0.3143 +vn 0.0000 -0.8550 -0.5186 +vn 0.0000 -0.6992 -0.7149 +vn 0.0000 0.0952 -0.9955 +vn 0.0000 0.2061 -0.9785 +vn 0.0000 -0.2389 -0.9710 +vn 0.0000 0.8090 0.5878 +vn 0.0000 0.9298 0.3681 +vn 0.0000 0.6951 -0.7189 +vn 0.0000 0.6102 -0.7922 +vn 0.0000 0.6366 0.7712 +vn 0.0000 0.7189 0.6951 +vn 0.0000 -0.3090 -0.9511 +vn 0.0000 -0.3143 0.9493 +vn 0.0000 -0.2061 0.9785 +vn 0.0000 -0.5712 0.8208 +vn 0.0000 0.9298 -0.3681 +vn 0.0000 0.5177 -0.8556 +vn 0.0000 0.4187 -0.9081 +vn 0.0000 0.9965 -0.0830 +vn 0.0000 0.9859 0.1674 +vn 0.0000 -0.9493 -0.3143 +vn 0.0000 -0.9785 -0.2061 +vn 0.0000 0.9955 0.0952 +vn 0.0000 0.9999 -0.0168 +vn 0.0000 -0.0952 0.9955 +vn 0.0000 0.3143 -0.9493 +vn 0.0000 0.9921 0.1253 +vn 0.0000 0.9133 0.4073 +vn 0.0000 -0.9081 -0.4187 +vn 0.0000 0.7833 0.6217 +vn 0.0654 0.1284 0.9896 +vn -0.0654 0.1284 0.9896 +vn 0.0000 0.7922 0.6102 +vn 0.0000 0.8556 0.5177 +vn 0.0000 -0.3492 0.9371 +vn 0.0000 0.4258 -0.9048 +vn 0.0000 -1.0000 0.0000 +vn 0.0000 -0.9686 0.2487 +vn 0.0000 0.1287 0.9917 +vn 0.0000 -0.9783 0.2073 +vn 0.0000 -0.0628 0.9980 +vn 0.0000 0.9382 -0.3461 +vn 0.0000 0.8935 -0.4490 +vn 0.0000 0.7712 -0.6366 +vn 0.0000 -0.7922 -0.6102 +vn 0.0000 -0.8556 -0.5177 +vn 0.0000 -0.9686 -0.2487 +vn 0.0000 -0.5358 0.8443 +vn 0.0000 -0.7712 0.6366 +vn 0.0000 0.9949 -0.1008 +vn 0.0000 -0.9991 -0.0425 +vn 0.0000 -0.5462 -0.8376 +vn 0.0000 -0.8763 -0.4818 +vn 0.0000 -0.3090 0.9511 +vn 0.0000 0.9921 -0.1253 +vn 0.0000 -0.9571 -0.2896 +vn 0.0000 0.9446 -0.3283 +vn -0.2588 0.1243 0.9579 +vn 0.0000 -0.9571 -0.2897 +vn 0.0000 0.8376 -0.5462 +vn 0.0000 -0.9710 0.2389 +vn 0.0000 -0.9382 0.3461 +vn 0.0000 0.8333 -0.5529 +vn 0.0000 -0.9949 0.1008 +vn 0.0000 0.5462 0.8376 +vn 0.0000 0.0168 0.9999 +vn 0.0000 0.1455 0.9894 +vn 0.0000 0.9785 0.2061 +vn 0.0000 -0.9877 0.1564 +vn -0.0654 -0.1284 -0.9896 +vn 0.0654 -0.1284 -0.9896 +vn 1.0000 0.0000 0.0000 +vn -1.0000 0.0000 0.0000 +vn -0.0000 -0.9917 0.1287 +vn 0.0000 0.9917 -0.1287 +vn 0.0000 0.4490 0.8935 +vn -0.9979 -0.0084 -0.0649 +vn 0.9979 0.0084 0.0649 +vn 0.9979 -0.0084 -0.0649 +vn -0.9979 0.0084 0.0649 +vn 0.7071 0.0910 0.7012 +vn 0.5000 0.1114 0.8588 +vn -0.7071 0.0910 0.7012 +vn -0.8660 0.0643 0.4958 +vn -0.9659 -0.0333 -0.2567 +vn 0.8660 -0.0643 -0.4958 +vn 0.9659 -0.0333 -0.2567 +vn -0.9659 0.0333 0.2567 +vn 0.2588 0.1243 0.9579 +vn -0.5000 0.1114 0.8588 +vn -0.7071 -0.0910 -0.7012 +vn -0.8660 -0.0643 -0.4958 +vn -0.2588 -0.1243 -0.9579 +vn -0.5000 -0.1114 -0.8588 +vn 0.2588 -0.1243 -0.9579 +vn 0.5000 -0.1114 -0.8588 +vn 0.7071 -0.0910 -0.7012 +vn 0.8660 0.0643 0.4958 +vn 0.9659 0.0333 0.2567 +usemtl Default +s 1 +f 514/1/1 516/2/2 468/3/2 +f 758/4/3 759/5/4 764/6/4 +f 780/7/5 782/8/6 781/9/6 +f 476/10/7 479/11/8 478/12/8 +f 125/13/9 126/14/10 127/15/10 +f 351/16/11 354/17/12 353/18/12 +f 40/19/13 42/20/14 43/21/14 +f 558/22/13 560/23/14 561/24/14 +f 47/25/15 48/26/16 49/27/16 +f 611/28/13 614/29/14 613/30/14 +f 357/31/17 302/32/18 304/33/18 +f 488/34/19 490/35/20 491/36/20 +f 310/37/21 309/38/22 307/39/22 +f 285/40/23 287/41/24 286/42/24 +f 163/43/7 168/44/8 167/45/8 +f 299/46/1 300/47/2 252/48/2 +f 335/49/25 338/50/26 337/51/26 +f 417/52/27 420/53/28 422/54/28 +f 820/55/29 822/56/30 823/57/30 +f 444/58/31 446/59/32 445/60/32 +f 521/61/33 523/62/34 522/63/34 +f 363/64/35 370/65/36 369/66/36 +f 25/67/37 26/68/9 27/69/9 +f 802/70/38 806/71/39 805/72/39 +f 470/73/28 472/74/7 476/10/7 +f 581/75/40 586/76/41 585/77/41 +f 251/78/27 255/79/28 254/80/28 +f 803/81/42 804/82/43 807/83/43 +f 295/84/44 297/85/45 296/86/45 +f 350/87/46 347/88/47 348/89/47 +f 355/90/48 358/91/17 357/31/17 +f 85/92/49 88/93/50 87/94/50 +f 329/95/51 334/96/52 333/97/52 +f 296/98/45 298/99/1 299/46/1 +f 731/100/53 733/101/54 737/102/54 +f 50/103/55 1/104/33 2/105/55 +f 825/106/56 826/107/57 827/108/57 +f 499/109/58 501/110/23 500/111/23 +f 609/112/59 612/113/13 611/114/13 +f 155/115/27 158/116/28 157/117/28 +f 28/118/10 30/119/49 31/120/49 +f 339/121/60 344/122/61 343/123/61 +f 425/124/62 433/125/63 432/126/63 +f 327/127/64 332/128/65 331/129/65 +f 462/130/44 463/131/45 464/132/45 +f 813/133/66 817/134/67 816/135/67 +f 829/136/68 827/108/57 826/107/57 +f 346/137/69 343/123/61 344/122/61 +f 131/138/50 132/139/70 133/140/70 +f 432/126/63 436/141/71 435/142/71 +f 323/143/72 328/144/64 327/127/64 +f 218/145/71 221/146/73 220/147/73 +f 689/148/74 724/149/75 719/150/74 +f 795/151/76 796/152/77 800/153/77 +f 305/154/35 312/155/36 311/156/36 +f 408/157/46 405/158/47 406/159/47 +f 800/153/77 801/160/42 803/81/42 +f 494/161/32 497/162/78 496/163/78 +f 197/164/44 200/165/45 199/166/45 +f 123/167/37 124/168/9 125/13/9 +f 97/169/14 100/170/79 99/171/79 +f 542/172/37 545/173/9 544/174/9 +f 4/175/80 6/176/81 10/177/81 +f 833/178/82 834/179/5 835/180/5 +f 503/181/24 504/182/83 505/183/83 +f 541/184/84 543/185/37 542/172/37 +f 159/186/62 166/187/63 165/188/63 +f 27/69/9 29/189/10 28/190/10 +f 81/191/9 84/192/10 83/193/10 +f 79/194/37 82/195/9 81/191/9 +f 371/196/85 377/197/86 376/198/86 +f 229/199/32 230/200/78 231/201/78 +f 325/202/87 330/203/51 329/95/51 +f 567/204/16 572/205/55 571/206/55 +f 246/207/45 249/208/1 248/209/1 +f 373/210/88 375/211/89 378/212/89 +f 435/142/71 438/213/73 437/214/73 +f 223/215/19 224/216/20 225/217/20 +f 289/218/83 286/42/24 287/41/24 +f 533/219/90 526/220/80 529/221/80 +f 17/222/41 18/223/91 19/224/91 +f 805/72/39 810/225/92 809/226/92 +f 500/227/23 502/228/24 503/181/24 +f 233/229/58 234/230/23 235/231/23 +f 740/232/76 742/233/77 744/234/77 +f 390/235/51 395/236/52 394/237/52 +f 815/238/3 819/239/4 818/240/4 +f 512/241/45 515/242/1 514/1/1 +f 763/243/67 706/244/93 705/245/93 +f 191/246/83 194/247/94 193/248/94 +f 137/249/59 138/250/13 139/251/13 +f 304/33/18 303/252/95 301/253/95 +f 12/254/96 14/255/90 13/256/90 +f 530/257/96 531/258/90 533/219/90 +f 595/259/37 598/260/9 597/261/9 +f 534/262/41 536/263/91 537/264/91 +f 591/265/97 594/266/84 593/267/84 +f 613/30/14 616/268/79 615/269/79 +f 307/39/22 314/270/85 313/271/85 +f 59/272/81 66/273/40 65/274/40 +f 406/159/47 403/275/69 404/276/69 +f 57/277/33 64/278/34 63/279/34 +f 36/280/98 38/281/59 39/282/59 +f 145/283/15 146/284/16 147/285/16 +f 272/286/19 274/287/20 275/288/20 +f 610/289/59 607/290/98 608/291/98 +f 193/248/94 196/292/99 195/293/99 +f 484/294/71 487/295/73 486/296/73 +f 546/297/10 549/298/49 548/299/49 +f 113/300/40 114/301/41 115/302/41 +f 162/303/100 161/304/62 159/186/62 +f 165/188/63 170/305/71 169/306/71 +f 384/307/64 385/308/65 388/309/65 +f 392/310/25 393/311/26 396/312/26 +f 724/149/75 696/313/101 728/314/101 +f 169/306/71 174/315/73 173/316/73 +f 121/317/84 122/318/37 123/167/37 +f 608/291/98 605/319/70 606/320/70 +f 369/321/36 374/322/88 373/210/88 +f 65/274/40 71/323/41 70/324/41 +f 70/325/41 74/326/91 73/327/91 +f 597/261/9 600/328/10 599/329/10 +f 601/330/49 604/331/50 603/332/50 +f 242/333/102 244/334/44 245/335/44 +f 460/336/102 461/337/44 462/130/44 +f 477/338/100 475/339/62 473/340/62 +f 555/341/98 552/342/70 553/343/70 +f 51/344/16 56/345/55 55/346/55 +f 108/347/96 109/348/90 112/349/90 +f 467/350/27 471/351/28 470/73/28 +f 317/352/86 322/353/103 321/354/103 +f 209/355/62 212/356/63 215/357/63 +f 745/358/38 747/359/39 750/360/39 +f 517/361/55 519/362/33 521/61/33 +f 507/363/94 505/183/83 504/182/83 +f 777/364/82 779/365/5 780/7/5 +f 738/366/104 739/367/105 743/368/105 +f 404/276/69 401/369/61 402/370/61 +f 768/371/30 769/372/56 770/373/56 +f 557/374/59 554/375/98 555/341/98 +f 282/376/58 284/377/23 285/378/23 +f 764/6/4 765/379/29 766/380/29 +f 226/381/31 228/382/32 229/199/32 +f 483/383/106 474/384/100 477/338/100 +f 396/312/26 397/385/107 398/386/107 +f 15/387/40 16/388/41 17/389/41 +f 333/97/52 340/390/60 339/121/60 +f 190/391/24 187/392/23 188/393/23 +f 167/394/8 172/395/106 171/396/106 +f 565/397/15 566/398/16 520/399/16 +f 785/400/108 787/401/53 789/402/53 +f 225/217/20 227/403/31 226/381/31 +f 445/60/32 447/404/78 448/405/78 +f 19/224/91 20/406/97 21/407/97 +f 556/408/59 559/409/13 558/410/13 +f 448/405/78 449/411/58 450/412/58 +f 421/413/2 419/414/27 417/52/27 +f 214/415/8 217/416/106 216/417/106 +f 735/418/108 732/419/53 731/100/53 +f 831/420/109 832/421/82 833/178/82 +f 115/422/41 116/423/91 117/424/91 +f 585/425/41 590/426/91 589/427/91 +f 579/428/34 584/429/96 583/430/96 +f 570/431/15 569/432/16 567/204/16 +f 766/380/29 767/433/30 768/371/30 +f 204/434/28 207/435/7 206/436/7 +f 181/437/32 184/438/78 183/439/78 +f 399/440/60 402/370/61 401/369/61 +f 92/441/98 89/442/70 90/443/70 +f 179/444/110 182/445/32 181/437/32 +f 300/47/2 251/78/27 252/48/2 +f 486/296/73 489/446/19 488/447/19 +f 437/214/73 440/448/19 439/449/19 +f 510/450/44 513/451/45 512/452/45 +f 276/453/110 279/454/32 278/455/32 +f 414/456/48 411/457/12 412/458/12 +f 313/271/85 318/459/86 317/352/86 +f 450/412/58 452/460/23 451/461/23 +f 177/462/20 180/463/110 179/444/110 +f 423/464/7 430/465/8 429/466/8 +f 44/467/79 46/468/15 47/25/15 +f 239/469/83 236/470/24 237/471/24 +f 789/402/53 792/472/54 791/473/54 +f 119/474/97 120/475/84 121/317/84 +f 359/476/95 364/477/35 363/64/35 +f 151/478/2 156/479/27 155/115/27 +f 575/480/81 582/481/40 581/75/40 +f 292/482/99 294/483/44 295/84/44 +f 238/484/83 240/485/94 241/486/94 +f 434/487/106 426/488/100 428/489/100 +f 105/490/80 107/491/81 110/492/81 +f 413/493/48 416/494/17 415/495/17 +f 73/327/91 76/496/97 75/497/97 +f 473/340/62 482/498/63 481/499/63 +f 818/240/4 821/500/29 820/55/29 +f 756/501/111 761/502/66 760/503/66 +f 135/504/98 136/505/59 137/249/59 +f 290/506/94 293/507/99 292/482/99 +f 266/508/63 269/509/71 268/510/71 +f 99/171/79 52/511/15 54/512/15 +f 794/513/104 798/514/105 797/515/105 +f 62/516/80 61/517/81 59/272/81 +f 773/518/68 775/519/109 776/520/109 +f 562/521/79 564/522/15 565/397/15 +f 94/523/59 91/524/98 92/441/98 +f 750/360/39 754/525/92 753/526/92 +f 593/267/84 596/527/37 595/259/37 +f 455/528/83 457/529/94 458/530/94 +f 254/80/28 257/531/7 256/532/7 +f 311/533/36 316/534/88 315/535/88 +f 237/471/24 235/536/23 234/537/23 +f 127/538/10 128/539/49 129/540/49 +f 578/541/80 577/542/81 575/480/81 +f 256/532/7 264/543/8 263/544/8 +f 149/545/55 150/546/33 104/547/33 +f 671/548/112 736/549/104 738/366/104 +f 33/550/50 34/551/70 35/552/70 +f 464/553/45 466/554/1 465/555/1 +f 439/556/19 442/557/20 441/558/20 +f 150/546/33 101/559/34 104/547/33 +f 356/560/48 353/18/12 354/17/12 +f 129/540/49 130/561/50 131/138/50 +f 599/562/10 602/563/49 601/330/49 +f 674/564/112 790/565/104 794/513/104 +f 376/198/86 381/566/103 380/567/103 +f 77/568/84 80/569/37 79/194/37 +f 407/570/46 410/571/11 409/572/11 +f 280/573/78 283/574/58 282/376/58 +f 760/503/66 762/575/67 763/243/67 +f 275/288/20 277/576/110 276/453/110 +f 49/27/16 50/103/55 2/105/55 +f 458/530/94 459/577/102 460/336/102 +f 465/555/1 418/578/2 421/413/2 +f 415/495/17 360/579/18 362/580/18 +f 835/180/5 836/581/6 837/582/6 +f 133/140/70 134/583/98 135/504/98 +f 154/584/1 153/585/2 151/478/2 +f 587/586/90 576/587/80 578/541/80 +f 571/206/55 574/588/33 573/589/33 +f 606/320/70 603/332/50 604/331/50 +f 1/104/33 8/590/34 7/591/34 +f 267/592/106 259/593/100 262/594/100 +f 43/21/14 45/595/79 44/467/79 +f 429/596/8 431/597/106 434/487/106 +f 491/36/20 493/598/110 492/599/110 +f 175/600/19 178/601/20 177/462/20 +f 362/580/18 361/602/95 359/476/95 +f 55/346/55 58/603/33 57/277/33 +f 213/604/100 211/605/62 209/355/62 +f 110/492/81 111/606/40 113/300/40 +f 206/436/7 208/607/8 214/608/8 +f 248/209/1 250/609/2 202/610/2 +f 823/57/30 824/611/56 825/106/56 +f 331/129/65 336/612/25 335/49/25 +f 816/135/67 711/613/93 713/614/93 +f 492/599/110 495/615/32 494/161/32 +f 263/616/8 265/617/106 267/592/106 +f 573/589/33 580/618/34 579/619/34 +f 268/510/71 270/620/73 271/621/73 +f 509/622/99 511/623/44 510/450/44 +f 753/526/92 755/624/3 758/625/3 +f 93/626/59 96/627/13 95/628/13 +f 258/629/62 261/630/63 266/508/63 +f 522/631/34 524/632/96 530/257/96 +f 147/285/16 148/633/55 149/545/55 +f 691/634/113 725/635/114 726/636/113 +f 496/163/78 498/637/58 499/109/58 +f 791/638/54 793/639/76 795/151/76 +f 192/640/83 189/641/24 190/391/24 +f 368/642/21 367/643/22 365/644/22 +f 95/645/13 98/646/14 97/169/14 +f 365/644/22 372/647/85 371/196/85 +f 183/439/78 186/648/58 185/649/58 +f 812/650/111 814/651/66 813/133/66 +f 774/652/68 771/653/57 772/654/57 +f 428/489/100 427/655/62 425/124/62 +f 772/654/57 770/373/56 769/372/56 +f 537/264/91 539/656/97 538/657/97 +f 201/658/27 205/659/28 204/434/28 +f 143/660/79 144/661/15 145/283/15 +f 37/662/98 35/552/70 34/551/70 +f 157/117/28 164/663/7 163/43/7 +f 54/512/15 53/664/16 51/344/16 +f 751/665/43 757/666/111 756/501/111 +f 737/667/54 741/668/76 740/232/76 +f 394/237/52 400/669/60 399/440/60 +f 828/670/68 830/671/109 831/420/109 +f 525/672/81 528/673/40 532/674/40 +f 807/83/43 808/675/111 812/650/111 +f 386/676/87 391/677/51 390/235/51 +f 529/221/80 527/678/81 525/672/81 +f 797/515/105 799/679/38 802/70/38 +f 451/680/23 453/681/24 454/682/24 +f 422/54/28 424/683/7 423/464/7 +f 250/609/2 201/658/27 202/610/2 +f 380/567/103 387/684/87 386/685/87 +f 10/177/81 11/686/40 15/387/40 +f 301/253/95 306/687/35 305/154/35 +f 63/688/34 68/689/96 67/690/96 +f 215/357/63 219/691/71 218/145/71 +f 72/692/90 60/693/80 62/516/80 +f 220/147/73 222/694/19 223/695/19 +f 478/696/8 480/697/106 483/383/106 +f 173/316/73 176/698/19 175/699/19 +f 7/700/34 9/701/96 12/254/96 +f 195/293/99 198/702/44 197/164/44 +f 593/703/115 617/704/115 591/705/115 +f 618/706/115 607/707/115 619/708/115 +f 620/709/115 617/704/115 593/703/115 +f 573/710/115 621/711/115 622/712/115 +f 605/713/115 607/707/115 618/706/115 +f 583/714/115 623/715/115 621/711/115 +f 595/716/115 620/709/115 593/703/115 +f 624/717/115 623/715/115 583/714/115 +f 625/718/115 605/713/115 618/706/115 +f 571/719/115 573/710/115 622/712/115 +f 603/720/115 605/713/115 625/718/115 +f 626/721/115 571/719/115 622/712/115 +f 627/722/115 620/709/115 595/716/115 +f 587/723/115 624/717/115 583/714/115 +f 597/724/115 627/722/115 595/716/115 +f 628/725/115 624/717/115 587/723/115 +f 567/726/115 571/719/115 626/721/115 +f 629/727/115 603/720/115 625/718/115 +f 629/727/115 601/728/115 603/720/115 +f 578/729/115 628/725/115 587/723/115 +f 630/730/115 597/724/115 599/731/115 +f 630/730/115 627/722/115 597/724/115 +f 631/732/115 567/726/115 626/721/115 +f 632/733/115 599/731/115 601/728/115 +f 632/733/115 601/728/115 629/727/115 +f 632/733/115 630/730/115 599/731/115 +f 633/734/115 628/725/115 578/729/115 +f 573/710/115 579/735/115 621/711/115 +f 621/711/115 579/735/115 583/714/115 +f 570/736/115 567/726/115 631/732/115 +f 575/737/115 633/734/115 578/729/115 +f 634/738/115 570/736/115 631/732/115 +f 635/739/115 633/734/115 575/737/115 +f 615/740/115 570/736/115 634/738/115 +f 581/741/115 635/739/115 575/737/115 +f 636/742/115 615/740/115 634/738/115 +f 637/743/115 635/739/115 581/741/115 +f 613/744/115 615/740/115 636/742/115 +f 585/745/115 637/743/115 581/741/115 +f 638/746/115 613/744/115 636/742/115 +f 639/747/115 637/743/115 585/745/115 +f 611/748/115 613/744/115 638/746/115 +f 589/749/115 639/747/115 585/745/115 +f 640/750/115 611/748/115 638/746/115 +f 641/751/115 639/747/115 589/749/115 +f 609/752/115 611/748/115 640/750/115 +f 591/705/115 641/751/115 589/749/115 +f 619/708/115 609/752/115 640/750/115 +f 617/704/115 641/751/115 591/705/115 +f 607/707/115 609/752/115 619/708/115 +f 72/753/115 106/754/115 109/755/115 +f 569/756/116 565/757/116 520/758/116 +f 422/759/116 472/760/116 471/761/116 +f 51/762/115 144/763/115 54/764/115 +f 116/765/115 70/766/115 73/767/115 +f 230/768/115 282/769/115 232/770/115 +f 596/771/116 544/772/116 598/773/116 +f 572/774/116 520/758/116 517/775/116 +f 606/776/116 551/777/116 552/778/116 +f 111/779/115 59/780/115 65/781/115 +f 114/782/115 65/781/115 70/766/115 +f 568/783/116 562/784/116 565/757/116 +f 57/785/115 148/786/115 55/787/115 +f 546/788/116 598/773/116 544/772/116 +f 85/789/115 130/790/115 128/791/115 +f 55/787/115 146/792/115 51/762/115 +f 87/793/115 132/794/115 130/790/115 +f 612/795/116 556/796/116 558/797/116 +f 136/798/115 95/799/115 138/800/115 +f 63/801/115 150/802/115 57/785/115 +f 128/791/115 83/803/115 85/789/115 +f 102/804/115 67/805/115 103/806/115 +f 99/807/115 140/808/115 97/809/115 +f 103/806/115 72/753/115 109/755/115 +f 124/810/115 79/811/115 81/812/115 +f 518/813/115 523/814/115 519/815/115 +f 531/816/115 524/817/115 523/814/115 +f 564/818/115 518/813/115 566/819/115 +f 564/818/115 523/814/115 518/813/115 +f 527/820/115 526/821/115 531/816/115 +f 563/822/115 523/814/115 564/818/115 +f 559/823/115 563/822/115 560/824/115 +f 539/825/115 528/826/115 527/820/115 +f 539/825/115 535/827/115 528/826/115 +f 539/825/115 536/828/115 535/827/115 +f 555/829/115 559/823/115 557/830/115 +f 342/831/115 633/734/115 635/739/115 +f 297/832/116 283/833/116 253/834/116 +f 555/829/115 563/822/115 559/823/115 +f 543/835/115 540/836/115 539/825/115 +f 550/837/115 555/829/115 553/838/115 +f 547/839/115 545/840/115 543/835/115 +f 547/839/115 550/837/115 549/841/115 +f 547/839/115 539/825/115 527/820/115 +f 547/839/115 555/829/115 550/837/115 +f 547/839/115 543/835/115 539/825/115 +f 512/842/115 509/843/115 510/844/115 +f 505/845/115 506/846/115 509/843/115 +f 467/847/115 512/842/115 514/848/115 +f 467/847/115 514/848/115 468/849/115 +f 500/850/115 503/851/115 505/845/115 +f 476/852/115 467/847/115 470/853/115 +f 476/852/115 509/843/115 512/842/115 +f 476/852/115 505/845/115 509/843/115 +f 476/852/115 500/850/115 505/845/115 +f 476/852/115 512/842/115 467/847/115 +f 496/854/115 499/855/115 500/850/115 +f 127/856/116 101/857/116 112/858/116 +f 483/859/115 476/852/115 478/860/115 +f 492/861/115 494/862/115 496/854/115 +f 473/863/115 483/859/115 477/864/115 +f 473/863/115 496/854/115 483/859/115 +f 488/865/115 491/866/115 492/861/115 +f 488/865/115 492/861/115 496/854/115 +f 488/865/115 496/854/115 473/863/115 +f 481/867/115 488/865/115 473/863/115 +f 484/868/115 486/869/115 488/865/115 +f 484/868/115 488/865/115 481/867/115 +f 250/870/115 251/871/115 203/872/115 +f 256/873/115 205/874/115 254/875/115 +f 267/876/115 208/877/115 263/878/115 +f 263/878/115 207/879/115 256/873/115 +f 227/880/115 275/881/115 276/882/115 +f 275/881/115 222/883/115 272/884/115 +f 262/885/115 211/886/115 210/887/115 +f 247/888/115 295/889/115 296/890/115 +f 285/891/115 237/892/115 234/893/115 +f 490/894/116 444/895/116 493/896/116 +f 870/897/116 869/898/116 867/899/116 +f 228/900/115 280/901/115 230/768/115 +f 247/888/115 299/902/115 249/903/115 +f 212/904/115 258/905/115 266/906/115 +f 120/907/115 75/908/115 77/909/115 +f 268/910/115 212/904/115 266/906/115 +f 460/911/116 511/912/116 508/913/116 +f 429/914/116 480/915/116 479/916/116 +f 423/917/116 479/916/116 472/760/116 +f 219/918/115 271/919/115 221/920/115 +f 243/921/115 295/889/115 244/922/115 +f 577/923/116 532/924/116 582/925/116 +f 239/926/115 290/927/115 240/928/115 +f 272/884/115 221/920/115 271/919/115 +f 227/880/115 278/929/115 228/900/115 +f 443/930/115 646/931/115 647/932/115 +f 463/933/115 644/934/115 649/935/115 +f 664/936/115 449/937/115 447/938/115 +f 643/939/115 461/940/115 459/941/115 +f 656/942/115 440/943/115 438/944/115 +f 641/751/115 653/945/115 649/935/115 +f 466/946/115 649/935/115 653/945/115 +f 418/947/115 653/945/115 655/948/115 +f 424/949/115 661/950/115 663/951/115 +f 652/952/115 457/953/115 456/954/115 +f 651/955/115 442/956/115 440/943/115 +f 662/957/115 452/958/115 449/937/115 +f 430/959/115 663/951/115 665/960/115 +f 433/961/115 650/962/115 654/963/115 +f 666/964/115 447/938/115 446/965/115 +f 420/966/115 659/967/115 661/950/115 +f 419/968/115 655/948/115 659/967/115 +f 427/969/115 645/970/115 650/962/115 +f 660/971/115 453/972/115 452/958/115 +f 431/973/115 665/960/115 642/974/115 +f 657/975/115 456/954/115 453/972/115 +f 436/976/115 654/963/115 658/977/115 +f 426/978/115 642/974/115 645/970/115 +f 658/977/115 438/944/115 436/976/115 +f 648/979/115 459/941/115 457/953/115 +f 667/980/117 668/981/117 669/982/117 +f 398/386/107 397/385/107 670/983/117 +f 671/548/112 672/984/117 673/985/112 +f 674/564/112 675/986/117 676/987/112 +f 675/986/117 342/988/107 676/987/112 +f 677/989/117 342/988/107 675/986/117 +f 669/982/117 342/988/107 677/989/117 +f 668/981/117 342/988/107 669/982/117 +f 678/990/117 342/988/107 668/981/117 +f 341/991/107 342/988/107 678/990/117 +f 679/992/117 680/993/117 681/994/117 +f 680/993/117 682/995/117 683/996/117 +f 681/994/117 680/993/117 683/996/117 +f 670/983/117 679/992/117 684/997/117 +f 398/386/107 670/983/117 684/997/117 +f 679/992/117 681/994/117 684/997/117 +f 695/998/117 696/999/117 694/1000/117 +f 398/386/107 684/997/117 687/1001/117 +f 398/386/107 687/1001/117 672/984/117 +f 627/722/115 661/950/115 659/967/115 +f 688/1002/117 690/1003/117 689/1004/117 +f 726/1005/118 719/1006/118 724/1007/118 +f 691/1008/117 693/1009/117 692/1010/117 +f 685/1011/117 689/1004/117 686/1012/117 +f 563/822/115 531/816/115 523/814/115 +f 695/998/117 697/1013/117 698/1014/117 +f 398/386/107 672/984/117 671/548/112 +f 697/1013/117 668/981/117 667/980/117 +f 698/1014/117 697/1013/117 667/980/117 +f 699/1015/118 700/1016/118 701/1017/118 +f 701/1017/118 702/1018/118 703/1019/118 +f 702/1018/118 704/1020/118 703/1019/118 +f 705/245/93 706/244/93 707/1021/118 +f 368/642/21 708/1022/118 366/1023/21 +f 310/37/21 709/1024/118 308/1025/21 +f 710/1026/118 711/613/93 308/1025/21 +f 712/1027/118 710/1026/118 308/1025/21 +f 704/1020/118 712/1027/118 308/1025/21 +f 703/1019/118 704/1020/118 308/1025/21 +f 709/1024/118 703/1019/118 308/1025/21 +f 713/614/93 711/613/93 710/1026/118 +f 728/1028/118 699/1015/118 729/1029/118 +f 717/1030/118 714/1031/118 718/1032/118 +f 714/1031/118 716/1033/118 718/1032/118 +f 694/1000/117 692/1010/117 693/1009/117 +f 722/1034/118 717/1030/118 723/1035/118 +f 717/1030/118 718/1032/118 723/1035/118 +f 724/1007/118 729/1029/118 727/1036/118 +f 721/1037/118 719/1006/118 725/1038/118 +f 722/1034/118 723/1035/118 708/1022/118 +f 726/1005/118 724/1007/118 727/1036/118 +f 719/1006/118 720/1039/118 715/1040/118 +f 682/995/117 686/1012/117 683/996/117 +f 707/1021/118 730/1041/118 368/642/21 +f 730/1041/118 722/1034/118 368/642/21 +f 705/245/93 707/1021/118 368/642/21 +f 722/1034/118 708/1022/118 368/642/21 +f 700/1016/118 702/1018/118 701/1017/118 +f 262/594/100 260/1042/62 258/629/62 +f 321/354/103 326/1043/87 325/1044/87 +f 532/674/40 535/1045/41 534/1046/41 +f 561/24/14 563/1047/79 562/521/79 +f 516/2/2 467/350/27 468/3/2 +f 291/1048/94 288/1049/83 289/218/83 +f 615/269/79 568/1050/15 570/431/15 +f 67/690/96 69/1051/90 72/692/90 +f 319/1052/89 324/1053/72 323/143/72 +f 743/368/105 746/1054/38 745/358/38 +f 75/497/97 78/1055/84 77/568/84 +f 117/424/91 118/1056/97 119/474/97 +f 101/1057/34 103/1058/96 108/347/96 +f 185/649/58 188/1059/23 187/1060/23 +f 171/396/106 160/1061/100 162/303/100 +f 548/299/49 550/1062/50 551/1063/50 +f 589/427/91 592/1064/97 591/265/97 +f 409/572/11 412/458/12 411/457/12 +f 199/1065/45 152/1066/1 154/584/1 +f 23/1067/84 24/1068/37 25/67/37 +f 41/1069/13 39/282/59 38/281/59 +f 13/256/90 5/1070/80 4/175/80 +f 551/1063/50 553/343/70 552/342/70 +f 31/120/49 32/1071/50 33/550/50 +f 544/174/9 547/1072/10 546/1073/10 +f 21/407/97 22/1074/84 23/1067/84 +f 278/455/32 281/1075/78 280/573/78 +f 90/443/70 87/94/50 88/93/50 +f 216/417/106 210/1076/100 213/604/100 +f 245/335/44 247/1077/45 246/1078/45 +f 141/1079/14 142/1080/79 143/660/79 +f 784/1081/119 781/9/6 782/8/6 +f 112/349/90 106/1082/80 105/490/80 +f 348/89/47 345/1083/69 346/137/69 +f 456/1084/83 454/682/24 453/681/24 +f 481/499/63 485/1085/71 484/294/71 +f 744/234/77 749/1086/42 748/1087/42 +f 378/212/89 379/1088/72 382/1089/72 +f 231/201/78 232/1090/58 233/229/58 +f 783/1091/119 734/1092/108 735/418/108 +f 382/1089/72 383/1093/64 384/307/64 +f 441/558/20 443/1094/31 444/58/31 +f 243/1095/99 241/486/94 240/485/94 +f 776/520/109 778/1096/82 777/364/82 +f 337/51/26 342/988/107 341/991/107 +f 809/226/92 811/1097/3 815/1098/3 +f 388/309/65 389/1099/25 392/310/25 +f 271/621/73 273/1100/19 272/1101/19 +f 349/1102/46 352/1103/11 351/16/11 +f 506/1104/94 508/1105/99 509/622/99 +f 583/430/96 588/1106/90 587/586/90 +f 566/398/16 517/361/55 520/399/16 +f 139/1107/13 140/1108/14 141/1079/14 +f 83/1109/10 86/1110/49 85/92/49 +f 315/535/88 320/1111/89 319/1052/89 +f 748/1087/42 752/1112/43 751/665/43 +f 852/1113/116 382/1114/116 854/1115/116 +f 636/742/115 340/1116/115 334/1117/115 +f 408/1118/115 49/1119/115 410/1120/115 +f 638/746/115 330/1121/115 326/1122/115 +f 359/1123/116 850/1124/116 848/1125/116 +f 634/738/115 348/1126/115 346/1127/115 +f 634/738/115 346/1127/115 344/1128/115 +f 640/750/115 322/1129/115 318/1130/115 +f 415/1131/116 848/1125/116 846/1132/116 +f 388/1133/116 855/1134/116 854/1115/116 +f 631/732/115 352/1135/115 350/1136/115 +f 619/708/115 314/1137/115 309/1138/115 +f 867/899/116 866/1139/116 864/1140/116 +f 396/1141/116 856/1142/116 855/1134/116 +f 788/1143/115 651/955/115 786/1144/115 +f 626/721/115 356/1145/115 354/1146/115 +f 834/1147/115 646/931/115 836/1148/115 +f 622/712/115 302/1149/115 358/1150/115 +f 625/718/115 618/706/115 308/1151/115 +f 621/711/115 312/1152/115 306/1153/115 +f 621/711/115 306/1153/115 303/1154/115 +f 629/727/115 625/718/115 308/1151/115 +f 876/1155/116 740/1156/116 875/1157/116 +f 632/733/115 629/727/115 308/1151/115 +f 320/1158/115 316/1159/115 623/715/115 +f 877/1160/116 731/1161/116 876/1155/116 +f 630/730/115 632/733/115 308/1151/115 +f 328/1162/115 324/1163/115 624/717/115 +f 821/1164/115 664/936/115 822/1165/115 +f 336/1166/115 332/1167/115 628/725/115 +f 666/964/115 830/1168/115 829/1169/115 +f 617/704/115 655/948/115 653/945/115 +f 342/831/115 635/739/115 637/743/115 +f 342/831/115 637/743/115 639/747/115 +f 342/831/115 639/747/115 641/751/115 +f 398/1170/116 874/1171/116 860/1172/116 +f 663/951/115 711/1173/115 665/960/115 +f 642/974/115 665/960/115 711/1173/115 +f 661/950/115 630/730/115 663/951/115 +f 864/1140/116 863/1174/116 853/1175/116 +f 645/970/115 642/974/115 711/1173/115 +f 394/1176/116 840/1177/116 839/1178/116 +f 676/1179/115 652/952/115 790/1180/115 +f 879/1181/116 738/1182/116 884/1183/116 +f 310/1184/116 37/1185/116 34/1186/116 +f 654/963/115 814/1187/115 808/1188/115 +f 884/1183/116 745/1189/116 886/1190/116 +f 715/1040/118 716/1033/118 714/1031/118 +f 658/977/115 804/1191/115 801/1192/115 +f 658/977/115 801/1192/115 796/1193/115 +f 339/1194/116 42/1195/116 333/1196/116 +f 792/1197/115 656/942/115 793/1198/115 +f 329/1199/116 41/1200/116 325/1201/116 +f 786/1144/115 651/955/115 787/1202/115 +f 41/1200/116 317/1203/116 321/1204/116 +f 836/1148/115 646/931/115 788/1143/115 +f 307/1205/116 38/1206/116 37/1185/116 +f 630/730/115 711/1173/115 663/951/115 +f 676/1179/115 649/935/115 644/934/115 +f 676/1179/115 644/934/115 643/939/115 +f 676/1179/115 643/939/115 648/979/115 +f 161/1207/115 706/1208/115 762/1209/115 +f 832/1210/115 647/932/115 834/1147/115 +f 811/1211/115 662/957/115 819/1212/115 +f 830/1168/115 647/932/115 832/1210/115 +f 358/1150/115 626/721/115 622/712/115 +f 799/1213/115 798/1214/115 657/975/115 +f 826/1215/115 666/964/115 829/1169/115 +f 332/1167/115 624/717/115 628/725/115 +f 303/1154/115 622/712/115 621/711/115 +f 810/1216/115 806/1217/115 660/971/115 +f 822/1165/115 664/936/115 824/1218/115 +f 811/1211/115 810/1216/115 660/971/115 +f 312/1152/115 623/715/115 316/1159/115 +f 320/1158/115 624/717/115 324/1163/115 +f 819/1212/115 662/957/115 821/1164/115 +f 390/1219/116 394/1176/116 839/1178/116 +f 305/1220/116 8/1221/116 3/1222/116 +f 374/1223/115 12/1224/115 375/1225/115 +f 399/1226/116 401/1227/116 840/1177/116 +f 380/1228/116 386/1229/116 841/1230/116 +f 376/1231/116 380/1228/116 841/1230/116 +f 14/1232/116 335/1233/116 5/1234/116 +f 403/1235/116 405/1236/116 842/1237/116 +f 379/1238/115 13/1239/115 383/1240/115 +f 304/1241/116 50/1242/116 357/1243/116 +f 365/1244/116 371/1245/116 843/1246/116 +f 5/1234/116 341/1247/116 6/1248/116 +f 407/1249/116 409/1250/116 844/1251/116 +f 355/1252/116 48/1253/116 353/1254/116 +f 413/1255/116 415/1131/116 846/1132/116 +f 411/1256/116 413/1255/116 846/1132/116 +f 368/1257/116 845/1258/116 847/1259/116 +f 362/1260/116 359/1123/116 848/1125/116 +f 184/1261/115 772/1262/115 769/1263/115 +f 368/1257/116 847/1259/116 849/1264/116 +f 363/1265/116 369/1266/116 850/1124/116 +f 185/1267/116 823/1268/116 183/1269/116 +f 334/1117/115 638/746/115 636/742/115 +f 368/1257/116 849/1264/116 851/1270/116 +f 852/1113/116 373/1271/116 378/1272/116 +f 368/1257/116 851/1270/116 853/1175/116 +f 345/1273/116 46/1274/116 45/1275/116 +f 854/1115/116 382/1114/116 384/1276/116 +f 191/1277/116 797/1278/116 189/1279/116 +f 854/1115/116 384/1276/116 388/1133/116 +f 855/1134/116 392/1280/116 396/1141/116 +f 705/1281/116 871/1282/116 763/1283/116 +f 857/1284/116 856/1142/116 398/1170/116 +f 858/1285/116 857/1284/116 398/1170/116 +f 859/1286/116 858/1285/116 398/1170/116 +f 860/1172/116 859/1286/116 398/1170/116 +f 24/1287/116 709/1288/120 26/1289/116 +f 705/1281/116 861/1290/116 862/1291/116 +f 861/1290/116 705/1281/116 863/1174/116 +f 860/1172/116 872/1292/116 870/897/116 +f 705/1281/116 862/1291/116 865/1293/116 +f 673/1294/115 192/1295/115 736/1296/115 +f 705/1281/116 865/1293/116 868/1297/116 +f 650/962/115 711/1173/115 817/1298/115 +f 877/1160/116 781/1299/116 783/1300/116 +f 760/1301/116 763/1283/116 871/1282/116 +f 798/1214/115 652/952/115 657/975/115 +f 707/1302/121 156/1303/115 672/1304/121 +f 751/1305/116 756/1306/116 873/1307/116 +f 657/975/115 806/1217/115 799/1213/115 +f 853/1175/116 705/1281/116 368/1257/116 +f 744/1308/116 748/1309/116 875/1157/116 +f 744/1308/116 875/1157/116 740/1156/116 +f 873/1307/116 748/1309/116 751/1305/116 +f 871/1282/116 756/1306/116 760/1301/116 +f 737/1310/116 876/1155/116 731/1161/116 +f 735/1311/116 877/1160/116 783/1300/116 +f 664/936/115 826/1215/115 824/1218/115 +f 781/1299/116 878/1312/116 780/1313/116 +f 879/1181/116 880/1314/116 671/1315/116 +f 880/1314/116 881/1316/116 671/1315/116 +f 881/1316/116 882/1317/116 671/1315/116 +f 882/1317/116 874/1171/116 671/1315/116 +f 628/725/115 338/1318/115 336/1166/115 +f 177/1319/116 835/1320/116 837/1321/116 +f 777/1322/116 883/1323/116 776/1324/116 +f 884/1183/116 738/1182/116 743/1325/116 +f 805/1326/116 187/1327/116 189/1279/116 +f 776/1324/116 883/1323/116 773/1328/116 +f 496/854/115 476/852/115 483/859/115 +f 886/1190/116 745/1189/116 750/1329/116 +f 815/1330/116 185/1267/116 187/1327/116 +f 771/1331/116 885/1332/116 770/1333/116 +f 656/942/115 796/1193/115 793/1198/115 +f 886/1190/116 750/1329/116 753/1334/116 +f 768/1335/116 887/1336/116 766/1337/116 +f 651/955/115 792/1197/115 787/1202/115 +f 888/1338/116 758/1339/116 764/1340/116 +f 885/1332/116 773/1328/116 883/1323/116 +f 640/750/115 314/1137/115 619/708/115 +f 2/1341/115 416/1342/115 414/1343/115 +f 638/746/115 322/1129/115 640/750/115 +f 690/1003/117 692/1010/117 689/1004/117 +f 1/1344/115 364/1345/115 361/1346/115 +f 1/1344/115 361/1346/115 360/1347/115 +f 33/1348/115 35/1349/115 366/1350/115 +f 839/1178/116 386/1229/116 390/1219/116 +f 31/1351/115 33/1348/115 366/1350/115 +f 374/1223/115 370/1352/115 7/1353/115 +f 315/1354/116 9/1355/116 8/1221/116 +f 379/1238/115 375/1225/115 12/1224/115 +f 177/1319/116 785/1356/116 175/1357/116 +f 631/732/115 348/1126/115 634/738/115 +f 43/1358/115 395/1359/115 391/1360/115 +f 44/1361/115 404/1362/115 402/1363/115 +f 44/1361/115 402/1363/115 400/1364/115 +f 385/1365/115 383/1240/115 13/1239/115 +f 626/721/115 352/1135/115 631/732/115 +f 40/1366/115 387/1367/115 381/1368/115 +f 887/1336/116 770/1333/116 885/1332/116 +f 620/709/115 659/967/115 655/948/115 +f 393/1369/115 389/1370/115 4/1371/115 +f 47/1372/115 408/1118/115 406/1373/115 +f 654/963/115 804/1191/115 658/977/115 +f 7/1353/115 364/1345/115 1/1344/115 +f 397/1374/115 10/1375/115 15/1376/115 +f 397/1374/115 15/1376/115 17/1377/115 +f 397/1374/115 17/1377/115 19/1378/115 +f 39/1379/115 377/1380/115 372/1381/115 +f 708/1382/122 31/1351/115 366/1350/115 +f 446/965/115 647/932/115 666/964/115 +f 708/1382/122 27/1383/115 28/1384/115 +f 708/1382/122 28/1384/115 31/1351/115 +f 670/1385/122 19/1378/115 21/1386/115 +f 670/1385/122 21/1386/115 23/1387/115 +f 670/1385/122 23/1387/115 25/1388/115 +f 670/1385/122 397/1374/115 19/1378/115 +f 49/1119/115 412/1389/115 410/1120/115 +f 349/1390/116 48/1253/116 46/1274/116 +f 39/1379/115 367/1391/115 36/1392/115 +f 360/1347/115 2/1341/115 1/1344/115 +f 355/1252/116 357/1243/116 50/1242/116 +f 414/1343/115 49/1119/115 2/1341/115 +f 36/1392/115 366/1350/115 35/1349/115 +f 301/1393/116 305/1220/116 3/1222/116 +f 304/1241/116 301/1393/116 3/1222/116 +f 310/1184/116 34/1186/116 32/1394/116 +f 800/1395/116 173/1396/116 795/1397/116 +f 310/1184/116 32/1394/116 30/1398/116 +f 8/1221/116 311/1399/116 315/1354/116 +f 176/1400/115 733/1401/115 732/1402/115 +f 9/1355/116 319/1403/116 323/1404/116 +f 401/1227/116 842/1237/116 840/1177/116 +f 400/1364/115 43/1358/115 44/1361/115 +f 329/1199/116 333/1196/116 42/1195/116 +f 14/1232/116 327/1405/116 331/1406/116 +f 343/1407/116 345/1273/116 45/1275/116 +f 339/1194/116 343/1407/116 45/1275/116 +f 389/1370/115 13/1239/115 4/1371/115 +f 40/1366/115 391/1360/115 387/1367/115 +f 321/1204/116 325/1201/116 41/1200/116 +f 40/1366/115 377/1380/115 39/1379/115 +f 5/1234/116 335/1233/116 337/1408/116 +f 397/1374/115 4/1371/115 10/1375/115 +f 11/1409/116 6/1248/116 341/1247/116 +f 16/1410/116 11/1409/116 341/1247/116 +f 18/1411/116 16/1410/116 341/1247/116 +f 347/1412/116 349/1390/116 46/1274/116 +f 404/1362/115 47/1372/115 406/1373/115 +f 310/1184/116 30/1398/116 709/1288/120 +f 25/1388/115 708/1382/122 670/1385/122 +f 313/1413/116 317/1203/116 38/1206/116 +f 29/1414/116 26/1289/116 709/1288/120 +f 30/1398/116 29/1414/116 709/1288/120 +f 20/1415/116 18/1411/116 678/1416/120 +f 22/1417/116 20/1415/116 678/1416/120 +f 24/1287/116 22/1417/116 678/1416/120 +f 18/1411/116 341/1247/116 678/1416/120 +f 351/1418/116 353/1254/116 48/1253/116 +f 650/962/115 814/1187/115 654/963/115 +f 538/657/97 540/1419/84 541/184/84 +f 159/1420/116 813/1421/116 816/1422/116 +f 164/1423/115 707/1302/121 706/1208/115 +f 782/1424/115 178/1425/115 784/1426/115 +f 164/1423/115 706/1208/115 168/1427/115 +f 407/1249/116 842/1237/116 405/1236/116 +f 172/1428/115 168/1427/115 706/1208/115 +f 673/1294/115 200/1429/115 198/1430/115 +f 158/1431/115 707/1302/121 164/1423/115 +f 673/1294/115 198/1430/115 196/1432/115 +f 673/1294/115 196/1432/115 194/1433/115 +f 674/1434/116 191/1277/116 193/1435/116 +f 160/1436/115 172/1428/115 706/1208/115 +f 673/1294/115 672/1304/121 200/1429/115 +f 778/1437/115 180/1438/115 779/1439/115 +f 710/1440/123 155/1441/116 157/1442/116 +f 713/1443/116 159/1420/116 816/1422/116 +f 365/1244/116 845/1258/116 368/1257/116 +f 179/1444/116 831/1445/116 833/1446/116 +f 878/1312/116 777/1322/116 780/1313/116 +f 153/1447/115 672/1304/121 156/1303/115 +f 166/1448/115 761/1449/115 757/1450/115 +f 165/1451/116 807/1452/116 812/1453/116 +f 774/1454/115 182/1455/115 775/1456/115 +f 746/1457/115 739/1458/115 190/1459/115 +f 152/1460/115 672/1304/121 153/1447/115 +f 183/1269/116 827/1461/116 181/1462/116 +f 772/1262/115 182/1455/115 774/1454/115 +f 344/1128/115 636/742/115 634/738/115 +f 747/1463/115 746/1457/115 190/1459/115 +f 170/1464/115 752/1465/115 749/1466/115 +f 170/1464/115 749/1466/115 742/1467/115 +f 200/1429/115 672/1304/121 152/1460/115 +f 887/1336/116 764/1340/116 766/1337/116 +f 767/1468/115 184/1261/115 769/1263/115 +f 619/708/115 308/1151/115 618/706/115 +f 373/1271/116 850/1124/116 369/1266/116 +f 755/1469/115 754/1470/115 188/1471/115 +f 759/1472/115 186/1473/115 765/1474/115 +f 733/1401/115 174/1475/115 741/1476/115 +f 175/1357/116 791/1477/116 173/1396/116 +f 734/1478/115 176/1400/115 732/1402/115 +f 178/1425/115 734/1478/115 784/1426/115 +f 838/1479/116 177/1319/116 837/1321/116 +f 713/1443/116 710/1440/123 163/1480/116 +f 779/1439/115 178/1425/115 782/1424/115 +f 167/1481/116 713/1443/116 163/1480/116 +f 713/1443/116 167/1481/116 171/1482/116 +f 197/1483/116 199/1484/116 674/1434/116 +f 195/1485/116 197/1483/116 674/1434/116 +f 193/1435/116 195/1485/116 674/1434/116 +f 286/1486/115 239/926/115 237/892/115 +f 163/1480/116 710/1440/123 157/1442/116 +f 199/1484/116 675/1487/123 674/1434/116 +f 835/1320/116 179/1444/116 833/1446/116 +f 713/1443/116 171/1482/116 162/1488/116 +f 641/751/115 676/1179/115 342/831/115 +f 411/1256/116 844/1251/116 409/1250/116 +f 547/839/115 531/816/115 555/829/115 +f 161/1207/115 761/1449/115 166/1448/115 +f 192/1295/115 739/1458/115 736/1296/115 +f 155/1441/116 675/1487/123 151/1489/116 +f 831/1445/116 181/1462/116 828/1490/116 +f 812/1453/116 813/1421/116 165/1451/116 +f 376/1231/116 843/1246/116 371/1245/116 +f 189/1279/116 797/1278/116 802/1491/116 +f 753/1334/116 888/1338/116 886/1190/116 +f 828/1490/116 181/1462/116 827/1461/116 +f 151/1489/116 675/1487/123 154/1492/116 +f 747/1463/115 188/1471/115 754/1470/115 +f 189/1279/116 802/1491/116 805/1326/116 +f 803/1493/116 807/1452/116 169/1494/116 +f 800/1395/116 803/1493/116 169/1494/116 +f 825/1495/116 183/1269/116 823/1268/116 +f 186/1473/115 767/1468/115 765/1474/115 +f 154/1492/116 675/1487/123 199/1484/116 +f 755/1469/115 186/1473/115 759/1472/115 +f 187/1327/116 809/1496/116 815/1330/116 +f 174/1475/115 742/1467/115 741/1476/115 +f 820/1497/116 185/1267/116 818/1498/116 +f 166/1448/115 752/1465/115 170/1464/115 +f 795/1397/116 173/1396/116 791/1477/116 +f 789/1499/116 175/1357/116 785/1356/116 +f 788/1500/119 837/582/6 836/581/6 +f 717/1501/124 683/1502/125 714/1503/125 +f 323/1404/116 14/1232/116 9/1355/116 +f 667/1504/126 704/1505/127 702/1506/126 +f 703/1507/128 678/1416/120 668/1508/128 +f 680/1509/129 723/1510/130 718/1511/129 +f 712/1512/131 675/1487/123 710/1440/123 +f 715/1513/132 689/148/74 719/150/74 +f 715/1513/132 683/1502/125 686/1514/132 +f 670/1385/122 723/1510/130 679/1515/130 +f 698/1516/133 702/1517/126 700/1518/133 +f 695/1519/134 701/1520/135 697/1521/135 +f 693/1522/136 729/1523/137 694/1524/137 +f 721/1525/138 690/1526/114 688/1527/138 +f 688/1527/138 720/1528/139 721/1525/138 +f 720/1528/139 682/1529/140 716/1530/140 +f 682/1531/140 718/1511/129 716/1532/140 +f 669/1533/127 712/1512/131 704/1505/127 +f 684/1534/141 730/1535/142 687/1536/142 +f 696/313/101 700/1518/133 728/314/101 +f 694/1524/137 699/1537/134 695/1538/134 +f 727/1539/136 691/634/113 726/636/113 +f 730/1535/142 672/1304/121 687/1536/142 +f 701/1520/135 668/1508/128 697/1521/135 +f 722/1540/141 681/1541/124 717/1542/124 +f 253/834/116 257/1543/116 255/1544/116 +f 265/1545/116 264/1546/116 257/1543/116 +f 260/1547/116 259/1548/116 265/1545/116 +f 297/832/116 300/1549/116 298/1550/116 +f 297/832/116 253/834/116 300/1549/116 +f 293/1551/116 297/832/116 294/1552/116 +f 273/1553/116 261/1554/116 260/1547/116 +f 273/1553/116 269/1555/116 261/1554/116 +f 273/1553/116 270/1556/116 269/1555/116 +f 289/1557/116 293/1551/116 291/1558/116 +f 289/1557/116 297/832/116 293/1551/116 +f 277/1559/116 274/1560/116 273/1553/116 +f 283/833/116 279/1561/116 277/1559/116 +f 283/833/116 287/1562/116 284/1563/116 +f 283/833/116 289/1557/116 287/1562/116 +f 283/833/116 257/1543/116 253/834/116 +f 283/833/116 260/1547/116 265/1545/116 +f 283/833/116 265/1545/116 257/1543/116 +f 283/833/116 273/1553/116 260/1547/116 +f 283/833/116 277/1559/116 273/1553/116 +f 281/1564/116 279/1561/116 283/833/116 +f 474/1565/116 434/1566/116 428/1567/116 +f 262/885/115 217/1568/115 267/876/115 +f 497/1569/116 445/1570/116 448/1571/116 +f 458/1572/116 508/913/116 507/1573/116 +f 464/1574/116 511/912/116 462/1575/116 +f 464/1574/116 515/1576/116 513/1577/116 +f 425/1578/116 474/1565/116 428/1567/116 +f 439/1579/116 490/894/116 489/1580/116 +f 455/1581/116 507/1573/116 504/1582/116 +f 475/1583/116 432/1584/116 482/1585/116 +f 421/1586/116 515/1576/116 465/1587/116 +f 432/1584/116 485/1588/116 482/1585/116 +f 502/1589/116 455/1581/116 504/1582/116 +f 203/872/115 254/875/115 205/874/115 +f 487/1590/116 435/1591/116 437/1592/116 +f 421/1586/116 469/1593/116 516/1594/116 +f 282/769/115 234/893/115 232/770/115 +f 417/1595/116 471/761/116 469/1593/116 +f 451/1596/116 498/1597/116 450/1598/116 +f 140/808/115 95/799/115 97/809/115 +f 498/1597/116 448/1571/116 450/1598/116 +f 240/928/115 292/1599/115 243/921/115 +f 501/1600/116 454/1601/116 502/1589/116 +f 250/870/115 299/902/115 252/1602/115 +f 495/1603/116 444/895/116 445/1570/116 +f 225/1604/116 877/1160/116 223/1605/116 +f 884/1183/116 238/1606/116 879/1181/116 +f 878/1312/116 877/1160/116 225/1604/116 +f 204/1607/116 863/1174/116 866/1139/116 +f 214/1608/116 861/1290/116 863/1174/116 +f 236/1609/116 238/1606/116 884/1183/116 +f 862/1291/116 861/1290/116 214/1608/116 +f 226/1610/116 878/1312/116 225/1604/116 +f 201/1611/116 204/1607/116 866/1139/116 +f 886/1190/116 236/1609/116 884/1183/116 +f 869/898/116 201/1611/116 866/1139/116 +f 235/1612/116 236/1609/116 886/1190/116 +f 216/1613/116 862/1291/116 214/1608/116 +f 883/1323/116 878/1312/116 226/1610/116 +f 865/1293/116 862/1291/116 216/1613/116 +f 229/1614/116 883/1323/116 226/1610/116 +f 202/1615/116 201/1611/116 869/898/116 +f 213/1616/116 865/1293/116 216/1613/116 +f 888/1338/116 235/1612/116 886/1190/116 +f 888/1338/116 233/1617/116 235/1612/116 +f 872/1292/116 202/1615/116 869/898/116 +f 885/1332/116 229/1614/116 231/1618/116 +f 885/1332/116 883/1323/116 229/1614/116 +f 868/1297/116 865/1293/116 213/1616/116 +f 887/1336/116 233/1617/116 888/1338/116 +f 887/1336/116 231/1618/116 233/1617/116 +f 887/1336/116 885/1332/116 231/1618/116 +f 204/1607/116 206/1619/116 863/1174/116 +f 863/1174/116 206/1619/116 214/1608/116 +f 248/1620/116 202/1615/116 872/1292/116 +f 209/1621/116 868/1297/116 213/1616/116 +f 874/1171/116 248/1620/116 872/1292/116 +f 871/1282/116 868/1297/116 209/1621/116 +f 246/1622/116 248/1620/116 874/1171/116 +f 215/1623/116 871/1282/116 209/1621/116 +f 882/1317/116 246/1622/116 874/1171/116 +f 873/1307/116 871/1282/116 215/1623/116 +f 245/1624/116 246/1622/116 882/1317/116 +f 218/1625/116 873/1307/116 215/1623/116 +f 881/1316/116 245/1624/116 882/1317/116 +f 875/1157/116 873/1307/116 218/1625/116 +f 242/1626/116 245/1624/116 881/1316/116 +f 220/1627/116 875/1157/116 218/1625/116 +f 880/1314/116 242/1626/116 881/1316/116 +f 876/1155/116 875/1157/116 220/1627/116 +f 241/1628/116 242/1626/116 880/1314/116 +f 223/1605/116 876/1155/116 220/1627/116 +f 879/1181/116 241/1628/116 880/1314/116 +f 877/1160/116 876/1155/116 223/1605/116 +f 238/1606/116 241/1628/116 879/1181/116 +f 143/1629/116 139/1630/116 141/1631/116 +f 135/1632/116 137/1633/116 139/1630/116 +f 149/1634/116 143/1629/116 145/1635/116 +f 149/1634/116 145/1635/116 147/1636/116 +f 131/1637/116 133/1638/116 135/1632/116 +f 101/857/116 149/1634/116 104/1639/116 +f 101/857/116 139/1630/116 143/1629/116 +f 101/857/116 135/1632/116 139/1630/116 +f 101/857/116 131/1637/116 135/1632/116 +f 101/857/116 143/1629/116 149/1634/116 +f 127/856/116 129/1640/116 131/1637/116 +f 775/1456/115 180/1438/115 778/1437/115 +f 112/858/116 101/857/116 108/1641/116 +f 123/1642/116 125/1643/116 127/856/116 +f 110/1644/116 112/858/116 105/1645/116 +f 110/1644/116 127/856/116 112/858/116 +f 119/1646/116 121/1647/116 123/1642/116 +f 119/1646/116 123/1642/116 127/856/116 +f 119/1646/116 127/856/116 110/1644/116 +f 113/1648/116 119/1646/116 110/1644/116 +f 115/1649/116 117/1650/116 119/1646/116 +f 115/1649/116 119/1646/116 113/1648/116 +f 534/1651/116 582/925/116 532/924/116 +f 541/1652/116 592/1653/116 538/1654/116 +f 552/778/116 608/1655/116 606/776/116 +f 537/1656/116 586/1657/116 534/1651/116 +f 489/1580/116 437/1592/116 439/1579/116 +f 542/1658/116 594/1659/116 541/1652/116 +f 118/1660/115 73/767/115 75/908/115 +f 93/1661/115 134/1662/115 91/1663/115 +f 132/794/115 91/1663/115 134/1662/115 +f 54/764/115 142/1664/115 99/807/115 +f 554/1665/116 610/1666/116 608/1655/116 +f 538/1654/116 590/1667/116 537/1656/116 +f 529/1668/116 577/923/116 576/1669/116 +f 616/1670/116 561/1671/116 562/784/116 +f 558/797/116 614/1672/116 612/795/116 +f 122/1673/115 77/909/115 79/811/115 +f 588/1674/116 529/1668/116 576/1669/116 +f 600/1675/116 548/1676/116 602/1677/116 +f 588/1674/116 530/1678/116 533/1679/116 +f 126/1680/115 81/812/115 83/803/115 +f 584/1681/116 522/1682/116 530/1678/116 +f 59/780/115 106/754/115 62/1683/115 +f 521/1684/116 580/1685/116 574/1686/116 +f 574/1686/116 517/775/116 521/1684/116 +f 602/1677/116 551/777/116 604/1687/116 +f 867/899/116 864/1140/116 80/1688/116 +f 855/1134/116 69/1689/116 854/1115/116 +f 60/1690/116 69/1689/116 855/1134/116 +f 98/1691/116 839/1178/116 840/1177/116 +f 96/1692/116 841/1230/116 839/1178/116 +f 78/1693/116 867/899/116 80/1688/116 +f 96/1692/116 839/1178/116 98/1691/116 +f 870/897/116 867/899/116 78/1693/116 +f 100/1694/116 98/1691/116 840/1177/116 +f 94/1695/116 843/1246/116 841/1230/116 +f 94/1695/116 841/1230/116 96/1692/116 +f 856/1142/116 60/1690/116 855/1134/116 +f 856/1142/116 61/1696/116 60/1690/116 +f 842/1237/116 100/1694/116 840/1177/116 +f 76/1697/116 870/897/116 78/1693/116 +f 860/1172/116 870/897/116 76/1697/116 +f 52/1698/116 100/1694/116 842/1237/116 +f 92/1699/116 843/1246/116 94/1695/116 +f 845/1258/116 843/1246/116 92/1699/116 +f 74/1700/116 860/1172/116 76/1697/116 +f 844/1251/116 52/1698/116 842/1237/116 +f 857/1284/116 66/1701/116 61/1696/116 +f 857/1284/116 61/1696/116 856/1142/116 +f 53/1702/116 52/1698/116 844/1251/116 +f 858/1285/116 71/1703/116 66/1701/116 +f 858/1285/116 74/1700/116 71/1703/116 +f 858/1285/116 66/1701/116 857/1284/116 +f 90/1704/116 845/1258/116 92/1699/116 +f 858/1285/116 859/1286/116 74/1700/116 +f 74/1700/116 859/1286/116 860/1172/116 +f 847/1259/116 845/1258/116 90/1704/116 +f 846/1132/116 53/1702/116 844/1251/116 +f 56/1705/116 53/1702/116 846/1132/116 +f 88/1706/116 847/1259/116 90/1704/116 +f 849/1264/116 847/1259/116 88/1706/116 +f 848/1125/116 56/1705/116 846/1132/116 +f 58/1707/116 56/1705/116 848/1125/116 +f 86/1708/116 849/1264/116 88/1706/116 +f 851/1270/116 849/1264/116 86/1708/116 +f 850/1124/116 58/1707/116 848/1125/116 +f 64/1709/116 58/1707/116 850/1124/116 +f 84/1710/116 851/1270/116 86/1708/116 +f 853/1175/116 851/1270/116 84/1710/116 +f 852/1113/116 64/1709/116 850/1124/116 +f 68/1711/116 64/1709/116 852/1113/116 +f 82/1712/116 853/1175/116 84/1710/116 +f 864/1140/116 853/1175/116 82/1712/116 +f 854/1115/116 68/1711/116 852/1113/116 +f 69/1689/116 68/1711/116 854/1115/116 +f 80/1688/116 864/1140/116 82/1712/116 +f 838/1713/119 786/1714/108 785/400/108 +f 514/1/1 515/242/1 516/2/2 +f 758/4/3 755/1715/3 759/5/4 +f 780/7/5 779/365/5 782/8/6 +f 476/10/7 472/74/7 479/11/8 +f 125/13/9 124/168/9 126/14/10 +f 351/16/11 352/1103/11 354/17/12 +f 40/19/13 41/1716/13 42/20/14 +f 558/22/13 559/1717/13 560/23/14 +f 47/25/15 46/468/15 48/26/16 +f 611/28/13 612/1718/13 614/29/14 +f 357/31/17 358/91/17 302/32/18 +f 488/34/19 489/1719/19 490/35/20 +f 310/37/21 308/1025/21 309/38/22 +f 285/40/23 284/1720/23 287/41/24 +f 163/43/7 164/663/7 168/44/8 +f 299/46/1 298/99/1 300/47/2 +f 335/49/25 336/612/25 338/50/26 +f 417/52/27 419/414/27 420/53/28 +f 820/55/29 821/500/29 822/56/30 +f 444/58/31 443/1094/31 446/59/32 +f 521/61/33 519/362/33 523/62/34 +f 363/64/35 364/477/35 370/65/36 +f 25/67/37 24/1068/37 26/68/9 +f 802/70/38 799/679/38 806/71/39 +f 470/73/28 471/351/28 472/74/7 +f 581/75/40 582/481/40 586/76/41 +f 251/78/27 253/1721/27 255/79/28 +f 803/81/42 801/160/42 804/82/43 +f 295/84/44 294/483/44 297/85/45 +f 350/87/46 349/1102/46 347/88/47 +f 355/90/48 356/560/48 358/91/17 +f 85/92/49 86/1110/49 88/93/50 +f 329/95/51 330/203/51 334/96/52 +f 296/98/45 297/1722/45 298/99/1 +f 731/100/53 732/419/53 733/101/54 +f 50/103/55 3/1723/33 1/104/33 +f 825/106/56 824/611/56 826/107/57 +f 499/109/58 498/637/58 501/110/23 +f 609/112/59 610/289/59 612/113/13 +f 155/115/27 156/479/27 158/116/28 +f 28/118/10 29/1724/10 30/119/49 +f 339/121/60 340/390/60 344/122/61 +f 425/124/62 427/655/62 433/125/63 +f 327/127/64 328/144/64 332/128/65 +f 462/130/44 461/337/44 463/131/45 +f 813/133/66 814/651/66 817/134/67 +f 829/136/68 828/670/68 827/108/57 +f 346/137/69 345/1083/69 343/123/61 +f 131/138/50 130/561/50 132/139/70 +f 432/126/63 433/125/63 436/141/71 +f 323/143/72 324/1053/72 328/144/64 +f 218/145/71 219/691/71 221/146/73 +f 689/148/74 692/1725/75 724/149/75 +f 795/151/76 793/639/76 796/152/77 +f 305/154/35 306/687/35 312/155/36 +f 408/157/46 407/570/46 405/158/47 +f 800/153/77 796/152/77 801/160/42 +f 494/161/32 495/615/32 497/162/78 +f 197/164/44 198/702/44 200/165/45 +f 123/167/37 122/318/37 124/168/9 +f 97/169/14 98/646/14 100/170/79 +f 542/172/37 543/185/37 545/173/9 +f 4/175/80 5/1070/80 6/176/81 +f 833/178/82 832/421/82 834/179/5 +f 503/181/24 502/228/24 504/182/83 +f 541/184/84 540/1419/84 543/185/37 +f 159/186/62 161/304/62 166/187/63 +f 27/69/9 26/68/9 29/189/10 +f 81/191/9 82/195/9 84/192/10 +f 79/194/37 80/569/37 82/195/9 +f 371/196/85 372/647/85 377/197/86 +f 229/199/32 228/382/32 230/200/78 +f 325/202/87 326/1726/87 330/203/51 +f 567/204/16 569/432/16 572/205/55 +f 246/207/45 247/1727/45 249/208/1 +f 373/210/88 374/322/88 375/211/89 +f 435/142/71 436/141/71 438/213/73 +f 223/215/19 222/1728/19 224/216/20 +f 289/218/83 288/1049/83 286/42/24 +f 533/219/90 531/258/90 526/220/80 +f 17/222/41 16/1729/41 18/223/91 +f 805/72/39 806/71/39 810/225/92 +f 500/227/23 501/1730/23 502/228/24 +f 233/229/58 232/1090/58 234/230/23 +f 740/232/76 741/668/76 742/233/77 +f 390/235/51 391/677/51 395/236/52 +f 815/238/3 811/1731/3 819/239/4 +f 512/241/45 513/1732/45 515/242/1 +f 763/243/67 762/575/67 706/244/93 +f 191/246/83 192/640/83 194/247/94 +f 137/249/59 136/505/59 138/250/13 +f 304/33/18 302/32/18 303/252/95 +f 12/254/96 9/701/96 14/255/90 +f 530/257/96 524/632/96 531/258/90 +f 595/259/37 596/527/37 598/260/9 +f 534/262/41 535/1733/41 536/263/91 +f 591/265/97 592/1064/97 594/266/84 +f 613/30/14 614/29/14 616/268/79 +f 307/39/22 309/38/22 314/270/85 +f 59/272/81 61/517/81 66/273/40 +f 406/159/47 405/158/47 403/275/69 +f 57/277/33 58/603/33 64/278/34 +f 36/280/98 37/662/98 38/281/59 +f 145/283/15 144/661/15 146/284/16 +f 272/286/19 273/1734/19 274/287/20 +f 610/289/59 609/112/59 607/290/98 +f 193/248/94 194/247/94 196/292/99 +f 484/294/71 485/1085/71 487/295/73 +f 546/297/10 547/1735/10 549/298/49 +f 113/300/40 111/606/40 114/301/41 +f 162/303/100 160/1061/100 161/304/62 +f 165/188/63 166/187/63 170/305/71 +f 384/307/64 383/1093/64 385/308/65 +f 392/310/25 389/1099/25 393/311/26 +f 724/149/75 692/1725/75 696/313/101 +f 169/306/71 170/305/71 174/315/73 +f 121/317/84 120/475/84 122/318/37 +f 608/291/98 607/290/98 605/319/70 +f 369/321/36 370/1736/36 374/322/88 +f 65/274/40 66/273/40 71/323/41 +f 70/325/41 71/1737/41 74/326/91 +f 597/261/9 598/260/9 600/328/10 +f 601/330/49 602/563/49 604/331/50 +f 242/333/102 243/1095/99 244/334/44 +f 460/336/102 459/577/102 461/337/44 +f 477/338/100 474/384/100 475/339/62 +f 555/341/98 554/375/98 552/342/70 +f 51/344/16 53/664/16 56/345/55 +f 108/347/96 103/1058/96 109/348/90 +f 467/350/27 469/1738/27 471/351/28 +f 317/352/86 318/459/86 322/353/103 +f 209/355/62 211/605/62 212/356/63 +f 745/358/38 746/1054/38 747/359/39 +f 517/361/55 518/1739/55 519/362/33 +f 507/363/94 506/1104/94 505/183/83 +f 777/364/82 778/1096/82 779/365/5 +f 738/366/104 736/549/104 739/367/105 +f 404/276/69 403/275/69 401/369/61 +f 768/371/30 767/433/30 769/372/56 +f 557/374/59 556/408/59 554/375/98 +f 282/376/58 283/574/58 284/377/23 +f 764/6/4 759/5/4 765/379/29 +f 226/381/31 227/403/31 228/382/32 +f 483/383/106 480/697/106 474/384/100 +f 396/312/26 393/311/26 397/385/107 +f 15/387/40 11/686/40 16/388/41 +f 333/97/52 334/96/52 340/390/60 +f 190/391/24 189/641/24 187/392/23 +f 167/394/8 168/1740/8 172/395/106 +f 565/397/15 564/522/15 566/398/16 +f 785/400/108 786/1714/108 787/401/53 +f 225/217/20 224/216/20 227/403/31 +f 445/60/32 446/59/32 447/404/78 +f 19/224/91 18/223/91 20/406/97 +f 556/408/59 557/374/59 559/409/13 +f 448/405/78 447/404/78 449/411/58 +f 421/413/2 418/578/2 419/414/27 +f 214/415/8 208/1741/8 217/416/106 +f 735/418/108 734/1092/108 732/419/53 +f 831/420/109 830/671/109 832/421/82 +f 115/422/41 114/1742/41 116/423/91 +f 585/425/41 586/1743/41 590/426/91 +f 579/428/34 580/1744/34 584/429/96 +f 570/431/15 568/1050/15 569/432/16 +f 766/380/29 765/379/29 767/433/30 +f 204/434/28 205/659/28 207/435/7 +f 181/437/32 182/445/32 184/438/78 +f 399/440/60 400/669/60 402/370/61 +f 92/441/98 91/524/98 89/442/70 +f 179/444/110 180/463/110 182/445/32 +f 300/47/2 253/1721/27 251/78/27 +f 486/296/73 487/295/73 489/446/19 +f 437/214/73 438/213/73 440/448/19 +f 510/450/44 511/623/44 513/451/45 +f 276/453/110 277/576/110 279/454/32 +f 414/456/48 413/493/48 411/457/12 +f 313/271/85 314/270/85 318/459/86 +f 450/412/58 449/411/58 452/460/23 +f 177/462/20 178/601/20 180/463/110 +f 423/464/7 424/683/7 430/465/8 +f 44/467/79 45/595/79 46/468/15 +f 239/469/83 238/484/83 236/470/24 +f 789/402/53 787/401/53 792/472/54 +f 119/474/97 118/1056/97 120/475/84 +f 359/476/95 361/602/95 364/477/35 +f 151/478/2 153/585/2 156/479/27 +f 575/480/81 577/542/81 582/481/40 +f 292/482/99 293/507/99 294/483/44 +f 238/484/83 239/469/83 240/485/94 +f 434/487/106 431/597/106 426/488/100 +f 105/490/80 106/1082/80 107/491/81 +f 413/493/48 414/456/48 416/494/17 +f 73/327/91 74/326/91 76/496/97 +f 473/340/62 475/339/62 482/498/63 +f 818/240/4 819/239/4 821/500/29 +f 756/501/111 757/666/111 761/502/66 +f 135/504/98 134/583/98 136/505/59 +f 290/506/94 291/1048/94 293/507/99 +f 266/508/63 261/630/63 269/509/71 +f 99/171/79 100/170/79 52/511/15 +f 794/513/104 790/565/104 798/514/105 +f 62/516/80 60/693/80 61/517/81 +f 773/518/68 774/652/68 775/519/109 +f 562/521/79 563/1047/79 564/522/15 +f 94/523/59 93/626/59 91/524/98 +f 750/360/39 747/359/39 754/525/92 +f 593/267/84 594/266/84 596/527/37 +f 455/528/83 456/1084/83 457/529/94 +f 254/80/28 255/79/28 257/531/7 +f 311/533/36 312/1745/36 316/534/88 +f 237/471/24 236/470/24 235/536/23 +f 127/538/10 126/1746/10 128/539/49 +f 578/541/80 576/587/80 577/542/81 +f 256/532/7 257/531/7 264/543/8 +f 149/545/55 148/633/55 150/546/33 +f 671/548/112 673/985/112 736/549/104 +f 33/550/50 32/1071/50 34/551/70 +f 464/553/45 463/1747/45 466/554/1 +f 439/556/19 440/1748/19 442/557/20 +f 150/546/33 102/1749/34 101/559/34 +f 356/560/48 355/90/48 353/18/12 +f 129/540/49 128/539/49 130/561/50 +f 599/562/10 600/1750/10 602/563/49 +f 674/564/112 676/987/112 790/565/104 +f 376/198/86 377/197/86 381/566/103 +f 77/568/84 78/1055/84 80/569/37 +f 407/570/46 408/157/46 410/571/11 +f 280/573/78 281/1075/78 283/574/58 +f 760/503/66 761/502/66 762/575/67 +f 275/288/20 274/287/20 277/576/110 +f 49/27/16 48/26/16 50/103/55 +f 458/530/94 457/529/94 459/577/102 +f 465/555/1 466/554/1 418/578/2 +f 415/495/17 416/494/17 360/579/18 +f 835/180/5 834/179/5 836/581/6 +f 133/140/70 132/139/70 134/583/98 +f 154/584/1 152/1066/1 153/585/2 +f 587/586/90 588/1106/90 576/587/80 +f 571/206/55 572/205/55 574/588/33 +f 606/320/70 605/319/70 603/332/50 +f 1/104/33 3/1723/33 8/590/34 +f 267/592/106 265/617/106 259/593/100 +f 43/21/14 42/20/14 45/595/79 +f 429/596/8 430/1751/8 431/597/106 +f 491/36/20 490/35/20 493/598/110 +f 175/600/19 176/1752/19 178/601/20 +f 362/580/18 360/579/18 361/602/95 +f 55/346/55 56/345/55 58/603/33 +f 213/604/100 210/1076/100 211/605/62 +f 110/492/81 107/491/81 111/606/40 +f 206/436/7 207/435/7 208/607/8 +f 248/209/1 249/208/1 250/609/2 +f 823/57/30 822/56/30 824/611/56 +f 331/129/65 332/128/65 336/612/25 +f 816/135/67 817/134/67 711/613/93 +f 492/599/110 493/598/110 495/615/32 +f 263/616/8 264/1753/8 265/617/106 +f 573/589/33 574/588/33 580/618/34 +f 268/510/71 269/509/71 270/620/73 +f 509/622/99 508/1105/99 511/623/44 +f 753/526/92 754/525/92 755/624/3 +f 93/626/59 94/523/59 96/627/13 +f 258/629/62 260/1042/62 261/630/63 +f 522/631/34 523/1754/34 524/632/96 +f 147/285/16 146/284/16 148/633/55 +f 691/634/113 690/1526/114 725/635/114 +f 496/163/78 497/162/78 498/637/58 +f 791/638/54 792/1755/54 793/639/76 +f 192/640/83 191/246/83 189/641/24 +f 368/642/21 366/1023/21 367/643/22 +f 95/645/13 96/1756/13 98/646/14 +f 365/644/22 367/643/22 372/647/85 +f 183/439/78 184/438/78 186/648/58 +f 812/650/111 808/675/111 814/651/66 +f 774/652/68 773/518/68 771/653/57 +f 428/489/100 426/488/100 427/655/62 +f 772/654/57 771/653/57 770/373/56 +f 537/264/91 536/263/91 539/656/97 +f 201/658/27 203/1757/27 205/659/28 +f 143/660/79 142/1080/79 144/661/15 +f 37/662/98 36/280/98 35/552/70 +f 157/117/28 158/116/28 164/663/7 +f 54/512/15 52/511/15 53/664/16 +f 751/665/43 752/1112/43 757/666/111 +f 737/667/54 733/1758/54 741/668/76 +f 394/237/52 395/236/52 400/669/60 +f 828/670/68 829/136/68 830/671/109 +f 525/672/81 527/678/81 528/673/40 +f 807/83/43 804/82/43 808/675/111 +f 386/676/87 387/1759/87 391/677/51 +f 529/221/80 526/220/80 527/678/81 +f 797/515/105 798/514/105 799/679/38 +f 451/680/23 452/1760/23 453/681/24 +f 422/54/28 420/53/28 424/683/7 +f 250/609/2 203/1757/27 201/658/27 +f 380/567/103 381/566/103 387/684/87 +f 10/177/81 6/176/81 11/686/40 +f 301/253/95 303/252/95 306/687/35 +f 63/688/34 64/1761/34 68/689/96 +f 215/357/63 212/356/63 219/691/71 +f 72/692/90 69/1051/90 60/693/80 +f 220/147/73 221/146/73 222/694/19 +f 478/696/8 479/1762/8 480/697/106 +f 173/316/73 174/315/73 176/698/19 +f 7/700/34 8/1763/34 9/701/96 +f 195/293/99 196/292/99 198/702/44 +f 72/753/115 62/1683/115 106/754/115 +f 569/756/116 568/783/116 565/757/116 +f 422/759/116 423/917/116 472/760/116 +f 51/762/115 146/792/115 144/763/115 +f 116/765/115 114/782/115 70/766/115 +f 230/768/115 280/901/115 282/769/115 +f 596/771/116 542/1658/116 544/772/116 +f 572/774/116 569/756/116 520/758/116 +f 606/776/116 604/1687/116 551/777/116 +f 111/779/115 107/1764/115 59/780/115 +f 114/782/115 111/779/115 65/781/115 +f 568/783/116 616/1670/116 562/784/116 +f 57/785/115 150/802/115 148/786/115 +f 546/788/116 600/1675/116 598/773/116 +f 85/789/115 87/793/115 130/790/115 +f 55/787/115 148/786/115 146/792/115 +f 87/793/115 89/1765/115 132/794/115 +f 612/795/116 610/1666/116 556/796/116 +f 136/798/115 93/1661/115 95/799/115 +f 63/801/115 102/804/115 150/802/115 +f 128/791/115 126/1680/115 83/803/115 +f 102/804/115 63/801/115 67/805/115 +f 99/807/115 142/1664/115 140/808/115 +f 103/806/115 67/805/115 72/753/115 +f 124/810/115 122/1673/115 79/811/115 +f 342/831/115 338/1318/115 633/734/115 +f 297/832/116 289/1557/116 283/833/116 +f 127/856/116 131/1637/116 101/857/116 +f 250/870/115 252/1602/115 251/871/115 +f 256/873/115 207/879/115 205/874/115 +f 267/876/115 217/1568/115 208/877/115 +f 263/878/115 208/877/115 207/879/115 +f 227/880/115 224/1766/115 275/881/115 +f 275/881/115 224/1766/115 222/883/115 +f 262/885/115 258/905/115 211/886/115 +f 247/888/115 244/922/115 295/889/115 +f 285/891/115 286/1486/115 237/892/115 +f 490/894/116 441/1767/116 444/895/116 +f 870/897/116 872/1292/116 869/898/116 +f 228/900/115 278/929/115 280/901/115 +f 247/888/115 296/890/115 299/902/115 +f 212/904/115 211/886/115 258/905/115 +f 120/907/115 118/1660/115 75/908/115 +f 268/910/115 219/918/115 212/904/115 +f 460/911/116 462/1575/116 511/912/116 +f 429/914/116 434/1566/116 480/915/116 +f 423/917/116 429/914/116 479/916/116 +f 219/918/115 268/910/115 271/919/115 +f 243/921/115 292/1599/115 295/889/115 +f 577/923/116 525/1768/116 532/924/116 +f 239/926/115 288/1769/115 290/927/115 +f 272/884/115 222/883/115 221/920/115 +f 227/880/115 276/882/115 278/929/115 +f 443/930/115 442/956/115 646/931/115 +f 463/933/115 461/940/115 644/934/115 +f 664/936/115 662/957/115 449/937/115 +f 643/939/115 644/934/115 461/940/115 +f 656/942/115 651/955/115 440/943/115 +f 641/751/115 617/704/115 653/945/115 +f 466/946/115 463/933/115 649/935/115 +f 418/947/115 466/946/115 653/945/115 +f 424/949/115 420/966/115 661/950/115 +f 652/952/115 648/979/115 457/953/115 +f 651/955/115 646/931/115 442/956/115 +f 662/957/115 660/971/115 452/958/115 +f 430/959/115 424/949/115 663/951/115 +f 433/961/115 427/969/115 650/962/115 +f 666/964/115 664/936/115 447/938/115 +f 420/966/115 419/968/115 659/967/115 +f 419/968/115 418/947/115 655/948/115 +f 427/969/115 426/978/115 645/970/115 +f 660/971/115 657/975/115 453/972/115 +f 431/973/115 430/959/115 665/960/115 +f 657/975/115 652/952/115 456/954/115 +f 436/976/115 433/961/115 654/963/115 +f 426/978/115 431/973/115 642/974/115 +f 658/977/115 656/942/115 438/944/115 +f 648/979/115 643/939/115 459/941/115 +f 695/998/117 698/1014/117 696/999/117 +f 627/722/115 630/730/115 661/950/115 +f 726/1005/118 725/1038/118 719/1006/118 +f 685/1011/117 688/1002/117 689/1004/117 +f 563/822/115 555/829/115 531/816/115 +f 728/1028/118 700/1016/118 699/1015/118 +f 694/1000/117 696/999/117 692/1010/117 +f 724/1007/118 728/1028/118 729/1029/118 +f 719/1006/118 721/1037/118 720/1039/118 +f 682/995/117 685/1011/117 686/1012/117 +f 262/594/100 259/593/100 260/1042/62 +f 321/354/103 322/353/103 326/1043/87 +f 532/674/40 528/673/40 535/1045/41 +f 561/24/14 560/23/14 563/1047/79 +f 516/2/2 469/1738/27 467/350/27 +f 291/1048/94 290/506/94 288/1049/83 +f 615/269/79 616/268/79 568/1050/15 +f 67/690/96 68/689/96 69/1051/90 +f 319/1052/89 320/1111/89 324/1053/72 +f 743/368/105 739/367/105 746/1054/38 +f 75/497/97 76/496/97 78/1055/84 +f 117/424/91 116/423/91 118/1056/97 +f 101/1057/34 102/1770/34 103/1058/96 +f 185/649/58 186/648/58 188/1059/23 +f 171/396/106 172/395/106 160/1061/100 +f 548/299/49 549/298/49 550/1062/50 +f 589/427/91 590/426/91 592/1064/97 +f 409/572/11 410/571/11 412/458/12 +f 199/1065/45 200/1771/45 152/1066/1 +f 23/1067/84 22/1074/84 24/1068/37 +f 41/1069/13 40/1772/13 39/282/59 +f 13/256/90 14/255/90 5/1070/80 +f 551/1063/50 550/1062/50 553/343/70 +f 31/120/49 30/119/49 32/1071/50 +f 544/174/9 545/173/9 547/1072/10 +f 21/407/97 20/406/97 22/1074/84 +f 278/455/32 279/454/32 281/1075/78 +f 90/443/70 89/442/70 87/94/50 +f 216/417/106 217/416/106 210/1076/100 +f 245/335/44 244/334/44 247/1077/45 +f 141/1079/14 140/1108/14 142/1080/79 +f 784/1081/119 783/1091/119 781/9/6 +f 112/349/90 109/348/90 106/1082/80 +f 348/89/47 347/88/47 345/1083/69 +f 456/1084/83 455/528/83 454/682/24 +f 481/499/63 482/498/63 485/1085/71 +f 744/234/77 742/233/77 749/1086/42 +f 378/212/89 375/211/89 379/1088/72 +f 231/201/78 230/200/78 232/1090/58 +f 783/1091/119 784/1081/119 734/1092/108 +f 382/1089/72 379/1088/72 383/1093/64 +f 441/558/20 442/557/20 443/1094/31 +f 243/1095/99 242/333/102 241/486/94 +f 776/520/109 775/519/109 778/1096/82 +f 337/51/26 338/50/26 342/988/107 +f 809/226/92 810/225/92 811/1097/3 +f 388/309/65 385/308/65 389/1099/25 +f 271/621/73 270/620/73 273/1100/19 +f 349/1102/46 350/87/46 352/1103/11 +f 506/1104/94 507/363/94 508/1105/99 +f 583/430/96 584/429/96 588/1106/90 +f 566/398/16 518/1739/55 517/361/55 +f 139/1107/13 138/1773/13 140/1108/14 +f 83/1109/10 84/1774/10 86/1110/49 +f 315/535/88 316/534/88 320/1111/89 +f 748/1087/42 749/1086/42 752/1112/43 +f 852/1113/116 378/1272/116 382/1114/116 +f 408/1118/115 47/1372/115 49/1119/115 +f 359/1123/116 363/1265/116 850/1124/116 +f 415/1131/116 362/1260/116 848/1125/116 +f 388/1133/116 392/1280/116 855/1134/116 +f 867/899/116 869/898/116 866/1139/116 +f 396/1141/116 398/1170/116 856/1142/116 +f 788/1143/115 646/931/115 651/955/115 +f 834/1147/115 647/932/115 646/931/115 +f 876/1155/116 737/1310/116 740/1156/116 +f 877/1160/116 735/1311/116 731/1161/116 +f 821/1164/115 662/957/115 664/936/115 +f 666/964/115 647/932/115 830/1168/115 +f 617/704/115 620/709/115 655/948/115 +f 398/1170/116 671/1315/116 874/1171/116 +f 864/1140/116 866/1139/116 863/1174/116 +f 394/1176/116 399/1226/116 840/1177/116 +f 676/1179/115 648/979/115 652/952/115 +f 879/1181/116 671/1315/116 738/1182/116 +f 310/1184/116 307/1205/116 37/1185/116 +f 884/1183/116 743/1325/116 745/1189/116 +f 715/1040/118 720/1039/118 716/1033/118 +f 339/1194/116 45/1275/116 42/1195/116 +f 329/1199/116 42/1195/116 41/1200/116 +f 41/1200/116 38/1206/116 317/1203/116 +f 307/1205/116 313/1413/116 38/1206/116 +f 630/730/115 308/1151/115 711/1173/115 +f 161/1207/115 160/1436/115 706/1208/115 +f 811/1211/115 660/971/115 662/957/115 +f 358/1150/115 356/1145/115 626/721/115 +f 332/1167/115 328/1162/115 624/717/115 +f 303/1154/115 302/1149/115 622/712/115 +f 312/1152/115 621/711/115 623/715/115 +f 320/1158/115 623/715/115 624/717/115 +f 305/1220/116 311/1399/116 8/1221/116 +f 374/1223/115 7/1353/115 12/1224/115 +f 14/1232/116 331/1406/116 335/1233/116 +f 379/1238/115 12/1224/115 13/1239/115 +f 304/1241/116 3/1222/116 50/1242/116 +f 5/1234/116 337/1408/116 341/1247/116 +f 355/1252/116 50/1242/116 48/1253/116 +f 184/1261/115 182/1455/115 772/1262/115 +f 185/1267/116 820/1497/116 823/1268/116 +f 334/1117/115 330/1121/115 638/746/115 +f 345/1273/116 347/1412/116 46/1274/116 +f 191/1277/116 794/1775/116 797/1278/116 +f 705/1281/116 868/1297/116 871/1282/116 +f 24/1287/116 678/1416/120 709/1288/120 +f 860/1172/116 874/1171/116 872/1292/116 +f 673/1294/115 194/1433/115 192/1295/115 +f 650/962/115 645/970/115 711/1173/115 +f 877/1160/116 878/1312/116 781/1299/116 +f 798/1214/115 790/1180/115 652/952/115 +f 707/1302/121 158/1431/115 156/1303/115 +f 657/975/115 660/971/115 806/1217/115 +f 853/1175/116 863/1174/116 705/1281/116 +f 873/1307/116 875/1157/116 748/1309/116 +f 871/1282/116 873/1307/116 756/1306/116 +f 664/936/115 666/964/115 826/1215/115 +f 628/725/115 633/734/115 338/1318/115 +f 177/1319/116 179/1444/116 835/1320/116 +f 805/1326/116 809/1496/116 187/1327/116 +f 496/854/115 500/850/115 476/852/115 +f 815/1330/116 818/1498/116 185/1267/116 +f 656/942/115 658/977/115 796/1193/115 +f 651/955/115 656/942/115 792/1197/115 +f 885/1332/116 771/1331/116 773/1328/116 +f 640/750/115 318/1130/115 314/1137/115 +f 638/746/115 326/1122/115 322/1129/115 +f 690/1003/117 691/1008/117 692/1010/117 +f 839/1178/116 841/1230/116 386/1229/116 +f 315/1354/116 319/1403/116 9/1355/116 +f 177/1319/116 838/1479/116 785/1356/116 +f 631/732/115 350/1136/115 348/1126/115 +f 626/721/115 354/1146/115 352/1135/115 +f 887/1336/116 768/1335/116 770/1333/116 +f 620/709/115 627/722/115 659/967/115 +f 654/963/115 808/1188/115 804/1191/115 +f 7/1353/115 370/1352/115 364/1345/115 +f 446/965/115 443/930/115 647/932/115 +f 349/1390/116 351/1418/116 48/1253/116 +f 39/1379/115 372/1381/115 367/1391/115 +f 360/1347/115 416/1342/115 2/1341/115 +f 414/1343/115 412/1389/115 49/1119/115 +f 36/1392/115 367/1391/115 366/1350/115 +f 800/1395/116 169/1494/116 173/1396/116 +f 176/1400/115 174/1475/115 733/1401/115 +f 401/1227/116 403/1235/116 842/1237/116 +f 400/1364/115 395/1359/115 43/1358/115 +f 389/1370/115 385/1365/115 13/1239/115 +f 40/1366/115 43/1358/115 391/1360/115 +f 40/1366/115 381/1368/115 377/1380/115 +f 397/1374/115 393/1369/115 4/1371/115 +f 404/1362/115 44/1361/115 47/1372/115 +f 25/1388/115 27/1383/115 708/1382/122 +f 650/962/115 817/1298/115 814/1187/115 +f 538/657/97 539/656/97 540/1419/84 +f 159/1420/116 165/1451/116 813/1421/116 +f 407/1249/116 844/1251/116 842/1237/116 +f 674/1434/116 794/1775/116 191/1277/116 +f 710/1440/123 675/1487/123 155/1441/116 +f 713/1443/116 162/1488/116 159/1420/116 +f 365/1244/116 843/1246/116 845/1258/116 +f 179/1444/116 181/1462/116 831/1445/116 +f 878/1312/116 883/1323/116 777/1322/116 +f 165/1451/116 169/1494/116 807/1452/116 +f 183/1269/116 825/1495/116 827/1461/116 +f 344/1128/115 340/1116/115 636/742/115 +f 887/1336/116 888/1338/116 764/1340/116 +f 619/708/115 309/1138/115 308/1151/115 +f 373/1271/116 852/1113/116 850/1124/116 +f 175/1357/116 789/1499/116 791/1477/116 +f 178/1425/115 176/1400/115 734/1478/115 +f 779/1439/115 180/1438/115 178/1425/115 +f 286/1486/115 288/1769/115 239/926/115 +f 641/751/115 649/935/115 676/1179/115 +f 411/1256/116 846/1132/116 844/1251/116 +f 547/839/115 527/820/115 531/816/115 +f 161/1207/115 762/1209/115 761/1449/115 +f 192/1295/115 190/1459/115 739/1458/115 +f 376/1231/116 841/1230/116 843/1246/116 +f 753/1334/116 758/1339/116 888/1338/116 +f 747/1463/115 190/1459/115 188/1471/115 +f 186/1473/115 184/1261/115 767/1468/115 +f 755/1469/115 188/1471/115 186/1473/115 +f 174/1475/115 170/1464/115 742/1467/115 +f 166/1448/115 757/1450/115 752/1465/115 +f 788/1500/119 838/1713/119 837/582/6 +f 717/1501/124 681/1776/124 683/1502/125 +f 323/1404/116 327/1405/116 14/1232/116 +f 667/1504/126 669/1533/127 704/1505/127 +f 703/1507/128 709/1288/120 678/1416/120 +f 680/1509/129 679/1515/130 723/1510/130 +f 712/1512/131 677/1777/131 675/1487/123 +f 715/1513/132 686/1514/132 689/148/74 +f 715/1513/132 714/1503/125 683/1502/125 +f 670/1385/122 708/1382/122 723/1510/130 +f 698/1516/133 667/1778/126 702/1517/126 +f 695/1519/134 699/1779/134 701/1520/135 +f 693/1522/136 727/1539/136 729/1523/137 +f 721/1525/138 725/635/114 690/1526/114 +f 688/1527/138 685/1780/139 720/1528/139 +f 720/1528/139 685/1780/139 682/1529/140 +f 682/1531/140 680/1509/129 718/1511/129 +f 669/1533/127 677/1777/131 712/1512/131 +f 684/1534/141 722/1540/141 730/1535/142 +f 696/313/101 698/1516/133 700/1518/133 +f 694/1524/137 729/1523/137 699/1537/134 +f 727/1539/136 693/1522/136 691/634/113 +f 730/1535/142 707/1302/121 672/1304/121 +f 701/1520/135 703/1507/128 668/1508/128 +f 722/1540/141 684/1534/141 681/1541/124 +f 474/1565/116 480/915/116 434/1566/116 +f 262/885/115 210/887/115 217/1568/115 +f 497/1569/116 495/1603/116 445/1570/116 +f 458/1572/116 460/911/116 508/913/116 +f 464/1574/116 513/1577/116 511/912/116 +f 464/1574/116 465/1587/116 515/1576/116 +f 425/1578/116 475/1583/116 474/1565/116 +f 439/1579/116 441/1767/116 490/894/116 +f 455/1581/116 458/1572/116 507/1573/116 +f 475/1583/116 425/1578/116 432/1584/116 +f 421/1586/116 516/1594/116 515/1576/116 +f 432/1584/116 435/1591/116 485/1588/116 +f 502/1589/116 454/1601/116 455/1581/116 +f 203/872/115 251/871/115 254/875/115 +f 487/1590/116 485/1588/116 435/1591/116 +f 421/1586/116 417/1595/116 469/1593/116 +f 282/769/115 285/891/115 234/893/115 +f 417/1595/116 422/759/116 471/761/116 +f 451/1596/116 501/1600/116 498/1597/116 +f 140/808/115 138/800/115 95/799/115 +f 498/1597/116 497/1569/116 448/1571/116 +f 240/928/115 290/927/115 292/1599/115 +f 501/1600/116 451/1596/116 454/1601/116 +f 250/870/115 249/903/115 299/902/115 +f 495/1603/116 493/896/116 444/895/116 +f 775/1456/115 182/1455/115 180/1438/115 +f 534/1651/116 586/1657/116 582/925/116 +f 541/1652/116 594/1659/116 592/1653/116 +f 552/778/116 554/1665/116 608/1655/116 +f 537/1656/116 590/1667/116 586/1657/116 +f 489/1580/116 487/1590/116 437/1592/116 +f 542/1658/116 596/771/116 594/1659/116 +f 118/1660/115 116/765/115 73/767/115 +f 93/1661/115 136/798/115 134/1662/115 +f 132/794/115 89/1765/115 91/1663/115 +f 54/764/115 144/763/115 142/1664/115 +f 554/1665/116 556/796/116 610/1666/116 +f 538/1654/116 592/1653/116 590/1667/116 +f 529/1668/116 525/1768/116 577/923/116 +f 616/1670/116 614/1672/116 561/1671/116 +f 558/797/116 561/1671/116 614/1672/116 +f 122/1673/115 120/907/115 77/909/115 +f 588/1674/116 533/1679/116 529/1668/116 +f 600/1675/116 546/788/116 548/1676/116 +f 588/1674/116 584/1681/116 530/1678/116 +f 126/1680/115 124/810/115 81/812/115 +f 584/1681/116 580/1685/116 522/1682/116 +f 59/780/115 107/1764/115 106/754/115 +f 521/1684/116 522/1682/116 580/1685/116 +f 574/1686/116 572/774/116 517/775/116 +f 602/1677/116 548/1676/116 551/777/116 +f 838/1713/119 788/1500/119 786/1714/108 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.stl b/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.stl new file mode 100644 index 0000000000000000000000000000000000000000..cbfd80ed74fce7a506dad27909a007a2b24aaf7e --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-coupler.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d5ee95e62f8415bf5b6e503c831a958f5fc1990bf9b2865329ec38a28932727c +size 89084 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.mtl b/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.mtl new file mode 100644 index 0000000000000000000000000000000000000000..35d36cfef2bea7c53cb427fdfdc6a639abfa9110 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.mtl @@ -0,0 +1,13 @@ +# Blender MTL File: 'gripper-2f.blend' +# Material Count: 1 + +newmtl Default +Ns 96.078431 +Ka 1.000000 1.000000 1.000000 +Kd 0.640000 0.640000 0.640000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 +map_Kd textures/gripper-2f_BaseColor.jpg diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.obj b/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.obj new file mode 100644 index 0000000000000000000000000000000000000000..4356c97f7b075bcaf7d0652ef0ab733a252e49c7 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.obj @@ -0,0 +1,3745 @@ +# Blender v2.79 (sub 5) OBJ File: 'gripper-2f.blend' +# www.blender.org +mtllib robotiq-2f-driver.mtl +o robotiq-2f-driver_shape0 +v 0.045000 0.266297 0.051159 +v 0.115000 0.266297 0.051159 +v 0.115000 0.261146 0.047105 +v 0.045000 0.261146 0.047105 +v 0.115000 0.255118 0.044529 +v 0.045000 0.255118 0.044529 +v 0.115000 0.248628 0.043609 +v 0.045000 0.248628 0.043609 +v 0.115000 0.242122 0.044407 +v 0.045000 0.242122 0.044407 +v 0.115000 0.236047 0.046869 +v 0.045000 0.236047 0.046869 +v 0.115000 0.230821 0.050826 +v 0.045000 0.230821 0.050826 +v 0.115000 0.226802 0.056005 +v 0.045000 0.226802 0.056005 +v 0.115000 0.224269 0.062050 +v 0.045000 0.224269 0.062050 +v 0.115000 0.223393 0.068547 +v 0.045000 0.223393 0.068547 +v 0.115000 0.224237 0.075047 +v 0.045000 0.224237 0.075047 +v 0.115000 0.226741 0.081105 +v 0.045000 0.226741 0.081105 +v 0.115000 0.230734 0.086304 +v 0.045000 0.230734 0.086304 +v 0.115000 0.235941 0.090286 +v 0.045000 0.235941 0.090286 +v 0.115000 0.242004 0.092777 +v 0.045000 0.242004 0.092777 +v 0.045000 0.248506 0.093607 +v 0.115000 0.248506 0.093607 +v 0.045000 0.255000 0.092719 +v 0.115000 0.255000 0.092719 +v 0.045000 0.261041 0.090172 +v 0.115000 0.261041 0.090172 +v 0.045000 0.266211 0.086144 +v 0.115000 0.266211 0.086144 +v 0.045000 0.270157 0.080909 +v 0.115000 0.270157 0.080909 +v 0.120000 0.264613 0.080309 +v 0.120000 0.267014 0.075907 +v 0.117922 0.269430 0.075307 +v 0.117922 0.267024 0.056761 +v 0.120000 0.266964 0.061182 +v 0.120000 0.264534 0.056797 +v 0.120000 0.268244 0.071047 +v 0.119500 0.268806 0.070497 +v 0.120000 0.261090 0.053154 +v 0.120000 0.268227 0.066034 +v 0.119500 0.267648 0.061571 +v 0.120000 0.256848 0.050482 +v 0.120000 0.252075 0.048949 +v 0.120000 0.247070 0.048651 +v 0.120000 0.242149 0.049607 +v 0.120000 0.237620 0.051757 +v 0.120000 0.233768 0.054966 +v 0.120000 0.230835 0.059032 +v 0.120000 0.229005 0.063699 +v 0.120000 0.228393 0.068675 +v 0.120000 0.229039 0.073647 +v 0.120000 0.230900 0.078302 +v 0.120000 0.233860 0.082348 +v 0.120000 0.237734 0.085530 +v 0.120000 0.242277 0.087649 +v 0.120000 0.247205 0.088572 +v 0.120000 0.252207 0.088241 +v 0.120000 0.256970 0.086675 +v 0.120000 0.261194 0.083975 +v 0.045000 0.340722 0.001937 +v 0.050000 0.335579 0.004650 +v 0.050000 0.340722 0.001937 +v 0.045000 0.335579 0.004650 +v 0.045000 0.345515 -0.001355 +v 0.050000 0.345515 -0.001355 +v 0.045000 0.349893 -0.005181 +v 0.050000 0.349893 -0.005181 +v 0.045000 0.353798 -0.009489 +v 0.050000 0.353798 -0.009489 +v 0.050000 0.357176 -0.014221 +v 0.045000 0.357176 -0.014221 +v 0.050000 0.359982 -0.019314 +v 0.045000 0.359982 -0.019314 +v 0.050000 0.362178 -0.024698 +v 0.045000 0.362178 -0.024698 +v 0.045000 0.363734 -0.030300 +v 0.050000 0.363734 -0.030300 +v 0.045000 0.364629 -0.036046 +v 0.050000 0.364629 -0.036046 +v 0.050000 0.364850 -0.041856 +v 0.045000 0.364850 -0.041856 +v 0.045000 0.364396 -0.047653 +v 0.050000 0.364396 -0.047653 +v 0.050000 0.363272 -0.053357 +v 0.045000 0.363272 -0.053357 +v 0.045000 0.361493 -0.058893 +v 0.050000 0.361493 -0.058893 +v 0.045000 0.359084 -0.064185 +v 0.050000 0.359084 -0.064185 +v 0.045000 0.356077 -0.069161 +v 0.050000 0.356077 -0.069161 +v 0.050000 0.352512 -0.073755 +v 0.045000 0.352512 -0.073755 +v 0.050000 0.348438 -0.077903 +v 0.045000 0.348438 -0.077903 +v 0.050000 0.343910 -0.081551 +v 0.045000 0.343910 -0.081551 +v 0.045000 0.338989 -0.084648 +v 0.050000 0.338989 -0.084648 +v 0.045000 0.333742 -0.087153 +v 0.050000 0.333742 -0.087153 +v 0.050000 0.328239 -0.089032 +v 0.045000 0.328239 -0.089032 +v 0.045000 0.322556 -0.090259 +v 0.050000 0.322556 -0.090259 +v 0.050000 0.316768 -0.090819 +v 0.045000 0.316768 -0.090819 +v 0.050000 0.310955 -0.090702 +v 0.045000 0.310955 -0.090702 +v 0.045000 0.305194 -0.089912 +v 0.050000 0.305194 -0.089912 +v 0.050000 0.299564 -0.088458 +v 0.045000 0.299564 -0.088458 +v 0.045000 0.294142 -0.086360 +v 0.050000 0.294142 -0.086360 +v 0.050000 0.288999 -0.083647 +v 0.045000 0.288999 -0.083647 +v 0.050000 0.284206 -0.080356 +v 0.045000 0.284206 -0.080356 +v 0.045000 0.279827 -0.076530 +v 0.050000 0.279827 -0.076530 +v 0.050000 0.275923 -0.072222 +v 0.045000 0.275923 -0.072222 +v 0.050000 0.272544 -0.067489 +v 0.045000 0.272544 -0.067489 +v 0.045000 0.269739 -0.062396 +v 0.050000 0.269739 -0.062396 +v 0.050000 0.267543 -0.057012 +v 0.045000 0.267543 -0.057012 +v 0.050000 0.265987 -0.051410 +v 0.045000 0.265987 -0.051410 +v 0.045000 0.265092 -0.045665 +v 0.050000 0.265092 -0.045665 +v 0.045000 0.264870 -0.039855 +v 0.050000 0.264870 -0.039855 +v 0.050000 0.265325 -0.034058 +v 0.045000 0.265325 -0.034058 +v 0.050000 0.266449 -0.028353 +v 0.045000 0.266449 -0.028353 +v 0.045000 0.268228 -0.022817 +v 0.050000 0.268228 -0.022817 +v 0.050000 0.270637 -0.017525 +v 0.045000 0.270637 -0.017525 +v 0.050000 0.273644 -0.012549 +v 0.045000 0.273644 -0.012549 +v 0.050000 0.277209 -0.007956 +v 0.045000 0.277209 -0.007956 +v 0.045000 0.281283 -0.003807 +v 0.050000 0.281283 -0.003807 +v 0.050000 0.285811 -0.000160 +v 0.045000 0.285811 -0.000160 +v 0.050000 0.290732 0.002938 +v 0.045000 0.290732 0.002938 +v 0.050000 0.295979 0.005443 +v 0.045000 0.295979 0.005443 +v 0.050000 0.301482 0.007322 +v 0.045000 0.301482 0.007322 +v 0.045000 0.307165 0.008549 +v 0.050000 0.307165 0.008549 +v 0.050000 0.312953 0.009108 +v 0.045000 0.312953 0.009108 +v 0.050000 0.318766 0.008992 +v 0.045000 0.318766 0.008992 +v 0.050000 0.324527 0.008202 +v 0.045000 0.324527 0.008202 +v 0.045000 0.330156 0.006748 +v 0.050000 0.330156 0.006748 +v -0.045000 0.335579 0.004650 +v -0.050000 0.335579 0.004650 +v -0.050000 0.330156 0.006748 +v -0.045000 0.330156 0.006748 +v -0.050000 0.324527 0.008202 +v -0.045000 0.324527 0.008202 +v -0.050000 0.318766 0.008992 +v -0.045000 0.318766 0.008992 +v -0.050000 0.312953 0.009108 +v -0.045000 0.312953 0.009108 +v -0.050000 0.307165 0.008549 +v -0.045000 0.307165 0.008549 +v -0.050000 0.301482 0.007322 +v -0.045000 0.301482 0.007322 +v -0.050000 0.295979 0.005443 +v -0.045000 0.295979 0.005443 +v -0.050000 0.290732 0.002938 +v -0.045000 0.290732 0.002938 +v -0.050000 0.285811 -0.000160 +v -0.045000 0.285811 -0.000160 +v -0.050000 0.281283 -0.003807 +v -0.045000 0.281283 -0.003807 +v -0.050000 0.277209 -0.007956 +v -0.045000 0.277209 -0.007956 +v -0.050000 0.273644 -0.012549 +v -0.045000 0.273644 -0.012549 +v -0.050000 0.270637 -0.017525 +v -0.045000 0.270637 -0.017525 +v -0.050000 0.268228 -0.022817 +v -0.045000 0.268228 -0.022817 +v -0.050000 0.266449 -0.028353 +v -0.045000 0.266449 -0.028353 +v -0.050000 0.265325 -0.034058 +v -0.045000 0.265325 -0.034058 +v -0.050000 0.264870 -0.039855 +v -0.045000 0.264870 -0.039855 +v -0.050000 0.265092 -0.045665 +v -0.045000 0.265092 -0.045665 +v -0.050000 0.265987 -0.051410 +v -0.045000 0.265987 -0.051410 +v -0.050000 0.267543 -0.057012 +v -0.045000 0.267543 -0.057012 +v -0.050000 0.269739 -0.062396 +v -0.045000 0.269739 -0.062396 +v -0.050000 0.272544 -0.067489 +v -0.045000 0.272544 -0.067489 +v -0.050000 0.275923 -0.072222 +v -0.045000 0.275923 -0.072222 +v -0.050000 0.279827 -0.076530 +v -0.045000 0.279827 -0.076530 +v -0.050000 0.284206 -0.080356 +v -0.045000 0.284206 -0.080356 +v -0.050000 0.288999 -0.083647 +v -0.045000 0.288999 -0.083647 +v -0.050000 0.294142 -0.086360 +v -0.045000 0.294142 -0.086360 +v -0.050000 0.299564 -0.088458 +v -0.045000 0.299564 -0.088458 +v -0.050000 0.305194 -0.089912 +v -0.045000 0.305194 -0.089912 +v -0.050000 0.310955 -0.090702 +v -0.045000 0.310955 -0.090702 +v -0.050000 0.316768 -0.090819 +v -0.045000 0.316768 -0.090819 +v -0.050000 0.322556 -0.090259 +v -0.045000 0.322556 -0.090259 +v -0.050000 0.328239 -0.089032 +v -0.045000 0.328239 -0.089032 +v -0.050000 0.333742 -0.087153 +v -0.045000 0.333742 -0.087153 +v -0.050000 0.338989 -0.084648 +v -0.045000 0.338989 -0.084648 +v -0.050000 0.343910 -0.081551 +v -0.045000 0.343910 -0.081551 +v -0.050000 0.348438 -0.077903 +v -0.045000 0.348438 -0.077903 +v -0.050000 0.352512 -0.073755 +v -0.045000 0.352512 -0.073755 +v -0.050000 0.356077 -0.069161 +v -0.045000 0.356077 -0.069161 +v -0.050000 0.359084 -0.064185 +v -0.045000 0.359084 -0.064185 +v -0.050000 0.361493 -0.058893 +v -0.045000 0.361493 -0.058893 +v -0.050000 0.363272 -0.053357 +v -0.045000 0.363272 -0.053357 +v -0.050000 0.364396 -0.047653 +v -0.045000 0.364396 -0.047653 +v -0.050000 0.364850 -0.041856 +v -0.045000 0.364850 -0.041856 +v -0.050000 0.364629 -0.036046 +v -0.045000 0.364629 -0.036046 +v -0.050000 0.363734 -0.030300 +v -0.045000 0.363734 -0.030300 +v -0.050000 0.362178 -0.024698 +v -0.045000 0.362178 -0.024698 +v -0.050000 0.359982 -0.019314 +v -0.045000 0.359982 -0.019314 +v -0.050000 0.357176 -0.014221 +v -0.045000 0.357176 -0.014221 +v -0.050000 0.353798 -0.009489 +v -0.045000 0.353798 -0.009489 +v -0.050000 0.349893 -0.005181 +v -0.045000 0.349893 -0.005181 +v -0.050000 0.345515 -0.001355 +v -0.045000 0.345515 -0.001355 +v -0.050000 0.340722 0.001937 +v -0.045000 0.340722 0.001937 +v -0.055000 -0.074631 0.007432 +v 0.055000 -0.074998 0.000515 +v 0.055000 -0.074631 0.007432 +v -0.055000 -0.074998 0.000515 +v -0.055000 -0.073627 0.014287 +v 0.055000 -0.073627 0.014287 +v -0.055000 -0.071994 0.021019 +v 0.055000 -0.071994 0.021019 +v -0.055000 -0.069748 0.027572 +v 0.055000 -0.069748 0.027572 +v -0.055000 -0.066906 0.033890 +v 0.055000 -0.066906 0.033890 +v -0.055000 -0.063494 0.039919 +v 0.055000 -0.063494 0.039919 +v -0.055000 -0.059540 0.045607 +v 0.055000 -0.059540 0.045607 +v -0.055000 -0.055078 0.050906 +v 0.055000 -0.055078 0.050906 +v -0.055000 -0.050146 0.055771 +v 0.055000 -0.050146 0.055771 +v -0.055000 -0.044786 0.060160 +v 0.055000 -0.044786 0.060160 +v -0.055000 -0.039044 0.064036 +v 0.055000 -0.039044 0.064036 +v -0.055000 -0.032969 0.067365 +v 0.055000 -0.032969 0.067365 +v -0.055000 -0.026612 0.070120 +v 0.055000 -0.026612 0.070120 +v -0.055000 -0.020029 0.072276 +v 0.055000 -0.020029 0.072276 +v -0.055000 -0.013275 0.073816 +v 0.055000 -0.013275 0.073816 +v -0.055000 -0.006407 0.074726 +v 0.055000 -0.006407 0.074726 +v -0.055000 0.000515 0.074998 +v 0.055000 0.000515 0.074998 +v -0.055000 0.007432 0.074631 +v 0.055000 0.007432 0.074631 +v -0.055000 0.014287 0.073627 +v 0.055000 0.014287 0.073627 +v -0.055000 0.021019 0.071994 +v 0.055000 0.021019 0.071994 +v -0.055000 0.027572 0.069748 +v 0.055000 0.027572 0.069748 +v -0.055000 0.033890 0.066906 +v 0.055000 0.033890 0.066906 +v -0.055000 0.039919 0.063494 +v 0.055000 0.039919 0.063494 +v -0.055000 0.045607 0.059540 +v 0.055000 0.045607 0.059540 +v 0.055000 0.060160 0.044786 +v 0.045000 0.058589 0.046822 +v 0.055000 0.055771 0.050146 +v -0.055000 0.050906 0.055078 +v 0.055000 0.050906 0.055078 +v 0.045000 0.062987 0.040713 +v 0.055000 0.064036 0.039044 +v -0.055000 0.055771 0.050146 +v 0.045000 0.066751 0.034194 +v 0.055000 0.067365 0.032969 +v -0.045000 0.058589 0.046822 +v -0.055000 0.060160 0.044786 +v 0.045000 0.069843 0.027331 +v 0.055000 0.070120 0.026612 +v -0.045000 0.062987 0.040713 +v -0.055000 0.064036 0.039044 +v 0.045000 0.072231 0.020192 +v 0.055000 0.072276 0.020029 +v -0.045000 0.066751 0.034194 +v -0.055000 0.067365 0.032969 +v 0.055000 0.073816 0.013275 +v 0.045000 0.073891 0.012850 +v -0.045000 0.069843 0.027331 +v -0.055000 0.070120 0.026612 +v 0.055000 0.074726 0.006407 +v 0.045000 0.074807 0.005379 +v -0.045000 0.072231 0.020192 +v -0.055000 0.072276 0.020029 +v 0.055000 0.074998 -0.000515 +v 0.045000 0.074969 -0.002147 +v -0.055000 0.073816 0.013275 +v -0.045000 0.073891 0.012850 +v 0.055000 0.074631 -0.007432 +v 0.045000 0.074376 -0.009651 +v -0.055000 0.074726 0.006407 +v -0.045000 0.074807 0.005379 +v 0.055000 0.073627 -0.014287 +v 0.045000 0.073034 -0.017058 +v -0.055000 0.074998 -0.000515 +v -0.045000 0.074969 -0.002147 +v 0.055000 0.071994 -0.021019 +v 0.045000 0.070957 -0.024293 +v -0.055000 0.074631 -0.007432 +v -0.045000 0.074376 -0.009651 +v 0.055000 0.069748 -0.027572 +v -0.055000 0.073627 -0.014287 +v 0.045000 0.068164 -0.031283 +v -0.045000 0.073034 -0.017058 +v 0.055000 0.066906 -0.033890 +v -0.055000 0.071994 -0.021019 +v 0.045000 0.064685 -0.037958 +v 0.055000 0.063494 -0.039919 +v -0.045000 0.070957 -0.024293 +v -0.055000 0.069748 -0.027572 +v 0.045000 0.060554 -0.044251 +v 0.055000 0.059540 -0.045607 +v -0.045000 0.068164 -0.031283 +v -0.055000 0.066906 -0.033890 +v 0.045000 0.055814 -0.050098 +v 0.055000 0.055078 -0.050906 +v -0.045000 0.064685 -0.037958 +v -0.055000 0.063494 -0.039919 +v 0.045000 0.050511 -0.055440 +v 0.055000 0.050146 -0.055771 +v -0.045000 0.060554 -0.044251 +v -0.055000 0.059540 -0.045607 +v 0.045000 0.044699 -0.060224 +v 0.055000 0.044786 -0.060160 +v -0.045000 0.055814 -0.050098 +v -0.055000 0.055078 -0.050906 +v 0.055000 0.039044 -0.064036 +v -0.045000 0.050511 -0.055440 +v -0.055000 0.050146 -0.055771 +v -0.045000 0.044699 -0.060224 +v -0.055000 0.044786 -0.060160 +v -0.055000 0.039044 -0.064036 +v -0.055000 0.032969 -0.067365 +v 0.055000 0.032969 -0.067365 +v -0.055000 0.026612 -0.070120 +v 0.055000 0.026612 -0.070120 +v -0.055000 0.020029 -0.072276 +v 0.055000 0.020029 -0.072276 +v -0.055000 0.013275 -0.073816 +v 0.055000 0.013275 -0.073816 +v -0.055000 0.006407 -0.074726 +v 0.055000 0.006407 -0.074726 +v -0.055000 -0.000515 -0.074998 +v 0.055000 -0.000515 -0.074998 +v -0.055000 -0.007432 -0.074631 +v 0.055000 -0.007432 -0.074631 +v -0.055000 -0.014287 -0.073627 +v 0.055000 -0.014287 -0.073627 +v -0.055000 -0.021019 -0.071994 +v 0.055000 -0.021019 -0.071994 +v -0.055000 -0.027572 -0.069748 +v 0.055000 -0.027572 -0.069748 +v -0.055000 -0.033890 -0.066906 +v 0.055000 -0.033890 -0.066906 +v -0.055000 -0.039919 -0.063494 +v 0.055000 -0.039919 -0.063494 +v -0.055000 -0.045607 -0.059540 +v 0.055000 -0.045607 -0.059540 +v -0.055000 -0.050906 -0.055078 +v 0.055000 -0.050906 -0.055078 +v -0.055000 -0.055771 -0.050146 +v 0.055000 -0.055771 -0.050146 +v -0.055000 -0.060160 -0.044786 +v 0.055000 -0.060160 -0.044786 +v -0.055000 -0.064036 -0.039044 +v 0.055000 -0.064036 -0.039044 +v -0.055000 -0.067365 -0.032969 +v 0.055000 -0.067365 -0.032969 +v -0.055000 -0.070120 -0.026612 +v 0.055000 -0.070120 -0.026612 +v -0.055000 -0.072276 -0.020029 +v 0.055000 -0.072276 -0.020029 +v -0.055000 -0.073816 -0.013275 +v 0.055000 -0.073816 -0.013275 +v -0.055000 -0.074726 -0.006407 +v 0.055000 -0.074726 -0.006407 +v -0.115000 0.266297 0.051159 +v -0.120000 0.261090 0.053154 +v -0.120000 0.264534 0.056797 +v -0.115000 0.261146 0.047105 +v -0.117922 0.267024 0.056761 +v -0.117922 0.269430 0.075307 +v -0.120000 0.268244 0.071047 +v -0.120000 0.267014 0.075907 +v -0.120000 0.266964 0.061182 +v -0.119500 0.267648 0.061571 +v -0.115000 0.270157 0.080909 +v -0.120000 0.264613 0.080309 +v -0.120000 0.268227 0.066034 +v -0.119500 0.268806 0.070497 +v -0.115000 0.266211 0.086144 +v -0.120000 0.261194 0.083975 +v -0.115000 0.261041 0.090172 +v -0.120000 0.256970 0.086675 +v -0.115000 0.255000 0.092719 +v -0.120000 0.252207 0.088241 +v -0.115000 0.248506 0.093607 +v -0.120000 0.247205 0.088572 +v -0.115000 0.242004 0.092777 +v -0.120000 0.242277 0.087649 +v -0.115000 0.235941 0.090286 +v -0.120000 0.237734 0.085530 +v -0.115000 0.230734 0.086304 +v -0.120000 0.233860 0.082348 +v -0.115000 0.226741 0.081105 +v -0.120000 0.230900 0.078302 +v -0.115000 0.224237 0.075047 +v -0.120000 0.229039 0.073647 +v -0.120000 0.228393 0.068675 +v -0.115000 0.223393 0.068547 +v -0.120000 0.229005 0.063699 +v -0.115000 0.224269 0.062050 +v -0.120000 0.230835 0.059032 +v -0.115000 0.226802 0.056005 +v -0.120000 0.233768 0.054966 +v -0.115000 0.230821 0.050826 +v -0.120000 0.237620 0.051757 +v -0.115000 0.236047 0.046869 +v -0.120000 0.242149 0.049607 +v -0.115000 0.242122 0.044407 +v -0.120000 0.247070 0.048651 +v -0.115000 0.248628 0.043609 +v -0.120000 0.252075 0.048949 +v -0.115000 0.255118 0.044529 +v -0.120000 0.256848 0.050482 +v -0.045000 0.266297 0.051159 +v -0.045000 0.261146 0.047105 +v -0.045000 0.255118 0.044529 +v -0.045000 0.248628 0.043609 +v -0.045000 0.242122 0.044407 +v -0.045000 0.236047 0.046869 +v -0.045000 0.230821 0.050826 +v -0.045000 0.226802 0.056005 +v -0.045000 0.224269 0.062050 +v -0.045000 0.223393 0.068547 +v -0.045000 0.224237 0.075047 +v -0.045000 0.226741 0.081105 +v -0.045000 0.230734 0.086304 +v -0.045000 0.235941 0.090286 +v -0.045000 0.242004 0.092777 +v -0.045000 0.248506 0.093607 +v -0.045000 0.255000 0.092719 +v -0.045000 0.261041 0.090172 +v -0.045000 0.266211 0.086144 +v -0.045000 0.270157 0.080909 +v -0.045000 0.218860 0.120836 +v -0.045000 0.224622 0.123698 +v -0.045000 0.132728 0.029623 +v -0.045000 0.067888 -0.054186 +v -0.045000 0.199807 0.103812 +v -0.045000 0.196317 0.098408 +v -0.045000 0.213437 0.117373 +v -0.045000 0.203856 0.108812 +v -0.045000 0.208417 0.113350 +v -0.045000 0.125923 0.029406 +v -0.045000 0.119133 0.029919 +v -0.045000 0.357767 -0.082795 +v -0.045000 0.353020 -0.087157 +v -0.045000 0.362020 -0.077950 +v -0.045000 0.347832 -0.090984 +v -0.045000 0.079469 0.035065 +v -0.045000 0.365727 -0.072676 +v -0.045000 0.342264 -0.094232 +v -0.045000 0.071573 0.037140 +v -0.045000 0.368848 -0.067035 +v -0.045000 0.336379 -0.096864 +v -0.045000 0.064458 0.041146 +v -0.045000 0.371345 -0.061092 +v -0.045000 0.330246 -0.098849 +v -0.045000 0.373190 -0.054915 +v -0.045000 0.323935 -0.100165 +v -0.045000 0.317519 -0.100796 +v -0.045000 0.374362 -0.048576 +v -0.045000 0.311073 -0.100736 +v -0.045000 0.304671 -0.099984 +v -0.045000 0.298386 -0.098549 +v -0.045000 0.292291 -0.096448 +v -0.045000 0.286457 -0.093706 +v -0.045000 0.280950 -0.090354 +v -0.045000 0.275835 -0.086430 +v -0.045000 0.270786 -0.082888 +v -0.045000 0.265151 -0.080382 +v -0.045000 0.259140 -0.079002 +v -0.045000 0.387229 0.050593 +v -0.045000 0.387720 0.057303 +v -0.045000 0.387456 0.064027 +v -0.045000 0.386440 0.070678 +v -0.045000 0.384687 0.077174 +v -0.045000 0.382217 0.083433 +v -0.045000 0.379062 0.089375 +v -0.045000 0.375261 0.094928 +v -0.045000 0.370863 0.100020 +v -0.045000 0.365922 0.104587 +v -0.045000 0.360501 0.108572 +v -0.045000 0.354668 0.111926 +v -0.045000 0.348496 0.114605 +v -0.045000 0.342062 0.116576 +v -0.045000 0.335449 0.117815 +v -0.045000 0.256114 0.128109 +v -0.045000 0.169613 0.045539 +v -0.045000 0.174440 0.050341 +v -0.045000 0.164299 0.041281 +v -0.045000 0.178725 0.055633 +v -0.045000 0.158560 0.037616 +v -0.045000 0.182418 0.061353 +v -0.045000 0.249699 0.128593 +v -0.045000 0.152462 0.034587 +v -0.045000 0.185479 0.067435 +v -0.045000 0.146075 0.032229 +v -0.045000 0.243268 0.128388 +v -0.045000 0.187870 0.073810 +v -0.045000 0.139472 0.030568 +v -0.045000 0.189565 0.080405 +v -0.045000 0.236897 0.127496 +v -0.045000 0.051823 -0.056234 +v -0.045000 0.059724 -0.054177 +v -0.045000 0.191166 0.086636 +v -0.045000 0.230657 0.125926 +v -0.045000 0.193425 0.092660 +v 0.045000 0.067888 -0.054186 +v 0.045000 0.193425 0.092660 +v 0.045000 0.191166 0.086636 +v 0.045000 0.230657 0.125926 +v 0.045000 0.224622 0.123698 +v 0.045000 0.196317 0.098408 +v 0.045000 0.218860 0.120836 +v 0.045000 0.132728 0.029623 +v 0.045000 0.199807 0.103812 +v 0.045000 0.213437 0.117373 +v 0.045000 0.203856 0.108812 +v 0.045000 0.353020 -0.087157 +v 0.045000 0.357767 -0.082795 +v 0.045000 0.208417 0.113350 +v 0.045000 0.362020 -0.077950 +v 0.045000 0.125923 0.029406 +v 0.045000 0.347832 -0.090984 +v 0.045000 0.365727 -0.072676 +v 0.045000 0.119133 0.029919 +v 0.045000 0.342264 -0.094232 +v 0.045000 0.368848 -0.067035 +v 0.045000 0.336379 -0.096864 +v 0.045000 0.079469 0.035065 +v 0.045000 0.371345 -0.061092 +v 0.045000 0.071573 0.037140 +v 0.045000 0.330246 -0.098849 +v 0.045000 0.373190 -0.054915 +v 0.045000 0.317519 -0.100796 +v 0.045000 0.323935 -0.100165 +v 0.045000 0.064458 0.041146 +v 0.045000 0.374362 -0.048576 +v 0.045000 0.311073 -0.100736 +v 0.045000 0.304671 -0.099984 +v 0.045000 0.298386 -0.098549 +v 0.045000 0.292291 -0.096448 +v 0.045000 0.286457 -0.093706 +v 0.045000 0.280950 -0.090354 +v 0.045000 0.275835 -0.086430 +v 0.045000 0.270786 -0.082888 +v 0.045000 0.265151 -0.080382 +v 0.045000 0.259140 -0.079002 +v 0.045000 0.387229 0.050593 +v 0.045000 0.387720 0.057303 +v 0.045000 0.387456 0.064027 +v 0.045000 0.386440 0.070678 +v 0.045000 0.384687 0.077174 +v 0.045000 0.382217 0.083433 +v 0.045000 0.379062 0.089375 +v 0.045000 0.375261 0.094928 +v 0.045000 0.370863 0.100020 +v 0.045000 0.365922 0.104587 +v 0.045000 0.360501 0.108572 +v 0.045000 0.354668 0.111926 +v 0.045000 0.348496 0.114605 +v 0.045000 0.342062 0.116576 +v 0.045000 0.335449 0.117815 +v 0.045000 0.256114 0.128109 +v 0.045000 0.169613 0.045539 +v 0.045000 0.174440 0.050341 +v 0.045000 0.164299 0.041281 +v 0.045000 0.178725 0.055633 +v 0.045000 0.158560 0.037616 +v 0.045000 0.182418 0.061353 +v 0.045000 0.249699 0.128593 +v 0.045000 0.152462 0.034587 +v 0.045000 0.185479 0.067435 +v 0.045000 0.146075 0.032229 +v 0.045000 0.243268 0.128388 +v 0.045000 0.187870 0.073810 +v 0.045000 0.139472 0.030568 +v 0.045000 0.189565 0.080405 +v 0.045000 0.236897 0.127496 +v 0.045000 0.051823 -0.056234 +v 0.045000 0.059724 -0.054177 +vt 0.948502 0.321898 +vt 0.947275 0.320524 +vt 0.948502 0.320524 +vt 0.120255 0.928879 +vt 0.103416 0.930275 +vt 0.120255 0.930275 +vt 0.856569 0.952022 +vt 0.855372 0.953249 +vt 0.855372 0.952022 +vt 0.947275 0.314919 +vt 0.948502 0.316307 +vt 0.947275 0.316307 +vt 0.938944 0.749981 +vt 0.937710 0.748556 +vt 0.938944 0.748556 +vt 0.947275 0.310018 +vt 0.948502 0.311113 +vt 0.947275 0.311113 +vt 0.805904 0.302067 +vt 0.827489 0.303551 +vt 0.805904 0.303551 +vt 0.904557 0.552177 +vt 0.903404 0.569126 +vt 0.903404 0.552177 +vt 0.782408 0.825837 +vt 0.780784 0.852711 +vt 0.780784 0.825837 +vt 0.440663 0.924203 +vt 0.423544 0.925651 +vt 0.440663 0.925651 +vt 0.827489 0.306600 +vt 0.805904 0.325621 +vt 0.805904 0.306600 +vt 0.938944 0.747138 +vt 0.937710 0.745735 +vt 0.938944 0.745735 +vt 0.947275 0.325638 +vt 0.948502 0.326703 +vt 0.947275 0.326703 +vt 0.006532 0.815738 +vt 0.008053 0.832856 +vt 0.008053 0.815738 +vt 0.827167 0.072784 +vt 0.805648 0.074253 +vt 0.827167 0.074253 +vt 0.770327 0.240067 +vt 0.792228 0.241662 +vt 0.792228 0.240067 +vt 0.777713 0.852711 +vt 0.779212 0.825837 +vt 0.779212 0.852711 +vt 0.937703 0.648749 +vt 0.938944 0.650020 +vt 0.937703 0.650020 +vt 0.948502 0.362595 +vt 0.947275 0.361353 +vt 0.948502 0.361353 +vt 0.674531 0.554708 +vt 0.673113 0.564303 +vt 0.673208 0.553951 +vt 0.914843 0.210062 +vt 0.913366 0.210267 +vt 0.914153 0.211230 +vt 0.910885 0.596412 +vt 0.910731 0.597485 +vt 0.910276 0.596346 +vt 0.910731 0.599931 +vt 0.910885 0.601004 +vt 0.910276 0.601070 +vt 0.909318 0.570221 +vt 0.910501 0.569832 +vt 0.909428 0.570339 +vt 0.906328 0.208930 +vt 0.907643 0.209540 +vt 0.907717 0.208930 +vt 0.910885 0.598712 +vt 0.910885 0.599814 +vt 0.910885 0.597602 +vt 0.907121 0.570221 +vt 0.907004 0.570339 +vt 0.905931 0.569832 +vt 0.669687 0.058287 +vt 0.684102 0.032830 +vt 0.670708 0.059492 +vt 0.904359 0.211457 +vt 0.905865 0.211230 +vt 0.905175 0.210062 +vt 0.903933 0.213022 +vt 0.905344 0.212346 +vt 0.692880 0.226604 +vt 0.693975 0.227838 +vt 0.694504 0.226604 +vt 0.915688 0.216218 +vt 0.914828 0.214808 +vt 0.914454 0.215983 +vt 0.905123 0.217621 +vt 0.905571 0.215983 +vt 0.904330 0.216218 +vt 0.906262 0.218775 +vt 0.906225 0.217034 +vt 0.907651 0.219590 +vt 0.907122 0.217886 +vt 0.664331 0.035145 +vt 0.674764 0.028099 +vt 0.665426 0.036210 +vt 0.908379 0.370130 +vt 0.910847 0.371415 +vt 0.908379 0.371577 +vt 0.910817 0.220009 +vt 0.911816 0.218481 +vt 0.910626 0.218790 +vt 0.913756 0.218775 +vt 0.913793 0.217034 +vt 0.912896 0.217886 +vt 0.901041 0.594957 +vt 0.902782 0.594928 +vt 0.901930 0.595824 +vt 0.908379 0.368771 +vt 0.910847 0.369851 +vt 0.904234 0.416399 +vt 0.903087 0.413938 +vt 0.904594 0.413938 +vt 0.898487 0.922271 +vt 0.897260 0.923366 +vt 0.897260 0.922132 +vt 0.916085 0.213022 +vt 0.914674 0.212346 +vt 0.914909 0.213566 +vt 0.915659 0.211457 +vt 0.383463 0.863862 +vt 0.405312 0.862290 +vt 0.383463 0.862290 +vt 0.663119 0.499383 +vt 0.664544 0.472979 +vt 0.664544 0.499383 +vt 0.731232 0.496981 +vt 0.732760 0.475381 +vt 0.732760 0.496981 +vt 0.802935 0.952022 +vt 0.804316 0.953249 +vt 0.804316 0.952022 +vt 0.827489 0.327215 +vt 0.805904 0.327215 +vt 0.670503 0.475381 +vt 0.672427 0.496981 +vt 0.670503 0.496981 +vt 0.827489 0.328787 +vt 0.805904 0.328787 +vt 0.937703 0.511678 +vt 0.938944 0.512648 +vt 0.937703 0.512648 +vt 0.937703 0.645509 +vt 0.938944 0.646479 +vt 0.937703 0.646479 +vt 0.767888 0.272878 +vt 0.794660 0.271203 +vt 0.767888 0.271203 +vt 0.737102 0.475381 +vt 0.735713 0.496981 +vt 0.735713 0.475381 +vt 0.440663 0.919472 +vt 0.423544 0.921000 +vt 0.440663 0.921000 +vt 0.689919 0.226604 +vt 0.688781 0.209427 +vt 0.688781 0.226604 +vt 0.948502 0.312311 +vt 0.947275 0.312311 +vt 0.696076 0.226604 +vt 0.694504 0.209427 +vt 0.345757 0.930283 +vt 0.362596 0.931826 +vt 0.345757 0.931826 +vt 0.938944 0.754058 +vt 0.937710 0.752751 +vt 0.938944 0.752751 +vt 0.651908 0.472979 +vt 0.650299 0.499383 +vt 0.650299 0.472979 +vt 0.770327 0.256532 +vt 0.792228 0.254585 +vt 0.770327 0.254585 +vt 0.722496 0.475381 +vt 0.721203 0.496981 +vt 0.721203 0.475381 +vt 0.938944 0.647566 +vt 0.937703 0.647566 +vt 0.948502 0.351728 +vt 0.947275 0.350443 +vt 0.948502 0.350443 +vt 0.805904 0.333158 +vt 0.827489 0.334437 +vt 0.805904 0.334437 +vt 0.827489 0.305064 +vt 0.805904 0.305064 +vt 0.915672 0.920706 +vt 0.898487 0.919310 +vt 0.915672 0.919310 +vt 0.792228 0.238525 +vt 0.770327 0.238525 +vt 0.405312 0.851667 +vt 0.383463 0.852952 +vt 0.405312 0.852952 +vt 0.805904 0.330315 +vt 0.827489 0.331777 +vt 0.805904 0.331777 +vt 0.938944 0.740680 +vt 0.937710 0.739644 +vt 0.938944 0.739644 +vt 0.767888 0.283766 +vt 0.794660 0.282393 +vt 0.767888 0.282393 +vt 0.937703 0.655582 +vt 0.938944 0.657000 +vt 0.937703 0.657000 +vt 0.827167 0.102663 +vt 0.805648 0.104192 +vt 0.827167 0.104192 +vt 0.731232 0.475381 +vt 0.729696 0.496981 +vt 0.729696 0.475381 +vt 0.937710 0.751384 +vt 0.938944 0.751384 +vt 0.811215 0.952022 +vt 0.812457 0.953249 +vt 0.812457 0.952022 +vt 0.938944 0.743060 +vt 0.937710 0.741826 +vt 0.938944 0.741826 +vt 0.805727 0.952022 +vt 0.807137 0.953249 +vt 0.807137 0.952022 +vt 0.867472 0.952022 +vt 0.866157 0.953249 +vt 0.866157 0.952022 +vt 0.648726 0.499383 +vt 0.648726 0.472979 +vt 0.767888 0.274546 +vt 0.794660 0.272878 +vt 0.948502 0.317710 +vt 0.947275 0.317710 +vt 0.691315 0.226604 +vt 0.689919 0.209427 +vt 0.644370 0.472979 +vt 0.643084 0.499383 +vt 0.643084 0.472979 +vt 0.658476 0.499383 +vt 0.660070 0.472979 +vt 0.660070 0.499383 +vt 0.938944 0.648749 +vt 0.405312 0.854341 +vt 0.383463 0.855818 +vt 0.405312 0.855818 +vt 0.937703 0.658388 +vt 0.938944 0.659733 +vt 0.937703 0.659733 +vt 0.947275 0.324470 +vt 0.948502 0.325638 +vt 0.805648 0.105705 +vt 0.827167 0.105705 +vt 0.860566 0.952022 +vt 0.859178 0.953249 +vt 0.859178 0.952022 +vt 0.869897 0.952022 +vt 0.868728 0.953249 +vt 0.868728 0.952022 +vt 0.948502 0.364806 +vt 0.947275 0.363755 +vt 0.948502 0.363755 +vt 0.440663 0.922616 +vt 0.423544 0.924203 +vt 0.767888 0.264797 +vt 0.794660 0.263335 +vt 0.767888 0.263335 +vt 0.937710 0.704166 +vt 0.938944 0.705400 +vt 0.937710 0.705400 +vt 0.947275 0.321898 +vt 0.948502 0.323213 +vt 0.947275 0.323213 +vt 0.665889 0.472979 +vt 0.665889 0.499383 +vt 0.827489 0.330315 +vt 0.718345 0.475381 +vt 0.718345 0.496981 +vt 0.937710 0.749981 +vt 0.937703 0.652739 +vt 0.938944 0.654157 +vt 0.937703 0.654157 +vt 0.800305 0.952022 +vt 0.801591 0.953249 +vt 0.801591 0.952022 +vt 0.937710 0.708074 +vt 0.938944 0.709477 +vt 0.937710 0.709477 +vt 0.767888 0.276199 +vt 0.794660 0.274546 +vt 0.827167 0.070102 +vt 0.805648 0.071395 +vt 0.827167 0.071395 +vt 0.808541 0.953249 +vt 0.948502 0.324470 +vt 0.690466 0.552320 +vt 0.682186 0.551556 +vt 0.682568 0.550086 +vt 0.805904 0.300627 +vt 0.827489 0.302067 +vt 0.937703 0.494839 +vt 0.938944 0.495941 +vt 0.937703 0.495941 +vt 0.792228 0.237048 +vt 0.770327 0.237048 +vt 0.440663 0.918142 +vt 0.423544 0.919472 +vt 0.827167 0.107182 +vt 0.805648 0.108607 +vt 0.827167 0.108607 +vt 0.726669 0.475381 +vt 0.725215 0.496981 +vt 0.725215 0.475381 +vt 0.692880 0.209427 +vt 0.798564 0.825837 +vt 0.797168 0.852711 +vt 0.797168 0.825837 +vt 0.009669 0.832856 +vt 0.009669 0.815738 +vt 0.948502 0.355865 +vt 0.947275 0.354454 +vt 0.948502 0.354454 +vt 0.947275 0.353073 +vt 0.948502 0.353073 +vt 0.870962 0.952022 +vt 0.869897 0.953249 +vt 0.789174 0.825837 +vt 0.787470 0.852711 +vt 0.787470 0.825837 +vt 0.697479 0.226604 +vt 0.696076 0.209427 +vt 0.898487 0.918172 +vt 0.915672 0.918172 +vt 0.734259 0.475381 +vt 0.809900 0.952022 +vt 0.811215 0.953249 +vt 0.937703 0.501150 +vt 0.938944 0.502568 +vt 0.937703 0.502568 +vt 0.405312 0.868410 +vt 0.383463 0.869806 +vt 0.405312 0.869806 +vt 0.937710 0.710895 +vt 0.938944 0.712321 +vt 0.937710 0.712321 +vt 0.938944 0.755293 +vt 0.937710 0.754058 +vt 0.739644 0.475381 +vt 0.738424 0.496981 +vt 0.738424 0.475381 +vt 0.799864 0.825837 +vt 0.798564 0.852711 +vt 0.801062 0.825837 +vt 0.799864 0.852711 +vt 0.405312 0.857368 +vt 0.383463 0.858977 +vt 0.405312 0.858977 +vt 0.767888 0.266332 +vt 0.794660 0.264797 +vt 0.656845 0.499383 +vt 0.658476 0.472979 +vt 0.661628 0.472979 +vt 0.661628 0.499383 +vt 0.915672 0.926870 +vt 0.898487 0.925467 +vt 0.915672 0.925467 +vt 0.345757 0.934941 +vt 0.362596 0.936285 +vt 0.345757 0.936285 +vt 0.937703 0.506800 +vt 0.938944 0.508137 +vt 0.937703 0.508137 +vt 0.805904 0.299253 +vt 0.827489 0.300627 +vt 0.777713 0.825837 +vt 0.776295 0.852711 +vt 0.776295 0.825837 +vt 0.827167 0.077354 +vt 0.805648 0.078948 +vt 0.827167 0.078948 +vt 0.938944 0.655582 +vt 0.813610 0.952022 +vt 0.814668 0.953249 +vt 0.814668 0.952022 +vt 0.668688 0.475381 +vt 0.668688 0.496981 +vt 0.785766 0.852711 +vt 0.785766 0.825837 +vt 0.938944 0.658388 +vt 0.857848 0.952022 +vt 0.856569 0.953249 +vt 0.734259 0.496981 +vt 0.805648 0.075781 +vt 0.827167 0.075781 +vt 0.103416 0.936285 +vt 0.120255 0.934941 +vt 0.103416 0.934941 +vt 0.120255 0.933412 +vt 0.103416 0.933412 +vt 0.641894 0.499383 +vt 0.641894 0.472979 +vt 0.911875 0.569126 +vt 0.913013 0.552177 +vt 0.913013 0.569126 +vt 0.383463 0.860630 +vt 0.405312 0.860630 +vt 0.719800 0.475381 +vt 0.423544 0.922616 +vt 0.857848 0.953249 +vt 0.938944 0.757475 +vt 0.937710 0.756439 +vt 0.938944 0.756439 +vt 0.937703 0.497139 +vt 0.938944 0.498417 +vt 0.937703 0.498417 +vt 0.947275 0.319128 +vt 0.794660 0.261946 +vt 0.767888 0.261946 +vt 0.864783 0.952022 +vt 0.863387 0.953249 +vt 0.863387 0.952022 +vt 0.663119 0.472979 +vt 0.645751 0.472979 +vt 0.644370 0.499383 +vt 0.655199 0.499383 +vt 0.656845 0.472979 +vt 0.948502 0.319128 +vt 0.938944 0.497139 +vt 0.937703 0.505411 +vt 0.938944 0.506800 +vt 0.805904 0.297960 +vt 0.827489 0.299253 +vt 0.937710 0.716391 +vt 0.938944 0.717625 +vt 0.937710 0.717625 +vt 0.794660 0.259463 +vt 0.792228 0.259897 +vt 0.794660 0.260653 +vt 0.345757 0.928879 +vt 0.362596 0.930283 +vt 0.908379 0.367507 +vt 0.910847 0.368403 +vt 0.864783 0.953249 +vt 0.767888 0.260653 +vt 0.642800 0.521764 +vt 0.643997 0.523983 +vt 0.641874 0.522947 +vt 0.770327 0.259897 +vt 0.767888 0.259463 +vt 0.900225 0.596353 +vt 0.901335 0.596904 +vt 0.676007 0.555104 +vt 0.674611 0.563781 +vt 0.910847 0.373061 +vt 0.908379 0.373098 +vt 0.885029 0.416399 +vt 0.883942 0.413938 +vt 0.885301 0.413938 +vt 0.908379 0.392185 +vt 0.910847 0.393449 +vt 0.908379 0.393427 +vt 0.886586 0.416399 +vt 0.886755 0.413938 +vt 0.910847 0.374780 +vt 0.908379 0.376316 +vt 0.908379 0.374685 +vt 0.641903 0.528905 +vt 0.639435 0.529912 +vt 0.639611 0.528435 +vt 0.908379 0.389415 +vt 0.910847 0.390628 +vt 0.908379 0.390841 +vt 0.888240 0.416399 +vt 0.889863 0.413938 +vt 0.889959 0.416399 +vt 0.690023 0.008615 +vt 0.688260 0.010393 +vt 0.688627 0.008064 +vt 0.910847 0.392097 +vt 0.908379 0.386330 +vt 0.910847 0.387388 +vt 0.908379 0.387902 +vt 0.891737 0.416399 +vt 0.893162 0.413938 +vt 0.893559 0.416399 +vt 0.908379 0.383046 +vt 0.910847 0.382054 +vt 0.910847 0.383876 +vt 0.894844 0.413938 +vt 0.895395 0.416399 +vt 0.899884 0.413938 +vt 0.899054 0.416399 +vt 0.898224 0.413938 +vt 0.896541 0.413938 +vt 0.897232 0.416399 +vt 0.908379 0.384706 +vt 0.910847 0.385661 +vt 0.908358 0.593062 +vt 0.908586 0.594561 +vt 0.907469 0.594039 +vt 0.692609 0.010143 +vt 0.691757 0.012428 +vt 0.690677 0.011620 +vt 0.910847 0.389055 +vt 0.672523 0.021832 +vt 0.657322 0.035145 +vt 0.646809 0.021244 +vt 0.641764 0.531587 +vt 0.639560 0.532895 +vt 0.639413 0.531411 +vt 0.902573 0.416399 +vt 0.901508 0.413938 +vt 0.641088 0.524218 +vt 0.642660 0.526319 +vt 0.640449 0.525570 +vt 0.692742 0.013361 +vt 0.693763 0.011098 +vt 0.694806 0.012178 +vt 0.695401 0.018005 +vt 0.697987 0.018849 +vt 0.695702 0.019320 +vt 0.905806 0.416399 +vt 0.906026 0.413938 +vt 0.667116 0.496981 +vt 0.667138 0.499383 +vt 0.907275 0.416399 +vt 0.907363 0.413938 +vt 0.908627 0.416399 +vt 0.908605 0.413938 +vt 0.667138 0.472979 +vt 0.667116 0.475381 +vt 0.937710 0.713724 +vt 0.938944 0.715083 +vt 0.937710 0.715083 +vt 0.103416 0.931826 +vt 0.805648 0.107182 +vt 0.827489 0.335605 +vt 0.805904 0.335605 +vt 0.012704 0.815738 +vt 0.013923 0.832856 +vt 0.013923 0.815738 +vt 0.405312 0.871114 +vt 0.383463 0.872326 +vt 0.405312 0.872326 +vt 0.799100 0.952022 +vt 0.800305 0.953249 +vt 0.405312 0.866941 +vt 0.383463 0.868410 +vt 0.719800 0.496981 +vt 0.728168 0.496981 +vt 0.728168 0.475381 +vt 0.948502 0.313589 +vt 0.947275 0.313589 +vt 0.915672 0.922271 +vt 0.898487 0.920706 +vt 0.770327 0.235667 +vt 0.792228 0.234381 +vt 0.770327 0.234381 +vt 0.383463 0.854341 +vt 0.005195 0.815738 +vt 0.006532 0.832856 +vt 0.774973 0.852711 +vt 0.774973 0.825837 +vt 0.767888 0.279410 +vt 0.794660 0.277823 +vt 0.767888 0.277823 +vt 0.938944 0.706708 +vt 0.937710 0.706708 +vt 0.784068 0.825837 +vt 0.782408 0.852711 +vt 0.345757 0.933420 +vt 0.362596 0.934941 +vt 0.937703 0.509408 +vt 0.938944 0.510591 +vt 0.937703 0.510591 +vt 0.913690 0.208930 +vt 0.912375 0.209540 +vt 0.909754 0.593877 +vt 0.909548 0.595347 +vt 0.912301 0.208930 +vt 0.911228 0.209084 +vt 0.908789 0.209084 +vt 0.907114 0.098027 +vt 0.905931 0.097645 +vt 0.907004 0.098152 +vt 0.910885 0.602392 +vt 0.910009 0.208930 +vt 0.908907 0.208930 +vt 0.911111 0.208930 +vt 0.909318 0.098027 +vt 0.909428 0.098152 +vt 0.910501 0.097645 +vt 0.906651 0.210267 +vt 0.900839 0.416399 +vt 0.666205 0.037518 +vt 0.677695 0.030876 +vt 0.666609 0.038980 +vt 0.102211 0.932854 +vt 0.903597 0.604391 +vt 0.905008 0.603531 +vt 0.905170 0.604795 +vt 0.902194 0.603590 +vt 0.903832 0.603149 +vt 0.901041 0.602459 +vt 0.902782 0.602488 +vt 0.900225 0.601070 +vt 0.901930 0.601592 +vt 0.422325 0.921279 +vt 0.422325 0.922514 +vt 0.909208 0.220009 +vt 0.908202 0.218481 +vt 0.899806 0.597903 +vt 0.901026 0.598095 +vt 0.912367 0.219590 +vt 0.694343 0.015529 +vt 0.695724 0.013361 +vt 0.696511 0.014632 +vt 0.914895 0.217621 +vt 0.903597 0.593025 +vt 0.905008 0.593885 +vt 0.903832 0.594267 +vt 0.691360 0.009306 +vt 0.689502 0.010937 +vt 0.906793 0.604788 +vt 0.907469 0.603377 +vt 0.908358 0.604354 +vt 0.908586 0.602855 +vt 0.909754 0.603539 +vt 0.792228 0.258346 +vt 0.770327 0.258346 +vt 0.937703 0.503994 +vt 0.938944 0.505411 +vt 0.790857 0.852711 +vt 0.792517 0.825837 +vt 0.792517 0.852711 +vt 0.405312 0.863862 +vt 0.383463 0.865420 +vt 0.405312 0.865420 +vt 0.827167 0.068919 +vt 0.805648 0.070102 +vt 0.948502 0.357283 +vt 0.947275 0.355865 +vt 0.770327 0.243293 +vt 0.770327 0.241662 +vt 0.937710 0.740680 +vt 0.797991 0.952022 +vt 0.799100 0.953249 +vt 0.792228 0.244938 +vt 0.827167 0.111237 +vt 0.805648 0.112420 +vt 0.827167 0.112420 +vt 0.794126 0.852711 +vt 0.795684 0.825837 +vt 0.795684 0.852711 +vt 0.653546 0.499383 +vt 0.655199 0.472979 +vt 0.737102 0.496981 +vt 0.805648 0.072784 +vt 0.937710 0.755293 +vt 0.947275 0.362595 +vt 0.794660 0.283766 +vt 0.767888 0.285045 +vt 0.794660 0.285045 +vt 0.784068 0.852711 +vt 0.909392 0.218790 +vt 0.905189 0.214808 +vt 0.905109 0.213566 +vt 0.723819 0.496981 +vt 0.723819 0.475381 +vt 0.908216 0.098152 +vt 0.911875 0.096940 +vt 0.904557 0.096940 +vt 0.649616 0.048119 +vt 0.648778 0.046885 +vt 0.656176 0.043285 +vt 0.687680 0.077779 +vt 0.673331 0.065193 +vt 0.694696 0.077588 +vt 0.689384 0.078212 +vt 0.680342 0.553951 +vt 0.683472 0.561577 +vt 0.679020 0.554708 +vt 0.654134 0.051991 +vt 0.658586 0.045129 +vt 0.655493 0.052638 +vt 0.657256 0.044365 +vt 0.652856 0.051212 +vt 0.650578 0.049265 +vt 0.651665 0.050301 +vt 0.685938 0.077514 +vt 0.673588 0.066751 +vt 0.684183 0.077426 +vt 0.673677 0.068323 +vt 0.682427 0.077514 +vt 0.644989 0.519722 +vt 0.645841 0.522014 +vt 0.643835 0.520684 +vt 0.680693 0.077779 +vt 0.678988 0.078212 +vt 0.644864 0.522947 +vt 0.673677 0.077588 +vt 0.677335 0.078807 +vt 0.646245 0.518892 +vt 0.648097 0.520515 +vt 0.646928 0.521199 +vt 0.675756 0.079571 +vt 0.763716 0.508131 +vt 0.798121 0.501754 +vt 0.766618 0.515551 +vt 0.673427 0.079468 +vt 0.647575 0.518194 +vt 0.649338 0.519972 +vt 0.674257 0.080482 +vt 0.643262 0.525114 +vt 0.672714 0.081217 +vt 0.902194 0.593826 +vt 0.672861 0.081547 +vt 0.641749 0.530243 +vt 0.671575 0.082738 +vt 0.675631 0.029135 +vt 0.642204 0.527590 +vt 0.639949 0.526973 +vt 0.690789 0.549366 +vt 0.682561 0.548566 +vt 0.861318 0.054261 +vt 0.838227 0.052902 +vt 0.861083 0.050213 +vt 0.682912 0.009732 +vt 0.684183 0.007344 +vt 0.684271 0.009666 +vt 0.008332 0.814518 +vt 0.681574 0.009960 +vt 0.648978 0.517650 +vt 0.650639 0.519582 +vt 0.680274 0.010334 +vt 0.834263 0.356043 +vt 0.857075 0.356072 +vt 0.854099 0.350077 +vt 0.679018 0.010856 +vt 0.344552 0.932854 +vt 0.344552 0.931642 +vt 0.696672 0.027563 +vt 0.694872 0.025917 +vt 0.697282 0.026196 +vt 0.643343 0.536693 +vt 0.640933 0.537149 +vt 0.642726 0.535496 +vt 0.644100 0.537817 +vt 0.641690 0.538434 +vt 0.692624 0.029260 +vt 0.693506 0.028231 +vt 0.695247 0.030119 +vt 0.908379 0.381363 +vt 0.910847 0.380217 +vt 0.910885 0.595024 +vt 0.660827 0.007344 +vt 0.674117 0.015382 +vt 0.673493 0.016579 +vt 0.674867 0.014265 +vt 0.675748 0.013236 +vt 0.676740 0.012318 +vt 0.677842 0.011525 +vt 0.673023 0.017843 +vt 0.689347 0.031633 +vt 0.690530 0.030972 +vt 0.694696 0.032911 +vt 0.672699 0.019151 +vt 0.688098 0.032162 +vt 0.672530 0.020488 +vt 0.659255 0.007432 +vt 0.657704 0.007697 +vt 0.656198 0.008130 +vt 0.686798 0.032537 +vt 0.654744 0.008725 +vt 0.653370 0.009475 +vt 0.652091 0.010378 +vt 0.650916 0.011422 +vt 0.649865 0.012583 +vt 0.648962 0.013854 +vt 0.648198 0.015220 +vt 0.647595 0.016660 +vt 0.647162 0.018151 +vt 0.646897 0.019694 +vt 0.687020 0.558851 +vt 0.681422 0.552871 +vt 0.673274 0.544730 +vt 0.662834 0.537678 +vt 0.663576 0.536546 +vt 0.673427 0.025755 +vt 0.674029 0.026968 +vt 0.672971 0.024492 +vt 0.672670 0.023177 +vt 0.672180 0.545796 +vt 0.661968 0.538713 +vt 0.671401 0.547104 +vt 0.659903 0.540462 +vt 0.660990 0.539646 +vt 0.676615 0.030068 +vt 0.670989 0.548566 +vt 0.658735 0.541145 +vt 0.666624 0.040501 +vt 0.680112 0.032103 +vt 0.681405 0.032500 +vt 0.678871 0.031559 +vt 0.666234 0.041970 +vt 0.682743 0.032742 +vt 0.665083 0.531418 +vt 0.680276 0.544730 +vt 0.664936 0.532755 +vt 0.656228 0.036210 +vt 0.891494 0.413938 +vt 0.646809 0.039781 +vt 0.655449 0.037518 +vt 0.655045 0.038980 +vt 0.668541 0.057193 +vt 0.665477 0.043285 +vt 0.667277 0.056230 +vt 0.667918 0.567866 +vt 0.653504 0.542416 +vt 0.654856 0.542321 +vt 0.666897 0.569078 +vt 0.652145 0.542343 +vt 0.664493 0.054724 +vt 0.664397 0.044365 +vt 0.665926 0.055400 +vt 0.840137 0.059323 +vt 0.858688 0.060410 +vt 0.671590 0.060807 +vt 0.685454 0.032764 +vt 0.642256 0.534232 +vt 0.640324 0.535782 +vt 0.639861 0.534357 +vt 0.650808 0.542122 +vt 0.665274 0.571782 +vt 0.642902 0.542497 +vt 0.793274 0.591808 +vt 0.760639 0.604349 +vt 0.787147 0.584490 +vt 0.647132 0.042741 +vt 0.646890 0.041272 +vt 0.655030 0.040501 +vt 0.672912 0.063673 +vt 0.672332 0.062203 +vt 0.651917 0.517011 +vt 0.653335 0.519244 +vt 0.651976 0.519332 +vt 0.694115 0.080482 +vt 0.695651 0.081217 +vt 0.695511 0.081547 +vt 0.694938 0.079468 +vt 0.696790 0.082738 +vt 0.692617 0.079571 +vt 0.658373 0.053468 +vt 0.660063 0.045526 +vt 0.659864 0.053651 +vt 0.691037 0.078807 +vt 0.648080 0.045563 +vt 0.647529 0.044181 +vt 0.655420 0.041970 +vt 0.677543 0.555104 +vt 0.680695 0.562708 +vt 0.679233 0.563046 +vt 0.656911 0.053130 +vt 0.646568 0.588393 +vt 0.642902 0.587173 +vt 0.648222 0.587790 +vt 0.688820 0.556463 +vt 0.682113 0.562216 +vt 0.687983 0.557705 +vt 0.664267 0.574772 +vt 0.649926 0.587357 +vt 0.694255 0.027115 +vt 0.695915 0.028856 +vt 0.684750 0.560791 +vt 0.685940 0.559880 +vt 0.651660 0.587100 +vt 0.664010 0.576329 +vt 0.883574 0.416399 +vt 0.882685 0.413938 +vt 0.653416 0.587012 +vt 0.644982 0.538838 +vt 0.642763 0.541072 +vt 0.642351 0.539705 +vt 0.663929 0.577909 +vt 0.655172 0.587100 +vt 0.693601 0.014397 +vt 0.656913 0.587357 +vt 0.903918 0.214646 +vt 0.658617 0.587790 +vt 0.910847 0.376566 +vt 0.908379 0.377984 +vt 0.660263 0.588393 +vt 0.663929 0.587173 +vt 0.686960 0.009996 +vt 0.661850 0.589157 +vt 0.664172 0.589047 +vt 0.694946 0.016741 +vt 0.685623 0.009754 +vt 0.687173 0.007667 +vt 0.663341 0.590068 +vt 0.697157 0.015984 +vt 0.664884 0.590803 +vt 0.664745 0.591126 +vt 0.685689 0.007425 +vt 0.698171 0.020333 +vt 0.695849 0.020657 +vt 0.666023 0.592323 +vt 0.653416 0.516930 +vt 0.654687 0.519318 +vt 0.698186 0.021825 +vt 0.695842 0.022009 +vt 0.656024 0.519538 +vt 0.698046 0.023309 +vt 0.695673 0.023346 +vt 0.657332 0.519913 +vt 0.697738 0.024778 +vt 0.695350 0.024653 +vt 0.658581 0.520442 +vt 0.906793 0.592628 +vt 0.906250 0.593811 +vt 0.694835 0.031493 +vt 0.691625 0.030178 +vt 0.676771 0.516930 +vt 0.664105 0.526165 +vt 0.663488 0.524967 +vt 0.662732 0.523843 +vt 0.661850 0.522822 +vt 0.660858 0.521904 +vt 0.659763 0.521103 +vt 0.664583 0.527429 +vt 0.647068 0.540558 +vt 0.648251 0.541219 +vt 0.664906 0.528736 +vt 0.649500 0.541740 +vt 0.678344 0.517018 +vt 0.665068 0.530074 +vt 0.679894 0.517283 +vt 0.681407 0.517709 +vt 0.682855 0.518304 +vt 0.684228 0.519061 +vt 0.685514 0.519964 +vt 0.686682 0.521000 +vt 0.687733 0.522161 +vt 0.688644 0.523432 +vt 0.689401 0.524798 +vt 0.690003 0.526238 +vt 0.690437 0.527737 +vt 0.690701 0.529273 +vt 0.650426 0.517253 +vt 0.664172 0.535341 +vt 0.664627 0.534070 +vt 0.899806 0.599512 +vt 0.901335 0.600519 +vt 0.656193 0.542078 +vt 0.657493 0.541689 +vt 0.670982 0.550086 +vt 0.671372 0.551556 +vt 0.909548 0.602069 +vt 0.690789 0.530830 +vt 0.681371 0.545796 +vt 0.682149 0.547104 +vt 0.672128 0.552871 +vt 0.669065 0.566778 +vt 0.670321 0.565809 +vt 0.645973 0.539757 +vt 0.663068 0.045129 +vt 0.662987 0.054202 +vt 0.671673 0.564978 +vt 0.666008 0.570386 +vt 0.661591 0.045526 +vt 0.661444 0.053842 +vt 0.834571 0.354720 +vt 0.690708 0.550850 +vt 0.664686 0.573251 +vt 0.641947 0.590803 +vt 0.642660 0.589047 +vt 0.643490 0.590068 +vt 0.642094 0.591126 +vt 0.640809 0.592323 +vt 0.644989 0.589157 +vt 0.677741 0.563230 +vt 0.690069 0.553760 +vt 0.689518 0.555148 +vt 0.915672 0.923895 +vt 0.794660 0.269550 +vt 0.767888 0.269550 +vt 0.792228 0.235667 +vt 0.938944 0.713724 +vt 0.383463 0.871114 +vt 0.423544 0.926870 +vt 0.440663 0.926870 +vt 0.722496 0.496981 +vt 0.770327 0.244938 +vt 0.792228 0.243293 +vt 0.120255 0.931826 +vt 0.937703 0.651357 +vt 0.938944 0.652739 +vt 0.767888 0.267919 +vt 0.794660 0.266332 +vt 0.913013 0.096940 +vt 0.911875 0.079991 +vt 0.808541 0.952022 +vt 0.809900 0.953249 +vt 0.937710 0.703027 +vt 0.938944 0.704166 +vt 0.938944 0.710895 +vt 0.383463 0.866941 +vt 0.383463 0.857368 +vt 0.938944 0.708074 +vt 0.805648 0.077354 +vt 0.792228 0.256532 +vt 0.947275 0.360045 +vt 0.948502 0.360045 +vt 0.726669 0.496981 +vt 0.947275 0.351728 +vt 0.794660 0.280938 +vt 0.767888 0.280938 +vt 0.938944 0.499762 +vt 0.937703 0.499762 +vt 0.938944 0.661011 +vt 0.937703 0.661011 +vt 0.011256 0.832856 +vt 0.011256 0.815738 +vt 0.805904 0.296762 +vt 0.827489 0.297960 +vt 0.947275 0.349238 +vt 0.948502 0.349238 +vt 0.947275 0.348121 +vt 0.948502 0.348121 +vt 0.647206 0.472979 +vt 0.645751 0.499383 +vt 0.947275 0.358679 +vt 0.948502 0.358679 +vt 0.805727 0.953249 +vt 0.827167 0.109966 +vt 0.805648 0.111237 +vt 0.903404 0.079991 +vt 0.903404 0.096940 +vt 0.937710 0.744368 +vt 0.938944 0.744368 +vt 0.805648 0.102663 +vt 0.794660 0.276199 +vt 0.802935 0.953249 +vt 0.861969 0.952022 +vt 0.860566 0.953249 +vt 0.790857 0.825837 +vt 0.789174 0.852711 +vt 0.937710 0.718771 +vt 0.938944 0.719807 +vt 0.937710 0.719807 +vt 0.854277 0.953249 +vt 0.854277 0.952022 +vt 0.647206 0.499383 +vt 0.827489 0.333158 +vt 0.813610 0.953249 +vt 0.937710 0.701991 +vt 0.938944 0.703027 +vt 0.653546 0.472979 +vt 0.651908 0.499383 +vt 0.904557 0.569126 +vt 0.938944 0.501150 +vt 0.938944 0.503994 +vt 0.794126 0.825837 +vt 0.691315 0.209427 +vt 0.805648 0.109966 +vt 0.938944 0.651357 +vt 0.938944 0.716391 +vt 0.937703 0.662209 +vt 0.938944 0.663303 +vt 0.937703 0.663303 +vt 0.938944 0.718771 +vt 0.867472 0.953249 +vt 0.794660 0.267919 +vt 0.904557 0.079991 +vt 0.740768 0.475381 +vt 0.739644 0.496981 +vt 0.937710 0.747138 +vt 0.012704 0.832856 +vt 0.948502 0.314919 +vt 0.947275 0.357283 +vt 0.794660 0.279410 +vt 0.861969 0.953249 +vt 0.937710 0.743060 +vt 0.362596 0.933420 +vt 0.938944 0.511678 +vt 0.938944 0.509408 +vt 0.855701 0.352259 +vt 0.854959 0.351120 +vt 0.842998 0.369443 +vt 0.837246 0.366093 +vt 0.839303 0.367834 +vt 0.841705 0.369054 +vt 0.835034 0.353449 +vt 0.836379 0.351098 +vt 0.835637 0.352237 +vt 0.837246 0.350062 +vt 0.838223 0.349129 +vt 0.845665 0.369767 +vt 0.834571 0.361421 +vt 0.839303 0.348321 +vt 0.844321 0.369686 +vt 0.856303 0.353471 +vt 0.908379 0.379666 +vt 0.910847 0.378380 +vt 0.856766 0.354750 +vt 0.841712 0.347109 +vt 0.840471 0.347645 +vt 0.849632 0.369061 +vt 0.847009 0.369686 +vt 0.848339 0.369451 +vt 0.857075 0.360128 +vt 0.857236 0.357417 +vt 0.857236 0.358776 +vt 0.852035 0.367849 +vt 0.850867 0.368525 +vt 0.845672 0.346404 +vt 0.842998 0.346720 +vt 0.844328 0.346484 +vt 0.856303 0.362721 +vt 0.856766 0.361443 +vt 0.834108 0.358754 +vt 0.834263 0.360098 +vt 0.834108 0.357395 +vt 0.855701 0.363933 +vt 0.854092 0.366108 +vt 0.853115 0.367041 +vt 0.854959 0.365072 +vt 0.835637 0.363911 +vt 0.835034 0.362699 +vt 0.849632 0.347116 +vt 0.848339 0.346727 +vt 0.847017 0.346484 +vt 0.850867 0.347653 +vt 0.836379 0.365050 +vt 0.852035 0.348336 +vt 0.838223 0.367026 +vt 0.853115 0.349144 +vt 0.840471 0.368518 +vt 0.846492 0.041712 +vt 0.840938 0.045393 +vt 0.842892 0.043534 +vt 0.840938 0.060410 +vt 0.842900 0.062269 +vt 0.841864 0.061402 +vt 0.844024 0.042792 +vt 0.845221 0.042182 +vt 0.840137 0.046488 +vt 0.859489 0.059323 +vt 0.861083 0.055598 +vt 0.860701 0.056898 +vt 0.676162 0.563421 +vt 0.767347 0.613158 +vt 0.794751 0.598023 +vt 0.774826 0.616030 +vt 0.845221 0.063628 +vt 0.844024 0.063018 +vt 0.849137 0.041242 +vt 0.847800 0.041404 +vt 0.838925 0.056898 +vt 0.839461 0.058147 +vt 0.847800 0.064407 +vt 0.846492 0.064091 +vt 0.850489 0.041242 +vt 0.838925 0.048912 +vt 0.861399 0.052902 +vt 0.861318 0.051550 +vt 0.838543 0.055598 +vt 0.838308 0.054261 +vt 0.854397 0.042182 +vt 0.851826 0.041404 +vt 0.853134 0.041712 +vt 0.859489 0.046488 +vt 0.860701 0.048912 +vt 0.851826 0.064407 +vt 0.849137 0.064561 +vt 0.860165 0.047663 +vt 0.850489 0.064561 +vt 0.855602 0.042792 +vt 0.856726 0.043534 +vt 0.857762 0.044409 +vt 0.858688 0.045393 +vt 0.838308 0.051550 +vt 0.838543 0.050213 +vt 0.839461 0.047663 +vt 0.853134 0.064091 +vt 0.854397 0.063628 +vt 0.855602 0.063018 +vt 0.856726 0.062269 +vt 0.857762 0.061402 +vt 0.841864 0.044409 +vt 0.860165 0.058147 +vt 0.796373 0.514184 +vt 0.795520 0.515551 +vt 0.794543 0.516829 +vt 0.772547 0.520907 +vt 0.771166 0.520062 +vt 0.769880 0.519092 +vt 0.797680 0.511246 +vt 0.797093 0.512744 +vt 0.789591 0.490550 +vt 0.786638 0.489256 +vt 0.788144 0.489830 +vt 0.773994 0.521619 +vt 0.767595 0.516829 +vt 0.764017 0.501754 +vt 0.765766 0.497272 +vt 0.766618 0.495905 +vt 0.765046 0.498712 +vt 0.764458 0.500203 +vt 0.792258 0.492364 +vt 0.790973 0.491394 +vt 0.768682 0.493444 +vt 0.767595 0.494627 +vt 0.777058 0.522641 +vt 0.775500 0.522200 +vt 0.763569 0.504927 +vt 0.763716 0.503326 +vt 0.794543 0.494627 +vt 0.793456 0.493444 +vt 0.771166 0.491394 +vt 0.769880 0.492364 +vt 0.780261 0.523081 +vt 0.778645 0.522934 +vt 0.795520 0.495905 +vt 0.763569 0.506529 +vt 0.773994 0.489830 +vt 0.772547 0.490550 +vt 0.797093 0.498712 +vt 0.796373 0.497272 +vt 0.764458 0.511246 +vt 0.764017 0.509703 +vt 0.785081 0.522641 +vt 0.781877 0.523081 +vt 0.783486 0.522934 +vt 0.797680 0.500203 +vt 0.778645 0.488522 +vt 0.775500 0.489256 +vt 0.777058 0.488816 +vt 0.765766 0.514184 +vt 0.765046 0.512744 +vt 0.641933 0.532924 +vt 0.786638 0.522200 +vt 0.798422 0.503326 +vt 0.789591 0.520907 +vt 0.788144 0.521619 +vt 0.798569 0.504927 +vt 0.783486 0.488522 +vt 0.780261 0.488367 +vt 0.781877 0.488367 +vt 0.792258 0.519092 +vt 0.790973 0.520062 +vt 0.798121 0.509703 +vt 0.798569 0.506529 +vt 0.798422 0.508131 +vt 0.768682 0.518012 +vt 0.785081 0.488816 +vt 0.793456 0.518012 +vt 0.778059 0.616185 +vt 0.776435 0.616185 +vt 0.794751 0.599625 +vt 0.794596 0.601226 +vt 0.794303 0.594849 +vt 0.794596 0.596422 +vt 0.776435 0.581471 +vt 0.768721 0.583645 +vt 0.771682 0.582352 +vt 0.774826 0.581618 +vt 0.760191 0.602806 +vt 0.759897 0.601226 +vt 0.759750 0.599625 +vt 0.781262 0.615736 +vt 0.779668 0.616030 +vt 0.779668 0.581618 +vt 0.778059 0.581471 +vt 0.760191 0.594849 +vt 0.759750 0.598023 +vt 0.759897 0.596422 +vt 0.782812 0.615296 +vt 0.760639 0.593306 +vt 0.784326 0.614723 +vt 0.784326 0.582933 +vt 0.781262 0.581912 +vt 0.782812 0.582352 +vt 0.762792 0.608647 +vt 0.761940 0.607280 +vt 0.761220 0.605840 +vt 0.763769 0.609925 +vt 0.762792 0.589009 +vt 0.761220 0.591808 +vt 0.761940 0.590368 +vt 0.788440 0.612195 +vt 0.787147 0.613158 +vt 0.785773 0.614003 +vt 0.785773 0.583645 +vt 0.766054 0.585460 +vt 0.789637 0.611108 +vt 0.764864 0.586540 +vt 0.763769 0.587723 +vt 0.764864 0.611108 +vt 0.766054 0.612195 +vt 0.790725 0.587723 +vt 0.788440 0.585460 +vt 0.789637 0.586540 +vt 0.792554 0.607280 +vt 0.790725 0.609925 +vt 0.791702 0.608647 +vt 0.770168 0.614723 +vt 0.768721 0.614003 +vt 0.767347 0.584490 +vt 0.793854 0.604349 +vt 0.793274 0.605840 +vt 0.770168 0.582933 +vt 0.791702 0.589009 +vt 0.792554 0.590368 +vt 0.771682 0.615296 +vt 0.773239 0.615736 +vt 0.794303 0.602806 +vt 0.793862 0.593306 +vt 0.773239 0.581912 +vt 0.906250 0.603605 +vt 0.901026 0.599321 +vt 0.908216 0.570339 +vt 0.898487 0.923895 +vt 0.938944 0.662209 +vt 0.103416 0.928879 +vt 0.948502 0.310018 +vt 0.827489 0.325621 +vt 0.692740 0.227838 +vt 0.916099 0.214646 +vt 0.672427 0.475381 +vt 0.938944 0.645509 +vt 0.383463 0.851667 +vt 0.947275 0.364806 +vt 0.938944 0.494839 +vt 0.423544 0.918142 +vt 0.870962 0.953249 +vt 0.697479 0.209427 +vt 0.801062 0.852711 +vt 0.898487 0.926870 +vt 0.120255 0.936285 +vt 0.911875 0.552177 +vt 0.937710 0.757475 +vt 0.362596 0.928879 +vt 0.910847 0.367066 +vt 0.888276 0.413938 +vt 0.697649 0.017395 +vt 0.005195 0.832856 +vt 0.102211 0.931642 +vt 0.905170 0.592621 +vt 0.805648 0.068919 +vt 0.797991 0.953249 +vt 0.009566 0.814518 +vt 0.882237 0.416399 +vt 0.913013 0.079991 +vt 0.827489 0.296762 +vt 0.938944 0.701991 +vt 0.740768 0.496981 +vn 0.0000 -0.4144 -0.9101 +vn 0.0000 -0.3059 -0.9521 +vn 0.0000 -0.4981 0.8671 +vn 0.0000 -0.2556 0.9668 +vn 0.0000 0.3776 -0.9260 +vn 0.0000 0.4826 -0.8759 +vn 0.0000 0.1539 -0.9881 +vn 0.0000 0.0382 -0.9993 +vn 0.0000 0.9682 -0.2501 +vn 0.0000 0.9907 -0.1359 +vn 0.0000 0.5810 -0.8139 +vn 0.0000 -0.1916 0.9815 +vn 0.0000 -0.0854 0.9963 +vn 0.0000 0.6185 -0.7858 +vn 0.0000 0.5101 -0.8601 +vn 0.0000 -0.8921 0.4519 +vn 0.0000 -0.8466 0.5323 +vn 0.0000 -0.8661 0.4999 +vn 0.0000 -0.7064 0.7078 +vn 0.0000 0.1020 0.9948 +vn 0.0000 0.1565 0.9877 +vn 0.0000 0.9998 -0.0201 +vn 0.0000 0.9954 0.0961 +vn 0.0000 -0.7007 -0.7135 +vn 0.0000 -0.7787 -0.6273 +vn 0.0000 -0.9650 -0.2623 +vn 0.0000 -1.0000 -0.0025 +vn 0.0000 0.9493 0.3143 +vn 0.0000 0.9785 0.2061 +vn 0.0000 -0.7344 0.6788 +vn 0.0000 -0.7939 0.6081 +vn 0.0000 -0.9463 -0.3232 +vn 0.0000 -0.9775 -0.2111 +vn 0.0000 0.6131 0.7900 +vn 0.0000 0.5172 0.8558 +vn 0.0000 0.5172 0.8559 +vn 1.0000 0.0000 0.0000 +vn -0.7002 0.5090 0.5007 +vn -0.7128 0.5684 0.4109 +vn -0.7126 0.4482 0.5396 +vn 0.7069 0.5905 -0.3893 +vn 0.7087 0.6500 -0.2742 +vn 0.7163 0.5608 -0.4153 +vn 0.7086 0.6986 0.0993 +vn 0.7068 0.6704 0.2257 +vn 0.7162 0.6483 0.2584 +vn 0.7228 0.6894 0.0472 +vn -0.7017 0.4889 -0.5183 +vn -0.7163 0.5608 -0.4153 +vn -0.7069 0.5905 -0.3893 +vn 0.7482 0.6635 -0.0023 +vn 0.7229 0.6545 -0.2216 +vn 0.7483 0.6420 -0.1671 +vn -1.0000 0.0000 0.0000 +vn -0.7005 0.1921 -0.6873 +vn -0.7126 0.2956 -0.6362 +vn -0.7002 0.3643 -0.6140 +vn -0.7009 0.0069 -0.7132 +vn -0.7124 0.1279 -0.6901 +vn -0.7014 -0.1787 -0.6900 +vn -0.7120 -0.0480 -0.7006 +vn -0.7020 -0.1819 0.6885 +vn -0.7115 -0.0435 0.7013 +vn -0.7109 -0.2168 0.6691 +vn -0.7028 -0.5000 -0.5060 +vn -0.7109 -0.3804 -0.5916 +vn -0.7020 -0.3516 -0.6193 +vn -0.7037 -0.6137 -0.3580 +vn -0.7102 -0.5161 -0.4789 +vn -0.7047 -0.6848 -0.1858 +vn -0.7093 -0.6197 -0.3360 +vn -0.0021 0.8986 0.4388 +vn 0.0028 0.9314 0.3640 +vn -0.0010 0.9353 0.3540 +vn -0.7059 -0.6846 0.1819 +vn -0.7083 -0.6182 0.3408 +vn -0.7071 -0.6846 0.1770 +vn -0.7037 -0.5020 0.5028 +vn -0.7102 -0.3768 0.5947 +vn -0.7093 -0.5134 0.4830 +vn 0.7037 -0.6137 -0.3580 +vn 0.7102 -0.5161 -0.4789 +vn 0.7093 -0.6197 -0.3360 +vn -0.0029 0.8542 0.5199 +vn 0.0040 0.8901 0.4557 +vn -0.0045 0.8073 -0.5901 +vn 0.0033 0.8462 -0.5328 +vn 0.0026 0.7934 -0.6087 +vn 0.7014 -0.1787 -0.6900 +vn 0.7120 -0.0480 -0.7006 +vn 0.7115 -0.2210 -0.6670 +vn -0.7009 0.1887 0.6879 +vn -0.7124 0.2998 0.6346 +vn -0.7120 0.1324 0.6896 +vn -0.7005 0.3612 0.6155 +vn 0.0000 -0.9538 0.3004 +vn 0.0000 -0.9685 0.2489 +vn 0.0000 0.3548 -0.9349 +vn 0.0000 0.4396 -0.8982 +vn 0.0000 -0.0631 -0.9980 +vn 0.0000 0.0443 -0.9990 +vn 0.0000 -0.1539 0.9881 +vn 0.0000 -0.0381 0.9993 +vn 0.0000 0.2389 0.9710 +vn 0.0000 0.1265 -0.9920 +vn 0.0000 -0.0650 -0.9979 +vn 0.0000 0.3461 0.9382 +vn 0.0000 -0.8463 -0.5327 +vn 0.0000 0.0991 0.9951 +vn 0.0000 0.1905 0.9817 +vn 0.0000 0.3586 -0.9335 +vn 0.0000 0.2564 -0.9666 +vn 0.0000 -0.7029 -0.7113 +vn 0.0000 -0.8636 -0.5041 +vn 0.0000 0.2690 -0.9631 +vn 0.0000 0.0094 -1.0000 +vn 0.0000 0.0045 1.0000 +vn 0.0000 0.8243 -0.5661 +vn 0.0000 0.8845 -0.4665 +vn 0.0000 -0.2803 -0.9599 +vn 0.0000 -0.3676 -0.9300 +vn 0.0000 0.3755 0.9268 +vn 0.0000 0.1918 0.9814 +vn 0.0000 -0.5916 -0.8062 +vn 0.0000 -0.4926 -0.8702 +vn 0.0000 -0.9025 -0.4308 +vn 0.0000 -0.2676 0.9635 +vn 0.0000 -0.3776 0.9260 +vn 0.0000 0.6365 0.7713 +vn 0.0000 0.7189 0.6951 +vn 0.0000 0.0217 0.9998 +vn 0.0000 -0.4939 -0.8695 +vn 0.0000 -0.2956 0.9553 +vn 0.0000 -0.5826 0.8128 +vn 0.0000 -0.6663 0.7457 +vn 0.0000 0.4490 0.8935 +vn 0.0000 0.5462 0.8376 +vn 0.0000 0.8463 0.5327 +vn 0.0000 0.7788 0.6273 +vn 0.0000 0.7787 0.6273 +vn 0.0000 -0.5206 0.8538 +vn 0.0000 -0.4396 0.8982 +vn 0.0000 -0.9682 0.2501 +vn 0.0000 -0.9327 0.3607 +vn 0.0000 0.9879 -0.1553 +vn 0.0000 0.9722 -0.2343 +vn 0.0000 -0.1699 -0.9855 +vn 0.0000 0.9327 -0.3607 +vn 0.0000 0.9463 0.3232 +vn 0.0000 0.9024 0.4309 +vn 0.0000 0.0781 0.9969 +vn 0.0000 0.1933 0.9811 +vn 0.0000 -0.5172 -0.8558 +vn 0.0000 -0.4519 -0.8921 +vn 0.0000 0.0069 1.0000 +vn 0.0000 -0.0781 -0.9969 +vn 0.0000 -0.6788 -0.7344 +vn 0.0000 -0.7436 -0.6686 +vn 0.0000 0.0854 -0.9963 +vn 0.0000 0.1770 -0.9842 +vn 0.0000 -0.7423 0.6701 +vn 0.0000 -0.8098 0.5867 +vn 0.0000 -0.8845 0.4665 +vn 0.0000 -0.8243 0.5661 +vn 0.0000 -0.6131 -0.7900 +vn 0.0000 0.9414 -0.3373 +vn 0.0000 0.7007 0.7135 +vn 0.0000 -0.9663 0.2576 +vn 0.0000 0.5323 0.8466 +vn 0.0000 0.6081 0.7939 +vn -0.0001 0.5205 -0.8539 +vn 0.0001 0.5205 -0.8539 +vn 0.0000 -0.1764 -0.9843 +vn 0.0000 -0.9998 0.0201 +vn 0.0000 -0.9907 0.1360 +vn 0.0000 0.8556 0.5177 +vn 0.0000 0.9081 0.4187 +vn 0.0000 0.3059 0.9521 +vn 0.0000 -0.5810 0.8139 +vn 0.0000 -0.6715 0.7410 +vn 0.0000 -0.3962 0.9182 +vn 0.0000 0.8998 -0.4364 +vn 0.0000 0.8478 -0.5304 +vn 0.0000 -0.3762 -0.9266 +vn 0.0000 -0.4734 -0.8809 +vn 0.0000 -0.2509 -0.9680 +vn 0.0000 -0.8982 -0.4396 +vn 0.0000 -0.9349 -0.3548 +vn 0.0000 -0.9951 0.0991 +vn 0.0000 -0.9817 0.1905 +vn 0.0000 0.1512 -0.9885 +vn 0.0000 0.4144 0.9101 +vn 0.0000 -0.8098 0.5868 +vn 0.0000 0.7530 -0.6580 +vn 0.0000 0.5495 -0.8355 +vn 0.0000 0.4567 -0.8896 +vn 0.0000 -0.8538 -0.5206 +vn 0.0000 -0.8021 -0.5971 +vn 0.0000 -0.8679 0.4967 +vn 0.0000 -0.9161 0.4009 +vn 0.0000 0.4519 0.8921 +vn 0.0000 -0.0069 -1.0000 +vn 0.0000 0.2671 -0.9637 +vn 0.0000 0.5059 0.8626 +vn 0.0000 0.7127 0.7014 +vn 0.0000 -0.9954 -0.0962 +vn 0.0000 -0.6686 0.7436 +vn 0.0000 0.9999 -0.0169 +vn 0.0000 0.9949 -0.1009 +vn 0.0000 0.3734 -0.9277 +vn 0.0000 -0.9599 0.2803 +vn 0.0000 0.2676 -0.9635 +vn 0.0000 0.9955 0.0953 +vn 0.0000 0.2643 0.9644 +vn 0.0000 0.7985 0.6020 +vn 0.0000 -0.9538 0.3005 +vn 0.0000 -0.3165 -0.9486 +vn 0.0000 0.6716 -0.7410 +vn 0.0000 -0.7530 0.6580 +vn 0.0000 -0.1933 -0.9811 +vn 0.0000 0.6788 0.7344 +vn 0.0000 -0.6081 -0.7939 +vn 0.0000 -0.0991 -0.9951 +vn 0.0000 -0.4922 0.8705 +vn 0.0035 0.8025 0.5967 +vn -0.0010 0.7587 0.6515 +vn 0.0028 0.7421 0.6703 +vn -0.0035 0.8025 0.5967 +vn 0.0049 0.8399 0.5428 +vn -0.0028 0.7421 0.6703 +vn 0.0010 0.7587 0.6515 +vn 0.7047 -0.6848 -0.1858 +vn 0.7082 -0.6848 -0.1718 +vn 0.0017 0.9632 0.2689 +vn 0.0000 0.9638 0.2666 +vn -0.0040 0.8901 0.4557 +vn 0.0029 0.8542 0.5199 +vn 0.0021 0.8986 0.4388 +vn -0.0004 0.6679 -0.7442 +vn 0.0004 0.5613 -0.8276 +vn 0.0000 0.5974 -0.8019 +vn -0.0028 0.9314 0.3640 +vn 0.0010 0.9353 0.3540 +vn 0.0020 0.9851 0.1719 +vn -0.0015 0.9963 0.0863 +vn -0.0002 0.9841 0.1779 +vn -0.0026 0.7934 -0.6087 +vn 0.0035 0.7440 -0.6682 +vn -0.0016 0.7337 -0.6794 +vn -0.0017 0.9632 0.2689 +vn 0.0002 0.9841 0.1779 +vn -0.0020 0.9851 0.1719 +vn 0.0022 0.6731 -0.7396 +vn -0.0037 0.8919 -0.4522 +vn 0.0052 0.8624 -0.5062 +vn -0.0033 0.8462 -0.5328 +vn -0.0034 0.9974 0.0720 +vn 0.0025 1.0000 -0.0060 +vn -0.0044 0.9996 -0.0285 +vn -0.0039 0.9600 -0.2801 +vn 0.0056 0.9738 -0.2274 +vn 0.0057 0.9461 -0.3239 +vn 0.0032 0.9951 -0.0984 +vn -0.0051 0.9917 -0.1286 +vn 0.0039 0.9299 -0.3678 +vn -0.0057 0.9461 -0.3239 +vn 0.0039 0.9600 -0.2801 +vn 0.0037 0.9818 -0.1901 +vn -0.0056 0.9738 -0.2274 +vn -0.0039 0.9299 -0.3678 +vn 0.0056 0.9088 -0.4171 +vn 0.7005 0.1921 -0.6873 +vn 0.7126 0.2956 -0.6362 +vn 0.7124 0.1279 -0.6901 +vn 0.0045 0.8073 -0.5901 +vn -0.0052 0.8624 -0.5062 +vn 0.0037 0.8919 -0.4522 +vn -0.0035 0.7440 -0.6682 +vn 0.0016 0.7337 -0.6794 +vn -0.0004 0.5613 -0.8276 +vn -0.0022 0.6731 -0.7396 +vn 0.0004 0.6679 -0.7442 +vn 0.0000 0.7922 0.6102 +vn 0.0000 -0.5826 0.8127 +vn 0.0000 -0.4826 0.8759 +vn 0.0000 -0.2746 -0.9616 +vn 0.0000 -0.5971 0.8021 +vn 0.0000 -0.2671 0.9637 +vn 0.0000 -0.1770 0.9842 +vn 0.0000 0.9775 0.2111 +vn 0.0000 -0.9300 0.3676 +vn -0.7017 0.6050 0.3763 +vn -0.7162 0.6483 0.2584 +vn 0.7002 0.3643 -0.6140 +vn 0.7128 0.4447 -0.5423 +vn -0.7068 0.6704 0.2257 +vn -0.7086 0.6986 0.0993 +vn -0.7087 0.6500 -0.2742 +vn -0.7229 0.6545 -0.2216 +vn 0.7017 0.6050 0.3763 +vn -0.7482 0.6420 -0.1671 +vn -0.7228 0.6894 0.0472 +vn -0.7482 0.6635 -0.0023 +vn -0.7128 0.4447 -0.5423 +vn -0.0056 0.9088 -0.4171 +vn 0.7014 0.0034 0.7127 +vn 0.7120 0.1324 0.6896 +vn 0.7009 0.1887 0.6879 +vn 0.7020 -0.1819 0.6885 +vn 0.7115 -0.0435 0.7013 +vn 0.7028 -0.3544 0.6168 +vn 0.7109 -0.2168 0.6691 +vn 0.7037 -0.5020 0.5028 +vn 0.7102 -0.3768 0.5947 +vn 0.7047 -0.6147 0.3543 +vn 0.7093 -0.5134 0.4830 +vn 0.7059 -0.6846 0.1819 +vn 0.7071 -0.7071 0.0037 +vn 0.7071 -0.6846 0.1770 +vn -0.7058 -0.7084 -0.0011 +vn -0.7082 -0.6848 -0.1718 +vn 0.7058 -0.7084 -0.0011 +vn -0.7047 -0.6147 0.3543 +vn -0.7028 -0.3544 0.6168 +vn 0.7020 -0.3516 -0.6193 +vn 0.7109 -0.3804 -0.5916 +vn 0.7124 0.2998 0.6346 +vn 0.7005 0.3612 0.6155 +vn 0.7126 0.4482 0.5396 +vn 0.7002 0.5090 0.5007 +vn 0.0000 0.5978 0.8017 +vn 0.0000 -1.0000 0.0069 +vn 0.0000 -0.9963 -0.0854 +vn 0.0000 0.7151 -0.6990 +vn 0.0000 0.6360 -0.7717 +vn 0.0000 -0.9842 -0.1770 +vn 0.0000 -0.9637 -0.2671 +vn 0.0000 -0.1905 -0.9817 +vn 0.0000 -0.5651 -0.8250 +vn 0.0000 0.9917 -0.1287 +vn 0.7028 -0.5000 -0.5060 +vn -0.7071 -0.7071 0.0037 +vn -0.7014 0.0034 0.7127 +vn -0.0037 0.9818 -0.1901 +vn 0.0051 0.9917 -0.1286 +vn 0.7017 0.4889 -0.5183 +vn 0.0015 0.9963 0.0863 +vn -0.0049 0.8399 0.5428 +vn -0.7115 -0.2210 -0.6670 +vn 0.0034 0.9974 0.0720 +vn -0.0025 1.0000 -0.0060 +vn 0.7009 0.0069 -0.7132 +vn 0.7083 -0.6182 0.3408 +vn 0.7128 0.5684 0.4109 +vn 0.0000 0.2803 0.9599 +vn 0.0000 0.3676 0.9300 +vn 0.0000 -0.3548 0.9349 +vn 0.0000 -0.5323 -0.8466 +vn 0.0000 0.7860 -0.6183 +vn -0.0032 0.9951 -0.0984 +vn 0.0044 0.9996 -0.0285 +vn 0.0001 0.9917 -0.1287 +vn -0.0001 0.9917 -0.1287 +usemtl Default +s 1 +f 125/1/1 123/2/2 122/3/2 +f 28/4/3 29/5/4 30/6/4 +f 247/7/5 248/8/6 249/9/6 +f 114/10/7 116/11/8 117/12/8 +f 263/13/9 264/14/10 265/15/10 +f 107/16/11 109/17/6 108/18/6 +f 593/19/12 666/20/13 589/21/13 +f 1/22/14 3/23/15 4/24/15 +f 296/25/16 299/26/17 298/27/17 +f 24/28/18 25/29/19 26/30/19 +f 655/31/20 577/32/21 578/33/20 +f 267/34/22 268/35/23 269/36/23 +f 130/37/24 132/38/25 133/39/25 +f 491/40/26 514/41/27 489/42/27 +f 567/43/28 643/44/29 566/45/29 +f 591/46/12 606/47/13 668/48/12 +f 303/49/30 300/50/31 301/51/31 +f 139/52/32 140/53/33 141/54/33 +f 283/55/34 284/56/35 285/57/36 +f 18/58/37 661/59/37 16/60/37 +f 470/61/38 467/62/39 471/63/40 +f 44/64/41 45/65/42 46/66/43 +f 47/67/44 43/68/45 42/69/46 +f 48/70/47 43/71/45 47/72/44 +f 456/73/48 458/74/49 460/75/50 +f 50/76/51 48/77/47 47/67/44 +f 51/78/52 50/76/53 45/65/42 +f 51/79/52 45/80/42 44/81/41 +f 581/82/54 211/83/54 583/84/54 +f 503/85/55 504/86/56 459/87/57 +f 501/88/58 502/89/59 503/85/55 +f 499/90/60 500/91/61 501/92/58 +f 478/93/62 477/94/63 479/95/64 +f 495/96/65 496/97/66 497/98/67 +f 493/99/68 494/100/69 495/96/65 +f 491/101/70 492/102/71 493/99/68 +f 505/103/54 195/104/54 506/105/54 +f 355/106/72 358/107/73 359/108/74 +f 486/109/75 485/110/76 487/111/77 +f 482/112/78 481/113/79 483/114/80 +f 15/115/81 57/116/82 58/117/83 +f 351/118/84 354/119/85 355/106/72 +f 390/120/86 387/121/87 391/122/88 +f 9/123/89 54/124/90 55/125/91 +f 474/126/92 473/127/93 475/128/94 +f 472/129/95 471/63/40 473/127/93 +f 601/130/96 592/131/97 669/132/97 +f 415/133/98 412/134/99 413/135/99 +f 630/136/100 551/137/101 626/138/101 +f 168/139/102 170/140/103 171/141/103 +f 577/32/21 653/142/104 576/143/104 +f 595/144/105 599/145/106 672/146/105 +f 576/143/104 652/147/107 575/148/107 +f 223/149/108 224/150/25 225/151/25 +f 133/152/25 134/153/108 135/154/108 +f 322/155/109 325/156/110 324/157/110 +f 545/158/111 624/159/112 548/160/112 +f 18/161/26 19/162/27 20/163/27 +f 495/164/113 512/165/114 493/166/114 +f 108/18/6 111/167/5 110/168/5 +f 503/169/115 508/170/116 501/92/116 +f 478/171/4 520/172/117 476/173/117 +f 257/174/118 258/175/119 259/176/119 +f 428/177/120 431/178/121 430/179/121 +f 543/180/122 621/181/123 540/182/123 +f 559/183/124 637/184/125 560/185/125 +f 135/154/108 137/186/126 136/187/126 +f 191/188/127 192/189/128 193/190/128 +f 572/191/129 648/192/130 571/193/130 +f 589/21/13 662/194/131 585/195/131 +f 12/196/132 13/197/113 14/198/113 +f 591/46/12 665/199/133 588/200/133 +f 581/201/134 656/202/135 579/203/135 +f 574/204/136 650/205/137 573/206/137 +f 277/207/138 278/208/139 279/209/140 +f 308/210/141 311/211/142 310/212/142 +f 149/213/143 151/214/144 150/215/144 +f 552/216/145 625/217/146 549/218/146 +f 553/219/100 631/220/147 554/221/147 +f 259/176/119 260/222/148 261/223/148 +f 70/224/35 75/225/34 74/226/34 +f 273/227/149 274/228/150 275/229/150 +f 173/230/151 174/231/152 175/232/152 +f 231/233/153 232/234/1 233/235/1 +f 430/179/121 433/236/154 432/237/154 +f 320/238/155 323/239/109 322/155/109 +f 117/12/8 118/240/156 119/241/156 +f 497/242/132 511/243/113 495/164/113 +f 438/244/157 441/245/158 440/246/158 +f 421/247/159 418/248/160 419/249/160 +f 136/187/126 138/250/32 139/52/32 +f 580/251/161 659/252/162 582/253/162 +f 153/254/163 154/255/164 155/256/164 +f 129/257/165 131/258/24 130/37/24 +f 549/218/146 622/259/166 547/260/166 +f 241/261/8 242/262/7 243/263/7 +f 227/264/24 228/265/165 229/266/165 +f 279/267/140 280/268/167 281/269/167 +f 22/270/168 23/271/18 24/28/18 +f 332/272/169 335/273/170 334/274/170 +f 83/275/150 84/276/149 85/277/149 +f 124/278/1 126/279/153 127/280/153 +f 413/135/99 411/281/171 406/282/172 +f 575/148/107 651/283/136 574/204/136 +f 599/145/106 562/284/173 639/285/173 +f 261/223/148 262/286/9 263/13/9 +f 144/287/174 146/288/175 147/289/175 +f 165/290/128 166/291/127 167/292/127 +f 88/293/23 90/294/22 91/295/22 +f 318/296/13 321/297/155 320/238/155 +f 569/298/176 645/299/177 568/300/177 +f 177/301/178 175/232/152 174/231/152 +f 127/280/153 128/302/165 129/257/165 +f 666/303/37 30/304/37 31/305/37 +f 597/306/133 670/307/12 593/19/12 +f 197/308/179 198/309/180 199/310/180 +f 588/200/133 663/311/181 586/312/181 +f 16/313/114 17/314/26 18/161/26 +f 544/315/182 616/316/183 541/317/183 +f 556/318/184 634/319/185 557/320/185 +f 501/92/116 509/321/186 499/90/186 +f 446/322/187 449/323/188 448/324/188 +f 489/42/27 515/325/168 486/326/168 +f 185/327/151 186/328/103 187/329/103 +f 187/329/103 188/330/102 189/331/102 +f 225/332/25 226/333/24 227/264/24 +f 286/334/189 291/335/190 290/336/190 +f 459/337/15 507/338/115 503/169/115 +f 14/198/113 15/339/114 16/340/114 +f 550/341/191 626/138/101 551/137/101 +f 73/342/192 72/343/36 70/224/35 +f 207/344/144 208/345/143 209/346/143 +f 529/347/193 609/348/161 532/349/161 +f 92/350/10 94/351/9 95/352/9 +f 255/353/194 256/354/118 257/174/118 +f 539/355/195 618/356/196 542/357/196 +f 444/358/197 447/359/187 446/322/187 +f 442/360/198 445/361/197 444/358/197 +f 584/362/199 664/363/200 587/364/200 +f 330/365/201 333/366/169 332/272/169 +f 423/367/202 420/368/159 421/247/159 +f 419/249/160 416/369/203 417/370/203 +f 4/371/15 5/372/115 6/373/115 +f 472/374/204 523/375/205 470/376/205 +f 298/27/17 301/51/31 300/50/31 +f 215/377/206 216/378/33 217/379/33 +f 526/380/181 602/381/133 597/306/133 +f 302/382/30 305/383/207 304/384/207 +f 564/385/208 640/386/209 563/387/209 +f 147/289/175 148/388/143 149/213/143 +f 76/389/167 79/390/140 78/391/139 +f 594/392/210 672/146/105 671/393/210 +f 290/336/190 293/394/211 292/395/211 +f 150/215/144 152/396/163 153/254/163 +f 245/397/212 246/398/5 247/7/5 +f 548/160/112 627/399/191 550/341/191 +f 566/45/29 642/400/213 565/401/213 +f 38/402/205 35/403/204 36/404/204 +f 36/404/204 33/405/214 34/406/214 +f 440/246/158 443/407/198 442/408/198 +f 40/409/215 37/410/205 38/411/205 +f 587/364/200 667/412/216 590/413/216 +f 561/414/217 639/285/173 562/284/173 +f 20/163/27 21/415/168 22/270/168 +f 243/263/7 244/416/212 245/397/212 +f 251/417/11 252/418/218 253/419/218 +f 201/420/219 202/421/164 203/422/164 +f 120/423/220 122/3/2 123/2/2 +f 334/274/170 340/424/221 339/425/221 +f 235/426/2 236/427/220 237/428/220 +f 417/370/203 414/429/98 415/133/98 +f 436/430/222 439/431/157 438/244/157 +f 425/432/223 422/433/202 423/367/202 +f 121/434/220 119/241/156 118/240/156 +f 199/310/180 200/435/219 201/420/219 +f 213/436/174 214/437/206 215/377/206 +f 525/438/224 603/439/181 526/380/181 +f 100/440/118 102/441/194 103/442/194 +f 336/443/225 337/444/226 338/445/227 +f 480/446/3 519/447/4 478/171/4 +f 347/448/228 350/449/229 351/118/84 +f 233/235/1 234/450/2 235/426/2 +f 343/451/230 338/445/227 337/444/226 +f 615/452/37 108/453/37 618/454/37 +f 346/455/231 343/451/230 337/444/226 +f 347/456/228 343/451/230 346/455/231 +f 17/457/232 58/117/83 59/458/233 +f 20/459/37 664/460/37 18/58/37 +f 359/108/74 362/461/234 363/462/235 +f 344/463/236 342/464/237 345/465/238 +f 408/466/239 409/467/240 410/468/241 +f 348/469/242 345/465/238 349/470/243 +f 367/471/244 370/472/245 366/473/246 +f 117/474/37 630/475/37 626/476/37 +f 401/477/247 404/478/248 405/479/249 +f 352/480/250 356/481/251 357/482/252 +f 541/483/54 259/484/54 544/485/54 +f 405/479/249 407/486/253 408/466/239 +f 393/487/254 396/488/255 397/489/256 +f 361/490/257 364/491/258 365/492/259 +f 385/493/260 383/494/261 388/495/262 +f 365/492/259 368/496/263 369/497/264 +f 380/498/265 377/499/266 376/500/267 +f 369/497/264 372/501/268 373/502/269 +f 389/503/270 392/504/271 393/487/254 +f 5/505/272 52/506/273 53/507/274 +f 536/508/54 253/509/54 255/510/54 +f 389/503/270 385/493/260 388/495/262 +f 397/489/256 400/511/275 401/477/247 +f 185/512/54 524/513/54 577/514/54 +f 120/515/37 632/516/37 631/517/37 +f 386/518/276 384/519/277 387/121/87 +f 620/520/37 113/521/37 624/522/37 +f 251/523/54 537/524/54 539/525/54 +f 243/526/54 551/527/54 241/528/54 +f 394/529/278 391/122/88 395/530/279 +f 406/282/172 402/531/280 403/532/241 +f 398/533/281 395/530/279 399/534/282 +f 402/535/280 399/534/282 403/536/241 +f 411/281/171 402/531/280 406/282/172 +f 411/281/171 410/537/241 409/538/240 +f 411/281/171 409/538/240 402/531/280 +f 96/539/148 99/540/119 98/541/119 +f 32/542/117 30/6/4 29/5/4 +f 547/260/166 619/543/182 544/315/182 +f 571/193/130 647/544/283 570/545/283 +f 594/392/210 402/531/280 409/538/240 +f 482/546/19 518/547/3 480/548/3 +f 533/549/135 608/550/284 531/551/284 +f 163/552/285 164/553/128 165/290/128 +f 530/554/199 607/555/193 529/347/193 +f 560/185/125 638/556/217 561/414/217 +f 554/221/147 632/557/286 555/558/286 +f 110/168/5 112/559/212 113/560/212 +f 10/561/186 11/562/132 12/196/132 +f 583/563/224 658/564/134 581/565/134 +f 579/203/135 657/566/161 580/251/161 +f 493/567/114 513/568/26 491/40/26 +f 304/384/207 307/569/287 306/570/287 +f 314/571/288 317/572/289 316/573/289 +f 585/195/131 655/31/20 578/33/20 +f 85/277/149 87/574/290 86/575/290 +f 294/576/291 297/577/16 296/25/16 +f 474/578/214 522/579/204 472/374/204 +f 219/580/32 220/581/126 221/582/126 +f 466/583/292 463/584/293 467/62/39 +f 3/585/294 49/586/295 52/506/273 +f 461/587/296 462/588/297 463/584/293 +f 464/589/298 460/75/50 458/74/49 +f 465/590/299 460/591/50 464/592/298 +f 40/593/300 42/69/46 43/68/45 +f 468/594/301 465/595/299 464/589/298 +f 469/596/302 468/594/303 462/588/297 +f 469/597/302 462/598/297 461/599/296 +f 459/87/57 457/600/304 456/73/48 +f 382/601/305 380/498/265 384/519/277 +f 507/602/54 201/603/54 508/604/54 +f 32/542/306 67/605/307 34/406/308 +f 29/606/309 66/607/310 32/608/306 +f 27/609/311 65/610/312 29/606/309 +f 25/611/313 64/612/314 27/609/311 +f 23/613/315 63/614/316 25/611/313 +f 21/415/317 60/615/318 61/616/319 +f 489/617/320 490/618/321 491/101/70 +f 19/619/322 59/458/233 60/620/318 +f 484/621/323 483/114/80 485/110/76 +f 247/622/54 542/623/54 545/624/54 +f 480/625/324 479/95/64 481/113/79 +f 11/626/325 55/627/91 56/628/326 +f 538/629/54 257/630/54 541/483/54 +f 34/631/308 68/632/327 36/633/328 +f 36/633/328 69/634/329 38/635/330 +f 346/455/231 628/636/331 546/637/331 +f 211/638/175 212/639/174 213/436/174 +f 287/640/332 454/641/333 455/642/333 +f 596/643/96 600/644/200 598/645/200 +f 570/646/283 646/647/176 569/298/176 +f 183/648/152 184/649/151 185/327/151 +f 534/650/131 606/47/13 527/651/13 +f 275/229/150 276/652/138 277/207/138 +f 161/653/179 162/654/285 163/552/285 +f 617/655/20 540/182/123 621/181/123 +f 536/656/334 610/657/335 537/658/335 +f 453/659/336 450/660/337 451/661/337 +f 427/662/338 424/663/223 425/432/223 +f 542/357/196 620/664/111 545/158/111 +f 568/300/177 644/665/28 567/43/28 +f 253/419/218 254/666/194 255/353/194 +f 281/269/167 282/667/34 283/55/34 +f 309/668/141 306/669/287 307/670/287 +f 292/395/211 295/671/291 294/576/291 +f 483/114/54 481/113/54 479/95/54 +f 475/128/54 473/127/54 471/63/54 +f 492/102/54 490/618/54 494/100/54 +f 490/618/54 488/672/54 468/594/54 +f 488/672/54 487/111/54 468/594/54 +f 487/111/54 485/110/54 468/594/54 +f 485/110/54 483/114/54 468/594/54 +f 479/95/54 477/94/54 468/594/54 +f 477/94/54 475/128/54 468/594/54 +f 471/63/54 467/62/54 468/594/54 +f 467/62/54 463/584/54 468/594/54 +f 463/584/54 462/588/54 468/594/54 +f 483/114/54 479/95/54 468/594/54 +f 475/128/54 471/63/54 468/594/54 +f 494/100/54 490/618/54 468/594/54 +f 498/673/54 496/97/54 500/674/54 +f 496/97/54 494/100/54 500/674/54 +f 494/100/54 468/594/54 500/674/54 +f 468/594/54 464/589/54 458/74/54 +f 502/89/54 500/674/54 504/86/54 +f 500/674/54 468/594/54 504/86/54 +f 468/594/54 458/74/54 457/600/54 +f 504/86/54 468/594/54 457/600/54 +f 557/320/185 635/675/339 558/676/339 +f 468/677/340 469/597/340 465/590/340 +f 469/597/340 461/599/340 465/590/340 +f 461/599/340 466/678/340 460/591/340 +f 465/590/340 461/599/340 460/591/340 +f 460/591/340 466/678/340 456/679/340 +f 525/680/54 526/681/54 518/682/54 +f 388/683/54 527/684/54 528/685/54 +f 388/683/54 528/685/54 392/686/54 +f 26/687/37 607/688/37 24/689/37 +f 529/690/54 516/691/54 530/692/54 +f 517/693/54 529/690/54 532/694/54 +f 531/695/54 525/680/54 518/682/54 +f 533/696/54 517/693/54 532/694/54 +f 383/697/54 534/698/54 527/684/54 +f 383/697/54 527/684/54 388/683/54 +f 379/699/54 534/698/54 383/697/54 +f 379/699/54 535/700/54 534/698/54 +f 375/701/54 535/700/54 379/699/54 +f 611/702/37 105/703/37 610/704/37 +f 371/705/54 535/700/54 375/701/54 +f 255/510/54 538/629/54 536/508/54 +f 367/706/54 535/700/54 371/705/54 +f 610/704/37 107/707/37 615/452/37 +f 540/708/54 367/706/54 362/709/54 +f 613/710/37 100/711/37 103/712/37 +f 540/708/54 535/700/54 367/706/54 +f 358/713/54 540/708/54 362/709/54 +f 336/714/37 445/715/37 356/716/37 +f 543/717/54 540/708/54 358/713/54 +f 616/718/37 98/719/37 100/711/37 +f 354/720/54 543/717/54 358/713/54 +f 618/454/37 110/721/37 620/520/37 +f 546/722/54 543/717/54 354/720/54 +f 13/723/341 56/628/326 57/116/82 +f 350/724/54 546/722/54 354/720/54 +f 119/725/37 631/517/37 630/475/37 +f 346/726/54 546/722/54 350/724/54 +f 506/105/54 197/727/54 507/602/54 +f 624/522/37 114/728/37 627/729/37 +f 114/728/37 626/476/37 627/729/37 +f 655/730/37 31/305/37 33/731/37 +f 94/732/37 151/733/37 101/734/37 +f 267/735/54 552/736/54 265/737/54 +f 486/326/75 488/738/342 489/42/320 +f 269/739/54 552/736/54 267/735/54 +f 619/740/37 96/741/37 98/719/37 +f 271/742/54 552/736/54 269/739/54 +f 264/743/54 204/744/54 194/745/54 +f 273/746/54 552/736/54 271/742/54 +f 476/173/343 475/747/94 477/748/63 +f 558/749/54 231/750/54 557/751/54 +f 129/752/37 635/753/37 127/754/37 +f 130/755/37 636/756/37 129/752/37 +f 225/757/54 227/758/54 560/759/54 +f 381/760/344 379/761/345 383/494/261 +f 2/762/346 46/66/43 49/586/295 +f 563/763/54 283/764/54 285/765/54 +f 563/763/54 281/766/54 283/764/54 +f 563/763/54 279/767/54 281/766/54 +f 563/763/54 277/768/54 279/767/54 +f 563/763/54 275/769/54 277/768/54 +f 563/763/54 273/746/54 275/769/54 +f 563/763/54 552/736/54 273/746/54 +f 178/770/54 563/763/54 285/765/54 +f 219/771/54 221/772/54 562/773/54 +f 181/774/54 563/763/54 178/770/54 +f 217/775/54 219/771/54 562/773/54 +f 183/776/54 564/777/54 563/763/54 +f 183/776/54 565/778/54 564/777/54 +f 183/776/54 563/763/54 181/774/54 +f 566/779/54 565/778/54 183/776/54 +f 215/780/54 217/775/54 562/773/54 +f 567/781/54 566/779/54 183/776/54 +f 568/782/54 567/781/54 183/776/54 +f 569/783/54 568/782/54 183/776/54 +f 570/784/54 569/783/54 183/776/54 +f 571/785/54 570/784/54 183/776/54 +f 572/786/54 571/785/54 183/776/54 +f 573/787/54 572/786/54 183/776/54 +f 574/788/54 573/787/54 183/776/54 +f 575/789/54 574/788/54 183/776/54 +f 576/790/54 575/789/54 183/776/54 +f 608/791/37 26/687/37 28/792/37 +f 1/793/37 163/794/37 165/795/37 +f 505/103/54 191/796/54 193/797/54 +f 505/103/54 189/798/54 191/796/54 +f 505/103/54 187/799/54 189/798/54 +f 4/800/37 161/801/37 163/794/37 +f 6/802/37 157/803/37 158/804/37 +f 507/602/54 197/727/54 199/805/54 +f 8/806/37 155/807/37 157/803/37 +f 509/808/54 205/809/54 207/810/54 +f 509/808/54 203/811/54 205/809/54 +f 510/812/54 509/808/54 207/810/54 +f 510/812/54 207/810/54 209/813/54 +f 173/814/37 39/815/37 171/816/37 +f 524/513/54 187/799/54 505/103/54 +f 523/817/54 577/514/54 524/513/54 +f 357/482/252 360/818/347 361/490/257 +f 578/819/54 522/820/54 521/821/54 +f 578/819/54 523/817/54 522/820/54 +f 578/819/54 577/514/54 523/817/54 +f 579/822/54 511/823/54 510/812/54 +f 580/824/54 511/823/54 579/822/54 +f 658/825/37 147/826/37 149/827/37 +f 581/82/54 510/812/54 209/813/54 +f 581/82/54 579/822/54 510/812/54 +f 660/828/37 144/829/37 147/826/37 +f 584/830/54 512/831/54 582/832/54 +f 160/833/37 94/732/37 84/834/37 +f 586/835/54 213/836/54 215/780/54 +f 124/837/37 634/838/37 633/839/37 +f 142/840/37 665/841/37 639/842/37 +f 294/843/54 393/844/54 452/845/54 +f 589/846/54 585/847/54 520/848/54 +f 591/849/54 588/850/54 562/773/54 +f 591/849/54 562/773/54 528/685/54 +f 625/851/37 92/852/37 95/853/37 +f 404/854/54 594/855/54 407/856/54 +f 404/854/54 595/857/54 594/855/54 +f 409/858/54 407/856/54 594/855/54 +f 400/859/54 595/857/54 404/854/54 +f 400/859/54 528/685/54 595/857/54 +f 596/860/54 515/861/54 592/862/54 +f 396/863/54 528/685/54 400/859/54 +f 597/864/54 593/865/54 519/866/54 +f 527/684/54 591/849/54 528/685/54 +f 392/686/54 528/685/54 396/863/54 +f 22/867/37 600/868/37 601/869/37 +f 349/470/243 352/480/250 348/469/242 +f 530/692/54 516/691/54 598/870/54 +f 386/871/37 599/872/37 382/873/37 +f 30/304/37 603/874/37 28/792/37 +f 526/681/54 519/866/54 518/682/54 +f 600/868/37 24/689/37 604/875/37 +f 28/792/37 603/874/37 605/876/37 +f 599/872/37 606/877/37 377/878/37 +f 382/873/37 599/872/37 377/878/37 +f 604/875/37 24/689/37 607/688/37 +f 362/461/234 366/473/246 363/462/235 +f 28/792/37 605/876/37 608/791/37 +f 531/695/54 517/693/54 533/696/54 +f 229/879/54 558/749/54 559/880/54 +f 609/881/37 26/687/37 612/882/37 +f 611/702/37 613/710/37 103/712/37 +f 377/878/37 606/877/37 373/883/37 +f 606/877/37 614/884/37 373/883/37 +f 341/885/348 336/886/225 342/464/237 +f 373/883/37 614/884/37 369/887/37 +f 133/888/37 638/889/37 637/890/37 +f 614/884/37 617/891/37 369/887/37 +f 369/887/37 617/891/37 365/892/37 +f 249/893/54 539/525/54 542/623/54 +f 365/892/37 617/891/37 361/894/37 +f 497/98/67 498/673/349 499/895/60 +f 361/894/37 617/891/37 357/896/37 +f 371/897/350 374/898/351 370/472/245 +f 352/899/37 357/896/37 621/900/37 +f 357/896/37 617/891/37 621/900/37 +f 261/901/54 544/485/54 259/484/54 +f 352/899/37 621/900/37 348/902/37 +f 348/902/37 621/900/37 623/903/37 +f 545/624/54 245/904/54 247/622/54 +f 263/905/54 547/906/54 261/901/54 +f 348/902/37 623/903/37 344/907/37 +f 548/908/54 243/526/54 245/904/54 +f 515/861/54 598/870/54 516/691/54 +f 344/907/37 623/903/37 628/909/37 +f 344/907/37 628/909/37 341/910/37 +f 265/737/54 549/911/54 263/905/54 +f 241/528/54 553/912/54 239/913/54 +f 341/910/37 628/909/37 337/914/37 +f 92/852/37 629/915/37 91/916/37 +f 239/913/54 554/917/54 237/918/54 +f 91/916/37 629/915/37 88/919/37 +f 237/918/54 555/920/54 235/921/54 +f 88/919/37 629/915/37 86/922/37 +f 235/921/54 556/923/54 233/924/54 +f 86/922/37 629/915/37 85/925/37 +f 233/924/54 557/751/54 231/750/54 +f 634/838/37 127/754/37 635/753/37 +f 227/758/54 559/880/54 560/759/54 +f 7/926/352 53/507/274 54/927/90 +f 637/890/37 130/755/37 133/888/37 +f 225/757/54 561/928/54 223/929/54 +f 223/929/54 562/773/54 221/772/54 +f 85/925/37 629/915/37 640/930/37 +f 70/931/37 74/932/37 640/930/37 +f 74/932/37 76/933/37 640/930/37 +f 76/933/37 78/934/37 640/930/37 +f 78/934/37 81/935/37 640/930/37 +f 81/935/37 83/936/37 640/930/37 +f 83/936/37 85/925/37 640/930/37 +f 70/931/37 640/930/37 73/937/37 +f 639/842/37 136/938/37 139/939/37 +f 73/937/37 640/930/37 176/940/37 +f 639/842/37 139/939/37 141/941/37 +f 640/930/37 641/942/37 175/943/37 +f 641/942/37 642/944/37 175/943/37 +f 176/940/37 640/930/37 175/943/37 +f 175/943/37 642/944/37 643/945/37 +f 639/842/37 141/941/37 142/840/37 +f 175/943/37 643/945/37 644/946/37 +f 175/943/37 644/946/37 645/947/37 +f 175/943/37 645/947/37 646/948/37 +f 175/943/37 646/948/37 647/949/37 +f 175/943/37 647/949/37 648/950/37 +f 175/943/37 648/950/37 649/951/37 +f 175/943/37 649/951/37 650/952/37 +f 175/943/37 650/952/37 651/953/37 +f 175/943/37 651/953/37 652/954/37 +f 175/943/37 652/954/37 653/955/37 +f 576/790/54 185/512/54 577/514/54 +f 622/956/37 95/853/37 96/741/37 +f 165/795/37 167/957/37 1/793/37 +f 167/957/37 168/958/37 1/793/37 +f 168/958/37 171/816/37 1/793/37 +f 21/959/317 62/960/353 23/613/315 +f 373/502/269 376/500/267 377/499/266 +f 158/804/37 161/801/37 6/802/37 +f 215/780/54 588/850/54 586/835/54 +f 150/961/37 153/962/37 10/963/37 +f 153/962/37 155/807/37 10/963/37 +f 149/827/37 150/961/37 12/964/37 +f 150/961/37 10/963/37 12/964/37 +f 1/793/37 171/816/37 39/815/37 +f 38/635/330 41/965/354 40/593/300 +f 39/815/37 654/966/37 37/967/37 +f 37/967/37 654/966/37 655/730/37 +f 578/819/54 520/848/54 585/847/54 +f 33/731/37 35/968/37 655/730/37 +f 35/968/37 37/967/37 655/730/37 +f 12/964/37 14/969/37 656/970/37 +f 656/970/37 14/969/37 657/971/37 +f 135/972/37 639/842/37 638/889/37 +f 149/827/37 12/964/37 658/825/37 +f 12/964/37 656/970/37 658/825/37 +f 582/832/54 511/823/54 580/824/54 +f 508/604/54 203/811/54 509/808/54 +f 513/973/54 584/830/54 587/974/54 +f 659/975/37 16/60/37 661/59/37 +f 142/840/37 144/829/37 663/976/37 +f 514/977/54 587/974/54 590/978/54 +f 194/745/54 266/979/54 264/743/54 +f 31/305/37 662/980/37 666/303/37 +f 589/846/54 519/866/54 593/865/54 +f 639/842/37 665/841/37 668/981/37 +f 599/872/37 639/842/37 668/981/37 +f 514/977/54 592/862/54 515/861/54 +f 671/982/37 672/983/37 394/984/37 +f 398/985/37 671/982/37 394/984/37 +f 671/982/37 398/985/37 402/986/37 +f 394/984/37 672/983/37 390/987/37 +f 672/983/37 599/872/37 390/987/37 +f 669/988/37 22/867/37 601/869/37 +f 390/987/37 599/872/37 386/871/37 +f 30/304/37 670/989/37 602/990/37 +f 599/872/37 668/981/37 606/877/37 +f 8/991/116 9/123/186 10/561/186 +f 324/157/110 327/992/355 326/993/355 +f 586/312/181 660/994/224 583/563/224 +f 95/352/9 97/995/148 96/539/148 +f 532/349/161 612/996/135 533/549/135 +f 26/30/19 27/997/3 28/998/3 +f 451/661/337 448/324/188 449/323/188 +f 558/676/339 636/999/124 559/183/124 +f 535/1000/20 614/1001/131 534/650/131 +f 34/406/214 31/1002/117 32/542/117 +f 142/1003/206 145/1004/174 144/287/174 +f 328/1005/356 331/1006/201 330/365/201 +f 470/1007/205 524/1008/215 466/678/215 +f 176/1009/178 71/1010/192 73/342/192 +f 81/1011/138 82/1012/150 83/275/150 +f 91/295/22 93/1013/10 92/350/10 +f 598/645/200 604/1014/199 530/554/199 +f 582/253/162 661/1015/199 584/362/199 +f 86/575/290 89/1016/23 88/293/23 +f 565/401/213 641/1017/208 564/385/208 +f 546/637/331 623/1018/122 543/180/122 +f 285/57/36 179/1019/192 178/1020/192 +f 555/558/286 633/1021/184 556/318/184 +f 189/331/102 190/1022/127 191/188/127 +f 310/212/142 313/1023/357 312/1024/357 +f 203/422/164 204/1025/163 205/1026/163 +f 155/256/164 156/1027/219 157/1028/219 +f 486/326/168 516/1029/18 484/1030/18 +f 531/1031/284 605/1032/224 525/438/224 +f 193/190/128 194/1033/285 195/1034/285 +f 195/1034/285 196/1035/179 197/1036/179 +f 434/1037/358 437/1038/222 436/430/222 +f 178/1020/192 180/1039/178 181/1040/178 +f 171/141/103 172/1041/151 173/230/151 +f 538/1042/359 611/1043/334 536/656/334 +f 456/679/14 506/1044/15 459/1045/15 +f 269/36/23 270/1046/290 271/1047/290 +f 629/1048/145 563/387/209 640/386/209 +f 316/573/289 319/1049/13 318/296/13 +f 169/1050/102 167/292/127 166/291/127 +f 239/1051/156 240/1052/8 241/261/8 +f 289/1053/332 288/1054/189 286/334/189 +f 105/1055/218 106/1056/11 107/1057/11 +f 249/9/6 250/1058/11 251/1059/11 +f 432/237/154 435/1060/358 434/1037/358 +f 573/206/137 649/1061/129 572/191/129 +f 74/226/34 77/1062/167 76/389/167 +f 78/1063/139 80/1064/138 81/1011/138 +f 426/1065/338 429/1066/120 428/177/120 +f 1/22/340 40/409/340 2/1067/340 +f 205/1026/163 206/1068/144 207/344/144 +f 209/346/143 210/1069/175 211/638/175 +f 455/642/333 452/1070/336 453/659/336 +f 499/90/186 510/1071/132 497/242/132 +f 541/317/183 613/1072/359 538/1042/359 +f 141/54/33 143/1073/206 142/1003/206 +f 98/541/119 101/1074/118 100/440/118 +f 158/1075/180 160/1076/179 161/1077/179 +f 103/442/194 104/1078/218 105/1055/218 +f 229/266/165 230/1079/153 231/233/153 +f 326/993/355 329/1080/356 328/1005/356 +f 456/679/340 524/1008/340 505/1081/340 +f 537/1082/335 615/1083/195 539/355/195 +f 265/15/10 266/1084/22 267/34/22 +f 484/1030/18 517/1085/19 482/546/19 +f 113/560/212 115/1086/7 114/10/7 +f 181/1040/178 182/1087/152 183/648/152 +f 312/1024/357 315/1088/288 314/571/288 +f 237/428/220 238/1089/156 239/1051/156 +f 271/1047/290 272/1090/149 273/227/149 +f 476/173/117 521/1091/214 474/578/214 +f 339/425/221 338/445/227 343/451/230 +f 221/582/126 222/1092/108 223/149/108 +f 590/413/216 669/132/97 592/131/97 +f 217/379/33 218/1093/32 219/580/32 +f 198/1094/54 196/1095/54 194/745/54 +f 238/1096/54 248/1097/54 244/1098/54 +f 238/1096/54 244/1098/54 240/1099/54 +f 268/1100/54 272/1101/54 270/1102/54 +f 268/1100/54 274/1103/54 272/1101/54 +f 268/1100/54 276/1104/54 274/1103/54 +f 234/1105/54 256/1106/54 248/1097/54 +f 278/1107/54 276/1104/54 268/1100/54 +f 234/1105/54 248/1097/54 238/1096/54 +f 234/1105/54 238/1096/54 236/1108/54 +f 204/744/54 200/1109/54 198/1094/54 +f 378/1110/360 375/1111/361 379/761/345 +f 204/744/54 202/1112/54 200/1109/54 +f 204/744/54 198/1094/54 194/745/54 +f 204/744/54 256/1106/54 234/1105/54 +f 282/1113/54 280/1114/54 278/1107/54 +f 228/1115/54 232/1116/54 230/1117/54 +f 228/1115/54 234/1105/54 232/1116/54 +f 210/1118/54 206/1119/54 204/744/54 +f 210/1118/54 208/1120/54 206/1119/54 +f 210/1118/54 204/744/54 234/1105/54 +f 224/1121/54 228/1115/54 226/1122/54 +f 224/1121/54 234/1105/54 228/1115/54 +f 180/1123/54 284/1124/54 282/1113/54 +f 180/1123/54 179/1125/54 284/1124/54 +f 214/1126/54 212/1127/54 210/1118/54 +f 256/1106/54 260/1128/54 258/1129/54 +f 256/1106/54 262/1130/54 260/1128/54 +f 256/1106/54 264/743/54 262/1130/54 +f 216/1131/54 210/1118/54 234/1105/54 +f 216/1131/54 214/1126/54 210/1118/54 +f 220/1132/54 224/1121/54 222/1133/54 +f 220/1132/54 234/1105/54 224/1121/54 +f 220/1132/54 216/1131/54 234/1105/54 +f 218/1134/54 216/1131/54 220/1132/54 +f 252/1135/54 256/1106/54 254/1136/54 +f 186/1137/54 184/1138/54 182/1139/54 +f 188/1140/54 186/1137/54 182/1139/54 +f 248/1097/54 252/1135/54 250/1141/54 +f 248/1097/54 256/1106/54 252/1135/54 +f 190/1142/54 182/1139/54 180/1123/54 +f 190/1142/54 188/1140/54 182/1139/54 +f 190/1142/54 268/1100/54 266/979/54 +f 190/1142/54 278/1107/54 268/1100/54 +f 190/1142/54 282/1113/54 278/1107/54 +f 190/1142/54 180/1123/54 282/1113/54 +f 244/1098/54 248/1097/54 246/1143/54 +f 194/745/54 192/1144/54 190/1142/54 +f 14/969/37 659/975/37 657/971/37 +f 240/1099/54 244/1098/54 242/1145/54 +f 128/1146/37 138/1147/37 134/1148/37 +f 162/1149/37 166/1150/37 164/1151/37 +f 128/1146/37 132/1152/37 131/1153/37 +f 128/1146/37 134/1148/37 132/1152/37 +f 128/1146/37 140/1154/37 138/1147/37 +f 94/732/37 87/1155/37 84/834/37 +f 94/732/37 93/1156/37 90/1157/37 +f 94/732/37 90/1157/37 87/1155/37 +f 160/833/37 166/1150/37 162/1149/37 +f 20/459/37 669/988/37 667/1158/37 +f 366/1159/54 302/1160/54 347/1161/54 +f 170/1162/37 169/1163/37 166/1150/37 +f 170/1162/37 166/1150/37 160/833/37 +f 125/1164/37 128/1146/37 126/1165/37 +f 156/1166/37 160/833/37 159/1167/37 +f 174/1168/37 172/1169/37 170/1162/37 +f 122/1170/37 140/1154/37 128/1146/37 +f 122/1170/37 128/1146/37 125/1164/37 +f 174/1168/37 170/1162/37 160/833/37 +f 101/734/37 145/1171/37 140/1154/37 +f 101/734/37 97/1172/37 94/732/37 +f 101/734/37 99/1173/37 97/1172/37 +f 101/734/37 140/1154/37 122/1170/37 +f 101/734/37 151/733/37 145/1171/37 +f 151/733/37 154/1174/37 152/1175/37 +f 151/733/37 156/1166/37 154/1174/37 +f 116/1176/37 121/1177/37 118/1178/37 +f 106/1179/37 102/1180/37 101/734/37 +f 72/1181/37 177/1182/37 174/1168/37 +f 106/1179/37 104/1183/37 102/1180/37 +f 72/1181/37 71/1184/37 177/1182/37 +f 115/1185/37 122/1170/37 121/1177/37 +f 115/1185/37 101/734/37 122/1170/37 +f 115/1185/37 121/1177/37 116/1176/37 +f 115/1185/37 106/1179/37 101/734/37 +f 112/1186/37 106/1179/37 115/1185/37 +f 111/1187/37 109/1188/37 106/1179/37 +f 111/1187/37 106/1179/37 112/1186/37 +f 145/1171/37 148/1189/37 146/1190/37 +f 145/1171/37 151/733/37 148/1189/37 +f 140/1154/37 145/1171/37 143/1191/37 +f 84/834/37 75/1192/37 72/1181/37 +f 84/834/37 77/1193/37 75/1192/37 +f 84/834/37 79/1194/37 77/1193/37 +f 84/834/37 80/1195/37 79/1194/37 +f 84/834/37 82/1196/37 80/1195/37 +f 84/834/37 174/1168/37 160/833/37 +f 84/834/37 72/1181/37 174/1168/37 +f 134/1148/37 138/1147/37 137/1197/37 +f 90/1157/37 89/1198/37 87/1155/37 +f 429/1199/37 427/1200/37 425/1201/37 +f 376/1202/37 372/1203/37 368/1204/37 +f 429/1199/37 433/1205/37 431/1206/37 +f 429/1199/37 425/1201/37 433/1205/37 +f 293/1207/37 297/1208/37 295/1209/37 +f 380/1210/37 368/1204/37 360/1211/37 +f 380/1210/37 376/1202/37 368/1204/37 +f 333/1212/37 327/1213/37 325/1214/37 +f 333/1212/37 329/1215/37 327/1213/37 +f 333/1212/37 331/1216/37 329/1215/37 +f 288/1217/37 293/1207/37 291/1218/37 +f 321/1219/37 325/1214/37 323/1220/37 +f 387/1221/37 384/1222/37 380/1210/37 +f 340/1223/37 335/1224/37 333/1212/37 +f 455/1225/37 288/1217/37 287/1226/37 +f 317/1227/37 321/1219/37 319/1228/37 +f 455/1225/37 293/1207/37 288/1217/37 +f 395/1229/37 391/1230/37 387/1221/37 +f 395/1229/37 387/1221/37 380/1210/37 +f 453/1231/37 297/1208/37 293/1207/37 +f 453/1231/37 293/1207/37 455/1225/37 +f 336/714/37 338/1232/37 340/1223/37 +f 336/714/37 325/1214/37 321/1219/37 +f 336/714/37 333/1212/37 325/1214/37 +f 336/714/37 340/1223/37 333/1212/37 +f 313/1233/37 317/1227/37 315/1234/37 +f 449/1235/37 453/1231/37 451/1236/37 +f 345/1237/37 342/1238/37 336/714/37 +f 406/1239/37 395/1229/37 380/1210/37 +f 406/1239/37 399/1240/37 395/1229/37 +f 406/1239/37 403/1241/37 399/1240/37 +f 447/1242/37 453/1231/37 449/1235/37 +f 447/1242/37 297/1208/37 453/1231/37 +f 307/1243/37 311/1244/37 309/1245/37 +f 307/1243/37 313/1233/37 311/1244/37 +f 307/1243/37 317/1227/37 313/1233/37 +f 353/1246/37 349/1247/37 345/1237/37 +f 123/1248/37 633/839/37 632/516/37 +f 445/715/37 360/1211/37 356/716/37 +f 445/715/37 406/1239/37 380/1210/37 +f 445/715/37 380/1210/37 360/1211/37 +f 445/715/37 413/1249/37 406/1239/37 +f 445/715/37 297/1208/37 447/1242/37 +f 356/716/37 345/1237/37 336/714/37 +f 356/716/37 353/1246/37 345/1237/37 +f 443/1250/37 413/1249/37 445/715/37 +f 417/1251/37 415/1252/37 413/1249/37 +f 417/1251/37 413/1249/37 443/1250/37 +f 441/1253/37 417/1251/37 443/1250/37 +f 301/1254/37 305/1255/37 303/1256/37 +f 301/1254/37 307/1243/37 305/1255/37 +f 301/1254/37 317/1227/37 307/1243/37 +f 421/1257/37 419/1258/37 417/1251/37 +f 301/1254/37 321/1219/37 317/1227/37 +f 435/1259/37 439/1260/37 437/1261/37 +f 435/1259/37 441/1253/37 439/1260/37 +f 368/1204/37 364/1262/37 360/1211/37 +f 297/1208/37 301/1254/37 299/1263/37 +f 425/1201/37 423/1264/37 421/1257/37 +f 425/1201/37 421/1257/37 417/1251/37 +f 297/1208/37 321/1219/37 301/1254/37 +f 433/1205/37 417/1251/37 441/1253/37 +f 297/1208/37 336/714/37 321/1219/37 +f 433/1205/37 441/1253/37 435/1259/37 +f 433/1205/37 425/1201/37 417/1251/37 +f 339/1265/54 343/1266/54 347/1161/54 +f 302/1160/54 304/1267/54 306/1268/54 +f 302/1160/54 298/1269/54 300/1270/54 +f 583/84/54 213/836/54 586/835/54 +f 438/1271/54 428/1272/54 432/1273/54 +f 302/1160/54 294/843/54 298/1269/54 +f 302/1160/54 306/1268/54 347/1161/54 +f 438/1271/54 432/1273/54 436/1274/54 +f 397/1275/54 401/1276/54 405/1277/54 +f 332/1278/54 334/1279/54 339/1265/54 +f 442/1280/54 438/1271/54 440/1281/54 +f 393/844/54 397/1275/54 405/1277/54 +f 411/1282/54 408/1283/54 410/1284/54 +f 330/1285/54 332/1278/54 339/1265/54 +f 412/1286/54 405/1277/54 408/1283/54 +f 328/1287/54 339/1265/54 347/1161/54 +f 328/1287/54 330/1285/54 339/1265/54 +f 412/1286/54 408/1283/54 411/1282/54 +f 412/1286/54 393/844/54 405/1277/54 +f 448/1288/54 444/1289/54 446/1290/54 +f 448/1288/54 442/1280/54 444/1289/54 +f 381/1291/54 385/1292/54 389/1293/54 +f 448/1288/54 438/1271/54 442/1280/54 +f 378/1294/54 381/1291/54 389/1293/54 +f 418/1295/54 414/1296/54 416/1297/54 +f 418/1295/54 412/1286/54 414/1296/54 +f 418/1295/54 393/844/54 412/1286/54 +f 322/1298/54 324/1299/54 326/1300/54 +f 452/845/54 448/1288/54 450/1301/54 +f 452/845/54 393/844/54 424/1302/54 +f 452/845/54 424/1302/54 428/1272/54 +f 452/845/54 428/1272/54 438/1271/54 +f 452/845/54 438/1271/54 448/1288/54 +f 653/955/37 173/814/37 175/943/37 +f 320/1303/54 326/1300/54 328/1287/54 +f 320/1303/54 328/1287/54 347/1161/54 +f 320/1303/54 322/1298/54 326/1300/54 +f 422/1304/54 418/1295/54 420/1305/54 +f 366/1159/54 389/1293/54 393/844/54 +f 366/1159/54 374/1306/54 378/1294/54 +f 366/1159/54 370/1307/54 374/1306/54 +f 366/1159/54 378/1294/54 389/1293/54 +f 424/1302/54 393/844/54 418/1295/54 +f 424/1302/54 418/1295/54 422/1304/54 +f 286/1308/54 454/1309/54 289/1310/54 +f 286/1308/54 452/845/54 454/1309/54 +f 314/1311/54 318/1312/54 320/1303/54 +f 314/1311/54 316/1313/54 318/1312/54 +f 314/1311/54 320/1303/54 347/1161/54 +f 359/1314/54 363/1315/54 366/1159/54 +f 428/1272/54 424/1302/54 426/1316/54 +f 310/1317/54 312/1318/54 314/1311/54 +f 310/1317/54 314/1311/54 347/1161/54 +f 432/1273/54 428/1272/54 430/1319/54 +f 294/843/54 290/1320/54 292/1321/54 +f 294/843/54 286/1308/54 290/1320/54 +f 294/843/54 452/845/54 286/1308/54 +f 347/1161/54 359/1314/54 366/1159/54 +f 347/1161/54 355/1322/54 359/1314/54 +f 347/1161/54 351/1323/54 355/1322/54 +f 306/1268/54 308/1324/54 310/1317/54 +f 306/1268/54 310/1317/54 347/1161/54 +f 298/1269/54 294/843/54 296/1325/54 +f 436/1274/54 432/1273/54 434/1326/54 +f 50/76/37 47/67/37 42/69/37 +f 50/76/37 42/69/37 41/965/37 +f 50/76/37 41/965/37 69/634/37 +f 50/76/37 69/634/37 68/632/37 +f 50/76/37 68/632/37 67/1327/37 +f 50/76/37 67/1327/37 66/607/37 +f 50/76/37 66/607/37 65/610/37 +f 50/76/37 65/610/37 64/612/37 +f 50/76/37 64/612/37 63/614/37 +f 50/76/37 63/614/37 62/960/37 +f 50/76/37 62/960/37 61/1328/37 +f 50/76/37 61/1328/37 60/620/37 +f 50/76/37 60/620/37 59/458/37 +f 50/76/37 59/458/37 58/117/37 +f 50/76/37 58/117/37 57/116/37 +f 50/76/37 57/116/37 56/628/37 +f 50/76/37 56/628/37 55/627/37 +f 54/927/37 50/76/37 55/627/37 +f 53/507/37 50/76/37 54/927/37 +f 46/66/37 45/65/37 50/76/37 +f 52/506/37 50/76/37 53/507/37 +f 49/586/37 46/66/37 50/76/37 +f 49/586/37 50/76/37 52/506/37 +f 48/70/340 50/1329/340 51/79/362 +f 43/71/340 48/70/340 44/81/363 +f 48/70/340 51/79/362 44/81/363 +f 40/409/340 43/71/340 2/1067/340 +f 43/71/340 44/81/363 2/1067/340 +f 6/373/115 7/1330/116 8/991/116 +f 157/1028/219 159/1331/180 158/1075/180 +f 125/1/1 124/278/1 123/2/2 +f 28/4/3 27/1332/3 29/5/4 +f 247/7/5 246/398/5 248/8/6 +f 114/10/7 115/1086/7 116/11/8 +f 263/13/9 262/286/9 264/14/10 +f 107/16/11 106/1333/11 109/17/6 +f 593/19/12 670/307/12 666/20/13 +f 1/22/14 2/1067/14 3/23/15 +f 296/25/16 297/577/16 299/26/17 +f 24/28/18 23/271/18 25/29/19 +f 655/31/20 654/1334/21 577/32/21 +f 267/34/22 266/1084/22 268/35/23 +f 130/37/24 131/258/24 132/38/25 +f 491/40/26 513/568/26 514/41/27 +f 567/43/28 644/665/28 643/44/29 +f 591/46/12 527/651/13 606/47/13 +f 303/49/30 302/382/30 300/50/31 +f 139/52/32 138/250/32 140/53/33 +f 283/55/34 282/667/34 284/56/35 +f 18/58/37 664/460/37 661/59/37 +f 470/61/38 466/583/292 467/62/39 +f 456/73/48 457/600/304 458/74/49 +f 581/82/54 209/813/54 211/83/54 +f 503/85/55 502/89/59 504/86/56 +f 501/88/58 500/674/61 502/89/59 +f 499/90/60 498/1335/349 500/91/61 +f 478/93/62 476/1336/343 477/94/63 +f 495/96/65 494/100/69 496/97/66 +f 493/99/68 492/102/71 494/100/69 +f 491/101/70 490/618/321 492/102/71 +f 505/103/54 193/797/54 195/104/54 +f 355/106/72 354/119/85 358/107/73 +f 486/109/75 484/621/323 485/110/76 +f 482/112/78 480/625/324 481/113/79 +f 15/115/81 13/723/341 57/116/82 +f 351/118/84 350/449/229 354/119/85 +f 390/120/86 386/518/276 387/121/87 +f 9/123/89 7/1330/352 54/124/90 +f 474/126/92 472/129/95 473/127/93 +f 472/129/95 470/61/38 471/63/40 +f 601/130/96 596/643/96 592/131/97 +f 415/133/98 414/429/98 412/134/99 +f 630/136/100 553/219/100 551/137/101 +f 168/139/102 169/1050/102 170/140/103 +f 577/32/21 654/1334/21 653/142/104 +f 595/144/105 528/1337/106 599/145/106 +f 576/143/104 653/142/104 652/147/107 +f 223/149/108 222/1092/108 224/150/25 +f 133/152/25 132/1338/25 134/153/108 +f 322/155/109 323/239/109 325/156/110 +f 545/158/111 620/664/111 624/159/112 +f 18/161/26 17/314/26 19/162/27 +f 495/164/113 511/243/113 512/165/114 +f 108/18/6 109/17/6 111/167/5 +f 503/169/115 507/338/115 508/170/116 +f 478/171/4 519/447/4 520/172/117 +f 257/174/118 256/354/118 258/175/119 +f 428/177/120 429/1066/120 431/178/121 +f 543/180/122 623/1018/122 621/181/123 +f 559/183/124 636/999/124 637/184/125 +f 135/154/108 134/153/108 137/186/126 +f 191/188/127 190/1022/127 192/189/128 +f 572/191/129 649/1061/129 648/192/130 +f 589/21/13 666/20/13 662/194/131 +f 12/196/132 11/562/132 13/197/113 +f 591/46/12 668/48/12 665/199/133 +f 581/201/134 658/1339/134 656/202/135 +f 574/204/136 651/283/136 650/205/137 +f 277/207/138 276/652/138 278/208/139 +f 308/210/141 309/668/141 311/211/142 +f 149/213/143 148/388/143 151/214/144 +f 552/216/145 629/1048/145 625/217/146 +f 553/219/100 630/136/100 631/220/147 +f 259/176/119 258/175/119 260/222/148 +f 70/224/35 72/343/36 75/225/34 +f 273/227/149 272/1090/149 274/228/150 +f 173/230/151 172/1041/151 174/231/152 +f 231/233/153 230/1079/153 232/234/1 +f 430/179/121 431/178/121 433/236/154 +f 320/238/155 321/297/155 323/239/109 +f 117/12/8 116/11/8 118/240/156 +f 497/242/132 510/1071/132 511/243/113 +f 438/244/157 439/431/157 441/245/158 +f 421/247/159 420/368/159 418/248/160 +f 136/187/126 137/186/126 138/250/32 +f 580/251/161 657/566/161 659/252/162 +f 153/254/163 152/396/163 154/255/164 +f 129/257/165 128/302/165 131/258/24 +f 549/218/146 625/217/146 622/259/166 +f 241/261/8 240/1052/8 242/262/7 +f 227/264/24 226/333/24 228/265/165 +f 279/267/140 278/1340/139 280/268/167 +f 22/270/168 21/415/168 23/271/18 +f 332/272/169 333/366/169 335/273/170 +f 83/275/150 82/1012/150 84/276/149 +f 124/278/1 125/1/1 126/279/153 +f 413/135/99 412/134/99 411/281/171 +f 575/148/107 652/147/107 651/283/136 +f 599/145/106 528/1337/106 562/284/173 +f 261/223/148 260/222/148 262/286/9 +f 144/287/174 145/1004/174 146/288/175 +f 165/290/128 164/553/128 166/291/127 +f 88/293/23 89/1016/23 90/294/22 +f 318/296/13 319/1049/13 321/297/155 +f 569/298/176 646/647/176 645/299/177 +f 177/301/178 176/1009/178 175/232/152 +f 127/280/153 126/279/153 128/302/165 +f 666/303/37 670/989/37 30/304/37 +f 597/306/133 602/381/133 670/307/12 +f 197/308/179 196/1341/179 198/309/180 +f 588/200/133 665/199/133 663/311/181 +f 16/313/114 15/1342/114 17/314/26 +f 544/315/182 619/543/182 616/316/183 +f 556/318/184 633/1021/184 634/319/185 +f 501/92/116 508/170/116 509/321/186 +f 446/322/187 447/359/187 449/323/188 +f 489/42/27 514/41/27 515/325/168 +f 185/327/151 184/649/151 186/328/103 +f 187/329/103 186/328/103 188/330/102 +f 225/332/25 224/1343/25 226/333/24 +f 286/334/189 288/1054/189 291/335/190 +f 459/337/15 506/1344/15 507/338/115 +f 14/198/113 13/197/113 15/339/114 +f 550/341/191 627/399/191 626/138/101 +f 73/342/192 71/1010/192 72/343/36 +f 207/344/144 206/1068/144 208/345/143 +f 529/347/193 607/555/193 609/348/161 +f 92/350/10 93/1013/10 94/351/9 +f 255/353/194 254/666/194 256/354/118 +f 539/355/195 615/1083/195 618/356/196 +f 444/358/197 445/361/197 447/359/187 +f 442/360/198 443/1345/198 445/361/197 +f 584/362/199 661/1015/199 664/363/200 +f 330/365/201 331/1006/201 333/366/169 +f 423/367/202 422/433/202 420/368/159 +f 419/249/160 418/248/160 416/369/203 +f 4/371/15 3/1346/15 5/372/115 +f 472/374/204 522/579/204 523/375/205 +f 298/27/17 299/26/17 301/51/31 +f 215/377/206 214/437/206 216/378/33 +f 526/380/181 603/439/181 602/381/133 +f 302/382/30 303/49/30 305/383/207 +f 564/385/208 641/1017/208 640/386/209 +f 147/289/175 146/288/175 148/388/143 +f 76/389/167 77/1062/167 79/390/140 +f 594/392/210 595/144/105 672/146/105 +f 290/336/190 291/335/190 293/394/211 +f 150/215/144 151/214/144 152/396/163 +f 245/397/212 244/416/212 246/398/5 +f 548/160/112 624/159/112 627/399/191 +f 566/45/29 643/44/29 642/400/213 +f 38/402/205 37/1347/205 35/403/204 +f 36/404/204 35/403/204 33/405/214 +f 440/246/158 441/245/158 443/407/198 +f 40/409/215 39/1348/215 37/410/205 +f 587/364/200 664/363/200 667/412/216 +f 561/414/217 638/556/217 639/285/173 +f 20/163/27 19/162/27 21/415/168 +f 243/263/7 242/262/7 244/416/212 +f 251/417/11 250/1349/11 252/418/218 +f 201/420/219 200/435/219 202/421/164 +f 120/423/220 121/434/220 122/3/2 +f 334/274/170 335/273/170 340/424/221 +f 235/426/2 234/450/2 236/427/220 +f 417/370/203 416/369/203 414/429/98 +f 436/430/222 437/1038/222 439/431/157 +f 425/432/223 424/663/223 422/433/202 +f 121/434/220 120/423/220 119/241/156 +f 199/310/180 198/309/180 200/435/219 +f 213/436/174 212/639/174 214/437/206 +f 525/438/224 605/1032/224 603/439/181 +f 100/440/118 101/1074/118 102/441/194 +f 480/446/3 518/1350/3 519/447/4 +f 347/448/228 346/1351/231 350/449/229 +f 233/235/1 232/234/1 234/450/2 +f 615/452/37 107/707/37 108/453/37 +f 17/457/232 15/115/81 58/117/83 +f 20/459/37 667/1158/37 664/460/37 +f 359/108/74 358/107/73 362/461/234 +f 344/463/236 341/885/348 342/464/237 +f 408/466/239 407/486/253 409/467/240 +f 348/469/242 344/463/236 345/465/238 +f 367/471/244 371/897/350 370/472/245 +f 117/474/37 119/725/37 630/475/37 +f 401/477/247 400/511/275 404/478/248 +f 352/480/250 353/1352/235 356/481/251 +f 541/483/54 257/630/54 259/484/54 +f 405/479/249 404/478/248 407/486/253 +f 393/487/254 392/504/271 396/488/255 +f 361/490/257 360/818/347 364/491/258 +f 385/493/260 381/760/344 383/494/261 +f 365/492/259 364/491/258 368/496/263 +f 369/497/264 368/496/263 372/501/268 +f 389/503/270 388/495/262 392/504/271 +f 5/505/272 3/585/294 52/506/273 +f 536/508/54 537/524/54 253/509/54 +f 397/489/256 396/488/255 400/511/275 +f 185/512/54 187/799/54 524/513/54 +f 120/515/37 123/1248/37 632/516/37 +f 386/518/276 382/601/305 384/519/277 +f 620/520/37 110/721/37 113/521/37 +f 251/523/54 253/509/54 537/524/54 +f 243/526/54 550/1353/54 551/527/54 +f 394/529/278 390/120/86 391/122/88 +f 398/533/281 394/529/278 395/530/279 +f 402/535/280 398/533/281 399/534/282 +f 96/539/148 97/995/148 99/540/119 +f 32/542/117 31/1002/117 30/6/4 +f 547/260/166 622/259/166 619/543/182 +f 571/193/130 648/192/130 647/544/283 +f 594/392/210 671/393/210 402/531/280 +f 482/546/19 517/1085/19 518/547/3 +f 533/549/135 612/996/135 608/550/284 +f 163/552/285 162/654/285 164/553/128 +f 530/554/199 604/1014/199 607/555/193 +f 560/185/125 637/184/125 638/556/217 +f 554/221/147 631/220/147 632/557/286 +f 110/168/5 111/167/5 112/559/212 +f 10/561/186 9/123/186 11/562/132 +f 583/563/224 660/994/224 658/564/134 +f 579/203/135 656/202/135 657/566/161 +f 493/567/114 512/1354/114 513/568/26 +f 304/384/207 305/383/207 307/569/287 +f 314/571/288 315/1088/288 317/572/289 +f 585/195/131 662/194/131 655/31/20 +f 85/277/149 84/276/149 87/574/290 +f 294/576/291 295/671/291 297/577/16 +f 474/578/214 521/1091/214 522/579/204 +f 219/580/32 218/1093/32 220/581/126 +f 466/583/292 461/587/296 463/584/293 +f 3/585/294 2/762/346 49/586/295 +f 40/593/300 41/965/354 42/69/46 +f 459/87/57 504/86/56 457/600/304 +f 382/601/305 377/499/266 380/498/265 +f 507/602/54 199/805/54 201/603/54 +f 32/542/306 66/1355/310 67/605/307 +f 29/606/309 65/610/312 66/607/310 +f 27/609/311 64/612/314 65/610/312 +f 25/611/313 63/614/316 64/612/314 +f 23/613/315 62/960/353 63/614/316 +f 21/415/317 19/162/322 60/615/318 +f 489/617/320 488/672/342 490/618/321 +f 19/619/322 17/457/232 59/458/233 +f 484/621/323 482/112/78 483/114/80 +f 247/622/54 249/893/54 542/623/54 +f 480/625/324 478/93/62 479/95/64 +f 11/626/325 9/1356/89 55/627/91 +f 538/629/54 255/510/54 257/630/54 +f 34/631/308 67/1327/307 68/632/327 +f 36/633/328 68/632/327 69/634/329 +f 346/455/231 337/444/226 628/636/331 +f 211/638/175 210/1069/175 212/639/174 +f 287/640/332 289/1053/332 454/641/333 +f 596/643/96 601/130/96 600/644/200 +f 570/646/283 647/1357/283 646/647/176 +f 183/648/152 182/1087/152 184/649/151 +f 534/650/131 614/1001/131 606/47/13 +f 275/229/150 274/228/150 276/652/138 +f 161/653/179 160/1358/179 162/654/285 +f 617/655/20 535/1000/20 540/182/123 +f 536/656/334 611/1043/334 610/657/335 +f 453/659/336 452/1070/336 450/660/337 +f 427/662/338 426/1065/338 424/663/223 +f 542/357/196 618/356/196 620/664/111 +f 568/300/177 645/299/177 644/665/28 +f 253/419/218 252/418/218 254/666/194 +f 281/269/167 280/268/167 282/667/34 +f 309/668/141 308/210/141 306/669/287 +f 292/395/211 293/394/211 295/671/291 +f 557/320/185 634/319/185 635/675/339 +f 26/687/37 609/881/37 607/688/37 +f 517/693/54 516/691/54 529/690/54 +f 611/702/37 103/712/37 105/703/37 +f 610/704/37 105/703/37 107/707/37 +f 613/710/37 616/718/37 100/711/37 +f 336/714/37 297/1208/37 445/715/37 +f 616/718/37 619/740/37 98/719/37 +f 618/454/37 108/453/37 110/721/37 +f 13/723/341 11/626/325 56/628/326 +f 119/725/37 120/515/37 631/517/37 +f 506/105/54 195/104/54 197/727/54 +f 624/522/37 113/521/37 114/728/37 +f 114/728/37 117/474/37 626/476/37 +f 655/730/37 662/980/37 31/305/37 +f 94/732/37 156/1166/37 151/733/37 +f 486/326/75 487/1359/77 488/738/342 +f 619/740/37 622/956/37 96/741/37 +f 264/743/54 256/1106/54 204/744/54 +f 476/173/343 474/578/92 475/747/94 +f 129/752/37 636/756/37 635/753/37 +f 130/755/37 637/890/37 636/756/37 +f 381/760/344 378/1110/360 379/761/345 +f 2/762/346 44/64/41 46/66/43 +f 608/791/37 612/882/37 26/687/37 +f 1/793/37 4/800/37 163/794/37 +f 4/800/37 6/802/37 161/801/37 +f 6/802/37 8/806/37 157/803/37 +f 8/806/37 10/963/37 155/807/37 +f 173/814/37 654/966/37 39/815/37 +f 357/482/252 356/481/251 360/818/347 +f 658/825/37 660/828/37 147/826/37 +f 660/828/37 663/976/37 144/829/37 +f 160/833/37 156/1166/37 94/732/37 +f 124/837/37 127/754/37 634/838/37 +f 142/840/37 663/976/37 665/841/37 +f 294/843/54 366/1159/54 393/844/54 +f 625/851/37 629/915/37 92/852/37 +f 22/867/37 24/689/37 600/868/37 +f 349/470/243 353/1352/235 352/480/250 +f 30/304/37 602/990/37 603/874/37 +f 526/681/54 597/864/54 519/866/54 +f 362/461/234 367/471/244 366/473/246 +f 531/695/54 518/682/54 517/693/54 +f 229/879/54 231/750/54 558/749/54 +f 341/885/348 337/1360/226 336/886/225 +f 133/888/37 135/972/37 638/889/37 +f 249/893/54 251/523/54 539/525/54 +f 497/98/67 496/97/66 498/673/349 +f 371/897/350 375/1111/361 374/898/351 +f 261/901/54 547/906/54 544/485/54 +f 545/624/54 548/908/54 245/904/54 +f 263/905/54 549/911/54 547/906/54 +f 548/908/54 550/1353/54 243/526/54 +f 515/861/54 596/860/54 598/870/54 +f 265/737/54 552/736/54 549/911/54 +f 241/528/54 551/527/54 553/912/54 +f 239/913/54 553/912/54 554/917/54 +f 237/918/54 554/917/54 555/920/54 +f 235/921/54 555/920/54 556/923/54 +f 233/924/54 556/923/54 557/751/54 +f 227/758/54 229/879/54 559/880/54 +f 7/926/352 5/505/272 53/507/274 +f 225/757/54 560/759/54 561/928/54 +f 223/929/54 561/928/54 562/773/54 +f 576/790/54 183/776/54 185/512/54 +f 622/956/37 625/851/37 95/853/37 +f 21/959/317 61/1328/319 62/960/353 +f 373/502/269 372/501/268 376/500/267 +f 215/780/54 562/773/54 588/850/54 +f 38/635/330 69/634/329 41/965/354 +f 578/819/54 521/821/54 520/848/54 +f 135/972/37 136/938/37 639/842/37 +f 582/832/54 512/831/54 511/823/54 +f 508/604/54 201/603/54 203/811/54 +f 513/973/54 512/831/54 584/830/54 +f 514/977/54 513/973/54 587/974/54 +f 194/745/54 190/1142/54 266/979/54 +f 589/846/54 520/848/54 519/866/54 +f 514/977/54 590/978/54 592/862/54 +f 8/991/116 7/1330/116 9/123/186 +f 324/157/110 325/156/110 327/992/355 +f 586/312/181 663/311/181 660/994/224 +f 95/352/9 94/351/9 97/995/148 +f 532/349/161 609/348/161 612/996/135 +f 26/30/19 25/29/19 27/997/3 +f 451/661/337 450/660/337 448/324/188 +f 558/676/339 635/675/339 636/999/124 +f 535/1000/20 617/655/20 614/1001/131 +f 34/406/214 33/405/214 31/1002/117 +f 142/1003/206 143/1073/206 145/1004/174 +f 328/1005/356 329/1080/356 331/1006/201 +f 470/1007/205 523/1361/205 524/1008/215 +f 176/1009/178 177/301/178 71/1010/192 +f 81/1011/138 80/1064/138 82/1012/150 +f 91/295/22 90/294/22 93/1013/10 +f 598/645/200 600/644/200 604/1014/199 +f 582/253/162 659/252/162 661/1015/199 +f 86/575/290 87/574/290 89/1016/23 +f 565/401/213 642/400/213 641/1017/208 +f 546/637/331 628/636/331 623/1018/122 +f 285/57/36 284/56/35 179/1019/192 +f 555/558/286 632/557/286 633/1021/184 +f 189/331/102 188/330/102 190/1022/127 +f 310/212/142 311/211/142 313/1023/357 +f 203/422/164 202/421/164 204/1025/163 +f 155/256/164 154/255/164 156/1027/219 +f 486/326/168 515/325/168 516/1029/18 +f 531/1031/284 608/1362/284 605/1032/224 +f 193/190/128 192/189/128 194/1033/285 +f 195/1034/285 194/1033/285 196/1035/179 +f 434/1037/358 435/1060/358 437/1038/222 +f 178/1020/192 179/1019/192 180/1039/178 +f 171/141/103 170/140/103 172/1041/151 +f 538/1042/359 613/1072/359 611/1043/334 +f 456/679/14 505/1081/14 506/1044/15 +f 269/36/23 268/35/23 270/1046/290 +f 629/1048/145 552/216/145 563/387/209 +f 316/573/289 317/572/289 319/1049/13 +f 169/1050/102 168/139/102 167/292/127 +f 239/1051/156 238/1089/156 240/1052/8 +f 289/1053/332 287/640/332 288/1054/189 +f 105/1055/218 104/1078/218 106/1056/11 +f 249/9/6 248/8/6 250/1058/11 +f 432/237/154 433/236/154 435/1060/358 +f 573/206/137 650/205/137 649/1061/129 +f 74/226/34 75/225/34 77/1062/167 +f 78/1063/139 79/1363/140 80/1064/138 +f 426/1065/338 427/662/338 429/1066/120 +f 1/22/340 39/1348/340 40/409/340 +f 205/1026/163 204/1025/163 206/1068/144 +f 209/346/143 208/345/143 210/1069/175 +f 455/642/333 454/641/333 452/1070/336 +f 499/90/186 509/321/186 510/1071/132 +f 541/317/183 616/316/183 613/1072/359 +f 141/54/33 140/53/33 143/1073/206 +f 98/541/119 99/540/119 101/1074/118 +f 158/1075/180 159/1331/180 160/1076/179 +f 103/442/194 102/441/194 104/1078/218 +f 229/266/165 228/265/165 230/1079/153 +f 326/993/355 327/992/355 329/1080/356 +f 456/679/340 466/678/340 524/1008/340 +f 537/1082/335 610/1364/335 615/1083/195 +f 265/15/10 264/14/10 266/1084/22 +f 484/1030/18 516/1029/18 517/1085/19 +f 113/560/212 112/559/212 115/1086/7 +f 181/1040/178 180/1039/178 182/1087/152 +f 312/1024/357 313/1023/357 315/1088/288 +f 237/428/220 236/427/220 238/1089/156 +f 271/1047/290 270/1046/290 272/1090/149 +f 476/173/117 520/172/117 521/1091/214 +f 339/425/221 340/424/221 338/445/227 +f 221/582/126 220/581/126 222/1092/108 +f 590/413/216 667/412/216 669/132/97 +f 217/379/33 216/378/33 218/1093/32 +f 378/1110/360 374/898/351 375/1111/361 +f 14/969/37 16/60/37 659/975/37 +f 20/459/37 22/867/37 669/988/37 +f 366/1159/54 294/843/54 302/1160/54 +f 123/1248/37 124/837/37 633/839/37 +f 583/84/54 211/83/54 213/836/54 +f 653/955/37 654/966/37 173/814/37 +f 6/373/115 5/372/115 7/1330/116 +f 157/1028/219 156/1027/219 159/1331/180 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.stl b/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.stl new file mode 100644 index 0000000000000000000000000000000000000000..0b3f90a5c5e4d4fc856d90ac6672a3e56a96f649 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-driver.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bbd6e868b1778bead60d2516c7ede581d7ad4e431744b1828757d6ea5129c112 +size 67084 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.mtl b/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.mtl new file mode 100644 index 0000000000000000000000000000000000000000..35d36cfef2bea7c53cb427fdfdc6a639abfa9110 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.mtl @@ -0,0 +1,13 @@ +# Blender MTL File: 'gripper-2f.blend' +# Material Count: 1 + +newmtl Default +Ns 96.078431 +Ka 1.000000 1.000000 1.000000 +Kd 0.640000 0.640000 0.640000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 +map_Kd textures/gripper-2f_BaseColor.jpg diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.obj b/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.obj new file mode 100644 index 0000000000000000000000000000000000000000..20238f24bdd07cb759ab8f2cce82988134d642f3 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.obj @@ -0,0 +1,6254 @@ +# Blender v2.79 (sub 5) OBJ File: 'gripper-2f.blend' +# www.blender.org +mtllib robotiq-2f-follower.mtl +o robotiq-2f-follower_Part__Feature.002 +v -0.028480 -0.139027 0.344492 +v -0.023691 -0.139026 0.337901 +v -0.023691 -0.119026 0.337902 +v -0.017414 -0.119026 0.332709 +v -0.031479 -0.139028 0.368231 +v -0.032500 -0.139027 0.360149 +v -0.032500 -0.119027 0.360150 +v -0.031479 -0.139027 0.352066 +v -0.028480 -0.119027 0.344492 +v -0.028480 -0.139028 0.375806 +v -0.031479 -0.119028 0.368232 +v -0.031479 -0.119027 0.352067 +v -0.023691 -0.139028 0.382396 +v -0.028480 -0.119028 0.375806 +v -0.017414 -0.139029 0.387589 +v -0.023691 -0.119029 0.382397 +v -0.010043 -0.139029 0.391058 +v -0.017414 -0.119029 0.387590 +v -0.002041 -0.139029 0.392584 +v -0.010043 -0.119029 0.391059 +v 0.006090 -0.139029 0.392073 +v -0.002041 -0.119029 0.392585 +v 0.013838 -0.139029 0.389555 +v 0.006090 -0.119029 0.392074 +v 0.020716 -0.139029 0.385190 +v 0.013838 -0.119029 0.389556 +v 0.026293 -0.139028 0.379252 +v 0.020716 -0.119029 0.385191 +v 0.030218 -0.139028 0.372113 +v 0.026293 -0.119028 0.379253 +v 0.030218 -0.119028 0.372114 +v 0.032244 -0.139028 0.364222 +v 0.032244 -0.119028 0.364223 +v 0.032244 -0.139027 0.356075 +v 0.032244 -0.119027 0.356076 +v 0.030218 -0.139027 0.348185 +v 0.030218 -0.119027 0.348185 +v 0.026293 -0.139027 0.341046 +v 0.020716 -0.139026 0.335107 +v 0.026293 -0.119027 0.341046 +v 0.013838 -0.139026 0.330742 +v 0.020716 -0.119026 0.335108 +v 0.006090 -0.139026 0.328224 +v 0.013838 -0.119026 0.330743 +v -0.002041 -0.139026 0.327713 +v 0.006090 -0.119026 0.328225 +v -0.010043 -0.139026 0.329239 +v -0.002041 -0.119026 0.327714 +v -0.017414 -0.139026 0.332708 +v -0.010043 -0.119026 0.329240 +v -0.001067 -0.189027 0.343180 +v 0.003185 -0.189027 0.343447 +v -0.001067 -0.139027 0.343182 +v 0.003185 -0.139027 0.343450 +v -0.005253 -0.189027 0.343978 +v -0.005253 -0.139027 0.343981 +v -0.009109 -0.189027 0.345793 +v -0.009109 -0.139027 0.345795 +v -0.016466 -0.189028 0.364374 +v -0.017000 -0.189028 0.360146 +v -0.016466 -0.139028 0.364376 +v -0.017000 -0.139027 0.360149 +v -0.012392 -0.189027 0.348509 +v -0.012392 -0.139027 0.348511 +v -0.014897 -0.189028 0.368336 +v -0.014897 -0.139028 0.368338 +v -0.014897 -0.189027 0.351957 +v -0.014897 -0.139027 0.351959 +v -0.012392 -0.189028 0.371784 +v -0.012392 -0.139028 0.371786 +v -0.016466 -0.189027 0.355919 +v -0.016466 -0.139027 0.355921 +v -0.009109 -0.189028 0.374500 +v -0.009109 -0.139028 0.374502 +v -0.005253 -0.189028 0.376314 +v -0.005253 -0.139028 0.376317 +v -0.001067 -0.189028 0.377113 +v -0.001067 -0.139028 0.377115 +v 0.003185 -0.189028 0.376845 +v 0.003185 -0.139028 0.376847 +v 0.007238 -0.189028 0.375528 +v 0.007238 -0.139028 0.375531 +v 0.010836 -0.189028 0.373245 +v 0.010836 -0.139028 0.373247 +v 0.013753 -0.189028 0.370139 +v 0.013753 -0.139028 0.370141 +v 0.015806 -0.189028 0.366404 +v 0.015806 -0.139028 0.366407 +v 0.016866 -0.139028 0.362279 +v 0.016866 -0.189028 0.362277 +v 0.016866 -0.139027 0.358018 +v 0.016866 -0.189027 0.358016 +v 0.015806 -0.139027 0.353890 +v 0.015806 -0.189027 0.353888 +v 0.013753 -0.189027 0.350154 +v 0.013753 -0.139027 0.350156 +v 0.010836 -0.189027 0.347048 +v 0.010836 -0.139027 0.347050 +v 0.007238 -0.189027 0.344764 +v 0.007238 -0.139027 0.344767 +v -0.028480 -0.139020 0.184492 +v -0.023691 -0.139019 0.177901 +v -0.023691 -0.119019 0.177902 +v -0.017414 -0.119019 0.172709 +v -0.031479 -0.139021 0.208231 +v -0.032500 -0.139020 0.200149 +v -0.032500 -0.119020 0.200149 +v -0.031479 -0.139020 0.192066 +v -0.028480 -0.119020 0.184492 +v -0.028480 -0.139021 0.215806 +v -0.031479 -0.119021 0.208232 +v -0.031479 -0.119020 0.192067 +v -0.023691 -0.139021 0.222396 +v -0.028480 -0.119021 0.215806 +v -0.017414 -0.139022 0.227589 +v -0.023691 -0.119021 0.222397 +v -0.010043 -0.139022 0.231058 +v -0.017414 -0.119022 0.227590 +v -0.002041 -0.139022 0.232584 +v -0.010043 -0.119022 0.231059 +v 0.006090 -0.139022 0.232073 +v -0.002041 -0.119022 0.232585 +v 0.013838 -0.139022 0.229555 +v 0.006090 -0.119022 0.232074 +v 0.020716 -0.139021 0.225190 +v 0.013838 -0.119022 0.229556 +v 0.026293 -0.139021 0.219252 +v 0.020716 -0.119021 0.225191 +v 0.030218 -0.139021 0.212113 +v 0.026293 -0.119021 0.219253 +v 0.030218 -0.119021 0.212114 +v 0.032244 -0.139021 0.204222 +v 0.032244 -0.119020 0.204223 +v 0.032244 -0.139020 0.196075 +v 0.032244 -0.119020 0.196076 +v 0.030218 -0.139020 0.188185 +v 0.030218 -0.119020 0.188185 +v 0.026293 -0.139019 0.181046 +v 0.020716 -0.139019 0.175107 +v 0.026293 -0.119019 0.181046 +v 0.013838 -0.139019 0.170742 +v 0.020716 -0.119019 0.175108 +v 0.006090 -0.139019 0.168224 +v 0.013838 -0.119019 0.170743 +v -0.002041 -0.139019 0.167713 +v 0.006090 -0.119019 0.168225 +v -0.010043 -0.139019 0.169239 +v -0.002041 -0.119019 0.167714 +v -0.017414 -0.139019 0.172708 +v -0.010043 -0.119019 0.169240 +v -0.001067 -0.189020 0.183180 +v 0.003185 -0.189020 0.183447 +v -0.001067 -0.139020 0.183182 +v 0.003185 -0.139020 0.183450 +v -0.005253 -0.189020 0.183978 +v -0.005253 -0.139020 0.183981 +v -0.009109 -0.189020 0.185793 +v -0.009109 -0.139020 0.185795 +v -0.016466 -0.189020 0.204374 +v -0.017000 -0.189020 0.200146 +v -0.016466 -0.139021 0.204376 +v -0.017000 -0.139020 0.200149 +v -0.012392 -0.189020 0.188509 +v -0.012392 -0.139020 0.188511 +v -0.014897 -0.189021 0.208336 +v -0.014897 -0.139021 0.208338 +v -0.014897 -0.189020 0.191957 +v -0.014897 -0.139020 0.191959 +v -0.012392 -0.189021 0.211784 +v -0.012392 -0.139021 0.211786 +v -0.016466 -0.189020 0.195919 +v -0.016466 -0.139020 0.195921 +v -0.009109 -0.189021 0.214500 +v -0.009109 -0.139021 0.214502 +v -0.005253 -0.189021 0.216314 +v -0.005253 -0.139021 0.216317 +v -0.001067 -0.189021 0.217113 +v -0.001067 -0.139021 0.217115 +v 0.003185 -0.189021 0.216845 +v 0.003185 -0.139021 0.216847 +v 0.007238 -0.189021 0.215528 +v 0.007238 -0.139021 0.215531 +v 0.010836 -0.189021 0.213245 +v 0.010836 -0.139021 0.213247 +v 0.013753 -0.189021 0.210139 +v 0.013753 -0.139021 0.210141 +v 0.015806 -0.189021 0.206404 +v 0.015806 -0.139021 0.206407 +v 0.016866 -0.139020 0.202279 +v 0.016866 -0.189020 0.202277 +v 0.016866 -0.139020 0.198018 +v 0.016866 -0.189020 0.198016 +v 0.015806 -0.139020 0.193890 +v 0.015806 -0.189020 0.193888 +v 0.013753 -0.189020 0.190154 +v 0.013753 -0.139020 0.190156 +v 0.010836 -0.189020 0.187048 +v 0.010836 -0.139020 0.187050 +v 0.007238 -0.189020 0.184764 +v 0.007238 -0.139020 0.184767 +v 0.008037 -0.119023 0.267485 +v 0.004635 -0.189023 0.265881 +v 0.008037 -0.189023 0.267482 +v 0.013145 -0.119024 0.272923 +v 0.010935 -0.119023 0.269881 +v 0.010935 -0.189023 0.269878 +v 0.014529 -0.119024 0.283880 +v 0.015000 -0.119024 0.280149 +v 0.015000 -0.189024 0.280146 +v 0.014529 -0.119024 0.276419 +v 0.013145 -0.189024 0.272920 +v 0.013145 -0.119024 0.287376 +v 0.014529 -0.189024 0.283877 +v 0.014529 -0.189024 0.276416 +v 0.010935 -0.119024 0.290418 +v 0.013145 -0.189024 0.287373 +v 0.008037 -0.119024 0.292814 +v 0.010935 -0.189024 0.290415 +v 0.004635 -0.119025 0.294415 +v 0.008037 -0.189024 0.292811 +v 0.000942 -0.119025 0.295120 +v 0.004635 -0.189025 0.294412 +v -0.002811 -0.119025 0.294884 +v 0.000942 -0.189025 0.295117 +v -0.006387 -0.119024 0.293722 +v -0.002811 -0.189025 0.294881 +v -0.009561 -0.119024 0.291707 +v -0.006387 -0.189024 0.293719 +v -0.012135 -0.119024 0.288966 +v -0.009561 -0.189024 0.291704 +v -0.013947 -0.119024 0.285671 +v -0.012135 -0.189024 0.288963 +v -0.014882 -0.119024 0.282029 +v -0.013947 -0.189024 0.285668 +v -0.014882 -0.189024 0.282026 +v -0.014882 -0.119024 0.278269 +v -0.014882 -0.189024 0.278266 +v -0.013947 -0.119024 0.274628 +v -0.013947 -0.189024 0.274625 +v -0.012135 -0.119023 0.271333 +v -0.009561 -0.119023 0.268592 +v -0.012135 -0.189023 0.271330 +v -0.006387 -0.119023 0.266577 +v -0.009561 -0.189023 0.268589 +v -0.002811 -0.119023 0.265415 +v -0.006387 -0.189023 0.266574 +v 0.000942 -0.119023 0.265179 +v -0.002811 -0.189023 0.265412 +v 0.004635 -0.119023 0.265884 +v 0.000942 -0.189023 0.265176 +v -0.070000 0.049386 -0.007810 +v -0.075000 0.048146 -0.013491 +v -0.075000 0.049386 -0.007810 +v -0.070000 0.048146 -0.013491 +v -0.070000 0.049959 -0.002024 +v -0.075000 0.049959 -0.002024 +v -0.070000 0.049856 0.003790 +v -0.075000 0.049856 0.003790 +v -0.070000 0.049079 0.009552 +v -0.075000 0.049079 0.009552 +v -0.075000 0.047638 0.015185 +v -0.070000 0.047638 0.015185 +v -0.070000 0.045553 0.020613 +v -0.075000 0.045553 0.020613 +v -0.075000 0.042852 0.025762 +v -0.070000 0.042852 0.025762 +v -0.070000 0.039572 0.030563 +v -0.075000 0.039572 0.030563 +v -0.075000 0.035756 0.034950 +v -0.070000 0.035756 0.034950 +v -0.075000 0.031457 0.038865 +v -0.070000 0.031457 0.038865 +v -0.075000 0.026732 0.042254 +v -0.070000 0.026732 0.042254 +v -0.070000 0.021646 0.045072 +v -0.075000 0.021646 0.045072 +v -0.075000 0.016267 0.047280 +v -0.070000 0.016267 0.047280 +v -0.075000 0.010668 0.048849 +v -0.070000 0.010668 0.048849 +v -0.075000 0.004925 0.049757 +v -0.070000 0.004925 0.049757 +v -0.070000 -0.000884 0.049992 +v -0.075000 -0.000884 0.049992 +v -0.070000 -0.006682 0.049551 +v -0.075000 -0.006682 0.049551 +v -0.070000 -0.012389 0.048441 +v -0.075000 -0.012389 0.048441 +v -0.075000 -0.017929 0.046675 +v -0.070000 -0.017929 0.046675 +v -0.075000 -0.023227 0.044278 +v -0.070000 -0.023227 0.044278 +v -0.075000 -0.028210 0.041282 +v -0.070000 -0.028210 0.041282 +v -0.075000 -0.032812 0.037728 +v -0.070000 -0.032812 0.037728 +v -0.075000 -0.036970 0.033663 +v -0.070000 -0.036970 0.033663 +v -0.070000 -0.040628 0.029144 +v -0.075000 -0.040628 0.029144 +v -0.075000 -0.043737 0.024230 +v -0.070000 -0.043737 0.024230 +v -0.075000 -0.046254 0.018989 +v -0.070000 -0.046254 0.018989 +v -0.075000 -0.048146 0.013491 +v -0.070000 -0.048146 0.013491 +v -0.075000 -0.049386 0.007810 +v -0.070000 -0.049386 0.007810 +v -0.075000 -0.049959 0.002024 +v -0.070000 -0.049959 0.002024 +v -0.075000 -0.049856 -0.003790 +v -0.070000 -0.049856 -0.003790 +v -0.075000 -0.049079 -0.009552 +v -0.070000 -0.049079 -0.009552 +v -0.075000 -0.047638 -0.015185 +v -0.070000 -0.047638 -0.015185 +v -0.075000 -0.045553 -0.020613 +v -0.070000 -0.045553 -0.020613 +v -0.075000 -0.042852 -0.025762 +v -0.070000 -0.042852 -0.025762 +v -0.075000 -0.039572 -0.030563 +v -0.070000 -0.039572 -0.030563 +v -0.075000 -0.035756 -0.034950 +v -0.070000 -0.035756 -0.034950 +v -0.075000 -0.031457 -0.038865 +v -0.070000 -0.031457 -0.038865 +v -0.075000 -0.026732 -0.042254 +v -0.070000 -0.026732 -0.042254 +v -0.070000 -0.021646 -0.045072 +v -0.075000 -0.021646 -0.045072 +v -0.070000 -0.016267 -0.047280 +v -0.075000 -0.016267 -0.047280 +v -0.075000 -0.010668 -0.048849 +v -0.070000 -0.010668 -0.048849 +v -0.075000 -0.004925 -0.049757 +v -0.070000 -0.004925 -0.049757 +v -0.070000 0.000884 -0.049992 +v -0.075000 0.000884 -0.049992 +v -0.075000 0.006682 -0.049551 +v -0.070000 0.006682 -0.049551 +v -0.070000 0.012389 -0.048441 +v -0.075000 0.012389 -0.048441 +v -0.075000 0.017929 -0.046675 +v -0.070000 0.017929 -0.046675 +v -0.070000 0.023227 -0.044278 +v -0.075000 0.023227 -0.044278 +v -0.070000 0.028210 -0.041282 +v -0.075000 0.028210 -0.041282 +v -0.075000 0.032812 -0.037728 +v -0.070000 0.032812 -0.037728 +v -0.070000 0.036970 -0.033663 +v -0.075000 0.036970 -0.033663 +v -0.075000 0.040628 -0.029144 +v -0.070000 0.040628 -0.029144 +v -0.070000 0.043737 -0.024230 +v -0.075000 0.043737 -0.024230 +v -0.075000 0.046254 -0.018989 +v -0.070000 0.046254 -0.018989 +v 0.070000 -0.049641 -0.005980 +v 0.075000 -0.049641 -0.005980 +v 0.075000 -0.050000 -0.000177 +v 0.070000 -0.050000 -0.000177 +v 0.075000 -0.049682 0.005629 +v 0.070000 -0.049682 0.005629 +v 0.075000 -0.048693 0.011359 +v 0.070000 -0.048693 0.011359 +v 0.075000 -0.047045 0.016935 +v 0.070000 -0.047045 0.016935 +v 0.075000 -0.044761 0.022282 +v 0.070000 -0.044761 0.022282 +v 0.075000 -0.041871 0.027327 +v 0.070000 -0.041871 0.027327 +v 0.075000 -0.038416 0.032004 +v 0.070000 -0.038416 0.032004 +v 0.075000 -0.034441 0.036247 +v 0.070000 -0.034441 0.036247 +v 0.075000 -0.030000 0.040000 +v 0.070000 -0.030000 0.040000 +v 0.075000 -0.025153 0.043213 +v 0.070000 -0.025153 0.043213 +v 0.075000 -0.019966 0.045840 +v 0.070000 -0.019966 0.045840 +v 0.075000 -0.014510 0.047848 +v 0.070000 -0.014510 0.047848 +v 0.075000 -0.008857 0.049209 +v 0.070000 -0.008857 0.049209 +v 0.075000 -0.003084 0.049905 +v 0.070000 -0.003084 0.049905 +v 0.075000 0.002731 0.049925 +v 0.070000 0.002731 0.049925 +v 0.075000 0.008508 0.049271 +v 0.070000 0.008508 0.049271 +v 0.075000 0.014171 0.047950 +v 0.070000 0.014171 0.047950 +v 0.075000 0.019641 0.045981 +v 0.070000 0.019641 0.045981 +v 0.075000 0.024847 0.043389 +v 0.070000 0.024847 0.043389 +v 0.075000 0.029716 0.040212 +v 0.070000 0.029716 0.040212 +v 0.075000 0.034183 0.036490 +v 0.070000 0.034183 0.036490 +v 0.075000 0.038188 0.032275 +v 0.070000 0.038188 0.032275 +v 0.075000 0.041677 0.027623 +v 0.070000 0.041677 0.027623 +v 0.075000 0.044602 0.022598 +v 0.070000 0.044602 0.022598 +v 0.075000 0.046924 0.017267 +v 0.070000 0.046924 0.017267 +v 0.075000 0.048611 0.011703 +v 0.070000 0.048611 0.011703 +v 0.075000 0.049641 0.005980 +v 0.070000 0.049641 0.005980 +v 0.075000 0.050000 0.000177 +v 0.070000 0.050000 0.000177 +v 0.075000 0.049682 -0.005629 +v 0.070000 0.049682 -0.005629 +v 0.075000 0.048693 -0.011359 +v 0.070000 0.048693 -0.011359 +v 0.075000 0.047045 -0.016935 +v 0.070000 0.047045 -0.016935 +v 0.075000 0.044761 -0.022282 +v 0.070000 0.044761 -0.022282 +v 0.075000 0.041871 -0.027327 +v 0.070000 0.041871 -0.027327 +v 0.075000 0.038416 -0.032004 +v 0.070000 0.038416 -0.032004 +v 0.075000 0.034441 -0.036247 +v 0.070000 0.034441 -0.036247 +v 0.075000 0.030000 -0.040000 +v 0.070000 0.030000 -0.040000 +v 0.075000 0.025153 -0.043213 +v 0.070000 0.025153 -0.043213 +v 0.075000 0.019966 -0.045840 +v 0.070000 0.019966 -0.045840 +v 0.075000 0.014510 -0.047848 +v 0.070000 0.014510 -0.047848 +v 0.075000 0.008857 -0.049209 +v 0.070000 0.008857 -0.049209 +v 0.075000 0.003084 -0.049905 +v 0.070000 0.003084 -0.049905 +v 0.075000 -0.002731 -0.049925 +v 0.070000 -0.002731 -0.049925 +v 0.075000 -0.008508 -0.049271 +v 0.070000 -0.008508 -0.049271 +v 0.075000 -0.014171 -0.047950 +v 0.070000 -0.014171 -0.047950 +v 0.075000 -0.019641 -0.045981 +v 0.070000 -0.019641 -0.045981 +v 0.075000 -0.024847 -0.043389 +v 0.070000 -0.024847 -0.043389 +v 0.075000 -0.029716 -0.040212 +v 0.070000 -0.029716 -0.040212 +v 0.075000 -0.034183 -0.036490 +v 0.070000 -0.034183 -0.036490 +v 0.075000 -0.038188 -0.032275 +v 0.070000 -0.038188 -0.032275 +v 0.075000 -0.041677 -0.027623 +v 0.070000 -0.041677 -0.027623 +v 0.075000 -0.044602 -0.022598 +v 0.070000 -0.044602 -0.022598 +v 0.070000 -0.046924 -0.017267 +v 0.075000 -0.046924 -0.017267 +v 0.075000 -0.048611 -0.011703 +v 0.070000 -0.048611 -0.011703 +v 0.070000 -0.228655 0.059166 +v 0.075000 -0.228655 0.059166 +v 0.075000 -0.229014 0.064970 +v 0.070000 -0.229014 0.064970 +v 0.075000 -0.228696 0.070776 +v 0.070000 -0.228696 0.070776 +v 0.075000 -0.227707 0.076505 +v 0.070000 -0.227707 0.076505 +v 0.075000 -0.226059 0.082081 +v 0.070000 -0.226059 0.082081 +v 0.075000 -0.223775 0.087429 +v 0.070000 -0.223775 0.087429 +v 0.075000 -0.220886 0.092474 +v 0.070000 -0.220886 0.092474 +v 0.075000 -0.217430 0.097150 +v 0.070000 -0.217430 0.097150 +v 0.075000 -0.213455 0.101394 +v 0.070000 -0.213455 0.101394 +v 0.075000 -0.209014 0.105147 +v 0.070000 -0.209014 0.105147 +v 0.075000 -0.204167 0.108359 +v 0.070000 -0.204167 0.108359 +v 0.075000 -0.198981 0.110987 +v 0.070000 -0.198981 0.110987 +v 0.075000 -0.193524 0.112995 +v 0.070000 -0.193524 0.112995 +v 0.075000 -0.187871 0.114356 +v 0.070000 -0.187871 0.114356 +v 0.075000 -0.182098 0.115052 +v 0.070000 -0.182098 0.115052 +v 0.075000 -0.176284 0.115072 +v 0.070000 -0.176284 0.115072 +v 0.075000 -0.170506 0.114418 +v 0.070000 -0.170506 0.114418 +v 0.075000 -0.164844 0.113097 +v 0.070000 -0.164844 0.113097 +v 0.075000 -0.159373 0.111127 +v 0.070000 -0.159373 0.111127 +v 0.075000 -0.154168 0.108536 +v 0.070000 -0.154168 0.108536 +v 0.075000 -0.149298 0.105358 +v 0.070000 -0.149298 0.105358 +v 0.075000 -0.144831 0.101637 +v 0.070000 -0.144831 0.101637 +v 0.075000 -0.140826 0.097422 +v 0.070000 -0.140826 0.097422 +v 0.075000 -0.137337 0.092770 +v 0.070000 -0.137337 0.092770 +v 0.075000 -0.134412 0.087745 +v 0.070000 -0.134412 0.087745 +v 0.075000 -0.132090 0.082414 +v 0.070000 -0.132090 0.082414 +v 0.075000 -0.130403 0.076850 +v 0.070000 -0.130403 0.076850 +v 0.075000 -0.129373 0.071127 +v 0.070000 -0.129373 0.071127 +v 0.075000 -0.129015 0.065324 +v 0.070000 -0.129015 0.065324 +v 0.075000 -0.129332 0.059518 +v 0.070000 -0.129332 0.059518 +v 0.075000 -0.130322 0.053788 +v 0.070000 -0.130322 0.053788 +v 0.075000 -0.131969 0.048212 +v 0.070000 -0.131969 0.048212 +v 0.075000 -0.134254 0.042865 +v 0.070000 -0.134254 0.042865 +v 0.075000 -0.137143 0.037819 +v 0.070000 -0.137143 0.037819 +v 0.075000 -0.140599 0.033143 +v 0.070000 -0.140599 0.033143 +v 0.075000 -0.144574 0.028900 +v 0.070000 -0.144574 0.028900 +v 0.075000 -0.149015 0.025147 +v 0.070000 -0.149015 0.025147 +v 0.075000 -0.153861 0.021934 +v 0.070000 -0.153861 0.021934 +v 0.075000 -0.159048 0.019306 +v 0.070000 -0.159048 0.019306 +v 0.075000 -0.164505 0.017298 +v 0.070000 -0.164505 0.017298 +v 0.075000 -0.170158 0.015938 +v 0.070000 -0.170158 0.015938 +v 0.075000 -0.175931 0.015242 +v 0.070000 -0.175931 0.015242 +v 0.075000 -0.181745 0.015221 +v 0.070000 -0.181745 0.015221 +v 0.075000 -0.187522 0.015876 +v 0.070000 -0.187522 0.015876 +v 0.075000 -0.193185 0.017197 +v 0.070000 -0.193185 0.017197 +v 0.075000 -0.198656 0.019166 +v 0.070000 -0.198656 0.019166 +v 0.075000 -0.203861 0.021757 +v 0.070000 -0.203861 0.021757 +v 0.075000 -0.208730 0.024935 +v 0.070000 -0.208730 0.024935 +v 0.075000 -0.213197 0.028657 +v 0.070000 -0.213197 0.028657 +v 0.075000 -0.217203 0.032872 +v 0.070000 -0.217203 0.032872 +v 0.075000 -0.220691 0.037524 +v 0.070000 -0.220691 0.037524 +v 0.075000 -0.223616 0.042549 +v 0.070000 -0.223616 0.042549 +v 0.075000 -0.225938 0.047880 +v 0.070000 -0.225938 0.047880 +v 0.075000 -0.227626 0.053444 +v 0.070000 -0.227626 0.053444 +v -0.070000 -0.129628 0.057337 +v -0.075000 -0.130869 0.051656 +v -0.075000 -0.129628 0.057337 +v -0.070000 -0.130869 0.051656 +v -0.070000 -0.129055 0.063123 +v -0.075000 -0.129055 0.063123 +v -0.070000 -0.129158 0.068936 +v -0.075000 -0.129158 0.068936 +v -0.070000 -0.129935 0.074699 +v -0.075000 -0.129935 0.074699 +v -0.070000 -0.131376 0.080332 +v -0.075000 -0.131376 0.080332 +v -0.070000 -0.133461 0.085760 +v -0.075000 -0.133461 0.085760 +v -0.070000 -0.136162 0.090909 +v -0.075000 -0.136162 0.090909 +v -0.070000 -0.139443 0.095709 +v -0.075000 -0.139443 0.095709 +v -0.070000 -0.143258 0.100097 +v -0.075000 -0.143258 0.100097 +v -0.070000 -0.147557 0.104011 +v -0.075000 -0.147557 0.104011 +v -0.070000 -0.152282 0.107401 +v -0.075000 -0.152282 0.107401 +v -0.070000 -0.157368 0.110218 +v -0.075000 -0.157368 0.110218 +v -0.070000 -0.162747 0.112427 +v -0.075000 -0.162747 0.112427 +v -0.070000 -0.168346 0.113995 +v -0.075000 -0.168346 0.113995 +v -0.070000 -0.174089 0.114904 +v -0.075000 -0.174089 0.114904 +v -0.070000 -0.179899 0.115139 +v -0.075000 -0.179899 0.115139 +v -0.070000 -0.185696 0.114698 +v -0.075000 -0.185696 0.114698 +v -0.070000 -0.191404 0.113588 +v -0.075000 -0.191404 0.113588 +v -0.070000 -0.196944 0.111822 +v -0.075000 -0.196944 0.111822 +v -0.070000 -0.202241 0.109425 +v -0.075000 -0.202241 0.109425 +v -0.070000 -0.207224 0.106429 +v -0.075000 -0.207224 0.106429 +v -0.070000 -0.211826 0.102875 +v -0.075000 -0.211826 0.102875 +v -0.070000 -0.215984 0.098810 +v -0.075000 -0.215984 0.098810 +v -0.070000 -0.219642 0.094291 +v -0.075000 -0.219642 0.094291 +v -0.070000 -0.222751 0.089377 +v -0.075000 -0.222751 0.089377 +v -0.070000 -0.225268 0.084136 +v -0.075000 -0.225268 0.084136 +v -0.070000 -0.227160 0.078638 +v -0.075000 -0.227160 0.078638 +v -0.070000 -0.228401 0.072957 +v -0.075000 -0.228401 0.072957 +v -0.070000 -0.228973 0.067171 +v -0.075000 -0.228973 0.067171 +v -0.070000 -0.228870 0.061357 +v -0.075000 -0.228870 0.061357 +v -0.070000 -0.228093 0.055595 +v -0.075000 -0.228093 0.055595 +v -0.070000 -0.226653 0.049962 +v -0.075000 -0.226653 0.049962 +v -0.070000 -0.224568 0.044534 +v -0.075000 -0.224568 0.044534 +v -0.070000 -0.221867 0.039385 +v -0.075000 -0.221867 0.039385 +v -0.070000 -0.218586 0.034584 +v -0.075000 -0.218586 0.034584 +v -0.070000 -0.214770 0.030197 +v -0.075000 -0.214770 0.030197 +v -0.070000 -0.210471 0.026282 +v -0.075000 -0.210471 0.026282 +v -0.070000 -0.205747 0.022893 +v -0.075000 -0.205747 0.022893 +v -0.070000 -0.200660 0.020075 +v -0.075000 -0.200660 0.020075 +v -0.070000 -0.195282 0.017867 +v -0.075000 -0.195282 0.017867 +v -0.070000 -0.189683 0.016298 +v -0.075000 -0.189683 0.016298 +v -0.070000 -0.183940 0.015390 +v -0.075000 -0.183940 0.015390 +v -0.070000 -0.178130 0.015155 +v -0.075000 -0.178130 0.015155 +v -0.070000 -0.172332 0.015595 +v -0.075000 -0.172332 0.015595 +v -0.070000 -0.166625 0.016706 +v -0.075000 -0.166625 0.016706 +v -0.070000 -0.161085 0.018472 +v -0.075000 -0.161085 0.018472 +v -0.070000 -0.155788 0.020869 +v -0.075000 -0.155788 0.020869 +v -0.070000 -0.150804 0.023865 +v -0.075000 -0.150804 0.023865 +v -0.070000 -0.146202 0.027419 +v -0.075000 -0.146202 0.027419 +v -0.070000 -0.142044 0.031483 +v -0.075000 -0.142044 0.031483 +v -0.070000 -0.138386 0.036003 +v -0.075000 -0.138386 0.036003 +v -0.075000 -0.135278 0.040917 +v -0.070000 -0.135278 0.040917 +v -0.070000 -0.132760 0.046158 +v -0.075000 -0.132760 0.046158 +v -0.070000 -0.119026 0.331929 +v -0.070000 -0.189026 0.331926 +v -0.068706 -0.189026 0.332097 +v -0.068706 -0.119026 0.332100 +v -0.067500 -0.119026 0.332599 +v -0.066464 -0.119026 0.333394 +v -0.067500 -0.189026 0.332596 +v -0.065670 -0.119026 0.334429 +v -0.066464 -0.189026 0.333391 +v -0.065170 -0.119026 0.335635 +v -0.065670 -0.189026 0.334426 +v -0.065000 -0.119026 0.336929 +v -0.065170 -0.189026 0.335632 +v -0.065170 -0.119026 0.338224 +v -0.065000 -0.189026 0.336926 +v -0.065670 -0.119027 0.339429 +v -0.065170 -0.189026 0.338220 +v -0.066464 -0.119027 0.340465 +v -0.065670 -0.189027 0.339426 +v -0.067500 -0.119027 0.341260 +v -0.066464 -0.189027 0.340462 +v -0.068706 -0.119027 0.341759 +v -0.067500 -0.189027 0.341257 +v -0.068706 -0.189027 0.341756 +v -0.070000 -0.119027 0.341929 +v -0.070000 -0.189027 0.341926 +v -0.068706 -0.119024 0.291460 +v -0.070000 -0.119024 0.291290 +v -0.070000 -0.189024 0.291286 +v -0.067500 -0.119024 0.291959 +v -0.068706 -0.189024 0.291457 +v -0.066464 -0.119024 0.292754 +v -0.067500 -0.189024 0.291956 +v -0.065670 -0.119024 0.293790 +v -0.066464 -0.189024 0.292751 +v -0.065170 -0.119025 0.294995 +v -0.065670 -0.189024 0.293786 +v -0.065000 -0.119025 0.296290 +v -0.065170 -0.189025 0.294992 +v -0.065170 -0.119025 0.297584 +v -0.065000 -0.189025 0.296286 +v -0.065670 -0.119025 0.298790 +v -0.065170 -0.189025 0.297580 +v -0.066464 -0.119025 0.299825 +v -0.065670 -0.189025 0.298786 +v -0.067500 -0.119025 0.300620 +v -0.066464 -0.189025 0.299822 +v -0.068706 -0.119025 0.301119 +v -0.067500 -0.189025 0.300617 +v -0.070000 -0.119025 0.301289 +v -0.068706 -0.189025 0.301116 +v -0.070000 -0.189025 0.301286 +v -0.070000 0.043162 -0.041678 +v 0.070000 0.043162 -0.041678 +v 0.070000 0.038569 -0.045961 +v -0.070000 0.047282 -0.036938 +v -0.070000 0.038569 -0.045961 +v 0.070000 0.033554 -0.049741 +v -0.070000 0.033554 -0.049741 +v 0.070000 0.028171 -0.052976 +v -0.070000 0.026300 0.053929 +v 0.070000 0.020519 0.056382 +v 0.070000 0.026300 0.053929 +v -0.070000 0.020519 0.056382 +v -0.070000 0.028171 -0.052976 +v 0.070000 0.022479 -0.055630 +v -0.070000 0.031793 0.050884 +v 0.070000 0.031793 0.050884 +v -0.070000 0.022479 -0.055630 +v 0.070000 0.016541 -0.057675 +v -0.070000 0.036938 0.047282 +v 0.070000 0.036938 0.047282 +v -0.070000 0.016541 -0.057675 +v 0.070000 0.010422 -0.059088 +v -0.070000 0.041678 0.043162 +v 0.070000 0.041678 0.043162 +v -0.070000 0.010422 -0.059088 +v 0.070000 0.004188 -0.059854 +v -0.070000 0.045961 0.038569 +v 0.070000 0.045961 0.038569 +v 0.070000 0.049741 0.033554 +v -0.070000 0.004188 -0.059854 +v 0.070000 -0.002091 -0.059964 +v -0.070000 0.049741 0.033554 +v 0.070000 0.052976 0.028171 +v -0.070000 -0.002091 -0.059964 +v 0.070000 -0.008348 -0.059416 +v -0.070000 0.052976 0.028171 +v 0.070000 0.055630 0.022479 +v -0.070000 -0.008348 -0.059416 +v 0.070000 -0.014513 -0.058218 +v -0.070000 -0.014513 -0.058218 +v -0.070000 -0.020519 -0.056382 +v 0.070000 -0.020519 -0.056382 +v -0.070000 0.055630 0.022479 +v 0.070000 0.057675 0.016541 +v -0.070000 0.057675 0.016541 +v 0.070000 0.059088 0.010422 +v -0.070000 0.059088 0.010422 +v 0.070000 0.059854 0.004188 +v -0.070000 0.059854 0.004188 +v 0.070000 0.059964 -0.002091 +v -0.070000 0.059964 -0.002091 +v 0.070000 0.059416 -0.008348 +v -0.070000 0.059416 -0.008348 +v 0.070000 0.058218 -0.014513 +v -0.070000 0.058218 -0.014513 +v 0.070000 0.056382 -0.020519 +v -0.070000 0.056382 -0.020519 +v 0.070000 0.053929 -0.026300 +v -0.070000 0.053929 -0.026300 +v 0.070000 0.050884 -0.031793 +v -0.070000 0.050884 -0.031793 +v 0.070000 0.047282 -0.036938 +v 0.070000 -0.239014 0.065144 +v 0.070000 -0.238567 0.057832 +v 0.070000 -0.189017 0.135146 +v 0.070000 -0.118604 0.155048 +v 0.070000 -0.119019 0.163179 +v 0.070000 -0.239017 0.135144 +v 0.070000 -0.189024 0.291286 +v 0.070000 -0.119024 0.291290 +v 0.070000 -0.066377 0.088006 +v 0.070000 -0.073876 0.091175 +v 0.070000 -0.081014 0.095091 +v 0.070000 -0.087717 0.099712 +v 0.070000 -0.093915 0.104990 +v 0.070000 -0.199533 0.008764 +v 0.070000 -0.099546 0.110871 +v 0.070000 -0.206251 0.011685 +v 0.070000 -0.212564 0.015403 +v 0.070000 -0.104549 0.117293 +v 0.070000 -0.218376 0.019863 +v 0.070000 -0.108873 0.124191 +v 0.070000 -0.112475 0.131492 +v 0.070000 -0.223601 0.024997 +v 0.070000 -0.115315 0.139122 +v 0.070000 -0.228162 0.030730 +v 0.070000 -0.231990 0.036976 +v 0.070000 -0.117365 0.147001 +v 0.070000 -0.235028 0.043642 +v 0.070000 -0.237231 0.050629 +v 0.070000 -0.189027 0.341926 +v 0.070000 -0.119027 0.341929 +v 0.070000 -0.119029 0.395149 +v 0.070000 -0.189031 0.445146 +v 0.070000 -0.139031 0.445149 +v -0.070000 -0.189017 0.135146 +v 0.066464 -0.189024 0.292751 +v 0.067500 -0.189024 0.291956 +v 0.065670 -0.189024 0.293786 +v 0.068706 -0.189024 0.291457 +v 0.065170 -0.189025 0.294992 +v 0.065000 -0.189025 0.296286 +v 0.065170 -0.189025 0.297580 +v 0.065670 -0.189025 0.298786 +v -0.070000 -0.189031 0.445146 +v 0.065670 -0.189026 0.334426 +v 0.066464 -0.189025 0.299822 +v 0.066464 -0.189026 0.333391 +v 0.067500 -0.189026 0.332596 +v 0.067500 -0.189025 0.300617 +v 0.068706 -0.189025 0.301116 +v 0.068706 -0.189026 0.332097 +v 0.065170 -0.189026 0.335632 +v 0.065000 -0.189026 0.336926 +v 0.070000 -0.189025 0.301286 +v 0.070000 -0.189026 0.331926 +v 0.065170 -0.189026 0.338220 +v 0.065670 -0.189027 0.339426 +v 0.066464 -0.189027 0.340462 +v 0.067500 -0.189027 0.341257 +v 0.068706 -0.189027 0.341756 +v 0.070000 -0.119025 0.301289 +v 0.070000 -0.119026 0.331929 +v -0.070000 -0.119029 0.395149 +v -0.070000 -0.139031 0.445149 +v -0.070000 -0.206251 0.011685 +v -0.070000 -0.199533 0.008764 +v -0.070000 -0.212564 0.015403 +v -0.070000 -0.218376 0.019863 +v -0.070000 -0.223601 0.024997 +v -0.070000 -0.228162 0.030730 +v -0.070000 -0.231990 0.036976 +v -0.070000 -0.235028 0.043642 +v -0.070000 -0.237231 0.050629 +v -0.070000 -0.238567 0.057832 +v -0.070000 -0.239014 0.065144 +v -0.070000 -0.066377 0.088006 +v -0.070000 -0.119019 0.163179 +v 0.066464 -0.119024 0.292754 +v 0.067500 -0.119024 0.291959 +v 0.065670 -0.119024 0.293790 +v 0.068706 -0.119024 0.291460 +v 0.065170 -0.119025 0.294995 +v 0.065000 -0.119025 0.296290 +v 0.065170 -0.119025 0.297584 +v 0.065670 -0.119025 0.298790 +v 0.067500 -0.119025 0.300620 +v 0.066464 -0.119025 0.299825 +v 0.067500 -0.119026 0.332599 +v 0.066464 -0.119026 0.333394 +v 0.065670 -0.119026 0.334429 +v 0.068706 -0.119025 0.301119 +v 0.068706 -0.119026 0.332100 +v 0.065170 -0.119026 0.335635 +v 0.065000 -0.119026 0.336929 +v 0.065170 -0.119026 0.338224 +v 0.065670 -0.119027 0.339429 +v 0.066464 -0.119027 0.340465 +v 0.067500 -0.119027 0.341260 +v 0.068706 -0.119027 0.341759 +v -0.070000 -0.239017 0.135144 +v -0.070000 -0.118604 0.155048 +v -0.070000 -0.073876 0.091175 +v -0.070000 -0.081014 0.095091 +v -0.070000 -0.087717 0.099712 +v -0.070000 -0.093915 0.104990 +v -0.070000 -0.099546 0.110871 +v -0.070000 -0.104549 0.117293 +v -0.070000 -0.108873 0.124191 +v -0.070000 -0.112475 0.131492 +v -0.070000 -0.115315 0.139122 +v -0.070000 -0.117365 0.147001 +v -0.065000 -0.025331 0.016074 +v -0.065000 -0.028532 0.009269 +v -0.070000 -0.029552 0.018753 +v -0.070000 -0.033287 0.010814 +v -0.065000 -0.020537 0.021868 +v -0.070000 -0.023960 0.025513 +v -0.065000 0.007459 0.029058 +v -0.065000 -0.000001 0.030000 +v -0.070000 0.008703 0.033901 +v -0.070000 -0.000002 0.035000 +v -0.065000 -0.014454 0.026289 +v -0.070000 -0.016863 0.030670 +v -0.065000 0.014451 0.026290 +v -0.070000 0.016860 0.030671 +v -0.065000 -0.007462 0.029057 +v -0.070000 -0.008706 0.033900 +v -0.065000 0.020535 0.021870 +v -0.070000 0.023958 0.025515 +v -0.065000 0.025329 0.016076 +v -0.070000 0.029551 0.018755 +v -0.065000 0.028531 0.009272 +v -0.070000 0.033287 0.010817 +v -0.065000 0.029941 0.001885 +v -0.070000 0.034931 0.002199 +v -0.065000 0.029469 -0.005620 +v -0.070000 0.034380 -0.006557 +v -0.065000 0.027145 -0.012772 +v -0.070000 0.031670 -0.014901 +v -0.065000 0.023116 -0.019122 +v -0.070000 0.026969 -0.022309 +v -0.065000 0.017635 -0.024270 +v -0.070000 0.020574 -0.028315 +v -0.065000 0.011045 -0.027893 +v -0.070000 0.012886 -0.032542 +v -0.070000 0.004388 -0.034724 +v -0.065000 0.003761 -0.029763 +v -0.070000 -0.004385 -0.034724 +v -0.065000 -0.003759 -0.029764 +v -0.070000 -0.012883 -0.032543 +v -0.065000 -0.011042 -0.027894 +v -0.065000 -0.017632 -0.024271 +v -0.070000 -0.020571 -0.028317 +v -0.065000 -0.023115 -0.019124 +v -0.070000 -0.026967 -0.022311 +v -0.065000 -0.027144 -0.012775 +v -0.070000 -0.031668 -0.014904 +v -0.065000 -0.029468 -0.005623 +v -0.070000 -0.034380 -0.006560 +v -0.065000 -0.029941 0.001882 +v -0.070000 -0.034931 0.002196 +v 0.065000 0.025980 0.015001 +v 0.065000 0.028977 0.007766 +v 0.065000 -0.000001 0.030000 +v 0.065000 0.021212 0.021214 +v 0.065000 -0.007766 0.028977 +v 0.065000 0.014999 0.025981 +v 0.065000 -0.015001 0.025980 +v 0.065000 0.007763 0.028978 +v 0.065000 -0.021214 0.021212 +v 0.065000 -0.025981 0.014999 +v 0.065000 -0.028978 0.007763 +v 0.065000 -0.030000 -0.000001 +v 0.065000 -0.028977 -0.007766 +v 0.065000 -0.025980 -0.015001 +v 0.065000 -0.021212 -0.021214 +v 0.065000 -0.014999 -0.025981 +v 0.065000 -0.007763 -0.028978 +v 0.065000 0.000001 -0.030000 +v 0.065000 0.007766 -0.028977 +v 0.065000 0.015001 -0.025980 +v 0.065000 0.021214 -0.021212 +v 0.065000 0.025981 -0.014999 +v 0.065000 0.028978 -0.007763 +v 0.065000 0.030000 0.000001 +v 0.070000 -0.033287 -0.010817 +v 0.070000 -0.029551 -0.018755 +v 0.070000 -0.023958 -0.025515 +v 0.070000 0.000002 -0.035000 +v 0.070000 0.008706 -0.033900 +v 0.070000 -0.016860 -0.030671 +v 0.070000 -0.008703 -0.033901 +v 0.070000 0.016863 -0.030670 +v 0.070000 0.023960 -0.025513 +v 0.070000 0.029552 -0.018753 +v 0.070000 0.033287 -0.010814 +v 0.070000 0.034931 -0.002196 +v 0.070000 0.034380 0.006560 +v 0.070000 0.031668 0.014904 +v 0.070000 0.026967 0.022311 +v 0.070000 0.020571 0.028317 +v 0.070000 0.012883 0.032543 +v 0.070000 0.004385 0.034724 +v 0.070000 -0.004388 0.034724 +v 0.070000 -0.012886 0.032542 +v 0.070000 -0.020574 0.028315 +v 0.070000 -0.026969 0.022309 +v 0.070000 -0.031670 0.014901 +v 0.070000 -0.034380 0.006557 +v 0.070000 -0.034931 -0.002199 +v -0.065000 -0.193468 0.091435 +v -0.070000 -0.202975 0.090660 +v -0.070000 -0.195877 0.095817 +v -0.065000 -0.186476 0.094204 +v -0.070000 -0.187720 0.099047 +v -0.065000 -0.179016 0.095147 +v -0.070000 -0.179016 0.100147 +v -0.065000 -0.171555 0.094205 +v -0.070000 -0.170312 0.099048 +v -0.065000 -0.164563 0.091437 +v -0.070000 -0.162154 0.095818 +v -0.065000 -0.158479 0.087017 +v -0.070000 -0.155056 0.090662 +v -0.065000 -0.153685 0.081223 +v -0.070000 -0.149464 0.083902 +v -0.065000 -0.150483 0.074419 +v -0.070000 -0.145728 0.075964 +v -0.065000 -0.149074 0.067032 +v -0.070000 -0.144083 0.067346 +v -0.065000 -0.149545 0.059527 +v -0.070000 -0.144634 0.058590 +v -0.065000 -0.151869 0.052375 +v -0.070000 -0.147345 0.050246 +v -0.065000 -0.155898 0.046025 +v -0.070000 -0.152045 0.042838 +v -0.065000 -0.161380 0.040877 +v -0.070000 -0.158441 0.036832 +v -0.065000 -0.167969 0.037254 +v -0.070000 -0.166129 0.032605 +v -0.065000 -0.175253 0.035384 +v -0.070000 -0.174626 0.030423 +v -0.065000 -0.182773 0.035383 +v -0.070000 -0.183399 0.030423 +v -0.065000 -0.190057 0.037253 +v -0.070000 -0.191897 0.032604 +v -0.065000 -0.196647 0.040876 +v -0.070000 -0.199586 0.036830 +v -0.065000 -0.202129 0.046023 +v -0.070000 -0.205981 0.042836 +v -0.065000 -0.206159 0.052372 +v -0.070000 -0.210683 0.050243 +v -0.065000 -0.208483 0.059524 +v -0.070000 -0.213394 0.058587 +v -0.065000 -0.208955 0.067029 +v -0.070000 -0.213945 0.067343 +v -0.065000 -0.207547 0.074416 +v -0.070000 -0.212302 0.075961 +v -0.065000 -0.204345 0.081221 +v -0.070000 -0.208567 0.083899 +v -0.065000 -0.199552 0.087015 +v 0.065000 -0.153034 0.080148 +v 0.065000 -0.150037 0.072913 +v 0.065000 -0.179016 0.095147 +v 0.065000 -0.157802 0.086361 +v 0.065000 -0.186780 0.094124 +v 0.065000 -0.164016 0.091128 +v 0.065000 -0.194016 0.091127 +v 0.065000 -0.171251 0.094125 +v 0.065000 -0.200228 0.086359 +v 0.065000 -0.204996 0.080146 +v 0.065000 -0.207992 0.072910 +v 0.065000 -0.209014 0.065146 +v 0.065000 -0.207992 0.057381 +v 0.065000 -0.204994 0.050146 +v 0.065000 -0.200227 0.043933 +v 0.065000 -0.194013 0.039165 +v 0.065000 -0.186778 0.036169 +v 0.065000 -0.179013 0.035147 +v 0.065000 -0.171248 0.036169 +v 0.065000 -0.164013 0.039167 +v 0.065000 -0.157800 0.043935 +v 0.065000 -0.153033 0.050148 +v 0.065000 -0.150036 0.057384 +v 0.065000 -0.149014 0.065148 +v 0.070000 -0.212301 0.054330 +v 0.070000 -0.208565 0.046392 +v 0.070000 -0.202972 0.039632 +v 0.070000 -0.179013 0.030147 +v 0.070000 -0.170309 0.031247 +v 0.070000 -0.195874 0.034475 +v 0.070000 -0.187717 0.031246 +v 0.070000 -0.162152 0.034477 +v 0.070000 -0.155054 0.039634 +v 0.070000 -0.149462 0.046394 +v 0.070000 -0.145727 0.054333 +v 0.070000 -0.144083 0.062951 +v 0.070000 -0.144635 0.071707 +v 0.070000 -0.147346 0.080051 +v 0.070000 -0.152047 0.087458 +v 0.070000 -0.158443 0.093463 +v 0.070000 -0.166131 0.097690 +v 0.070000 -0.174629 0.099871 +v 0.070000 -0.183403 0.099871 +v 0.070000 -0.191900 0.097688 +v 0.070000 -0.199588 0.093462 +v 0.070000 -0.205983 0.087456 +v 0.070000 -0.210684 0.080048 +v 0.070000 -0.213395 0.071704 +v 0.070000 -0.213945 0.062948 +v -0.100000 -0.234678 0.139484 +v -0.095660 -0.234677 0.135144 +v -0.095660 -0.239018 0.139484 +v 0.100000 -0.234693 0.480804 +v 0.095660 -0.234693 0.485144 +v 0.095660 -0.239033 0.480804 +v -0.100000 -0.234693 0.480804 +v -0.095660 -0.239033 0.480804 +v -0.095660 -0.234693 0.485144 +v 0.100000 -0.234678 0.139484 +v 0.095660 -0.239018 0.139484 +v 0.095660 -0.234677 0.135144 +v -0.100000 -0.193358 0.139486 +v -0.095660 -0.189018 0.139486 +v -0.095660 -0.193357 0.135146 +v -0.100000 -0.193373 0.480806 +v -0.095660 -0.193373 0.485146 +v -0.095660 -0.189033 0.480806 +v 0.100000 -0.193358 0.139486 +v 0.095660 -0.193357 0.135146 +v 0.095660 -0.189018 0.139486 +v 0.095660 -0.189033 0.480806 +v 0.095660 -0.193373 0.485146 +v 0.100000 -0.193373 0.480806 +vt 0.726900 0.962952 +vt 0.725284 0.962952 +vt 0.725284 0.958103 +vt 0.614213 0.965078 +vt 0.609334 0.963542 +vt 0.609356 0.965071 +vt 0.732726 0.962952 +vt 0.730743 0.962952 +vt 0.730743 0.958103 +vt 0.728759 0.962952 +vt 0.726900 0.958103 +vt 0.734578 0.962952 +vt 0.732726 0.958103 +vt 0.728759 0.958103 +vt 0.736202 0.962952 +vt 0.734578 0.958103 +vt 0.443768 0.958096 +vt 0.445297 0.958096 +vt 0.445297 0.962952 +vt 0.736202 0.958103 +vt 0.441961 0.958103 +vt 0.443768 0.962952 +vt 0.440007 0.958103 +vt 0.441961 0.962952 +vt 0.438001 0.958103 +vt 0.439999 0.962952 +vt 0.436098 0.958096 +vt 0.438001 0.962952 +vt 0.434394 0.958096 +vt 0.436098 0.962952 +vt 0.270553 0.953249 +vt 0.269069 0.953249 +vt 0.269069 0.948312 +vt 0.434394 0.962952 +vt 0.272338 0.953249 +vt 0.270553 0.948312 +vt 0.272338 0.948312 +vt 0.274307 0.953249 +vt 0.274307 0.948312 +vt 0.276342 0.953249 +vt 0.276342 0.948312 +vt 0.278311 0.953249 +vt 0.278311 0.948312 +vt 0.280096 0.953249 +vt 0.281580 0.953249 +vt 0.280096 0.948312 +vt 0.614191 0.955880 +vt 0.614213 0.954175 +vt 0.609356 0.954168 +vt 0.281580 0.948312 +vt 0.614176 0.957783 +vt 0.609334 0.955872 +vt 0.614169 0.959781 +vt 0.609320 0.957783 +vt 0.614176 0.961750 +vt 0.609320 0.959781 +vt 0.614191 0.963550 +vt 0.609320 0.961735 +vt 0.947731 0.400689 +vt 0.948767 0.400689 +vt 0.947731 0.388413 +vt 0.948767 0.388413 +vt 0.946717 0.400697 +vt 0.946717 0.388413 +vt 0.945784 0.400704 +vt 0.945784 0.388428 +vt 0.953608 0.121670 +vt 0.952580 0.121670 +vt 0.953608 0.133932 +vt 0.952580 0.133932 +vt 0.944998 0.400719 +vt 0.944998 0.388442 +vt 0.954563 0.121670 +vt 0.954563 0.133932 +vt 0.950596 0.121670 +vt 0.949759 0.121670 +vt 0.950596 0.133932 +vt 0.949759 0.133932 +vt 0.955401 0.121670 +vt 0.955401 0.133932 +vt 0.951551 0.121670 +vt 0.951551 0.133932 +vt 0.949868 0.553127 +vt 0.950655 0.553127 +vt 0.949868 0.540850 +vt 0.950655 0.540850 +vt 0.948935 0.553127 +vt 0.948935 0.540843 +vt 0.947921 0.553127 +vt 0.947921 0.540843 +vt 0.946893 0.553127 +vt 0.946893 0.540843 +vt 0.945901 0.553127 +vt 0.945901 0.540843 +vt 0.945027 0.553127 +vt 0.945027 0.540850 +vt 0.383369 0.940094 +vt 0.383369 0.939330 +vt 0.395858 0.940094 +vt 0.395858 0.939330 +vt 0.383369 0.941020 +vt 0.395858 0.941020 +vt 0.395858 0.942033 +vt 0.383369 0.942033 +vt 0.395858 0.943084 +vt 0.383369 0.943084 +vt 0.395858 0.944105 +vt 0.383369 0.944105 +vt 0.383369 0.945024 +vt 0.395858 0.945024 +vt 0.383369 0.945795 +vt 0.395858 0.945795 +vt 0.949752 0.400697 +vt 0.950633 0.400711 +vt 0.949752 0.388420 +vt 0.950633 0.388428 +vt 0.696435 0.962952 +vt 0.698051 0.962952 +vt 0.698051 0.958103 +vt 0.360857 0.965078 +vt 0.365735 0.963542 +vt 0.365713 0.965071 +vt 0.690609 0.962952 +vt 0.692592 0.962952 +vt 0.692592 0.958103 +vt 0.694576 0.962952 +vt 0.696435 0.958103 +vt 0.688750 0.962952 +vt 0.690609 0.958103 +vt 0.694576 0.958103 +vt 0.687134 0.962952 +vt 0.688750 0.958103 +vt 0.648827 0.962952 +vt 0.650355 0.962952 +vt 0.650355 0.958103 +vt 0.687134 0.958103 +vt 0.647027 0.962952 +vt 0.648827 0.958096 +vt 0.645065 0.962945 +vt 0.647027 0.958096 +vt 0.643067 0.962952 +vt 0.645065 0.958096 +vt 0.641157 0.962952 +vt 0.643067 0.958096 +vt 0.639459 0.962952 +vt 0.641157 0.958096 +vt 0.298827 0.948312 +vt 0.297343 0.948312 +vt 0.297343 0.953249 +vt 0.639452 0.958103 +vt 0.300605 0.948312 +vt 0.298827 0.953249 +vt 0.300605 0.953249 +vt 0.302574 0.948312 +vt 0.302574 0.953249 +vt 0.304609 0.948312 +vt 0.304609 0.953249 +vt 0.306586 0.948312 +vt 0.306586 0.953249 +vt 0.308364 0.948312 +vt 0.309848 0.948312 +vt 0.308364 0.953249 +vt 0.360886 0.955880 +vt 0.360857 0.954183 +vt 0.365713 0.954168 +vt 0.309848 0.953249 +vt 0.360901 0.957790 +vt 0.365735 0.955872 +vt 0.360901 0.959788 +vt 0.365750 0.957783 +vt 0.360901 0.961750 +vt 0.365757 0.959781 +vt 0.360886 0.963550 +vt 0.365750 0.961742 +vt 0.343338 0.952613 +vt 0.343345 0.951584 +vt 0.331061 0.952613 +vt 0.331061 0.951584 +vt 0.343345 0.953627 +vt 0.331069 0.953627 +vt 0.343353 0.954560 +vt 0.331076 0.954560 +vt 0.948862 0.438794 +vt 0.947833 0.438794 +vt 0.948862 0.426532 +vt 0.947833 0.426532 +vt 0.343367 0.955353 +vt 0.331091 0.955353 +vt 0.949817 0.438794 +vt 0.949817 0.426532 +vt 0.945850 0.438794 +vt 0.945012 0.438794 +vt 0.945850 0.426532 +vt 0.945012 0.426532 +vt 0.950654 0.438794 +vt 0.950654 0.426532 +vt 0.946812 0.438794 +vt 0.946812 0.426532 +vt 0.950530 0.083561 +vt 0.949744 0.083561 +vt 0.950530 0.095845 +vt 0.949744 0.095837 +vt 0.951464 0.083561 +vt 0.951464 0.095845 +vt 0.952477 0.083561 +vt 0.952477 0.095845 +vt 0.953513 0.083561 +vt 0.953513 0.095845 +vt 0.954498 0.083561 +vt 0.954498 0.095845 +vt 0.955379 0.083561 +vt 0.955379 0.095837 +vt 0.423708 0.945031 +vt 0.423708 0.945795 +vt 0.411225 0.945031 +vt 0.411225 0.945795 +vt 0.423708 0.944105 +vt 0.411225 0.944105 +vt 0.411225 0.943091 +vt 0.423708 0.943091 +vt 0.411225 0.942041 +vt 0.423708 0.942041 +vt 0.411225 0.941020 +vt 0.423708 0.941020 +vt 0.423708 0.940101 +vt 0.411225 0.940101 +vt 0.423708 0.939330 +vt 0.411225 0.939330 +vt 0.343353 0.950592 +vt 0.343360 0.949718 +vt 0.331069 0.950592 +vt 0.331083 0.949718 +vt 0.424746 0.785613 +vt 0.425577 0.768444 +vt 0.424746 0.768436 +vt 0.582171 0.932039 +vt 0.582171 0.931304 +vt 0.565001 0.931304 +vt 0.424034 0.785606 +vt 0.424034 0.768422 +vt 0.582171 0.934698 +vt 0.582171 0.933795 +vt 0.565001 0.933795 +vt 0.582171 0.932891 +vt 0.565001 0.932039 +vt 0.582171 0.935543 +vt 0.565001 0.934698 +vt 0.565001 0.932891 +vt 0.582171 0.936285 +vt 0.565001 0.935543 +vt 0.624862 0.824132 +vt 0.624157 0.824132 +vt 0.624157 0.841317 +vt 0.565001 0.936285 +vt 0.625693 0.824132 +vt 0.624862 0.841317 +vt 0.626589 0.824132 +vt 0.625693 0.841317 +vt 0.627500 0.824132 +vt 0.626589 0.841317 +vt 0.628367 0.824132 +vt 0.627500 0.841317 +vt 0.629131 0.824132 +vt 0.628367 0.841317 +vt 0.487133 0.931260 +vt 0.487133 0.930584 +vt 0.504611 0.930584 +vt 0.629131 0.841317 +vt 0.487133 0.932068 +vt 0.504611 0.931260 +vt 0.487133 0.932972 +vt 0.504611 0.932068 +vt 0.504611 0.932972 +vt 0.487133 0.933897 +vt 0.504611 0.933897 +vt 0.487133 0.934794 +vt 0.504611 0.934794 +vt 0.487133 0.935609 +vt 0.487133 0.936285 +vt 0.504611 0.935609 +vt 0.428243 0.785621 +vt 0.429008 0.785606 +vt 0.429008 0.768429 +vt 0.504611 0.936285 +vt 0.427384 0.785621 +vt 0.428243 0.768444 +vt 0.426473 0.785628 +vt 0.427384 0.768444 +vt 0.425577 0.785621 +vt 0.426473 0.768444 +vt 0.550885 0.952037 +vt 0.549496 0.953249 +vt 0.550885 0.953249 +vt 0.549496 0.952037 +vt 0.552303 0.952037 +vt 0.552303 0.953249 +vt 0.553728 0.952037 +vt 0.553728 0.953249 +vt 0.555146 0.952037 +vt 0.555146 0.953249 +vt 0.556534 0.953249 +vt 0.556534 0.952037 +vt 0.557872 0.952037 +vt 0.557872 0.953249 +vt 0.559143 0.953249 +vt 0.559143 0.952037 +vt 0.560325 0.952037 +vt 0.560325 0.953249 +vt 0.561420 0.953249 +vt 0.694568 0.267985 +vt 0.693349 0.267985 +vt 0.693356 0.266905 +vt 0.561420 0.952037 +vt 0.694583 0.266905 +vt 0.693371 0.265715 +vt 0.694590 0.265715 +vt 0.694598 0.264444 +vt 0.693371 0.264436 +vt 0.693378 0.263099 +vt 0.694605 0.263099 +vt 0.693385 0.261703 +vt 0.694605 0.261703 +vt 0.693385 0.260278 +vt 0.694612 0.260278 +vt 0.694612 0.258838 +vt 0.693385 0.258838 +vt 0.694612 0.257405 +vt 0.693385 0.257405 +vt 0.694605 0.255995 +vt 0.693385 0.255995 +vt 0.693378 0.254628 +vt 0.694605 0.254628 +vt 0.693371 0.253328 +vt 0.694598 0.253328 +vt 0.693363 0.252115 +vt 0.694590 0.252115 +vt 0.693356 0.250991 +vt 0.694583 0.250991 +vt 0.693349 0.249985 +vt 0.694568 0.249985 +vt 0.943755 0.463460 +vt 0.943755 0.462351 +vt 0.942543 0.462351 +vt 0.942543 0.463460 +vt 0.942543 0.464658 +vt 0.943755 0.464658 +vt 0.942543 0.465943 +vt 0.943755 0.465943 +vt 0.942543 0.467295 +vt 0.943755 0.467295 +vt 0.942543 0.468684 +vt 0.943755 0.468684 +vt 0.942543 0.470109 +vt 0.943755 0.470109 +vt 0.942543 0.471534 +vt 0.943755 0.471534 +vt 0.942543 0.472952 +vt 0.943755 0.472952 +vt 0.942543 0.474333 +vt 0.943755 0.474333 +vt 0.942543 0.475671 +vt 0.943755 0.475671 +vt 0.942543 0.476934 +vt 0.943755 0.476934 +vt 0.942543 0.478117 +vt 0.943755 0.478117 +vt 0.942543 0.479197 +vt 0.755651 0.155845 +vt 0.754432 0.155845 +vt 0.754439 0.156910 +vt 0.943755 0.479197 +vt 0.755666 0.156910 +vt 0.754446 0.158079 +vt 0.755673 0.158079 +vt 0.755681 0.159335 +vt 0.754454 0.159335 +vt 0.755688 0.160665 +vt 0.754461 0.160665 +vt 0.754469 0.162053 +vt 0.755688 0.162053 +vt 0.754469 0.163471 +vt 0.755688 0.163471 +vt 0.755695 0.164911 +vt 0.754469 0.164911 +vt 0.754469 0.166344 +vt 0.755688 0.166344 +vt 0.755688 0.167762 +vt 0.754469 0.167762 +vt 0.754461 0.169136 +vt 0.755688 0.169136 +vt 0.755681 0.170451 +vt 0.754454 0.170451 +vt 0.755673 0.171685 +vt 0.754446 0.171685 +vt 0.754439 0.172824 +vt 0.755666 0.172824 +vt 0.755651 0.173860 +vt 0.754432 0.173860 +vt 0.544574 0.952037 +vt 0.544574 0.953249 +vt 0.545668 0.953249 +vt 0.545668 0.952037 +vt 0.546866 0.952037 +vt 0.546866 0.953249 +vt 0.548152 0.953249 +vt 0.548152 0.952037 +vt 0.284526 0.810061 +vt 0.284526 0.808841 +vt 0.283093 0.808841 +vt 0.283093 0.810061 +vt 0.281661 0.808841 +vt 0.281661 0.810061 +vt 0.280243 0.808841 +vt 0.280243 0.810061 +vt 0.278862 0.808841 +vt 0.278862 0.810061 +vt 0.277539 0.808841 +vt 0.277539 0.810061 +vt 0.276298 0.808841 +vt 0.276298 0.810061 +vt 0.275144 0.808841 +vt 0.275144 0.810061 +vt 0.274094 0.808841 +vt 0.101796 0.953257 +vt 0.101796 0.952044 +vt 0.100731 0.952037 +vt 0.274094 0.810061 +vt 0.100731 0.953249 +vt 0.099556 0.952030 +vt 0.099556 0.953242 +vt 0.098292 0.952022 +vt 0.098292 0.953235 +vt 0.096962 0.952015 +vt 0.096962 0.953227 +vt 0.095581 0.952015 +vt 0.095581 0.953227 +vt 0.094163 0.952008 +vt 0.094163 0.953227 +vt 0.092738 0.952008 +vt 0.092738 0.953227 +vt 0.091312 0.952015 +vt 0.091312 0.953227 +vt 0.089917 0.952015 +vt 0.089917 0.953227 +vt 0.088565 0.952022 +vt 0.088565 0.953235 +vt 0.087272 0.952030 +vt 0.087272 0.953242 +vt 0.086059 0.952037 +vt 0.086059 0.953249 +vt 0.084943 0.952044 +vt 0.718622 0.943643 +vt 0.718622 0.942416 +vt 0.717564 0.942416 +vt 0.084943 0.953257 +vt 0.717564 0.943643 +vt 0.716403 0.942416 +vt 0.716403 0.943643 +vt 0.715154 0.942416 +vt 0.715154 0.943643 +vt 0.713832 0.942416 +vt 0.713832 0.943643 +vt 0.712451 0.942416 +vt 0.712451 0.943643 +vt 0.711033 0.942416 +vt 0.711033 0.943643 +vt 0.709593 0.942416 +vt 0.709593 0.943643 +vt 0.708160 0.942416 +vt 0.708160 0.943643 +vt 0.706742 0.942416 +vt 0.706742 0.943643 +vt 0.705368 0.942416 +vt 0.705368 0.943643 +vt 0.704053 0.942416 +vt 0.704053 0.943643 +vt 0.702812 0.942416 +vt 0.702812 0.943643 +vt 0.701666 0.942416 +vt 0.701666 0.943643 +vt 0.700622 0.942416 +vt 0.577397 0.952008 +vt 0.577397 0.953220 +vt 0.578492 0.953227 +vt 0.700622 0.943643 +vt 0.578492 0.952015 +vt 0.579682 0.953234 +vt 0.579682 0.952022 +vt 0.580960 0.953242 +vt 0.580960 0.952030 +vt 0.582297 0.953249 +vt 0.582297 0.952037 +vt 0.583686 0.953249 +vt 0.583686 0.952037 +vt 0.585104 0.953249 +vt 0.585104 0.952037 +vt 0.586536 0.953249 +vt 0.586536 0.952037 +vt 0.587954 0.953249 +vt 0.587954 0.952037 +vt 0.589343 0.953249 +vt 0.589343 0.952037 +vt 0.590687 0.953242 +vt 0.590687 0.952030 +vt 0.591966 0.953234 +vt 0.591966 0.952022 +vt 0.593156 0.953227 +vt 0.593156 0.952015 +vt 0.594251 0.953220 +vt 0.594251 0.952008 +vt 0.292093 0.810061 +vt 0.292093 0.808841 +vt 0.291050 0.808841 +vt 0.291050 0.810061 +vt 0.289897 0.808841 +vt 0.289897 0.810061 +vt 0.288648 0.808841 +vt 0.288648 0.810061 +vt 0.287325 0.810061 +vt 0.287325 0.808841 +vt 0.285944 0.808841 +vt 0.285944 0.810061 +vt 0.599406 0.690591 +vt 0.600625 0.690591 +vt 0.600625 0.692024 +vt 0.599406 0.692024 +vt 0.600625 0.693464 +vt 0.599406 0.693464 +vt 0.600625 0.694874 +vt 0.599406 0.694874 +vt 0.600625 0.696255 +vt 0.599406 0.696255 +vt 0.600625 0.697578 +vt 0.599406 0.697578 +vt 0.600625 0.698820 +vt 0.599406 0.698820 +vt 0.600625 0.699980 +vt 0.599406 0.699980 +vt 0.600625 0.701024 +vt 0.190912 0.953264 +vt 0.190912 0.952052 +vt 0.189846 0.952037 +vt 0.599406 0.701024 +vt 0.189846 0.953250 +vt 0.188671 0.952030 +vt 0.188671 0.953242 +vt 0.187407 0.952023 +vt 0.187407 0.953235 +vt 0.186078 0.952023 +vt 0.186078 0.953235 +vt 0.184696 0.952015 +vt 0.184696 0.953227 +vt 0.183286 0.952015 +vt 0.183286 0.953227 +vt 0.181853 0.952015 +vt 0.181860 0.953227 +vt 0.180435 0.952015 +vt 0.180435 0.953227 +vt 0.179039 0.952023 +vt 0.179039 0.953235 +vt 0.177687 0.952023 +vt 0.177687 0.953235 +vt 0.176394 0.952030 +vt 0.176394 0.953242 +vt 0.175182 0.952037 +vt 0.175182 0.953250 +vt 0.174065 0.952052 +vt 0.929547 0.380947 +vt 0.928320 0.380947 +vt 0.928320 0.379896 +vt 0.174065 0.953264 +vt 0.929547 0.379896 +vt 0.928320 0.378735 +vt 0.929547 0.378735 +vt 0.928320 0.377479 +vt 0.929547 0.377479 +vt 0.928320 0.376157 +vt 0.929547 0.376157 +vt 0.928320 0.374768 +vt 0.929547 0.374768 +vt 0.928320 0.373350 +vt 0.929547 0.373350 +vt 0.928320 0.371917 +vt 0.929547 0.371917 +vt 0.928320 0.370477 +vt 0.929547 0.370477 +vt 0.928320 0.369060 +vt 0.929547 0.369060 +vt 0.928320 0.367686 +vt 0.929547 0.367686 +vt 0.928320 0.366363 +vt 0.929547 0.366363 +vt 0.928320 0.365122 +vt 0.929547 0.365122 +vt 0.928320 0.363976 +vt 0.929547 0.363976 +vt 0.928320 0.362932 +vt 0.943762 0.841100 +vt 0.942550 0.841100 +vt 0.942543 0.840005 +vt 0.929547 0.362932 +vt 0.943755 0.840005 +vt 0.942536 0.838815 +vt 0.943748 0.838815 +vt 0.942528 0.837544 +vt 0.943740 0.837544 +vt 0.942521 0.836199 +vt 0.943740 0.836199 +vt 0.942521 0.834811 +vt 0.943733 0.834811 +vt 0.942521 0.833393 +vt 0.943733 0.833393 +vt 0.942521 0.831960 +vt 0.943733 0.831960 +vt 0.942521 0.830542 +vt 0.943733 0.830542 +vt 0.942521 0.829154 +vt 0.943740 0.829154 +vt 0.942528 0.827809 +vt 0.943740 0.827809 +vt 0.942536 0.826531 +vt 0.943748 0.826531 +vt 0.942543 0.825341 +vt 0.943755 0.825341 +vt 0.942550 0.824246 +vt 0.943762 0.824246 +vt 0.599406 0.683024 +vt 0.600625 0.683024 +vt 0.600625 0.684074 +vt 0.599406 0.684074 +vt 0.600625 0.685228 +vt 0.599406 0.685228 +vt 0.600625 0.686469 +vt 0.599406 0.686469 +vt 0.600625 0.687792 +vt 0.599406 0.687792 +vt 0.600625 0.689173 +vt 0.599406 0.689173 +vt 0.489438 0.952037 +vt 0.490834 0.953249 +vt 0.489438 0.953249 +vt 0.490834 0.952037 +vt 0.488020 0.952037 +vt 0.488020 0.953249 +vt 0.486595 0.952037 +vt 0.486595 0.953249 +vt 0.485177 0.952037 +vt 0.485177 0.953249 +vt 0.483789 0.952037 +vt 0.483789 0.953249 +vt 0.482451 0.952037 +vt 0.482451 0.953249 +vt 0.481180 0.952037 +vt 0.481180 0.953249 +vt 0.479998 0.952037 +vt 0.479998 0.953249 +vt 0.478910 0.952037 +vt 0.478910 0.953249 +vt 0.843751 0.097438 +vt 0.844978 0.098525 +vt 0.844971 0.097438 +vt 0.843759 0.098525 +vt 0.843736 0.096255 +vt 0.844963 0.096255 +vt 0.843729 0.094977 +vt 0.844956 0.094977 +vt 0.843729 0.093632 +vt 0.844949 0.093632 +vt 0.843722 0.092244 +vt 0.844941 0.092244 +vt 0.843714 0.090811 +vt 0.844941 0.090811 +vt 0.843714 0.089371 +vt 0.844941 0.089371 +vt 0.843714 0.087938 +vt 0.844941 0.087938 +vt 0.843722 0.086535 +vt 0.844941 0.086535 +vt 0.843729 0.085168 +vt 0.844949 0.085168 +vt 0.843729 0.083868 +vt 0.844956 0.083868 +vt 0.843736 0.082656 +vt 0.844963 0.082656 +vt 0.843751 0.081532 +vt 0.844971 0.081532 +vt 0.843759 0.080525 +vt 0.844978 0.080525 +vt 0.953249 0.059042 +vt 0.953249 0.060152 +vt 0.952037 0.060152 +vt 0.952037 0.059042 +vt 0.953249 0.057838 +vt 0.952037 0.057838 +vt 0.953249 0.056552 +vt 0.952037 0.056552 +vt 0.953249 0.055200 +vt 0.952037 0.055200 +vt 0.953249 0.053811 +vt 0.952037 0.053811 +vt 0.953249 0.052386 +vt 0.952037 0.052386 +vt 0.953249 0.050961 +vt 0.952037 0.050961 +vt 0.953249 0.049543 +vt 0.952037 0.049543 +vt 0.953249 0.048154 +vt 0.952037 0.048154 +vt 0.953249 0.046825 +vt 0.952037 0.046825 +vt 0.953249 0.045554 +vt 0.952037 0.045554 +vt 0.953249 0.044371 +vt 0.952037 0.044371 +vt 0.953249 0.043291 +vt 0.952037 0.043291 +vt 0.901012 0.943614 +vt 0.899954 0.942380 +vt 0.901012 0.942394 +vt 0.899947 0.943606 +vt 0.902180 0.943628 +vt 0.902180 0.942402 +vt 0.903437 0.943628 +vt 0.903437 0.942409 +vt 0.904774 0.943636 +vt 0.904774 0.942416 +vt 0.906155 0.943643 +vt 0.906155 0.942416 +vt 0.907580 0.943643 +vt 0.907580 0.942424 +vt 0.909013 0.943643 +vt 0.909013 0.942424 +vt 0.910453 0.943643 +vt 0.910453 0.942424 +vt 0.911864 0.943643 +vt 0.911864 0.942416 +vt 0.913237 0.943636 +vt 0.913237 0.942416 +vt 0.914553 0.943628 +vt 0.914553 0.942409 +vt 0.915787 0.943628 +vt 0.915787 0.942402 +vt 0.916933 0.943614 +vt 0.916933 0.942394 +vt 0.917961 0.943606 +vt 0.917961 0.942380 +vt 0.494655 0.952037 +vt 0.495757 0.952037 +vt 0.495757 0.953249 +vt 0.494655 0.953249 +vt 0.493457 0.953249 +vt 0.493457 0.952037 +vt 0.492179 0.952037 +vt 0.492179 0.953249 +vt 0.959425 0.237159 +vt 0.959425 0.254358 +vt 0.959741 0.254365 +vt 0.959741 0.237159 +vt 0.960035 0.237166 +vt 0.960285 0.237166 +vt 0.960035 0.254365 +vt 0.384581 0.964847 +vt 0.384581 0.965104 +vt 0.401817 0.965104 +vt 0.960285 0.254372 +vt 0.384581 0.964553 +vt 0.401817 0.964847 +vt 0.384581 0.964237 +vt 0.401817 0.964553 +vt 0.384581 0.963928 +vt 0.401817 0.964237 +vt 0.384581 0.963635 +vt 0.401817 0.963928 +vt 0.384581 0.963377 +vt 0.401817 0.963635 +vt 0.959682 0.735090 +vt 0.959425 0.735090 +vt 0.959425 0.752290 +vt 0.401817 0.963377 +vt 0.959976 0.735090 +vt 0.959682 0.752290 +vt 0.959976 0.752290 +vt 0.960285 0.735090 +vt 0.960285 0.752290 +vt 0.959969 0.522476 +vt 0.960285 0.522483 +vt 0.960285 0.505277 +vt 0.959675 0.522476 +vt 0.959969 0.505277 +vt 0.959425 0.522476 +vt 0.959675 0.505277 +vt 0.139379 0.963635 +vt 0.139379 0.963377 +vt 0.156614 0.963377 +vt 0.959425 0.505269 +vt 0.139379 0.963928 +vt 0.156614 0.963635 +vt 0.139379 0.964244 +vt 0.156614 0.963928 +vt 0.139379 0.964553 +vt 0.156614 0.964244 +vt 0.139379 0.964847 +vt 0.156614 0.964553 +vt 0.139379 0.965104 +vt 0.156614 0.964847 +vt 0.959682 0.713987 +vt 0.959425 0.713987 +vt 0.959425 0.696788 +vt 0.156614 0.965104 +vt 0.959976 0.713987 +vt 0.959682 0.696788 +vt 0.960285 0.713987 +vt 0.959976 0.696788 +vt 0.960285 0.696788 +vt 0.752659 0.390628 +vt 0.718959 0.390540 +vt 0.718951 0.391664 +vt 0.450781 0.818189 +vt 0.449635 0.818189 +vt 0.450781 0.852711 +vt 0.752644 0.391752 +vt 0.718937 0.392884 +vt 0.752637 0.392979 +vt 0.718929 0.394199 +vt 0.795954 0.376005 +vt 0.797364 0.410337 +vt 0.795954 0.410329 +vt 0.797364 0.376012 +vt 0.752622 0.394287 +vt 0.718915 0.395588 +vt 0.794609 0.375997 +vt 0.794609 0.410322 +vt 0.752615 0.395676 +vt 0.718907 0.397035 +vt 0.793346 0.375990 +vt 0.793346 0.410307 +vt 0.752600 0.397123 +vt 0.718900 0.398526 +vt 0.792177 0.375975 +vt 0.792177 0.410300 +vt 0.752600 0.398614 +vt 0.718892 0.400047 +vt 0.431238 0.818189 +vt 0.431238 0.852711 +vt 0.432465 0.852711 +vt 0.430107 0.852711 +vt 0.430107 0.818189 +vt 0.752593 0.400135 +vt 0.718892 0.401575 +vt 0.432465 0.818189 +vt 0.433787 0.852711 +vt 0.752585 0.401663 +vt 0.718885 0.403103 +vt 0.433787 0.818189 +vt 0.435176 0.852711 +vt 0.752585 0.403191 +vt 0.718885 0.404602 +vt 0.752585 0.404690 +vt 0.752585 0.406152 +vt 0.718885 0.406064 +vt 0.435176 0.818189 +vt 0.436631 0.852711 +vt 0.436631 0.818189 +vt 0.438129 0.852711 +vt 0.438129 0.818189 +vt 0.439650 0.852711 +vt 0.439650 0.818189 +vt 0.441178 0.852711 +vt 0.441178 0.818189 +vt 0.442699 0.852711 +vt 0.442699 0.818189 +vt 0.444198 0.852711 +vt 0.444198 0.818189 +vt 0.445660 0.852711 +vt 0.445660 0.818189 +vt 0.447063 0.852711 +vt 0.447063 0.818189 +vt 0.448386 0.852711 +vt 0.448386 0.818189 +vt 0.449635 0.852711 +vt 0.499325 0.742423 +vt 0.498002 0.744333 +vt 0.499097 0.745134 +vt 0.497833 0.741585 +vt 0.500096 0.746052 +vt 0.500978 0.747073 +vt 0.506613 0.760959 +vt 0.502859 0.757286 +vt 0.502396 0.758549 +vt 0.503167 0.755970 +vt 0.503314 0.754641 +vt 0.499200 0.762847 +vt 0.501485 0.777107 +vt 0.503130 0.778055 +vt 0.500184 0.761914 +vt 0.501051 0.760885 +vt 0.444414 0.782478 +vt 0.441982 0.782044 +vt 0.442232 0.783477 +vt 0.501793 0.759754 +vt 0.513027 0.751291 +vt 0.503307 0.753296 +vt 0.503145 0.751959 +vt 0.502822 0.750651 +vt 0.502344 0.749388 +vt 0.501727 0.748190 +vt 0.444730 0.783786 +vt 0.442629 0.784873 +vt 0.444245 0.781148 +vt 0.441887 0.780597 +vt 0.537190 0.780737 +vt 0.528213 0.794284 +vt 0.445208 0.785049 +vt 0.443180 0.786225 +vt 0.444238 0.779804 +vt 0.441938 0.779150 +vt 0.445825 0.786247 +vt 0.443863 0.787511 +vt 0.444392 0.778467 +vt 0.442151 0.777710 +vt 0.446582 0.787364 +vt 0.444679 0.788715 +vt 0.445619 0.789832 +vt 0.444693 0.777151 +vt 0.442511 0.776299 +vt 0.447456 0.788392 +vt 0.446670 0.790846 +vt 0.445156 0.775888 +vt 0.443672 0.773640 +vt 0.443018 0.774940 +vt 0.448455 0.789303 +vt 0.447831 0.791742 +vt 0.445759 0.774683 +vt 0.444451 0.772405 +vt 0.449550 0.790104 +vt 0.449072 0.792514 +vt 0.446501 0.773559 +vt 0.445362 0.771267 +vt 0.450733 0.790765 +vt 0.450387 0.793160 +vt 0.447368 0.772523 +vt 0.446391 0.770223 +vt 0.451982 0.791294 +vt 0.451768 0.793660 +vt 0.448352 0.771590 +vt 0.447515 0.769298 +vt 0.453289 0.791676 +vt 0.453194 0.794020 +vt 0.449440 0.770782 +vt 0.454634 0.791897 +vt 0.454648 0.794226 +vt 0.450615 0.770106 +vt 0.455993 0.791970 +vt 0.456118 0.794284 +vt 0.451864 0.769569 +vt 0.457345 0.791882 +vt 0.457587 0.794189 +vt 0.453164 0.769173 +vt 0.459035 0.793939 +vt 0.458689 0.791639 +vt 0.454502 0.768930 +vt 0.460445 0.793542 +vt 0.459990 0.791250 +vt 0.461812 0.793006 +vt 0.461231 0.790714 +vt 0.463112 0.792330 +vt 0.462407 0.790030 +vt 0.464332 0.791522 +vt 0.463494 0.789222 +vt 0.464479 0.788297 +vt 0.465345 0.787261 +vt 0.466088 0.786137 +vt 0.481663 0.778716 +vt 0.466697 0.784932 +vt 0.467153 0.783661 +vt 0.467461 0.782353 +vt 0.467608 0.781016 +vt 0.467601 0.779671 +vt 0.467439 0.778334 +vt 0.467116 0.777027 +vt 0.466646 0.775770 +vt 0.466021 0.774573 +vt 0.480120 0.756103 +vt 0.461121 0.770047 +vt 0.462304 0.770716 +vt 0.480436 0.757410 +vt 0.463399 0.771509 +vt 0.479951 0.754766 +vt 0.459865 0.769518 +vt 0.480913 0.758667 +vt 0.464390 0.772427 +vt 0.479944 0.753421 +vt 0.458557 0.769143 +vt 0.481531 0.759864 +vt 0.465272 0.773449 +vt 0.480091 0.752084 +vt 0.457220 0.768916 +vt 0.482280 0.760988 +vt 0.480399 0.750776 +vt 0.455861 0.768849 +vt 0.483162 0.762010 +vt 0.480862 0.749513 +vt 0.484161 0.762928 +vt 0.483242 0.777666 +vt 0.485255 0.763721 +vt 0.484932 0.776784 +vt 0.486438 0.764390 +vt 0.486688 0.776071 +vt 0.487687 0.764919 +vt 0.488517 0.775542 +vt 0.483220 0.742922 +vt 0.482207 0.747176 +vt 0.483073 0.746140 +vt 0.481464 0.748308 +vt 0.484058 0.745215 +vt 0.488995 0.765294 +vt 0.490391 0.775197 +vt 0.485145 0.744406 +vt 0.484653 0.741989 +vt 0.490339 0.765521 +vt 0.486321 0.743723 +vt 0.486196 0.741240 +vt 0.491699 0.765587 +vt 0.492294 0.775043 +vt 0.487562 0.743187 +vt 0.487812 0.740682 +vt 0.493050 0.765507 +vt 0.494197 0.775080 +vt 0.488870 0.742798 +vt 0.494388 0.765264 +vt 0.496085 0.775307 +vt 0.489487 0.740322 +vt 0.490207 0.742555 +vt 0.495695 0.764875 +vt 0.497943 0.775726 +vt 0.491192 0.740160 +vt 0.491566 0.742467 +vt 0.496937 0.764331 +vt 0.492904 0.740211 +vt 0.492926 0.742540 +vt 0.498112 0.763655 +vt 0.499751 0.776321 +vt 0.494601 0.740469 +vt 0.494263 0.742768 +vt 0.496254 0.740931 +vt 0.495570 0.743143 +vt 0.496819 0.743672 +vt 0.872326 0.486391 +vt 0.856141 0.486391 +vt 0.856141 0.498852 +vt 0.872326 0.510548 +vt 0.860769 0.510548 +vt 0.736476 0.065256 +vt 0.749796 0.077745 +vt 0.735720 0.065895 +vt 0.737057 0.064447 +vt 0.734831 0.066314 +vt 0.737424 0.063522 +vt 0.733861 0.066505 +vt 0.737542 0.062530 +vt 0.737424 0.061545 +vt 0.717426 0.077745 +vt 0.730437 0.064874 +vt 0.731106 0.065601 +vt 0.731936 0.066130 +vt 0.732876 0.066438 +vt 0.729960 0.063999 +vt 0.729710 0.063029 +vt 0.729710 0.062038 +vt 0.749796 0.041202 +vt 0.737057 0.060620 +vt 0.749502 0.041165 +vt 0.736476 0.059812 +vt 0.735720 0.059172 +vt 0.735822 0.046514 +vt 0.749223 0.041048 +vt 0.736418 0.045875 +vt 0.735088 0.046991 +vt 0.734831 0.058746 +vt 0.748981 0.040864 +vt 0.736836 0.045103 +vt 0.749796 0.038866 +vt 0.749502 0.038902 +vt 0.749796 0.031695 +vt 0.734265 0.047263 +vt 0.733861 0.058563 +vt 0.737057 0.044251 +vt 0.748797 0.040622 +vt 0.749502 0.031651 +vt 0.749223 0.039020 +vt 0.749223 0.031541 +vt 0.748981 0.039211 +vt 0.732876 0.058629 +vt 0.733398 0.047315 +vt 0.748981 0.031350 +vt 0.748797 0.039453 +vt 0.748679 0.040335 +vt 0.737057 0.043369 +vt 0.748797 0.031107 +vt 0.732538 0.047153 +vt 0.731936 0.058937 +vt 0.736836 0.042517 +vt 0.748643 0.040034 +vt 0.748679 0.039733 +vt 0.731752 0.046778 +vt 0.731106 0.059466 +vt 0.736418 0.041746 +vt 0.731084 0.046213 +vt 0.730437 0.060194 +vt 0.735822 0.041106 +vt 0.730577 0.045500 +vt 0.748679 0.030828 +vt 0.736476 0.027816 +vt 0.748643 0.030527 +vt 0.735088 0.040636 +vt 0.735720 0.028448 +vt 0.748679 0.030226 +vt 0.737057 0.027008 +vt 0.734265 0.040364 +vt 0.734831 0.028874 +vt 0.748797 0.029939 +vt 0.737424 0.026082 +vt 0.733398 0.040306 +vt 0.733861 0.029058 +vt 0.748981 0.029697 +vt 0.737542 0.025090 +vt 0.749223 0.029513 +vt 0.732538 0.040475 +vt 0.732876 0.028999 +vt 0.749502 0.029396 +vt 0.737424 0.024098 +vt 0.731752 0.040849 +vt 0.731936 0.028690 +vt 0.737057 0.023173 +vt 0.731106 0.028154 +vt 0.731084 0.041408 +vt 0.730143 0.043810 +vt 0.730254 0.044684 +vt 0.718241 0.040864 +vt 0.718006 0.041048 +vt 0.718432 0.040622 +vt 0.717727 0.041165 +vt 0.730254 0.042936 +vt 0.718543 0.040335 +vt 0.730577 0.042120 +vt 0.718587 0.040034 +vt 0.717426 0.041202 +vt 0.729960 0.061068 +vt 0.718543 0.039733 +vt 0.718432 0.039453 +vt 0.749796 0.005195 +vt 0.749796 0.029351 +vt 0.736476 0.022365 +vt 0.735720 0.021733 +vt 0.734831 0.021307 +vt 0.733861 0.021123 +vt 0.718432 0.031107 +vt 0.718241 0.039211 +vt 0.718241 0.031350 +vt 0.718006 0.031541 +vt 0.718006 0.039020 +vt 0.717727 0.038902 +vt 0.717727 0.031651 +vt 0.718543 0.030828 +vt 0.730437 0.027427 +vt 0.729960 0.026552 +vt 0.718587 0.030527 +vt 0.717426 0.038866 +vt 0.717426 0.031695 +vt 0.718543 0.030226 +vt 0.729710 0.025590 +vt 0.718432 0.029939 +vt 0.729710 0.024591 +vt 0.718241 0.029697 +vt 0.729960 0.023628 +vt 0.718006 0.029513 +vt 0.730437 0.022754 +vt 0.717727 0.029396 +vt 0.717426 0.029351 +vt 0.717426 0.005195 +vt 0.732876 0.021182 +vt 0.731936 0.021490 +vt 0.731106 0.022027 +vt 0.021579 0.938713 +vt 0.021579 0.945795 +vt 0.005195 0.945795 +vt 0.005195 0.938713 +vt 0.870304 0.550402 +vt 0.870304 0.537949 +vt 0.854119 0.537949 +vt 0.865682 0.562105 +vt 0.854119 0.562105 +vt 0.139881 0.945795 +vt 0.139881 0.938713 +vt 0.156257 0.945795 +vt 0.156257 0.938713 +vt 0.752637 0.451357 +vt 0.752637 0.449726 +vt 0.718937 0.449638 +vt 0.718944 0.451269 +vt 0.752644 0.452893 +vt 0.718944 0.452805 +vt 0.752651 0.454311 +vt 0.718951 0.454223 +vt 0.752659 0.455582 +vt 0.718959 0.455486 +vt 0.805073 0.721169 +vt 0.803722 0.754480 +vt 0.805073 0.754480 +vt 0.803722 0.721169 +vt 0.806550 0.721169 +vt 0.806550 0.754480 +vt 0.808115 0.721169 +vt 0.808115 0.754480 +vt 0.809761 0.721169 +vt 0.809761 0.754480 +vt 0.811458 0.721169 +vt 0.811458 0.754480 +vt 0.813177 0.721169 +vt 0.813177 0.754480 +vt 0.818567 0.376093 +vt 0.818567 0.410410 +vt 0.741239 0.362245 +vt 0.730344 0.358740 +vt 0.728867 0.359974 +vt 0.731468 0.357168 +vt 0.727133 0.360797 +vt 0.732180 0.355361 +vt 0.725245 0.361165 +vt 0.732415 0.353436 +vt 0.732180 0.351511 +vt 0.741239 0.331733 +vt 0.731468 0.349711 +vt 0.740938 0.331689 +vt 0.730344 0.348139 +vt 0.740651 0.331571 +vt 0.708296 0.362245 +vt 0.717656 0.356286 +vt 0.717178 0.354405 +vt 0.718581 0.357991 +vt 0.719889 0.359401 +vt 0.721513 0.360445 +vt 0.723335 0.361040 +vt 0.717178 0.352466 +vt 0.717656 0.350592 +vt 0.727133 0.346074 +vt 0.728867 0.346904 +vt 0.727015 0.337133 +vt 0.727625 0.336486 +vt 0.726273 0.337618 +vt 0.728051 0.335700 +vt 0.740409 0.331380 +vt 0.740938 0.329389 +vt 0.741239 0.329345 +vt 0.741239 0.322050 +vt 0.725429 0.337890 +vt 0.725245 0.345714 +vt 0.728272 0.334833 +vt 0.740225 0.331138 +vt 0.740938 0.322013 +vt 0.740409 0.329698 +vt 0.740651 0.329507 +vt 0.740651 0.321888 +vt 0.724547 0.337949 +vt 0.723335 0.345832 +vt 0.740409 0.321705 +vt 0.740108 0.330844 +vt 0.728272 0.333937 +vt 0.740225 0.321455 +vt 0.740225 0.329948 +vt 0.723680 0.337780 +vt 0.728051 0.333070 +vt 0.740063 0.330543 +vt 0.740108 0.330234 +vt 0.722879 0.337397 +vt 0.721513 0.346434 +vt 0.727625 0.332284 +vt 0.722196 0.336832 +vt 0.719889 0.347477 +vt 0.721674 0.336104 +vt 0.730344 0.320625 +vt 0.740108 0.321168 +vt 0.727015 0.331630 +vt 0.728867 0.321866 +vt 0.740063 0.320860 +vt 0.731468 0.319060 +vt 0.740108 0.320551 +vt 0.725429 0.330873 +vt 0.726273 0.331153 +vt 0.727133 0.322689 +vt 0.740225 0.320265 +vt 0.732180 0.317252 +vt 0.740409 0.320015 +vt 0.740938 0.319706 +vt 0.741239 0.319670 +vt 0.741239 0.306989 +vt 0.724547 0.330815 +vt 0.725245 0.323056 +vt 0.732415 0.315328 +vt 0.740651 0.319831 +vt 0.722879 0.331366 +vt 0.723680 0.330984 +vt 0.723335 0.322932 +vt 0.732180 0.313403 +vt 0.721513 0.322336 +vt 0.722196 0.331939 +vt 0.731468 0.311603 +vt 0.719889 0.321293 +vt 0.730344 0.310030 +vt 0.721351 0.335274 +vt 0.721241 0.334385 +vt 0.709126 0.331380 +vt 0.708883 0.331571 +vt 0.709310 0.331138 +vt 0.708597 0.331689 +vt 0.718581 0.348888 +vt 0.721351 0.333496 +vt 0.709427 0.330844 +vt 0.721674 0.332659 +vt 0.709471 0.330543 +vt 0.708296 0.331733 +vt 0.709427 0.330234 +vt 0.709310 0.329948 +vt 0.728867 0.308796 +vt 0.727133 0.307966 +vt 0.708883 0.329507 +vt 0.709126 0.329698 +vt 0.708883 0.321888 +vt 0.709126 0.321705 +vt 0.709310 0.321455 +vt 0.718581 0.319875 +vt 0.708597 0.329389 +vt 0.708597 0.322013 +vt 0.709427 0.321168 +vt 0.709471 0.320860 +vt 0.717656 0.318178 +vt 0.708296 0.329345 +vt 0.708296 0.322050 +vt 0.709427 0.320551 +vt 0.717178 0.316297 +vt 0.709310 0.320265 +vt 0.709126 0.320015 +vt 0.717178 0.314358 +vt 0.708883 0.319831 +vt 0.708597 0.319706 +vt 0.708296 0.319670 +vt 0.708296 0.306989 +vt 0.721513 0.308326 +vt 0.723335 0.307724 +vt 0.719889 0.309362 +vt 0.718581 0.310780 +vt 0.717656 0.312477 +vt 0.725245 0.307606 +vt 0.741239 0.295036 +vt 0.708296 0.295036 +vt 0.885753 0.072746 +vt 0.874196 0.072753 +vt 0.885753 0.039979 +vt 0.874196 0.039986 +vt 0.829641 0.721169 +vt 0.829641 0.754480 +vt 0.475972 0.714387 +vt 0.476817 0.713329 +vt 0.479013 0.714218 +vt 0.477529 0.712176 +vt 0.479851 0.712727 +vt 0.475009 0.715342 +vt 0.473944 0.716172 +vt 0.436556 0.657530 +vt 0.437959 0.657133 +vt 0.438143 0.659491 +vt 0.443381 0.718031 +vt 0.444329 0.716385 +vt 0.460470 0.721514 +vt 0.458273 0.713697 +vt 0.459155 0.714725 +vt 0.460147 0.715636 +vt 0.461241 0.716430 +vt 0.462424 0.717083 +vt 0.463666 0.717598 +vt 0.464959 0.717965 +vt 0.466289 0.718171 +vt 0.439392 0.656883 +vt 0.439458 0.659234 +vt 0.467633 0.718230 +vt 0.470146 0.727927 +vt 0.468970 0.718119 +vt 0.435211 0.658073 +vt 0.436857 0.659910 +vt 0.470293 0.717855 +vt 0.471571 0.717443 +vt 0.472798 0.716878 +vt 0.440839 0.656788 +vt 0.440802 0.659124 +vt 0.427159 0.743113 +vt 0.440700 0.752084 +vt 0.433926 0.658764 +vt 0.435638 0.660469 +vt 0.442286 0.656839 +vt 0.443726 0.657052 +vt 0.442147 0.659176 +vt 0.432721 0.659580 +vt 0.434484 0.661174 +vt 0.445130 0.657412 +vt 0.443469 0.659389 +vt 0.433426 0.662011 +vt 0.431604 0.660520 +vt 0.446496 0.657919 +vt 0.444770 0.659749 +vt 0.432464 0.662966 +vt 0.430590 0.661571 +vt 0.446011 0.660263 +vt 0.447797 0.658566 +vt 0.431619 0.664024 +vt 0.429694 0.662724 +vt 0.428915 0.663973 +vt 0.449031 0.659352 +vt 0.447187 0.660924 +vt 0.428276 0.665288 +vt 0.430906 0.665178 +vt 0.450170 0.660263 +vt 0.448281 0.661710 +vt 0.430326 0.666405 +vt 0.427776 0.666669 +vt 0.451206 0.661284 +vt 0.449281 0.662629 +vt 0.427416 0.668095 +vt 0.429885 0.667691 +vt 0.452139 0.662416 +vt 0.450162 0.663650 +vt 0.429606 0.669020 +vt 0.427211 0.669549 +vt 0.450926 0.664774 +vt 0.429474 0.670372 +vt 0.427159 0.671019 +vt 0.451551 0.665979 +vt 0.429503 0.671731 +vt 0.452036 0.667250 +vt 0.427255 0.672481 +vt 0.429687 0.673083 +vt 0.452374 0.668565 +vt 0.427497 0.673935 +vt 0.430017 0.674398 +vt 0.427894 0.675346 +vt 0.430502 0.675669 +vt 0.428430 0.676712 +vt 0.431134 0.676874 +vt 0.429106 0.678013 +vt 0.431891 0.677998 +vt 0.429914 0.679232 +vt 0.432772 0.679019 +vt 0.433771 0.679938 +vt 0.434866 0.680724 +vt 0.436042 0.681378 +vt 0.442720 0.696564 +vt 0.437291 0.681899 +vt 0.438584 0.682259 +vt 0.439913 0.682472 +vt 0.441258 0.682524 +vt 0.442595 0.682414 +vt 0.443917 0.682157 +vt 0.445196 0.681738 +vt 0.446415 0.681172 +vt 0.450434 0.677623 +vt 0.451154 0.676470 +vt 0.464518 0.695197 +vt 0.465840 0.694933 +vt 0.451734 0.675243 +vt 0.449597 0.678681 +vt 0.463240 0.695616 +vt 0.467178 0.694830 +vt 0.452168 0.673957 +vt 0.462013 0.696174 +vt 0.448634 0.679637 +vt 0.468522 0.694881 +vt 0.452454 0.672628 +vt 0.460859 0.696880 +vt 0.447569 0.680467 +vt 0.469852 0.695094 +vt 0.452579 0.671276 +vt 0.459801 0.697710 +vt 0.471145 0.695454 +vt 0.452550 0.669917 +vt 0.458839 0.698665 +vt 0.443770 0.698143 +vt 0.472387 0.695969 +vt 0.444652 0.699826 +vt 0.458001 0.699730 +vt 0.445365 0.701589 +vt 0.457281 0.700876 +vt 0.456701 0.702103 +vt 0.478514 0.698121 +vt 0.475656 0.698334 +vt 0.474664 0.697416 +vt 0.473569 0.696630 +vt 0.445894 0.703418 +vt 0.456268 0.703396 +vt 0.476537 0.699355 +vt 0.446239 0.705292 +vt 0.455981 0.704726 +vt 0.479447 0.699554 +vt 0.477302 0.700480 +vt 0.446393 0.707195 +vt 0.455849 0.706078 +vt 0.480196 0.701089 +vt 0.477926 0.701684 +vt 0.446357 0.709097 +vt 0.455878 0.707437 +vt 0.478411 0.702955 +vt 0.480755 0.702706 +vt 0.456062 0.708789 +vt 0.446129 0.710986 +vt 0.478749 0.704271 +vt 0.481115 0.704381 +vt 0.456400 0.710104 +vt 0.478933 0.705615 +vt 0.481269 0.706093 +vt 0.445710 0.712844 +vt 0.456885 0.711375 +vt 0.478962 0.706982 +vt 0.445108 0.714652 +vt 0.457509 0.712580 +vt 0.481225 0.707804 +vt 0.478830 0.708333 +vt 0.480968 0.709502 +vt 0.478543 0.709663 +vt 0.478110 0.710949 +vt 0.480505 0.711147 +vt 0.708296 0.364177 +vt 0.741239 0.364177 +vt 0.741239 0.366102 +vt 0.708296 0.366102 +vt 0.741239 0.367982 +vt 0.708296 0.367982 +vt 0.741239 0.369804 +vt 0.708296 0.369804 +vt 0.741239 0.371553 +vt 0.708296 0.371553 +vt 0.741239 0.373206 +vt 0.708296 0.373206 +vt 0.741239 0.374749 +vt 0.708296 0.374749 +vt 0.741239 0.376167 +vt 0.708296 0.376167 +vt 0.823798 0.376122 +vt 0.825319 0.376137 +vt 0.825319 0.410454 +vt 0.822145 0.376108 +vt 0.823798 0.410440 +vt 0.820397 0.376100 +vt 0.822145 0.410432 +vt 0.820397 0.410417 +vt 0.874196 0.335632 +vt 0.885753 0.335632 +vt 0.874196 0.368399 +vt 0.885753 0.368392 +vt 0.950330 0.292725 +vt 0.950646 0.292725 +vt 0.950330 0.275438 +vt 0.950646 0.275438 +vt 0.950036 0.292725 +vt 0.950036 0.275438 +vt 0.949786 0.292725 +vt 0.949786 0.275438 +vt 0.377418 0.198848 +vt 0.377676 0.198848 +vt 0.377418 0.216098 +vt 0.377676 0.216098 +vt 0.377125 0.198848 +vt 0.377125 0.216098 +vt 0.376809 0.198848 +vt 0.376809 0.216098 +vt 0.376500 0.198848 +vt 0.376500 0.216098 +vt 0.376206 0.198848 +vt 0.376206 0.216098 +vt 0.375949 0.198848 +vt 0.375949 0.216098 +vt 0.637109 0.714010 +vt 0.637359 0.714003 +vt 0.637109 0.696723 +vt 0.637359 0.696716 +vt 0.636816 0.714010 +vt 0.636816 0.696723 +vt 0.636500 0.714010 +vt 0.636500 0.696731 +vt 0.448891 0.216133 +vt 0.448575 0.216133 +vt 0.448891 0.198839 +vt 0.448575 0.198839 +vt 0.449184 0.216133 +vt 0.449184 0.198839 +vt 0.449434 0.216133 +vt 0.449434 0.198839 +vt 0.218525 0.407595 +vt 0.218775 0.407595 +vt 0.218525 0.390352 +vt 0.218775 0.390352 +vt 0.218232 0.407595 +vt 0.218232 0.390352 +vt 0.217916 0.407595 +vt 0.217916 0.390352 +vt 0.217600 0.407595 +vt 0.217600 0.390352 +vt 0.217306 0.407595 +vt 0.217306 0.390352 +vt 0.217056 0.407595 +vt 0.217056 0.390352 +vt 0.960035 0.484215 +vt 0.960285 0.484215 +vt 0.960035 0.466928 +vt 0.960285 0.466928 +vt 0.959741 0.484222 +vt 0.959741 0.466935 +vt 0.959425 0.484222 +vt 0.959425 0.466935 +vt 0.850416 0.420612 +vt 0.853068 0.420142 +vt 0.851753 0.420458 +vt 0.854331 0.419679 +vt 0.855536 0.419069 +vt 0.856668 0.418327 +vt 0.860209 0.403707 +vt 0.858747 0.401437 +vt 0.859540 0.402524 +vt 0.857704 0.417453 +vt 0.859445 0.415374 +vt 0.838984 0.404934 +vt 0.841019 0.401422 +vt 0.841945 0.400438 +vt 0.840204 0.402509 +vt 0.839520 0.403692 +vt 0.856807 0.399571 +vt 0.857829 0.400445 +vt 0.847734 0.420450 +vt 0.849071 0.420612 +vt 0.861333 0.407593 +vt 0.860731 0.404956 +vt 0.861105 0.406256 +vt 0.838257 0.408931 +vt 0.838587 0.406242 +vt 0.838345 0.407579 +vt 0.854486 0.398212 +vt 0.855691 0.398821 +vt 0.845163 0.419672 +vt 0.846426 0.420142 +vt 0.861311 0.410312 +vt 0.861399 0.408953 +vt 0.842848 0.418313 +vt 0.843965 0.419062 +vt 0.838925 0.412935 +vt 0.844112 0.398814 +vt 0.838323 0.410290 +vt 0.850585 0.397271 +vt 0.853229 0.397749 +vt 0.838543 0.411634 +vt 0.851922 0.397433 +vt 0.860672 0.412949 +vt 0.861069 0.411649 +vt 0.841820 0.417438 +vt 0.849240 0.397271 +vt 0.840108 0.415359 +vt 0.839447 0.414184 +vt 0.840909 0.416446 +vt 0.860128 0.414198 +vt 0.858637 0.416461 +vt 0.847903 0.397433 +vt 0.846588 0.397741 +vt 0.845324 0.398204 +vt 0.842981 0.399563 +vt 0.522340 0.845324 +vt 0.519122 0.841019 +vt 0.520980 0.842981 +vt 0.521730 0.844112 +vt 0.511591 0.861399 +vt 0.510239 0.861311 +vt 0.508902 0.861069 +vt 0.504083 0.858637 +vt 0.503105 0.841820 +vt 0.501482 0.843965 +vt 0.502231 0.842848 +vt 0.523118 0.847903 +vt 0.522802 0.846588 +vt 0.505185 0.840108 +vt 0.504097 0.840909 +vt 0.500093 0.847734 +vt 0.500409 0.846426 +vt 0.500872 0.845163 +vt 0.515595 0.860731 +vt 0.512950 0.861333 +vt 0.514287 0.861105 +vt 0.523273 0.850585 +vt 0.523273 0.849240 +vt 0.507609 0.838925 +vt 0.506367 0.839447 +vt 0.522795 0.853230 +vt 0.523111 0.851922 +vt 0.499932 0.850416 +vt 0.499932 0.849071 +vt 0.519107 0.858747 +vt 0.516844 0.860209 +vt 0.518020 0.859540 +vt 0.522332 0.854486 +vt 0.510254 0.838323 +vt 0.508917 0.838543 +vt 0.520099 0.857829 +vt 0.521722 0.855691 +vt 0.500402 0.853068 +vt 0.500086 0.851753 +vt 0.520973 0.856807 +vt 0.500865 0.854332 +vt 0.514309 0.838587 +vt 0.511613 0.838257 +vt 0.512972 0.838345 +vt 0.502216 0.856668 +vt 0.501474 0.855536 +vt 0.516859 0.839520 +vt 0.515610 0.838984 +vt 0.503091 0.857704 +vt 0.518034 0.840204 +vt 0.507594 0.860672 +vt 0.505170 0.859445 +vt 0.506345 0.860128 +vt 0.520113 0.841945 +vt 0.474947 0.663808 +vt 0.486562 0.674895 +vt 0.487914 0.674829 +vt 0.485210 0.674799 +vt 0.479083 0.672088 +vt 0.490544 0.674241 +vt 0.495893 0.670318 +vt 0.497245 0.667996 +vt 0.476482 0.668959 +vt 0.478099 0.671148 +vt 0.496635 0.657571 +vt 0.497707 0.660062 +vt 0.497245 0.658783 +vt 0.498016 0.661377 +vt 0.475101 0.661112 +vt 0.474947 0.662457 +vt 0.492954 0.673058 +vt 0.491786 0.673719 +vt 0.495018 0.655382 +vt 0.495893 0.656432 +vt 0.475873 0.658533 +vt 0.475410 0.659804 +vt 0.494034 0.654441 +vt 0.495026 0.671346 +vt 0.494041 0.672257 +vt 0.481339 0.673594 +vt 0.483881 0.674550 +vt 0.491779 0.652935 +vt 0.492954 0.653626 +vt 0.482588 0.674146 +vt 0.478091 0.655183 +vt 0.476482 0.657336 +vt 0.477224 0.656212 +vt 0.480170 0.672904 +vt 0.496642 0.669194 +vt 0.481339 0.652810 +vt 0.479076 0.654272 +vt 0.480163 0.653479 +vt 0.486555 0.651635 +vt 0.489237 0.651980 +vt 0.487907 0.651730 +vt 0.485203 0.651701 +vt 0.490537 0.652384 +vt 0.477232 0.670097 +vt 0.483873 0.651921 +vt 0.482580 0.652289 +vt 0.498178 0.664073 +vt 0.497707 0.666732 +vt 0.498016 0.665417 +vt 0.475417 0.666468 +vt 0.475880 0.667746 +vt 0.498178 0.662728 +vt 0.475101 0.665153 +vt 0.489244 0.674608 +vt 0.348279 0.842390 +vt 0.345472 0.849840 +vt 0.345818 0.847165 +vt 0.346765 0.844638 +vt 0.347463 0.843470 +vt 0.346222 0.845880 +vt 0.353686 0.860948 +vt 0.356353 0.861411 +vt 0.355009 0.861257 +vt 0.367630 0.844645 +vt 0.368755 0.848502 +vt 0.368821 0.849847 +vt 0.368159 0.845887 +vt 0.359064 0.861257 +vt 0.357712 0.861411 +vt 0.350270 0.840546 +vt 0.346663 0.855041 +vt 0.349219 0.841413 +vt 0.361665 0.860485 +vt 0.366014 0.857297 +vt 0.350086 0.859141 +vt 0.352422 0.860485 +vt 0.351210 0.859883 +vt 0.360386 0.860948 +vt 0.365243 0.841420 +vt 0.366962 0.843477 +vt 0.366161 0.842397 +vt 0.352628 0.839201 +vt 0.351409 0.839804 +vt 0.348132 0.857289 +vt 0.349058 0.858274 +vt 0.355236 0.838430 +vt 0.353914 0.838738 +vt 0.361878 0.839201 +vt 0.364214 0.840553 +vt 0.363083 0.839811 +vt 0.365074 0.858281 +vt 0.362884 0.859883 +vt 0.364031 0.859141 +vt 0.347331 0.856209 +vt 0.359292 0.838430 +vt 0.360607 0.838746 +vt 0.356588 0.838276 +vt 0.357940 0.838276 +vt 0.345766 0.852514 +vt 0.346141 0.853807 +vt 0.367528 0.855048 +vt 0.366837 0.856217 +vt 0.368079 0.853814 +vt 0.345538 0.851184 +vt 0.345568 0.848495 +vt 0.368483 0.852521 +vt 0.368733 0.851191 +vt 0.368534 0.847173 +vt 0.881383 0.219265 +vt 0.880957 0.222857 +vt 0.883212 0.219735 +vt 0.874168 0.230873 +vt 0.875381 0.232342 +vt 0.877820 0.229697 +vt 0.877181 0.228933 +vt 0.876762 0.228029 +vt 0.879495 0.219265 +vt 0.879972 0.222857 +vt 0.883829 0.228933 +vt 0.886871 0.230873 +vt 0.887664 0.229146 +vt 0.873353 0.229146 +vt 0.884248 0.228029 +vt 0.888002 0.227280 +vt 0.883205 0.229697 +vt 0.884167 0.233459 +vt 0.885681 0.232342 +vt 0.877673 0.219735 +vt 0.879017 0.223107 +vt 0.872985 0.227280 +vt 0.884425 0.227052 +vt 0.876563 0.227052 +vt 0.876622 0.226053 +vt 0.882411 0.230285 +vt 0.882411 0.234157 +vt 0.876027 0.220653 +vt 0.878158 0.223585 +vt 0.877445 0.224268 +vt 0.884351 0.226053 +vt 0.887870 0.225377 +vt 0.873096 0.225377 +vt 0.876923 0.225105 +vt 0.874661 0.221961 +vt 0.881500 0.230652 +vt 0.880545 0.234399 +vt 0.873661 0.223563 +vt 0.884043 0.225113 +vt 0.887275 0.223570 +vt 0.880523 0.230777 +vt 0.883506 0.224268 +vt 0.886254 0.221961 +vt 0.879539 0.230652 +vt 0.878672 0.234157 +vt 0.882786 0.223585 +vt 0.884873 0.220653 +vt 0.876916 0.233459 +vt 0.878621 0.230285 +vt 0.881919 0.223107 +vt 0.873890 0.678931 +vt 0.875749 0.678557 +vt 0.875969 0.682164 +vt 0.875007 0.682362 +vt 0.874111 0.682796 +vt 0.870731 0.691370 +vt 0.874111 0.689496 +vt 0.872186 0.692567 +vt 0.873354 0.688864 +vt 0.880135 0.686579 +vt 0.883698 0.686998 +vt 0.883228 0.688842 +vt 0.872186 0.679761 +vt 0.879885 0.687542 +vt 0.882317 0.690517 +vt 0.869622 0.689849 +vt 0.880135 0.685588 +vt 0.883228 0.683259 +vt 0.883698 0.685095 +vt 0.872766 0.688071 +vt 0.870731 0.680988 +vt 0.879415 0.688423 +vt 0.873347 0.683435 +vt 0.868924 0.688085 +vt 0.879885 0.684625 +vt 0.882317 0.681598 +vt 0.872406 0.687152 +vt 0.872281 0.686161 +vt 0.878739 0.689151 +vt 0.881024 0.691913 +vt 0.869622 0.682539 +vt 0.872766 0.684243 +vt 0.872406 0.685176 +vt 0.868689 0.686205 +vt 0.879408 0.683758 +vt 0.881024 0.680224 +vt 0.868924 0.684317 +vt 0.877902 0.689694 +vt 0.879437 0.692949 +vt 0.877637 0.693559 +vt 0.878732 0.683038 +vt 0.876961 0.690010 +vt 0.875749 0.693698 +vt 0.877902 0.682517 +vt 0.879430 0.679225 +vt 0.875977 0.690084 +vt 0.877630 0.678652 +vt 0.876961 0.682215 +vt 0.873898 0.693361 +vt 0.875007 0.689907 +vt 0.928230 0.804864 +vt 0.928744 0.802836 +vt 0.926863 0.804688 +vt 0.927466 0.802322 +vt 0.928230 0.806958 +vt 0.926863 0.807134 +vt 0.182619 0.874202 +vt 0.182626 0.876024 +vt 0.183868 0.873901 +vt 0.183868 0.876017 +vt 0.928744 0.808993 +vt 0.927466 0.809507 +vt 0.496108 0.689549 +vt 0.495108 0.687705 +vt 0.497386 0.689034 +vt 0.496225 0.686889 +vt 0.929743 0.810829 +vt 0.928626 0.811652 +vt 0.496622 0.691576 +vt 0.497988 0.691400 +vt 0.182619 0.877839 +vt 0.183868 0.878140 +vt 0.496622 0.693670 +vt 0.497988 0.693846 +vt 0.496108 0.695705 +vt 0.497386 0.696220 +vt 0.495108 0.697542 +vt 0.496225 0.698365 +vt 0.617409 0.877545 +vt 0.617423 0.875723 +vt 0.618643 0.877787 +vt 0.618650 0.875656 +vt 0.919361 0.859472 +vt 0.920360 0.857635 +vt 0.918082 0.858965 +vt 0.919243 0.856820 +vt 0.918846 0.861507 +vt 0.917480 0.861331 +vt 0.918846 0.863608 +vt 0.917480 0.863777 +vt 0.919361 0.865636 +vt 0.918082 0.866150 +vt 0.919243 0.868295 +vt 0.920360 0.867473 +vt 0.865619 0.159889 +vt 0.865435 0.158632 +vt 0.867595 0.158632 +vt 0.867463 0.159889 +vt 0.802984 0.350145 +vt 0.802169 0.351261 +vt 0.804314 0.352422 +vt 0.804828 0.351144 +vt 0.806856 0.351658 +vt 0.806679 0.353025 +vt 0.808957 0.351658 +vt 0.809126 0.353025 +vt 0.810985 0.351144 +vt 0.811499 0.352422 +vt 0.812822 0.350145 +vt 0.813644 0.351261 +vt 0.872006 0.847013 +vt 0.870176 0.847021 +vt 0.872086 0.845786 +vt 0.869956 0.845794 +vt 0.929743 0.800999 +vt 0.928626 0.800177 +vt 0.617438 0.872270 +vt 0.617431 0.873923 +vt 0.585435 0.872365 +vt 0.585428 0.874128 +vt 0.150609 0.876017 +vt 0.617445 0.870852 +vt 0.585450 0.870852 +vt 0.182611 0.879536 +vt 0.150609 0.877912 +vt 0.182611 0.872505 +vt 0.182604 0.871028 +vt 0.150594 0.872373 +vt 0.150587 0.870859 +vt 0.182604 0.881020 +vt 0.150594 0.879675 +vt 0.150609 0.874128 +vt 0.875444 0.846999 +vt 0.876840 0.846991 +vt 0.876840 0.879001 +vt 0.150587 0.881189 +vt 0.873798 0.847006 +vt 0.875341 0.879001 +vt 0.873585 0.879016 +vt 0.871704 0.879023 +vt 0.868428 0.847035 +vt 0.869809 0.879031 +vt 0.866877 0.847043 +vt 0.868046 0.879038 +vt 0.870894 0.159903 +vt 0.872260 0.159918 +vt 0.871783 0.192193 +vt 0.866517 0.879053 +vt 0.869255 0.159896 +vt 0.870232 0.192178 +vt 0.868440 0.192171 +vt 0.866530 0.192171 +vt 0.864634 0.192171 +vt 0.863841 0.159896 +vt 0.862871 0.192178 +vt 0.862239 0.159903 +vt 0.860924 0.159918 +vt 0.861372 0.192193 +vt 0.617394 0.880821 +vt 0.585391 0.881174 +vt 0.585398 0.879668 +vt 0.617401 0.879286 +vt 0.585413 0.877905 +vt 0.585420 0.876016 +vt 0.814831 0.499536 +vt 0.813677 0.497509 +vt 0.815859 0.498545 +vt 0.816535 0.500866 +vt 0.817718 0.500102 +vt 0.817850 0.502600 +vt 0.818952 0.506773 +vt 0.820333 0.506773 +vt 0.820032 0.509197 +vt 0.818673 0.508940 +vt 0.819143 0.502078 +vt 0.818673 0.504613 +vt 0.820032 0.504349 +vt 0.817850 0.510953 +vt 0.819143 0.511475 +vt 0.816535 0.512687 +vt 0.817718 0.513451 +vt 0.814831 0.514010 +vt 0.815859 0.515009 +vt 0.812840 0.514847 +vt 0.813677 0.516052 +vt 0.063518 0.834407 +vt 0.061373 0.834407 +vt 0.063114 0.832989 +vt 0.627578 0.311113 +vt 0.625961 0.311113 +vt 0.627203 0.309071 +vt 0.963719 0.591189 +vt 0.965607 0.590116 +vt 0.964901 0.592166 +vt 0.152241 0.994607 +vt 0.152836 0.995974 +vt 0.150433 0.995974 +vt 0.961617 0.591747 +vt 0.962602 0.592974 +vt 0.959435 0.591747 +vt 0.960170 0.593187 +vt 0.957334 0.591189 +vt 0.957760 0.592798 +vt 0.955446 0.590116 +vt 0.955519 0.591828 +vt 0.664022 0.649610 +vt 0.664022 0.651748 +vt 0.662582 0.650617 +vt 0.543428 0.671188 +vt 0.544801 0.669740 +vt 0.544801 0.672106 +vt 0.545993 0.331334 +vt 0.548131 0.331334 +vt 0.547132 0.329894 +vt 0.163473 0.649401 +vt 0.165266 0.649622 +vt 0.163473 0.651223 +vt 0.957346 0.201961 +vt 0.955457 0.200881 +vt 0.955538 0.202601 +vt 0.546566 0.793569 +vt 0.545641 0.794943 +vt 0.548006 0.794943 +vt 0.959447 0.202520 +vt 0.957772 0.203570 +vt 0.961629 0.202520 +vt 0.960181 0.203960 +vt 0.963730 0.201961 +vt 0.962613 0.203747 +vt 0.965618 0.200881 +vt 0.964913 0.202939 +vt 0.042991 0.890758 +vt 0.041316 0.892118 +vt 0.040751 0.890758 +vt 0.112680 0.994607 +vt 0.110858 0.995974 +vt 0.113276 0.995974 +vt 0.812840 0.498706 +vt 0.229828 0.995029 +vt 0.231392 0.996403 +vt 0.228990 0.996403 +vt 0.075295 0.881892 +vt 0.075552 0.879857 +vt 0.075295 0.877822 +vt 0.067963 0.871665 +vt 0.074546 0.875905 +vt 0.073356 0.874244 +vt 0.071791 0.872929 +vt 0.069954 0.872055 +vt 0.073356 0.885455 +vt 0.074546 0.883795 +vt 0.071791 0.886763 +vt 0.062291 0.873509 +vt 0.065935 0.871783 +vt 0.064003 0.872415 +vt 0.067963 0.888005 +vt 0.069954 0.887630 +vt 0.065935 0.887873 +vt 0.064011 0.887233 +vt 0.059426 0.878785 +vt 0.060903 0.875001 +vt 0.059926 0.876801 +vt 0.062299 0.886131 +vt 0.060910 0.884633 +vt 0.059933 0.882825 +vt 0.059426 0.880834 +vt 0.811601 0.878281 +vt 0.813534 0.878920 +vt 0.815554 0.879052 +vt 0.809889 0.877171 +vt 0.808494 0.875673 +vt 0.807516 0.873873 +vt 0.807017 0.871882 +vt 0.807017 0.869832 +vt 0.807516 0.867841 +vt 0.817545 0.878670 +vt 0.819382 0.877803 +vt 0.820947 0.876495 +vt 0.808494 0.866041 +vt 0.809882 0.864549 +vt 0.822144 0.874842 +vt 0.822886 0.872932 +vt 0.823143 0.870897 +vt 0.822886 0.868862 +vt 0.822137 0.866952 +vt 0.811594 0.863455 +vt 0.819382 0.863976 +vt 0.813526 0.862830 +vt 0.815547 0.862705 +vt 0.817545 0.863095 +vt 0.820947 0.865284 +vt 0.872444 0.469131 +vt 0.870563 0.467272 +vt 0.871165 0.469645 +vt 0.873443 0.470968 +vt 0.872326 0.471791 +vt 0.008596 0.876032 +vt 0.007347 0.876039 +vt 0.008596 0.877847 +vt 0.008596 0.874217 +vt 0.007354 0.873916 +vt 0.007354 0.878155 +vt 0.939130 0.159034 +vt 0.938013 0.158219 +vt 0.938131 0.160871 +vt 0.936853 0.160357 +vt 0.937617 0.162906 +vt 0.936250 0.162730 +vt 0.937617 0.165000 +vt 0.936250 0.165176 +vt 0.938131 0.167028 +vt 0.936853 0.167542 +vt 0.939130 0.168872 +vt 0.938013 0.169687 +vt 0.754187 0.875723 +vt 0.752961 0.875657 +vt 0.754202 0.877553 +vt 0.752968 0.877788 +vt 0.236339 0.943818 +vt 0.237155 0.942702 +vt 0.234503 0.942819 +vt 0.235017 0.941541 +vt 0.232468 0.942305 +vt 0.232644 0.940938 +vt 0.230374 0.942305 +vt 0.230197 0.940938 +vt 0.228339 0.942819 +vt 0.227824 0.941541 +vt 0.226502 0.943818 +vt 0.225679 0.942702 +vt 0.857011 0.666777 +vt 0.856835 0.668033 +vt 0.858855 0.666777 +vt 0.858987 0.668033 +vt 0.926745 0.555542 +vt 0.927854 0.554727 +vt 0.927737 0.557386 +vt 0.929022 0.556865 +vt 0.928258 0.559414 +vt 0.929625 0.559238 +vt 0.928258 0.561508 +vt 0.929625 0.561684 +vt 0.927737 0.563543 +vt 0.929022 0.564050 +vt 0.926745 0.565380 +vt 0.927854 0.566195 +vt 0.296743 0.874514 +vt 0.297977 0.874286 +vt 0.296757 0.876336 +vt 0.297984 0.876424 +vt 0.873443 0.461130 +vt 0.872326 0.460315 +vt 0.872444 0.462967 +vt 0.871165 0.462460 +vt 0.871929 0.465002 +vt 0.870563 0.464826 +vt 0.871929 0.467096 +vt 0.754173 0.872270 +vt 0.754180 0.873923 +vt 0.786168 0.872373 +vt 0.786183 0.874136 +vt 0.040613 0.876032 +vt 0.754165 0.870852 +vt 0.786168 0.870852 +vt 0.008603 0.872513 +vt 0.040613 0.874144 +vt 0.008603 0.879551 +vt 0.008611 0.881028 +vt 0.040621 0.879683 +vt 0.040628 0.881189 +vt 0.008611 0.871036 +vt 0.040621 0.872381 +vt 0.040613 0.877927 +vt 0.296772 0.879781 +vt 0.296780 0.881177 +vt 0.264769 0.881177 +vt 0.040628 0.870867 +vt 0.296765 0.878128 +vt 0.264762 0.879678 +vt 0.264755 0.877922 +vt 0.264740 0.876042 +vt 0.296735 0.872765 +vt 0.264733 0.874146 +vt 0.296728 0.871207 +vt 0.264725 0.872383 +vt 0.862286 0.666762 +vt 0.863660 0.666748 +vt 0.863175 0.634473 +vt 0.264718 0.870855 +vt 0.860655 0.666777 +vt 0.861625 0.634488 +vt 0.859840 0.634495 +vt 0.857929 0.634495 +vt 0.856027 0.634495 +vt 0.855241 0.666777 +vt 0.854271 0.634488 +vt 0.853639 0.666762 +vt 0.852324 0.666748 +vt 0.852765 0.634473 +vt 0.754217 0.880829 +vt 0.786220 0.881175 +vt 0.786212 0.879668 +vt 0.754209 0.879286 +vt 0.786198 0.877913 +vt 0.786190 0.876024 +vt 0.909168 0.045464 +vt 0.910322 0.043429 +vt 0.908140 0.044465 +vt 0.907457 0.046794 +vt 0.906274 0.046030 +vt 0.906149 0.048520 +vt 0.905039 0.052701 +vt 0.903666 0.052701 +vt 0.903967 0.055125 +vt 0.905326 0.054861 +vt 0.904856 0.048006 +vt 0.905326 0.050541 +vt 0.903967 0.050276 +vt 0.906149 0.056881 +vt 0.904856 0.057395 +vt 0.907457 0.058608 +vt 0.906274 0.059372 +vt 0.909168 0.059937 +vt 0.908140 0.060936 +vt 0.911159 0.060775 +vt 0.910322 0.061972 +vt 0.625559 0.894967 +vt 0.626169 0.892895 +vt 0.627036 0.894967 +vt 0.558214 0.366951 +vt 0.556598 0.366951 +vt 0.557869 0.368986 +vt 0.958173 0.963719 +vt 0.959246 0.965607 +vt 0.957196 0.964901 +vt 0.419130 0.834475 +vt 0.417646 0.834475 +vt 0.418608 0.832264 +vt 0.957615 0.961617 +vt 0.956396 0.962602 +vt 0.957615 0.959435 +vt 0.956175 0.960170 +vt 0.958173 0.957334 +vt 0.956565 0.957760 +vt 0.959246 0.955446 +vt 0.957534 0.955527 +vt 0.397877 0.004375 +vt 0.399119 0.006117 +vt 0.399648 0.004375 +vt 0.378403 0.995199 +vt 0.379850 0.996573 +vt 0.377462 0.996573 +vt 0.379174 0.794206 +vt 0.377836 0.792516 +vt 0.377359 0.794206 +vt 0.525724 0.749668 +vt 0.525916 0.751468 +vt 0.527532 0.749668 +vt 0.958160 0.923698 +vt 0.959240 0.925587 +vt 0.957521 0.925506 +vt 0.616661 0.995172 +vt 0.617594 0.996553 +vt 0.615214 0.996553 +vt 0.957602 0.921590 +vt 0.956559 0.923265 +vt 0.957602 0.919415 +vt 0.956162 0.920863 +vt 0.958160 0.917307 +vt 0.956382 0.918423 +vt 0.959240 0.915419 +vt 0.957183 0.916124 +vt 0.631739 0.188211 +vt 0.633811 0.188799 +vt 0.633811 0.187330 +vt 0.061162 0.148178 +vt 0.062977 0.149537 +vt 0.060567 0.149537 +vt 0.911159 0.044626 +vt 0.188847 0.995279 +vt 0.190926 0.995279 +vt 0.189126 0.993699 +vt 0.423332 0.873349 +vt 0.435542 0.876442 +vt 0.436174 0.878374 +vt 0.436299 0.880402 +vt 0.435909 0.882393 +vt 0.435028 0.884230 +vt 0.433713 0.885795 +vt 0.432052 0.886985 +vt 0.430142 0.887734 +vt 0.428107 0.887991 +vt 0.426065 0.887734 +vt 0.424162 0.886992 +vt 0.422501 0.885795 +vt 0.421201 0.884237 +vt 0.420327 0.882400 +vt 0.419952 0.880402 +vt 0.420084 0.878382 +vt 0.420723 0.876449 +vt 0.421833 0.874738 +vt 0.434447 0.874738 +vt 0.432956 0.873342 +vt 0.427123 0.871865 +vt 0.425132 0.872372 +vt 0.431156 0.872365 +vt 0.429172 0.871865 +vt 0.336527 0.886992 +vt 0.338188 0.885795 +vt 0.334625 0.887734 +vt 0.340737 0.880409 +vt 0.340605 0.878382 +vt 0.339966 0.876449 +vt 0.332590 0.887991 +vt 0.330554 0.887734 +vt 0.340363 0.882400 +vt 0.338864 0.874738 +vt 0.337365 0.873349 +vt 0.335558 0.872372 +vt 0.328637 0.886992 +vt 0.325661 0.884230 +vt 0.326977 0.885795 +vt 0.339496 0.884237 +vt 0.333567 0.871865 +vt 0.324787 0.882393 +vt 0.324515 0.878374 +vt 0.324398 0.880402 +vt 0.331517 0.871865 +vt 0.329533 0.872372 +vt 0.327733 0.873349 +vt 0.325147 0.876449 +vt 0.326242 0.874738 +vt 0.163954 0.852210 +vt 0.209740 0.842446 +vt 0.163954 0.842446 +vt 0.695886 0.106819 +vt 0.740129 0.186694 +vt 0.740129 0.106819 +vt 0.077676 0.826680 +vt 0.160387 0.816784 +vt 0.077676 0.816784 +vt 0.768315 0.385130 +vt 0.778248 0.468127 +vt 0.768315 0.468127 +vt 0.689441 0.280479 +vt 0.644970 0.360773 +vt 0.689441 0.360773 +vt 0.146580 0.852242 +vt 0.145529 0.852242 +vt 0.145537 0.853271 +vt 0.768315 0.469185 +vt 0.767272 0.468127 +vt 0.160387 0.826680 +vt 0.160387 0.827716 +vt 0.161438 0.826680 +vt 0.690447 0.360773 +vt 0.689441 0.361794 +vt 0.146580 0.842463 +vt 0.145537 0.841435 +vt 0.145529 0.842463 +vt 0.210790 0.852232 +vt 0.209740 0.852210 +vt 0.209747 0.853261 +vt 0.778248 0.385130 +vt 0.778248 0.384072 +vt 0.779284 0.385130 +vt 0.515892 0.649567 +vt 0.517229 0.649567 +vt 0.515899 0.650882 +vt 0.768315 0.384072 +vt 0.210790 0.842468 +vt 0.644970 0.361794 +vt 0.099707 0.841435 +vt 0.767272 0.385130 +vt 0.644970 0.279466 +vt 0.689441 0.279466 +vt 0.077676 0.827716 +vt 0.077676 0.815748 +vt 0.778248 0.469185 +vt 0.779284 0.468127 +vt 0.099700 0.842463 +vt 0.695886 0.186694 +vt 0.644970 0.280479 +vt 0.163961 0.853261 +vt 0.160387 0.815748 +vt 0.099700 0.852242 +vn 0.8763 -0.0000 0.4818 +vn 0.7290 -0.0000 0.6845 +vn 0.5358 -0.0000 0.8443 +vn 0.9686 0.0000 -0.2487 +vn 1.0000 0.0000 0.0000 +vn 0.9686 -0.0000 0.2487 +vn 0.8763 0.0000 -0.4818 +vn 0.7290 0.0000 -0.6845 +vn 0.5358 0.0000 -0.8443 +vn 0.3090 0.0000 -0.9511 +vn 0.0628 0.0000 -0.9980 +vn -0.1874 0.0000 -0.9823 +vn -0.4258 0.0000 -0.9048 +vn -0.6374 0.0000 -0.7705 +vn -0.8090 0.0000 -0.5878 +vn -0.9298 0.0000 -0.3681 +vn -0.9921 0.0000 -0.1253 +vn -0.9921 -0.0000 0.1253 +vn -0.9298 -0.0000 0.3681 +vn -0.8090 -0.0000 0.5878 +vn -0.6374 -0.0000 0.7705 +vn -0.4258 -0.0000 0.9048 +vn -0.1874 -0.0000 0.9823 +vn 0.0628 -0.0000 0.9980 +vn 0.3090 -0.0000 0.9511 +vn 0.7290 -0.0000 0.6846 +vn 0.8763 0.0000 -0.4817 +vn 0.8763 -0.0000 0.4817 +vn -0.5358 -0.0000 0.8443 +vn -0.3090 -0.0000 0.9511 +vn -0.8763 -0.0000 0.4818 +vn -0.7290 -0.0000 0.6845 +vn -0.9686 0.0000 -0.2487 +vn -1.0000 0.0000 0.0000 +vn -0.9686 -0.0000 0.2487 +vn -0.8763 -0.0000 0.4817 +vn -0.8763 0.0000 -0.4818 +vn -0.7290 0.0000 -0.6845 +vn -0.5358 0.0000 -0.8443 +vn -0.7290 0.0000 -0.6846 +vn -0.3090 0.0000 -0.9511 +vn -0.0628 0.0000 -0.9980 +vn 0.1874 0.0000 -0.9823 +vn 0.4258 0.0000 -0.9048 +vn 0.6374 0.0000 -0.7705 +vn 0.8090 0.0000 -0.5878 +vn 0.9298 0.0000 -0.3681 +vn 0.9921 0.0000 -0.1253 +vn 0.9921 -0.0000 0.1253 +vn 0.9298 -0.0000 0.3681 +vn 0.8090 -0.0000 0.5878 +vn 0.6374 -0.0000 0.7705 +vn 0.4258 -0.0000 0.9048 +vn 0.1874 -0.0000 0.9823 +vn -0.0628 -0.0000 0.9980 +vn 0.0000 0.9877 -0.1562 +vn 0.0000 0.9629 -0.2698 +vn 0.0000 0.9992 -0.0405 +vn 0.0000 0.9971 0.0758 +vn 0.0000 0.9816 0.1910 +vn 0.0000 0.9528 0.3037 +vn 0.0000 0.9111 0.4123 +vn 0.0000 0.8570 0.5152 +vn 0.0000 0.7914 0.6113 +vn 0.0000 0.7151 0.6990 +vn 0.0000 0.6291 0.7773 +vn 0.0000 0.5346 0.8451 +vn 0.0000 0.4329 0.9014 +vn 0.0000 0.3253 0.9456 +vn 0.0000 0.2134 0.9770 +vn 0.0000 0.0985 0.9951 +vn 0.0000 -0.0177 0.9998 +vn 0.0000 -0.1336 0.9910 +vn 0.0000 -0.2478 0.9688 +vn 0.0000 -0.3586 0.9335 +vn 0.0000 -0.4645 0.8856 +vn 0.0000 -0.5642 0.8256 +vn 0.0000 -0.6562 0.7546 +vn 0.0000 -0.7394 0.6733 +vn 0.0000 -0.8126 0.5829 +vn 0.0000 -0.8747 0.4846 +vn 0.0000 -0.9251 0.3798 +vn 0.0000 -0.9629 0.2698 +vn 0.0000 -0.9877 0.1562 +vn 0.0000 -0.9992 0.0405 +vn 0.0000 -0.9971 -0.0758 +vn 0.0000 -0.9816 -0.1910 +vn 0.0000 -0.9528 -0.3037 +vn 0.0000 -0.9111 -0.4123 +vn 0.0000 -0.8570 -0.5152 +vn 0.0000 -0.7914 -0.6113 +vn 0.0000 -0.7151 -0.6990 +vn 0.0000 -0.6291 -0.7773 +vn 0.0000 -0.5346 -0.8451 +vn 0.0000 -0.4329 -0.9014 +vn 0.0000 -0.3253 -0.9456 +vn 0.0000 -0.2134 -0.9770 +vn 0.0000 -0.0985 -0.9951 +vn 0.0000 0.0177 -0.9998 +vn 0.0000 0.1336 -0.9910 +vn 0.0000 0.2478 -0.9688 +vn 0.0000 0.3586 -0.9335 +vn 0.0000 0.4645 -0.8856 +vn 0.0000 0.5642 -0.8256 +vn 0.0000 0.6562 -0.7546 +vn 0.0000 0.7394 -0.6733 +vn 0.0000 0.8126 -0.5829 +vn 0.0000 0.8747 -0.4846 +vn 0.0000 0.9251 -0.3798 +vn 0.0000 -0.9928 -0.1196 +vn 0.0000 -1.0000 -0.0035 +vn 0.0000 -0.9936 0.1126 +vn 0.0000 -0.9739 0.2272 +vn 0.0000 -0.9409 0.3387 +vn 0.0000 -0.8952 0.4456 +vn 0.0000 -0.8374 0.5465 +vn 0.0000 -0.7683 0.6401 +vn 0.0000 -0.6888 0.7249 +vn 0.0000 -0.6000 0.8000 +vn 0.0000 -0.5031 0.8643 +vn 0.0000 -0.3993 0.9168 +vn 0.0000 -0.2902 0.9570 +vn 0.0000 -0.1771 0.9842 +vn 0.0000 -0.0617 0.9981 +vn 0.0000 0.0546 0.9985 +vn 0.0000 0.1702 0.9854 +vn 0.0000 0.2834 0.9590 +vn 0.0000 0.3928 0.9196 +vn 0.0000 0.4969 0.8678 +vn 0.0000 0.5943 0.8042 +vn 0.0000 0.6837 0.7298 +vn 0.0000 0.7638 0.6455 +vn 0.0000 0.8335 0.5525 +vn 0.0000 0.8920 0.4520 +vn 0.0000 0.9385 0.3453 +vn 0.0000 0.9722 0.2341 +vn 0.0000 0.9928 0.1196 +vn 0.0000 1.0000 0.0035 +vn 0.0000 0.9936 -0.1126 +vn 0.0000 0.9739 -0.2272 +vn 0.0000 0.9409 -0.3387 +vn 0.0000 0.8952 -0.4456 +vn 0.0000 0.8374 -0.5465 +vn 0.0000 0.7683 -0.6401 +vn 0.0000 0.6888 -0.7249 +vn 0.0000 0.6000 -0.8000 +vn 0.0000 0.5031 -0.8643 +vn 0.0000 0.3993 -0.9168 +vn 0.0000 0.2902 -0.9570 +vn 0.0000 0.1771 -0.9842 +vn 0.0000 0.0617 -0.9981 +vn 0.0000 -0.0546 -0.9985 +vn 0.0000 -0.1702 -0.9854 +vn 0.0000 -0.2834 -0.9590 +vn 0.0000 -0.3928 -0.9196 +vn 0.0000 -0.4969 -0.8678 +vn 0.0000 -0.5943 -0.8042 +vn 0.0000 -0.6837 -0.7298 +vn 0.0000 -0.7638 -0.6455 +vn 0.0000 -0.8335 -0.5525 +vn 0.0000 -0.8920 -0.4520 +vn 0.0000 -0.9385 -0.3453 +vn 0.0000 -0.9722 -0.2341 +vn 0.0000 -0.5031 0.8642 +vn -0.1305 -0.0000 0.9914 +vn -0.1306 -0.0000 0.9914 +vn -0.2588 -0.0000 0.9659 +vn -0.5000 -0.0000 0.8660 +vn -0.7071 -0.0000 0.7071 +vn -0.8660 -0.0000 0.5000 +vn -0.9659 -0.0000 0.2588 +vn -0.9659 0.0000 -0.2588 +vn -0.8660 0.0000 -0.5000 +vn -0.7071 0.0000 -0.7071 +vn -0.5000 0.0000 -0.8660 +vn -0.2588 0.0000 -0.9659 +vn -0.1305 0.0000 -0.9915 +vn -0.1305 0.0000 -0.9914 +vn 0.0000 0.7194 -0.6946 +vn 0.0000 0.6428 -0.7660 +vn 0.0000 0.7880 -0.6156 +vn 0.0000 0.5592 -0.8290 +vn 0.0000 0.4695 -0.8829 +vn 0.0000 0.4383 0.8988 +vn 0.0000 0.3665 0.9304 +vn 0.0000 0.3746 -0.9272 +vn 0.0000 0.5299 0.8481 +vn 0.0000 0.2757 -0.9612 +vn 0.0000 0.6156 0.7880 +vn 0.0000 0.1737 -0.9848 +vn 0.0000 0.6946 0.7194 +vn 0.0000 0.0698 -0.9976 +vn 0.0000 0.7660 0.6428 +vn 0.0000 0.8290 0.5592 +vn 0.0000 -0.0349 -0.9994 +vn 0.0000 0.8829 0.4695 +vn 0.0000 -0.1391 -0.9903 +vn 0.0000 0.9272 0.3746 +vn 0.0000 -0.2419 -0.9703 +vn 0.0000 -0.3173 -0.9483 +vn 0.0000 0.9612 0.2757 +vn 0.0000 0.9848 0.1737 +vn 0.0000 0.9976 0.0698 +vn 0.0000 0.9994 -0.0349 +vn 0.0000 0.9903 -0.1391 +vn 0.0000 0.9703 -0.2419 +vn 0.0000 0.9397 -0.3420 +vn 0.0000 0.8988 -0.4383 +vn 0.0000 0.8481 -0.5299 +vn 0.0000 -1.0000 -0.0000 +vn 0.0000 -1.0000 -0.0001 +vn 0.0001 -1.0000 -0.0000 +vn -0.0001 -1.0000 -0.0000 +vn 0.0000 -0.4540 -0.8910 +vn 0.0000 -0.3705 -0.9288 +vn 0.0000 -0.5592 -0.8291 +vn 0.0000 -0.6560 -0.7547 +vn 0.0000 -0.7431 -0.6692 +vn 0.0000 -0.8191 -0.5736 +vn 0.0000 -0.8829 -0.4695 +vn 0.0000 -0.9336 -0.3584 +vn 0.0000 -0.9703 -0.2420 +vn 0.0000 -0.9925 -0.1219 +vn 0.0000 -0.9995 -0.0306 +vn 0.0000 0.3658 0.9307 +vn 0.0000 0.9997 0.0255 +vn -0.0000 1.0000 0.0001 +vn 0.0000 1.0000 0.0000 +vn -0.0001 1.0000 0.0000 +vn 0.0000 0.9819 0.1892 +vn 0.0001 1.0000 0.0000 +vn 0.0000 0.9285 0.3714 +vn 0.0000 -0.0000 1.0000 +vn 0.0000 0.9948 0.1017 +vn 0.0000 0.9793 0.2023 +vn 0.0000 0.9537 0.3007 +vn 0.0000 0.9182 0.3961 +vn 0.0000 0.8732 0.4874 +vn 0.0000 0.8191 0.5736 +vn 0.0000 0.7566 0.6539 +vn 0.0000 0.6862 0.7274 +vn 0.0000 0.6087 0.7934 +vn 0.0000 0.5249 0.8511 +vn 0.0000 0.4357 0.9001 +vn 0.2588 0.0000 -0.9659 +vn 0.1305 0.0000 -0.9915 +vn 0.1305 0.0000 -0.9914 +vn 0.5000 0.0000 -0.8660 +vn 0.7071 0.0000 -0.7071 +vn 0.8660 0.0000 -0.5000 +vn 0.9659 0.0000 -0.2588 +vn 0.9659 -0.0000 0.2588 +vn 0.8660 -0.0000 0.5000 +vn 0.7071 -0.0000 0.7071 +vn 0.5000 -0.0000 0.8660 +vn 0.2588 -0.0000 0.9659 +vn 0.1305 -0.0000 0.9914 +vn 0.1306 -0.0000 0.9914 +vn 0.2589 -0.0000 0.9659 +vn -0.7071 0.5970 -0.3789 +vn -0.7071 0.6725 -0.2185 +vn -0.7071 0.4841 -0.5154 +vn -0.7071 -0.1758 -0.6849 +vn -0.7071 0.3407 -0.6196 +vn -0.7071 -0.3406 -0.6197 +vn -0.7071 0.1759 -0.6849 +vn -0.7071 -0.4840 -0.5155 +vn -0.7071 -0.5970 -0.3789 +vn -0.7071 -0.6725 -0.2185 +vn -0.7071 -0.7057 -0.0444 +vn -0.7071 -0.6946 0.1325 +vn -0.7071 -0.6398 0.3010 +vn -0.7071 -0.5449 0.4507 +vn -0.7071 -0.4157 0.5720 +vn -0.7071 -0.2603 0.6574 +vn -0.7071 -0.0887 0.7015 +vn -0.7071 0.0886 0.7015 +vn -0.7071 0.2603 0.6575 +vn -0.7071 0.4156 0.5721 +vn -0.7071 0.5448 0.4508 +vn -0.7071 0.6398 0.3011 +vn -0.7071 0.6946 0.1325 +vn -0.7071 0.7057 -0.0444 +vn 0.0009 -0.8443 -0.5359 +vn 0.0011 -0.9510 -0.3091 +vn -0.0011 -0.8660 -0.5001 +vn -0.0013 -0.9659 -0.2589 +vn 0.0001 0.2486 -0.9686 +vn 0.0000 0.0000 -1.0000 +vn -0.0003 0.0000 -1.0000 +vn 0.0007 -0.6845 -0.7291 +vn -0.0009 -0.7070 -0.7072 +vn 0.0004 0.4817 -0.8763 +vn -0.0004 0.2588 -0.9659 +vn 0.0004 -0.4816 -0.8764 +vn -0.0007 -0.4999 -0.8661 +vn 0.0007 0.6845 -0.7290 +vn -0.0007 0.5000 -0.8660 +vn 0.0001 -0.2486 -0.9686 +vn -0.0004 -0.2587 -0.9660 +vn 0.0009 0.8443 -0.5358 +vn -0.0009 0.7071 -0.7071 +vn 0.0011 0.9511 -0.3090 +vn -0.0011 0.8660 -0.5000 +vn 0.0012 0.9980 -0.0628 +vn -0.0013 0.9659 -0.2588 +vn 0.0014 0.9823 0.1874 +vn -0.0015 1.0000 -0.0000 +vn 0.0015 0.9048 0.4258 +vn -0.0016 0.9659 0.2588 +vn 0.0016 0.7705 0.6374 +vn -0.0017 0.8660 0.5000 +vn 0.0017 0.5878 0.8090 +vn -0.0018 0.7071 0.7071 +vn 0.0017 0.3681 0.9298 +vn -0.0019 0.5000 0.8660 +vn 0.0018 0.1253 0.9921 +vn -0.0019 0.2588 0.9659 +vn -0.0019 -0.0000 1.0000 +vn 0.0018 -0.1254 0.9921 +vn -0.0019 -0.2589 0.9659 +vn 0.0017 -0.3682 0.9298 +vn -0.0019 -0.5001 0.8660 +vn 0.0017 -0.5878 0.8090 +vn 0.0016 -0.7706 0.6374 +vn -0.0018 -0.7072 0.7071 +vn -0.0017 -0.8661 0.4999 +vn 0.0015 -0.9049 0.4257 +vn 0.0014 -0.9823 0.1873 +vn -0.0016 -0.9659 0.2587 +vn 0.0012 -0.9980 -0.0629 +vn -0.0015 -1.0000 -0.0001 +vn 0.7119 0.6089 0.3500 +vn 0.7033 0.6754 0.2218 +vn 0.7039 0.5986 0.3825 +vn 0.7112 0.4978 0.4964 +vn 0.7046 0.4842 0.5187 +vn 0.7103 0.3523 0.6094 +vn 0.7085 -0.0000 0.7057 +vn 0.7066 -0.1747 0.6858 +vn 0.7091 -0.1823 0.6811 +vn 0.7055 0.3398 0.6219 +vn 0.7091 0.1822 0.6811 +vn 0.7066 0.1746 0.6858 +vn 0.7103 -0.3524 0.6094 +vn 0.7055 -0.3399 0.6219 +vn 0.7112 -0.4979 0.4964 +vn 0.7046 -0.4843 0.5186 +vn 0.7119 -0.6089 0.3499 +vn 0.7039 -0.5986 0.3824 +vn 0.7124 -0.6782 0.1800 +vn 0.7033 -0.6754 0.2218 +vn 0.7129 -0.7013 -0.0017 +vn 0.7028 -0.7099 0.0468 +vn 0.7132 -0.6766 -0.1830 +vn 0.7024 -0.6996 -0.1314 +vn 0.7135 -0.6061 -0.3516 +vn 0.7021 -0.6451 -0.3016 +vn 0.7136 -0.4945 -0.4962 +vn 0.7019 -0.5498 -0.4529 +vn 0.7137 -0.3495 -0.6070 +vn 0.7017 -0.4196 -0.5758 +vn 0.7138 -0.1808 -0.6766 +vn 0.7016 -0.2629 -0.6623 +vn 0.7138 0.0000 -0.7003 +vn 0.7015 -0.0895 -0.7070 +vn 0.7138 0.1809 -0.6766 +vn 0.7015 0.0896 -0.7070 +vn 0.7137 0.3495 -0.6070 +vn 0.7016 0.2630 -0.6623 +vn 0.7136 0.4945 -0.4962 +vn 0.7017 0.4197 -0.5757 +vn 0.7135 0.6061 -0.3516 +vn 0.7019 0.5498 -0.4529 +vn 0.7132 0.6767 -0.1830 +vn 0.7021 0.6451 -0.3016 +vn 0.7129 0.7013 -0.0017 +vn 0.7024 0.6996 -0.1314 +vn 0.7124 0.6782 0.1801 +vn 0.7028 0.7099 0.0469 +vn 0.0009 0.8443 -0.5359 +vn 0.7124 -0.6783 0.1800 +vn 0.7016 -0.0895 -0.7070 +vn 0.7016 0.0896 -0.7070 +vn -0.5773 -0.5773 -0.5774 +vn 0.5773 -0.5774 0.5773 +vn -0.5773 -0.5774 0.5773 +vn 0.5773 -0.5773 -0.5774 +vn -0.5774 0.5774 -0.5773 +vn -0.5774 0.5773 0.5774 +vn 0.5774 0.5774 -0.5773 +vn 0.5774 0.5773 0.5774 +vn 0.0000 0.7071 0.7071 +vn 0.0000 -0.7071 -0.7071 +vn 0.0000 0.7071 -0.7071 +vn 0.7071 -0.7071 -0.0000 +vn 0.0000 -0.7071 0.7071 +vn -0.7071 -0.7071 -0.0000 +vn -0.7071 0.7071 0.0000 +vn 0.7071 0.7071 0.0000 +usemtl Default +s 1 +f 1/1/1 2/2/2 3/3/2 +f 2/4/2 4/5/3 3/6/2 +f 5/7/4 6/8/5 7/9/5 +f 8/10/6 1/1/1 9/11/1 +f 1/1/1 3/3/2 9/11/1 +f 10/12/7 5/7/4 11/13/4 +f 5/7/4 7/9/5 11/13/4 +f 6/8/5 8/10/6 12/14/6 +f 8/10/6 9/11/1 12/14/6 +f 6/8/5 12/14/6 7/9/5 +f 13/15/8 10/12/7 14/16/7 +f 10/12/7 11/13/4 14/16/7 +f 15/17/9 13/18/8 16/19/8 +f 13/15/8 14/16/7 16/20/8 +f 17/21/10 15/17/9 18/22/9 +f 15/17/9 16/19/8 18/22/9 +f 19/23/11 17/21/10 20/24/10 +f 17/21/10 18/22/9 20/24/10 +f 21/25/12 19/23/11 22/26/11 +f 19/23/11 20/24/10 22/26/11 +f 23/27/13 21/25/12 24/28/12 +f 21/25/12 22/26/11 24/28/12 +f 25/29/14 23/27/13 26/30/13 +f 23/27/13 24/28/12 26/30/13 +f 27/31/15 25/32/14 28/33/14 +f 25/29/14 26/30/13 28/34/14 +f 29/35/16 27/31/15 30/36/15 +f 27/31/15 28/33/14 30/36/15 +f 29/35/16 30/36/15 31/37/16 +f 32/38/17 29/35/16 31/37/16 +f 32/38/17 31/37/16 33/39/17 +f 34/40/18 32/38/17 33/39/17 +f 34/40/18 33/39/17 35/41/18 +f 36/42/19 34/40/18 35/41/18 +f 36/42/19 35/41/18 37/43/19 +f 38/44/20 36/42/19 37/43/19 +f 39/45/21 38/44/20 40/46/20 +f 38/44/20 37/43/19 40/46/20 +f 41/47/22 39/48/21 42/49/21 +f 39/45/21 40/46/20 42/50/21 +f 43/51/23 41/47/22 44/52/22 +f 41/47/22 42/49/21 44/52/22 +f 45/53/24 43/51/23 46/54/23 +f 43/51/23 44/52/22 46/54/23 +f 47/55/25 45/53/24 48/56/24 +f 45/53/24 46/54/23 48/56/24 +f 49/57/3 47/55/25 50/58/25 +f 47/55/25 48/56/24 50/58/25 +f 2/4/2 49/57/3 4/5/3 +f 49/57/3 50/58/25 4/5/3 +f 51/59/24 52/60/23 53/61/24 +f 52/60/23 54/62/23 53/61/24 +f 55/63/25 51/59/24 56/64/25 +f 51/59/24 53/61/24 56/64/25 +f 57/65/3 55/63/25 58/66/3 +f 59/67/4 60/68/5 61/69/4 +f 55/63/25 56/64/25 58/66/3 +f 60/68/5 62/70/5 61/69/4 +f 63/71/2 57/65/3 64/72/26 +f 65/73/7 59/67/4 66/74/27 +f 57/65/3 58/66/3 64/72/26 +f 59/67/4 61/69/4 66/74/27 +f 67/75/1 63/76/2 68/77/28 +f 63/76/2 64/78/26 68/77/28 +f 69/79/8 65/73/7 70/80/8 +f 65/73/7 66/74/27 70/80/8 +f 71/81/6 67/75/1 72/82/6 +f 67/75/1 68/77/28 72/82/6 +f 73/83/9 69/84/8 74/85/9 +f 69/84/8 70/86/8 74/85/9 +f 60/68/5 71/81/6 62/70/5 +f 71/81/6 72/82/6 62/70/5 +f 75/87/10 73/83/9 76/88/10 +f 73/83/9 74/85/9 76/88/10 +f 77/89/11 75/87/10 78/90/11 +f 75/87/10 76/88/10 78/90/11 +f 79/91/12 77/89/11 80/92/12 +f 77/89/11 78/90/11 80/92/12 +f 81/93/13 79/91/12 82/94/13 +f 79/91/12 80/92/12 82/94/13 +f 83/95/14 81/93/13 84/96/14 +f 81/93/13 82/94/13 84/96/14 +f 85/97/15 83/98/14 86/99/15 +f 83/98/14 84/100/14 86/99/15 +f 87/101/16 85/97/15 88/102/16 +f 85/97/15 86/99/15 88/102/16 +f 87/101/16 88/102/16 89/103/17 +f 90/104/17 87/101/16 89/103/17 +f 90/104/17 89/103/17 91/105/18 +f 92/106/18 90/104/17 91/105/18 +f 92/106/18 91/105/18 93/107/19 +f 94/108/19 92/106/18 93/107/19 +f 95/109/20 94/108/19 96/110/20 +f 94/108/19 93/107/19 96/110/20 +f 97/111/21 95/109/20 98/112/21 +f 95/109/20 96/110/20 98/112/21 +f 99/113/22 97/114/21 100/115/22 +f 97/114/21 98/116/21 100/115/22 +f 52/60/23 99/113/22 54/62/23 +f 99/113/22 100/115/22 54/62/23 +f 101/117/1 102/118/2 103/119/2 +f 102/120/2 104/121/3 103/122/2 +f 105/123/4 106/124/5 107/125/5 +f 108/126/6 101/117/1 109/127/1 +f 101/117/1 103/119/2 109/127/1 +f 110/128/7 105/123/4 111/129/4 +f 105/123/4 107/125/5 111/129/4 +f 106/124/5 108/126/6 112/130/6 +f 108/126/6 109/127/1 112/130/6 +f 106/124/5 112/130/6 107/125/5 +f 113/131/8 110/128/7 114/132/7 +f 110/128/7 111/129/4 114/132/7 +f 115/133/9 113/134/8 116/135/8 +f 113/131/8 114/132/7 116/136/8 +f 117/137/10 115/133/9 118/138/9 +f 115/133/9 116/135/8 118/138/9 +f 119/139/11 117/137/10 120/140/10 +f 117/137/10 118/138/9 120/140/10 +f 121/141/12 119/139/11 122/142/11 +f 119/139/11 120/140/10 122/142/11 +f 123/143/13 121/141/12 124/144/12 +f 121/141/12 122/142/11 124/144/12 +f 125/145/14 123/143/13 126/146/13 +f 123/143/13 124/144/12 126/146/13 +f 127/147/15 125/148/14 128/149/14 +f 125/145/14 126/146/13 128/150/14 +f 129/151/16 127/147/15 130/152/15 +f 127/147/15 128/149/14 130/152/15 +f 129/151/16 130/152/15 131/153/16 +f 132/154/17 129/151/16 131/153/16 +f 132/154/17 131/153/16 133/155/17 +f 134/156/18 132/154/17 133/155/17 +f 134/156/18 133/155/17 135/157/18 +f 136/158/19 134/156/18 135/157/18 +f 136/158/19 135/157/18 137/159/19 +f 138/160/20 136/158/19 137/159/19 +f 139/161/21 138/160/20 140/162/20 +f 138/160/20 137/159/19 140/162/20 +f 141/163/22 139/164/21 142/165/21 +f 139/161/21 140/162/20 142/166/21 +f 143/167/23 141/163/22 144/168/22 +f 141/163/22 142/165/21 144/168/22 +f 145/169/24 143/167/23 146/170/23 +f 143/167/23 144/168/22 146/170/23 +f 147/171/25 145/169/24 148/172/24 +f 145/169/24 146/170/23 148/172/24 +f 149/173/3 147/171/25 150/174/25 +f 147/171/25 148/172/24 150/174/25 +f 102/120/2 149/173/3 104/121/3 +f 149/173/3 150/174/25 104/121/3 +f 151/175/24 152/176/23 153/177/24 +f 152/176/23 154/178/23 153/177/24 +f 155/179/25 151/175/24 156/180/25 +f 151/175/24 153/177/24 156/180/25 +f 157/181/3 155/179/25 158/182/3 +f 159/183/4 160/184/5 161/185/4 +f 155/179/25 156/180/25 158/182/3 +f 160/184/5 162/186/5 161/185/4 +f 163/187/2 157/181/3 164/188/2 +f 165/189/7 159/183/4 166/190/7 +f 157/181/3 158/182/3 164/188/2 +f 159/183/4 161/185/4 166/190/7 +f 167/191/1 163/192/2 168/193/1 +f 163/192/2 164/194/2 168/193/1 +f 169/195/8 165/189/7 170/196/8 +f 165/189/7 166/190/7 170/196/8 +f 171/197/6 167/191/1 172/198/6 +f 167/191/1 168/193/1 172/198/6 +f 173/199/9 169/200/8 174/201/9 +f 169/200/8 170/202/8 174/201/9 +f 160/184/5 171/197/6 162/186/5 +f 171/197/6 172/198/6 162/186/5 +f 175/203/10 173/199/9 176/204/10 +f 173/199/9 174/201/9 176/204/10 +f 177/205/11 175/203/10 178/206/11 +f 175/203/10 176/204/10 178/206/11 +f 179/207/12 177/205/11 180/208/12 +f 177/205/11 178/206/11 180/208/12 +f 181/209/13 179/207/12 182/210/13 +f 179/207/12 180/208/12 182/210/13 +f 183/211/14 181/209/13 184/212/14 +f 181/209/13 182/210/13 184/212/14 +f 185/213/15 183/214/14 186/215/15 +f 183/214/14 184/216/14 186/215/15 +f 187/217/16 185/213/15 188/218/16 +f 185/213/15 186/215/15 188/218/16 +f 187/217/16 188/218/16 189/219/17 +f 190/220/17 187/217/16 189/219/17 +f 190/220/17 189/219/17 191/221/18 +f 192/222/18 190/220/17 191/221/18 +f 192/222/18 191/221/18 193/223/19 +f 194/224/19 192/222/18 193/223/19 +f 195/225/20 194/224/19 196/226/20 +f 194/224/19 193/223/19 196/226/20 +f 197/227/21 195/225/20 198/228/21 +f 195/225/20 196/226/20 198/228/21 +f 199/229/22 197/230/21 200/231/22 +f 197/230/21 198/232/21 200/231/22 +f 152/176/23 199/229/22 154/178/23 +f 199/229/22 200/231/22 154/178/23 +f 201/233/29 202/234/30 203/235/29 +f 204/236/31 205/237/32 206/238/32 +f 205/239/32 203/235/29 206/240/32 +f 207/241/33 208/242/34 209/243/34 +f 210/244/35 204/236/31 211/245/36 +f 204/236/31 206/238/32 211/245/36 +f 212/246/37 207/241/33 213/247/33 +f 207/241/33 209/243/34 213/247/33 +f 208/242/34 210/244/35 214/248/35 +f 210/244/35 211/245/36 214/248/35 +f 208/242/34 214/248/35 209/243/34 +f 215/249/38 212/246/37 216/250/37 +f 212/246/37 213/247/33 216/250/37 +f 217/251/39 215/252/38 218/253/40 +f 215/249/38 216/250/37 218/254/40 +f 219/255/41 217/251/39 220/256/39 +f 217/251/39 218/253/40 220/256/39 +f 221/257/42 219/255/41 222/258/41 +f 219/255/41 220/256/39 222/258/41 +f 223/259/43 221/257/42 224/260/42 +f 221/257/42 222/258/41 224/260/42 +f 225/261/44 223/259/43 226/262/43 +f 223/259/43 224/260/42 226/262/43 +f 227/263/45 225/261/44 228/264/44 +f 225/261/44 226/262/43 228/264/44 +f 229/265/46 227/266/45 230/267/45 +f 227/263/45 228/264/44 230/268/45 +f 231/269/47 229/265/46 232/270/46 +f 229/265/46 230/267/45 232/270/46 +f 233/271/48 231/269/47 234/272/47 +f 231/269/47 232/270/46 234/272/47 +f 233/271/48 234/272/47 235/273/48 +f 236/274/49 233/271/48 235/273/48 +f 236/274/49 235/273/48 237/275/49 +f 238/276/50 236/274/49 237/275/49 +f 238/276/50 237/275/49 239/277/50 +f 240/278/51 238/276/50 239/277/50 +f 241/279/52 240/278/51 242/280/51 +f 240/278/51 239/277/50 242/280/51 +f 243/281/53 241/282/52 244/283/52 +f 241/279/52 242/280/51 244/284/52 +f 245/285/54 243/281/53 246/286/53 +f 243/281/53 244/283/52 246/286/53 +f 247/287/55 245/285/54 248/288/54 +f 245/285/54 246/286/53 248/288/54 +f 249/289/30 247/287/55 250/290/55 +f 247/287/55 248/288/54 250/290/55 +f 201/233/29 249/289/30 202/234/30 +f 249/289/30 250/290/55 202/234/30 +f 205/239/32 201/233/29 203/235/29 +f 251/291/56 252/292/57 253/293/56 +f 251/291/56 254/294/57 252/292/57 +f 255/295/58 253/293/56 256/296/58 +f 255/295/58 251/291/56 253/293/56 +f 257/297/59 256/296/58 258/298/59 +f 257/297/59 255/295/58 256/296/58 +f 259/299/60 258/298/59 260/300/60 +f 259/299/60 260/300/60 261/301/61 +f 259/299/60 257/297/59 258/298/59 +f 262/302/61 259/299/60 261/301/61 +f 263/303/62 261/301/61 264/304/62 +f 263/303/62 264/304/62 265/305/63 +f 263/303/62 262/302/61 261/301/61 +f 266/306/63 263/303/62 265/305/63 +f 267/307/64 265/305/63 268/308/64 +f 267/307/64 268/308/64 269/309/65 +f 267/307/64 266/306/63 265/305/63 +f 270/310/65 269/311/65 271/312/66 +f 270/313/65 267/307/64 269/309/65 +f 272/314/66 271/312/66 273/315/67 +f 272/314/66 270/310/65 271/312/66 +f 274/316/67 272/314/66 273/315/67 +f 275/317/68 273/315/67 276/318/68 +f 275/317/68 276/318/68 277/319/69 +f 275/317/68 274/316/67 273/315/67 +f 278/320/69 277/319/69 279/321/70 +f 278/320/69 275/317/68 277/319/69 +f 280/322/70 279/321/70 281/323/71 +f 280/322/70 278/320/69 279/321/70 +f 282/324/71 280/322/70 281/323/71 +f 283/325/72 281/323/71 284/326/72 +f 283/325/72 282/324/71 281/323/71 +f 285/327/73 284/326/72 286/328/73 +f 285/327/73 283/325/72 284/326/72 +f 287/329/74 286/328/73 288/330/74 +f 287/329/74 288/330/74 289/331/75 +f 287/329/74 285/327/73 286/328/73 +f 290/332/75 289/331/75 291/333/76 +f 290/332/75 287/329/74 289/331/75 +f 292/334/76 291/333/76 293/335/77 +f 292/334/76 290/332/75 291/333/76 +f 294/336/77 293/335/77 295/337/78 +f 294/336/77 292/334/76 293/335/77 +f 296/338/78 294/336/77 295/337/78 +f 296/338/78 295/337/78 297/339/79 +f 298/340/79 296/338/78 297/339/79 +f 299/341/80 298/342/79 297/343/79 +f 299/341/80 297/343/79 300/344/80 +f 299/341/80 300/344/80 301/345/81 +f 302/346/81 299/341/80 301/345/81 +f 302/346/81 301/345/81 303/347/82 +f 304/348/82 302/346/81 303/347/82 +f 304/348/82 303/347/82 305/349/83 +f 306/350/83 304/348/82 305/349/83 +f 306/350/83 305/349/83 307/351/84 +f 308/352/84 306/350/83 307/351/84 +f 308/352/84 307/351/84 309/353/85 +f 310/354/85 309/353/85 311/355/86 +f 310/354/85 308/352/84 309/353/85 +f 312/356/86 311/355/86 313/357/87 +f 312/356/86 310/354/85 311/355/86 +f 314/358/87 313/357/87 315/359/88 +f 314/358/87 312/356/86 313/357/87 +f 316/360/88 315/359/88 317/361/89 +f 316/360/88 314/358/87 315/359/88 +f 318/362/89 317/361/89 319/363/90 +f 318/362/89 316/360/88 317/361/89 +f 320/364/90 319/363/90 321/365/91 +f 320/364/90 318/362/89 319/363/90 +f 322/366/91 321/365/91 323/367/92 +f 322/366/91 320/364/90 321/365/91 +f 324/368/92 323/369/92 325/370/93 +f 324/371/92 322/366/91 323/367/92 +f 326/372/93 325/370/93 327/373/94 +f 326/372/93 324/368/92 325/370/93 +f 328/374/94 326/372/93 327/373/94 +f 329/375/95 327/373/94 330/376/95 +f 329/375/95 328/374/94 327/373/94 +f 331/377/96 330/376/95 332/378/96 +f 331/377/96 332/378/96 333/379/97 +f 331/377/96 329/375/95 330/376/95 +f 334/380/97 333/379/97 335/381/98 +f 334/380/97 331/377/96 333/379/97 +f 336/382/98 334/380/97 335/381/98 +f 337/383/99 335/381/98 338/384/99 +f 337/383/99 338/384/99 339/385/100 +f 337/383/99 336/382/98 335/381/98 +f 340/386/100 337/383/99 339/385/100 +f 341/387/101 339/385/100 342/388/101 +f 341/387/101 342/388/101 343/389/102 +f 341/387/101 340/386/100 339/385/100 +f 344/390/102 341/387/101 343/389/102 +f 345/391/103 344/390/102 343/389/102 +f 345/391/103 343/389/102 346/392/103 +f 347/393/104 345/391/103 346/392/103 +f 347/393/104 346/392/103 348/394/104 +f 347/393/104 348/394/104 349/395/105 +f 350/396/105 347/393/104 349/395/105 +f 351/397/106 350/396/105 349/395/105 +f 351/397/106 349/395/105 352/398/106 +f 351/399/106 352/400/106 353/401/107 +f 354/402/107 351/399/106 353/401/107 +f 355/403/108 354/402/107 353/401/107 +f 355/403/108 353/401/107 356/404/108 +f 355/403/108 356/404/108 357/405/109 +f 358/406/109 355/403/108 357/405/109 +f 254/294/57 358/406/109 357/405/109 +f 254/294/57 357/405/109 252/292/57 +f 359/407/110 360/408/110 361/409/111 +f 362/410/111 361/409/111 363/411/112 +f 362/410/111 359/407/110 361/409/111 +f 364/412/112 363/411/112 365/413/113 +f 364/412/112 362/410/111 363/411/112 +f 366/414/113 365/413/113 367/415/114 +f 366/414/113 364/412/112 365/413/113 +f 368/416/114 367/415/114 369/417/115 +f 368/416/114 366/414/113 367/415/114 +f 370/418/115 369/417/115 371/419/116 +f 370/418/115 368/416/114 369/417/115 +f 372/420/116 371/419/116 373/421/117 +f 372/420/116 370/418/115 371/419/116 +f 374/422/117 373/421/117 375/423/118 +f 374/422/117 372/420/116 373/421/117 +f 376/424/118 375/425/118 377/426/119 +f 376/427/118 374/422/117 375/423/118 +f 378/428/119 377/426/119 379/429/120 +f 378/428/119 376/424/118 377/426/119 +f 380/430/120 379/429/120 381/431/121 +f 380/430/120 378/428/119 379/429/120 +f 382/432/121 381/431/121 383/433/122 +f 382/432/121 380/430/120 381/431/121 +f 384/434/122 383/433/122 385/435/123 +f 384/434/122 382/432/121 383/433/122 +f 386/436/123 385/435/123 387/437/124 +f 386/436/123 384/434/122 385/435/123 +f 388/438/124 387/437/124 389/439/125 +f 388/438/124 386/436/123 387/437/124 +f 390/440/125 389/439/125 391/441/126 +f 390/440/125 388/438/124 389/439/125 +f 392/442/126 391/441/126 393/443/127 +f 392/442/126 390/440/125 391/441/126 +f 394/444/127 393/443/127 395/445/128 +f 394/444/127 392/442/126 393/443/127 +f 396/446/128 395/445/128 397/447/129 +f 396/446/128 394/444/127 395/445/128 +f 398/448/129 397/447/129 399/449/130 +f 398/448/129 396/446/128 397/447/129 +f 400/450/130 399/449/130 401/451/131 +f 400/450/130 398/448/129 399/449/130 +f 402/452/131 401/453/131 403/454/132 +f 402/455/131 400/450/130 401/451/131 +f 404/456/132 402/452/131 403/454/132 +f 404/456/132 403/454/132 405/457/133 +f 406/458/133 404/456/132 405/457/133 +f 406/458/133 405/457/133 407/459/134 +f 408/460/134 406/458/133 407/459/134 +f 408/460/134 407/459/134 409/461/135 +f 410/462/135 408/460/134 409/461/135 +f 410/462/135 409/461/135 411/463/136 +f 412/464/136 410/462/135 411/463/136 +f 412/464/136 411/463/136 413/465/137 +f 414/466/137 412/464/136 413/465/137 +f 414/466/137 413/465/137 415/467/138 +f 416/468/138 414/466/137 415/467/138 +f 416/468/138 415/467/138 417/469/139 +f 418/470/139 417/469/139 419/471/140 +f 418/470/139 416/468/138 417/469/139 +f 420/472/140 419/471/140 421/473/141 +f 420/472/140 418/470/139 419/471/140 +f 422/474/141 421/473/141 423/475/142 +f 422/474/141 420/472/140 421/473/141 +f 424/476/142 423/475/142 425/477/143 +f 424/476/142 422/474/141 423/475/142 +f 426/478/143 425/477/143 427/479/144 +f 426/478/143 424/476/142 425/477/143 +f 428/480/144 427/479/144 429/481/145 +f 428/480/144 426/478/143 427/479/144 +f 430/482/145 429/483/145 431/484/146 +f 430/485/145 428/480/144 429/481/145 +f 432/486/146 431/484/146 433/487/147 +f 432/486/146 430/482/145 431/484/146 +f 434/488/147 433/487/147 435/489/148 +f 434/488/147 432/486/146 433/487/147 +f 436/490/148 435/489/148 437/491/149 +f 436/490/148 434/488/147 435/489/148 +f 438/492/149 437/491/149 439/493/150 +f 438/492/149 436/490/148 437/491/149 +f 440/494/150 439/493/150 441/495/151 +f 440/494/150 438/492/149 439/493/150 +f 442/496/151 441/495/151 443/497/152 +f 442/496/151 440/494/150 441/495/151 +f 444/498/152 443/497/152 445/499/153 +f 444/498/152 442/496/151 443/497/152 +f 446/500/153 445/499/153 447/501/154 +f 446/500/153 444/498/152 445/499/153 +f 448/502/154 447/501/154 449/503/155 +f 448/502/154 446/500/153 447/501/154 +f 450/504/155 449/503/155 451/505/156 +f 450/504/155 448/502/154 449/503/155 +f 452/506/156 451/505/156 453/507/157 +f 452/506/156 450/504/155 451/505/156 +f 454/508/157 452/506/156 453/507/157 +f 454/508/157 453/507/157 455/509/158 +f 456/510/158 454/508/157 455/509/158 +f 456/511/158 455/512/158 457/513/159 +f 458/514/159 456/511/158 457/513/159 +f 458/514/159 457/513/159 459/515/160 +f 460/516/160 458/514/159 459/515/160 +f 460/516/160 459/515/160 461/517/161 +f 462/518/161 460/516/160 461/517/161 +f 463/519/162 462/518/161 461/517/161 +f 463/519/162 461/517/161 464/520/162 +f 463/519/162 464/520/162 465/521/163 +f 466/522/163 463/519/162 465/521/163 +f 466/522/163 465/521/163 360/408/110 +f 359/407/110 466/522/163 360/408/110 +f 467/523/110 468/524/110 469/525/111 +f 470/526/111 469/525/111 471/527/112 +f 470/526/111 467/523/110 469/525/111 +f 472/528/112 471/527/112 473/529/113 +f 472/528/112 470/526/111 471/527/112 +f 474/530/113 473/529/113 475/531/114 +f 474/530/113 472/528/112 473/529/113 +f 476/532/114 475/531/114 477/533/115 +f 476/532/114 474/530/113 475/531/114 +f 478/534/115 477/533/115 479/535/116 +f 478/534/115 476/532/114 477/533/115 +f 480/536/116 479/535/116 481/537/117 +f 480/536/116 478/534/115 479/535/116 +f 482/538/117 481/537/117 483/539/118 +f 482/538/117 480/536/116 481/537/117 +f 484/540/118 483/541/118 485/542/119 +f 484/543/118 482/538/117 483/539/118 +f 486/544/119 485/542/119 487/545/164 +f 486/544/119 484/540/118 485/542/119 +f 488/546/164 487/545/164 489/547/121 +f 488/546/164 486/544/119 487/545/164 +f 490/548/121 489/547/121 491/549/122 +f 490/548/121 488/546/164 489/547/121 +f 492/550/122 491/549/122 493/551/123 +f 492/550/122 490/548/121 491/549/122 +f 494/552/123 493/551/123 495/553/124 +f 494/552/123 492/550/122 493/551/123 +f 496/554/124 495/553/124 497/555/125 +f 496/554/124 494/552/123 495/553/124 +f 498/556/125 497/555/125 499/557/126 +f 498/556/125 496/554/124 497/555/125 +f 500/558/126 499/557/126 501/559/127 +f 500/558/126 498/556/125 499/557/126 +f 502/560/127 501/559/127 503/561/128 +f 502/560/127 500/558/126 501/559/127 +f 504/562/128 503/561/128 505/563/129 +f 504/562/128 502/560/127 503/561/128 +f 506/564/129 505/563/129 507/565/130 +f 506/564/129 504/562/128 505/563/129 +f 508/566/130 507/565/130 509/567/131 +f 508/566/130 506/564/129 507/565/130 +f 510/568/131 509/569/131 511/570/132 +f 510/571/131 508/566/130 509/567/131 +f 512/572/132 510/568/131 511/570/132 +f 512/572/132 511/570/132 513/573/133 +f 514/574/133 512/572/132 513/573/133 +f 514/574/133 513/573/133 515/575/134 +f 516/576/134 514/574/133 515/575/134 +f 516/576/134 515/575/134 517/577/135 +f 518/578/135 516/576/134 517/577/135 +f 518/578/135 517/577/135 519/579/136 +f 520/580/136 518/578/135 519/579/136 +f 520/580/136 519/579/136 521/581/137 +f 522/582/137 520/580/136 521/581/137 +f 522/582/137 521/581/137 523/583/138 +f 524/584/138 522/582/137 523/583/138 +f 524/584/138 523/583/138 525/585/139 +f 526/586/139 525/585/139 527/587/140 +f 526/586/139 524/584/138 525/585/139 +f 528/588/140 527/587/140 529/589/141 +f 528/588/140 526/586/139 527/587/140 +f 530/590/141 529/589/141 531/591/142 +f 530/590/141 528/588/140 529/589/141 +f 532/592/142 531/591/142 533/593/143 +f 532/592/142 530/590/141 531/591/142 +f 534/594/143 533/593/143 535/595/144 +f 534/594/143 532/592/142 533/593/143 +f 536/596/144 535/595/144 537/597/145 +f 536/596/144 534/594/143 535/595/144 +f 538/598/145 537/599/145 539/600/146 +f 538/601/145 536/596/144 537/597/145 +f 540/602/146 539/600/146 541/603/147 +f 540/602/146 538/598/145 539/600/146 +f 542/604/147 541/603/147 543/605/148 +f 542/604/147 540/602/146 541/603/147 +f 544/606/148 543/605/148 545/607/149 +f 544/606/148 542/604/147 543/605/148 +f 546/608/149 545/607/149 547/609/150 +f 546/608/149 544/606/148 545/607/149 +f 548/610/150 547/609/150 549/611/151 +f 548/610/150 546/608/149 547/609/150 +f 550/612/151 549/611/151 551/613/152 +f 550/612/151 548/610/150 549/611/151 +f 552/614/152 551/613/152 553/615/153 +f 552/614/152 550/612/151 551/613/152 +f 554/616/153 553/615/153 555/617/154 +f 554/616/153 552/614/152 553/615/153 +f 556/618/154 555/617/154 557/619/155 +f 556/618/154 554/616/153 555/617/154 +f 558/620/155 557/619/155 559/621/156 +f 558/620/155 556/618/154 557/619/155 +f 560/622/156 559/621/156 561/623/157 +f 560/622/156 558/620/155 559/621/156 +f 562/624/157 560/622/156 561/623/157 +f 562/624/157 561/623/157 563/625/158 +f 564/626/158 562/624/157 563/625/158 +f 564/627/158 563/628/158 565/629/159 +f 566/630/159 564/627/158 565/629/159 +f 566/630/159 565/629/159 567/631/160 +f 568/632/160 566/630/159 567/631/160 +f 568/632/160 567/631/160 569/633/161 +f 570/634/161 568/632/160 569/633/161 +f 570/634/161 569/633/161 571/635/162 +f 572/636/162 570/634/161 571/635/162 +f 572/636/162 571/635/162 573/637/163 +f 574/638/163 572/636/162 573/637/163 +f 574/638/163 573/637/163 468/524/110 +f 467/523/110 574/638/163 468/524/110 +f 575/639/56 576/640/57 577/641/56 +f 575/639/56 578/642/57 576/640/57 +f 579/643/58 577/641/56 580/644/58 +f 579/643/58 575/639/56 577/641/56 +f 581/645/59 580/644/58 582/646/59 +f 581/645/59 579/643/58 580/644/58 +f 583/647/60 582/646/59 584/648/60 +f 583/647/60 581/645/59 582/646/59 +f 585/649/61 584/648/60 586/650/61 +f 585/649/61 583/647/60 584/648/60 +f 587/651/62 586/650/61 588/652/62 +f 587/651/62 585/649/61 586/650/61 +f 589/653/63 588/652/62 590/654/63 +f 589/653/63 587/651/62 588/652/62 +f 591/655/64 590/654/63 592/656/64 +f 591/655/64 589/653/63 590/654/63 +f 593/657/65 592/656/64 594/658/65 +f 593/657/65 591/655/64 592/656/64 +f 595/659/66 594/660/65 596/661/66 +f 595/659/66 593/662/65 594/660/65 +f 597/663/67 596/661/66 598/664/67 +f 597/663/67 595/659/66 596/661/66 +f 599/665/68 598/664/67 600/666/68 +f 599/665/68 597/663/67 598/664/67 +f 601/667/69 600/666/68 602/668/69 +f 601/667/69 599/665/68 600/666/68 +f 603/669/70 602/668/69 604/670/70 +f 603/669/70 601/667/69 602/668/69 +f 605/671/71 604/670/70 606/672/71 +f 605/671/71 603/669/70 604/670/70 +f 607/673/72 606/672/71 608/674/72 +f 607/673/72 605/671/71 606/672/71 +f 609/675/73 608/674/72 610/676/73 +f 609/675/73 607/673/72 608/674/72 +f 611/677/74 610/676/73 612/678/74 +f 611/677/74 609/675/73 610/676/73 +f 613/679/75 612/678/74 614/680/75 +f 613/679/75 611/677/74 612/678/74 +f 615/681/76 614/680/75 616/682/76 +f 615/681/76 613/679/75 614/680/75 +f 617/683/77 616/682/76 618/684/77 +f 617/683/77 615/681/76 616/682/76 +f 619/685/78 617/683/77 618/684/77 +f 619/685/78 618/684/77 620/686/78 +f 621/687/79 619/685/78 620/686/78 +f 621/687/79 620/686/78 622/688/79 +f 623/689/80 621/690/79 622/691/79 +f 623/689/80 622/691/79 624/692/80 +f 625/693/81 623/689/80 624/692/80 +f 625/693/81 624/692/80 626/694/81 +f 627/695/82 625/693/81 626/694/81 +f 627/695/82 626/694/81 628/696/82 +f 629/697/83 627/695/82 628/696/82 +f 629/697/83 628/696/82 630/698/83 +f 631/699/84 629/697/83 630/698/83 +f 631/699/84 630/698/83 632/700/84 +f 633/701/85 631/699/84 632/700/84 +f 633/701/85 632/700/84 634/702/85 +f 635/703/86 634/702/85 636/704/86 +f 635/703/86 633/701/85 634/702/85 +f 637/705/87 636/704/86 638/706/87 +f 637/705/87 635/703/86 636/704/86 +f 639/707/88 638/706/87 640/708/88 +f 639/707/88 637/705/87 638/706/87 +f 641/709/89 640/708/88 642/710/89 +f 641/709/89 639/707/88 640/708/88 +f 643/711/90 642/710/89 644/712/90 +f 643/711/90 641/709/89 642/710/89 +f 645/713/91 644/712/90 646/714/91 +f 645/713/91 643/711/90 644/712/90 +f 647/715/92 646/714/91 648/716/92 +f 647/715/92 645/713/91 646/714/91 +f 649/717/93 648/718/92 650/719/93 +f 649/717/93 647/720/92 648/718/92 +f 651/721/94 650/719/93 652/722/94 +f 651/721/94 649/717/93 650/719/93 +f 653/723/95 652/722/94 654/724/95 +f 653/723/95 651/721/94 652/722/94 +f 655/725/96 654/724/95 656/726/96 +f 655/725/96 653/723/95 654/724/95 +f 657/727/97 656/726/96 658/728/97 +f 657/727/97 655/725/96 656/726/96 +f 659/729/98 658/728/97 660/730/98 +f 659/729/98 657/727/97 658/728/97 +f 661/731/99 660/730/98 662/732/99 +f 661/731/99 659/729/98 660/730/98 +f 663/733/100 662/732/99 664/734/100 +f 663/733/100 661/731/99 662/732/99 +f 665/735/101 664/734/100 666/736/101 +f 665/735/101 663/733/100 664/734/100 +f 667/737/102 666/736/101 668/738/102 +f 667/737/102 665/735/101 666/736/101 +f 669/739/103 667/737/102 668/738/102 +f 669/739/103 668/738/102 670/740/103 +f 671/741/104 669/739/103 670/740/103 +f 671/741/104 670/740/103 672/742/104 +f 673/743/105 671/741/104 672/742/104 +f 673/743/105 672/742/104 674/744/105 +f 675/745/106 673/743/105 674/744/105 +f 675/745/106 674/744/105 676/746/106 +f 677/747/107 675/748/106 676/749/106 +f 677/747/107 676/749/106 678/750/107 +f 677/747/107 678/750/107 679/751/108 +f 680/752/108 677/747/107 679/751/108 +f 681/753/109 680/752/108 679/751/108 +f 681/753/109 679/751/108 682/754/109 +f 578/642/57 681/753/109 682/754/109 +f 578/642/57 682/754/109 576/640/57 +f 683/755/165 684/756/166 685/757/167 +f 686/758/167 683/755/165 685/757/167 +f 687/759/168 686/758/167 685/757/167 +f 688/760/169 687/759/168 689/761/168 +f 687/759/168 685/757/167 689/761/168 +f 690/762/170 688/763/169 691/764/169 +f 688/760/169 689/761/168 691/765/169 +f 692/766/171 690/762/170 693/767/170 +f 690/762/170 691/764/169 693/767/170 +f 694/768/34 692/766/171 695/769/171 +f 692/766/171 693/767/170 695/769/171 +f 696/770/172 694/768/34 697/771/34 +f 694/768/34 695/769/171 697/771/34 +f 698/772/173 696/770/172 699/773/172 +f 696/770/172 697/771/34 699/773/172 +f 700/774/174 698/772/173 701/775/173 +f 698/772/173 699/773/172 701/775/173 +f 702/776/175 700/777/174 703/778/174 +f 700/774/174 701/775/173 703/779/174 +f 704/780/176 702/776/175 705/781/175 +f 702/776/175 703/778/174 705/781/175 +f 704/780/176 705/781/175 706/782/176 +f 707/783/177 704/780/176 708/784/177 +f 704/780/176 706/782/176 708/784/177 +f 709/785/167 710/786/165 711/787/166 +f 712/788/168 709/785/167 713/789/167 +f 709/785/167 711/787/166 713/789/167 +f 714/790/169 712/788/168 715/791/168 +f 712/788/168 713/789/167 715/791/168 +f 716/792/170 714/793/169 717/794/169 +f 714/790/169 715/791/168 717/795/169 +f 718/796/171 716/792/170 719/797/170 +f 716/792/170 717/794/169 719/797/170 +f 720/798/34 718/796/171 721/799/171 +f 718/796/171 719/797/170 721/799/171 +f 722/800/172 720/798/34 723/801/34 +f 720/798/34 721/799/171 723/801/34 +f 724/802/173 722/800/172 725/803/172 +f 722/800/172 723/801/34 725/803/172 +f 726/804/174 724/802/173 727/805/173 +f 724/802/173 725/803/172 727/805/173 +f 728/806/175 726/807/174 729/808/174 +f 726/804/174 727/805/173 729/809/174 +f 730/810/176 728/806/175 731/811/175 +f 728/806/175 729/808/174 731/811/175 +f 732/812/177 730/810/176 733/813/176 +f 730/810/176 731/811/175 733/813/176 +f 732/812/177 733/813/176 734/814/178 +f 735/815/179 736/816/179 737/817/180 +f 735/818/179 738/819/181 736/820/179 +f 739/821/180 737/817/180 740/822/182 +f 739/821/180 735/815/179 737/817/180 +f 741/823/182 740/822/182 742/824/183 +f 743/825/184 744/826/185 745/827/184 +f 741/823/182 739/821/180 740/822/182 +f 743/825/184 746/828/185 744/826/185 +f 747/829/183 742/824/183 748/830/186 +f 747/829/183 741/823/182 742/824/183 +f 749/831/187 745/827/184 750/832/187 +f 749/831/187 743/825/184 745/827/184 +f 751/833/186 748/830/186 752/834/188 +f 751/833/186 747/829/183 748/830/186 +f 753/835/189 750/832/187 754/836/189 +f 753/835/189 749/831/187 750/832/187 +f 755/837/188 752/834/188 756/838/190 +f 755/837/188 751/833/186 752/834/188 +f 757/839/191 754/836/189 758/840/191 +f 757/839/191 753/835/189 754/836/189 +f 759/841/190 756/838/190 760/842/192 +f 759/841/190 755/837/188 756/838/190 +f 761/843/193 762/844/193 763/845/194 +f 761/843/193 758/846/191 762/844/193 +f 761/843/193 757/847/191 758/846/191 +f 764/848/192 760/842/192 765/849/195 +f 764/848/192 759/841/190 760/842/192 +f 766/850/194 763/845/194 767/851/196 +f 766/850/194 761/843/193 763/845/194 +f 768/852/195 765/849/195 769/853/197 +f 768/852/195 764/848/192 765/849/195 +f 770/854/196 767/851/196 771/855/198 +f 772/856/197 769/853/197 773/857/199 +f 770/854/196 766/850/194 767/851/196 +f 772/856/197 768/852/195 769/853/197 +f 774/858/199 772/856/197 773/857/199 +f 775/859/200 773/857/199 776/860/200 +f 777/861/198 771/855/198 778/862/201 +f 777/861/198 770/854/196 771/855/198 +f 775/859/200 774/858/199 773/857/199 +f 779/863/201 778/862/201 780/864/202 +f 779/863/201 777/861/198 778/862/201 +f 781/865/202 779/863/201 780/864/202 +f 781/865/202 780/864/202 782/866/203 +f 783/867/203 781/865/202 782/866/203 +f 783/867/203 782/866/203 784/868/204 +f 785/869/204 783/867/203 784/868/204 +f 785/869/204 784/868/204 786/870/205 +f 787/871/205 786/870/205 788/872/206 +f 787/871/205 785/869/204 786/870/205 +f 789/873/206 787/871/205 788/872/206 +f 789/873/206 788/872/206 790/874/207 +f 791/875/207 790/874/207 792/876/208 +f 791/875/207 789/873/206 790/874/207 +f 793/877/208 792/876/208 794/878/209 +f 793/877/208 791/875/207 792/876/208 +f 795/879/209 794/878/209 796/880/181 +f 795/879/209 793/877/208 794/878/209 +f 738/819/181 796/880/181 736/820/179 +f 738/819/181 795/879/209 796/880/181 +f 797/881/5 470/882/5 472/883/5 +f 797/881/5 798/884/5 470/882/5 +f 474/885/5 797/881/5 472/883/5 +f 476/886/5 797/881/5 474/885/5 +f 799/887/5 492/888/5 494/889/5 +f 799/887/5 490/890/5 492/888/5 +f 799/887/5 488/891/5 490/890/5 +f 799/887/5 502/892/5 800/893/5 +f 799/887/5 800/893/5 801/894/5 +f 799/887/5 500/895/5 502/892/5 +f 799/887/5 498/896/5 500/895/5 +f 430/897/5 737/898/5 736/899/5 +f 799/887/5 496/900/5 498/896/5 +f 799/887/5 494/889/5 496/900/5 +f 802/901/5 486/902/5 488/891/5 +f 802/901/5 484/903/5 486/902/5 +f 802/901/5 482/904/5 484/903/5 +f 802/901/5 480/905/5 482/904/5 +f 802/901/5 478/906/5 480/905/5 +f 802/901/5 476/886/5 478/906/5 +f 428/907/5 736/899/5 796/908/5 +f 802/901/5 797/881/5 476/886/5 +f 428/907/5 430/897/5 736/899/5 +f 802/901/5 488/891/5 799/887/5 +f 432/909/5 740/910/5 737/898/5 +f 432/909/5 737/898/5 430/897/5 +f 803/911/5 799/887/5 801/894/5 +f 803/911/5 801/894/5 804/912/5 +f 426/913/5 796/908/5 794/914/5 +f 426/913/5 428/907/5 796/908/5 +f 434/915/5 742/916/5 740/910/5 +f 434/915/5 740/910/5 432/909/5 +f 424/917/5 794/914/5 792/918/5 +f 424/917/5 426/913/5 794/914/5 +f 436/919/5 748/920/5 742/916/5 +f 436/919/5 742/916/5 434/915/5 +f 422/921/5 792/918/5 790/922/5 +f 422/921/5 790/922/5 788/923/5 +f 422/921/5 424/917/5 792/918/5 +f 438/924/5 752/925/5 748/920/5 +f 438/924/5 748/920/5 436/919/5 +f 420/926/5 422/921/5 788/923/5 +f 420/926/5 788/923/5 786/927/5 +f 440/928/5 752/925/5 438/924/5 +f 440/928/5 760/929/5 756/930/5 +f 440/928/5 756/930/5 752/925/5 +f 418/931/5 420/926/5 786/927/5 +f 418/931/5 786/927/5 784/932/5 +f 442/933/5 760/929/5 440/928/5 +f 442/933/5 765/934/5 760/929/5 +f 416/935/5 418/931/5 784/932/5 +f 416/935/5 784/932/5 782/936/5 +f 444/937/5 769/938/5 765/934/5 +f 444/937/5 765/934/5 442/933/5 +f 414/939/5 416/935/5 782/936/5 +f 414/939/5 782/936/5 780/940/5 +f 446/941/5 773/942/5 769/938/5 +f 446/941/5 769/938/5 444/937/5 +f 412/943/5 414/939/5 780/940/5 +f 412/943/5 780/940/5 778/944/5 +f 448/945/5 776/946/5 773/942/5 +f 448/945/5 773/942/5 446/941/5 +f 410/947/5 778/944/5 771/948/5 +f 410/947/5 412/943/5 778/944/5 +f 450/949/5 776/946/5 448/945/5 +f 408/950/5 771/948/5 767/951/5 +f 408/950/5 410/947/5 771/948/5 +f 452/952/5 776/946/5 450/949/5 +f 406/953/5 408/950/5 767/951/5 +f 406/953/5 767/951/5 763/954/5 +f 454/955/5 776/946/5 452/952/5 +f 404/956/5 763/954/5 762/957/5 +f 404/956/5 406/953/5 763/954/5 +f 456/958/5 776/946/5 454/955/5 +f 758/959/5 404/956/5 762/957/5 +f 402/960/5 404/956/5 758/959/5 +f 458/961/5 776/946/5 456/958/5 +f 754/962/5 402/960/5 758/959/5 +f 400/963/5 402/960/5 754/962/5 +f 750/964/5 398/965/5 400/963/5 +f 750/964/5 400/963/5 754/962/5 +f 745/966/5 396/967/5 398/965/5 +f 745/966/5 398/965/5 750/964/5 +f 744/968/5 394/969/5 396/967/5 +f 744/968/5 396/967/5 745/966/5 +f 392/970/5 394/969/5 744/968/5 +f 390/971/5 392/970/5 744/968/5 +f 388/972/5 390/971/5 744/968/5 +f 805/973/5 386/974/5 388/972/5 +f 805/973/5 384/975/5 386/974/5 +f 805/973/5 382/976/5 384/975/5 +f 805/973/5 380/977/5 382/976/5 +f 805/973/5 378/978/5 380/977/5 +f 805/973/5 376/979/5 378/978/5 +f 805/973/5 374/980/5 376/979/5 +f 805/973/5 372/981/5 374/980/5 +f 805/973/5 370/982/5 372/981/5 +f 805/973/5 388/972/5 744/968/5 +f 538/983/5 359/984/5 362/985/5 +f 536/986/5 538/983/5 362/985/5 +f 536/986/5 362/985/5 364/987/5 +f 540/988/5 466/989/5 359/984/5 +f 540/988/5 359/984/5 538/983/5 +f 534/990/5 536/986/5 364/987/5 +f 534/990/5 364/987/5 366/991/5 +f 542/992/5 463/993/5 466/989/5 +f 542/992/5 466/989/5 540/988/5 +f 532/994/5 534/990/5 366/991/5 +f 532/994/5 366/991/5 368/995/5 +f 544/996/5 462/997/5 463/993/5 +f 544/996/5 463/993/5 542/992/5 +f 530/998/5 532/994/5 368/995/5 +f 530/998/5 368/995/5 370/982/5 +f 546/999/5 460/1000/5 462/997/5 +f 546/999/5 462/997/5 544/996/5 +f 528/1001/5 370/982/5 805/973/5 +f 528/1001/5 530/998/5 370/982/5 +f 548/1002/5 458/961/5 460/1000/5 +f 548/1002/5 460/1000/5 546/999/5 +f 526/1003/5 805/973/5 806/1004/5 +f 526/1003/5 528/1001/5 805/973/5 +f 524/1005/5 806/1004/5 807/1006/5 +f 524/1005/5 526/1003/5 806/1004/5 +f 522/1007/5 807/1006/5 808/1008/5 +f 522/1007/5 524/1005/5 807/1006/5 +f 520/1009/5 808/1008/5 809/1010/5 +f 520/1009/5 522/1007/5 808/1008/5 +f 810/1011/5 458/961/5 548/1002/5 +f 810/1011/5 552/1012/5 554/1013/5 +f 810/1011/5 550/1014/5 552/1012/5 +f 810/1011/5 548/1002/5 550/1014/5 +f 810/1011/5 776/946/5 458/961/5 +f 556/1015/5 810/1011/5 554/1013/5 +f 518/1016/5 809/1010/5 811/1017/5 +f 518/1016/5 520/1009/5 809/1010/5 +f 558/1018/5 810/1011/5 556/1015/5 +f 812/1019/5 810/1011/5 558/1018/5 +f 516/1020/5 518/1016/5 811/1017/5 +f 560/1021/5 812/1019/5 558/1018/5 +f 813/1022/5 812/1019/5 560/1021/5 +f 514/1023/5 811/1017/5 814/1024/5 +f 514/1023/5 516/1020/5 811/1017/5 +f 562/1025/5 813/1022/5 560/1021/5 +f 815/1026/5 813/1022/5 562/1025/5 +f 512/1027/5 514/1023/5 814/1024/5 +f 512/1027/5 814/1024/5 816/1028/5 +f 564/1029/5 815/1026/5 562/1025/5 +f 510/1030/5 512/1027/5 816/1028/5 +f 510/1030/5 816/1028/5 817/1031/5 +f 818/1032/5 815/1026/5 564/1029/5 +f 566/1033/5 818/1032/5 564/1029/5 +f 508/1034/5 510/1030/5 817/1031/5 +f 508/1034/5 817/1031/5 819/1035/5 +f 820/1036/5 566/1033/5 568/1037/5 +f 820/1036/5 818/1032/5 566/1033/5 +f 506/1038/5 508/1034/5 819/1035/5 +f 821/1039/5 820/1036/5 568/1037/5 +f 821/1039/5 568/1037/5 570/1040/5 +f 504/1041/5 506/1038/5 819/1035/5 +f 504/1041/5 819/1035/5 822/1042/5 +f 502/892/5 504/1041/5 822/1042/5 +f 502/892/5 822/1042/5 800/893/5 +f 823/1043/5 821/1039/5 570/1040/5 +f 823/1043/5 570/1040/5 572/1044/5 +f 824/1045/5 823/1043/5 572/1044/5 +f 824/1045/5 572/1044/5 574/1046/5 +f 798/884/5 467/1047/5 470/882/5 +f 798/884/5 574/1046/5 467/1047/5 +f 798/884/5 824/1045/5 574/1046/5 +f 825/1048/5 826/1049/5 827/1050/5 +f 828/1051/5 827/1050/5 829/1052/5 +f 828/1051/5 825/1048/5 827/1050/5 +f 163/1053/210 830/1054/210 157/1055/210 +f 830/1054/210 163/1053/210 167/1056/211 +f 157/1055/210 830/1054/210 155/1057/210 +f 830/1054/210 167/1056/211 171/1058/210 +f 155/1057/210 830/1054/210 151/1059/210 +f 830/1054/210 171/1058/210 160/1060/210 +f 830/1054/210 160/1060/210 159/1061/210 +f 151/1059/210 830/1054/210 799/1062/210 +f 195/1063/210 197/1064/210 799/1062/210 +f 197/1064/210 199/1065/210 799/1062/210 +f 199/1065/210 152/1066/210 799/1062/210 +f 152/1066/210 151/1059/210 799/1062/210 +f 195/1063/210 799/1062/210 194/1067/210 +f 194/1067/210 799/1062/210 192/1068/210 +f 192/1068/210 799/1062/210 190/1069/210 +f 830/1054/210 159/1061/210 711/1070/210 +f 159/1061/210 165/1071/210 711/1070/210 +f 711/1070/210 165/1071/210 713/1072/210 +f 165/1071/210 169/1073/210 713/1072/210 +f 169/1073/210 173/1074/210 244/1075/210 +f 715/1076/210 713/1072/210 242/1077/210 +f 713/1072/210 169/1073/210 242/1077/210 +f 169/1073/210 244/1075/210 242/1077/210 +f 244/1075/210 173/1074/210 246/1078/210 +f 173/1074/210 175/1079/210 246/1078/210 +f 717/1080/211 715/1076/210 239/1081/211 +f 715/1076/210 242/1077/210 239/1081/211 +f 734/1082/212 733/1083/210 684/1084/210 +f 246/1078/210 175/1079/210 248/1085/210 +f 175/1079/210 177/1086/210 248/1085/210 +f 717/1080/211 239/1081/211 237/1087/210 +f 719/1088/210 717/1080/211 237/1087/210 +f 684/1084/210 733/1083/210 685/1089/210 +f 733/1083/210 731/1090/210 685/1089/210 +f 685/1089/210 731/1090/210 689/1091/210 +f 731/1090/210 729/1092/210 689/1091/210 +f 177/1086/210 179/1093/210 250/1094/210 +f 248/1085/210 177/1086/210 250/1094/210 +f 689/1091/210 729/1092/210 691/1095/212 +f 729/1092/210 727/1096/210 691/1095/212 +f 721/1097/210 719/1088/210 235/1098/211 +f 719/1088/210 237/1087/210 235/1098/211 +f 691/1095/212 727/1096/210 693/1099/211 +f 250/1094/210 179/1093/210 202/1100/210 +f 179/1093/210 181/1101/210 202/1100/210 +f 721/1097/210 235/1098/211 234/1102/210 +f 723/1103/211 721/1097/210 234/1102/210 +f 725/1104/210 723/1103/211 234/1102/210 +f 202/1100/210 181/1101/210 203/1105/210 +f 181/1101/210 183/1106/210 203/1105/210 +f 727/1096/210 725/1104/210 232/1107/210 +f 725/1104/210 234/1102/210 232/1107/210 +f 203/1105/210 183/1106/210 206/1108/210 +f 183/1106/210 185/1109/210 206/1108/210 +f 693/1099/211 727/1096/210 230/1110/210 +f 727/1096/210 232/1107/210 230/1110/210 +f 206/1108/210 185/1109/210 211/1111/210 +f 695/1112/210 693/1099/211 63/1113/211 +f 697/1114/210 695/1112/210 63/1113/211 +f 230/1110/210 228/1115/210 57/1116/211 +f 63/1113/211 693/1099/211 57/1116/211 +f 693/1099/211 230/1110/210 57/1116/211 +f 699/1117/211 697/1114/210 67/1118/210 +f 697/1114/210 63/1113/211 67/1118/210 +f 228/1115/210 226/1119/210 55/1120/210 +f 57/1116/211 228/1115/210 55/1120/210 +f 701/1121/210 699/1117/211 71/1122/210 +f 699/1117/211 67/1118/210 71/1122/210 +f 226/1119/210 224/1123/210 51/1124/210 +f 55/1120/210 226/1119/210 51/1124/210 +f 703/1125/210 701/1121/210 60/1126/210 +f 705/1127/211 703/1125/210 60/1126/210 +f 701/1121/210 71/1122/210 60/1126/210 +f 224/1123/210 222/1128/210 52/1129/210 +f 51/1124/210 224/1123/210 52/1129/210 +f 706/1130/211 705/1127/211 59/1131/210 +f 705/1127/211 60/1126/210 59/1131/210 +f 222/1128/210 220/1132/210 99/1133/210 +f 52/1129/210 222/1128/210 99/1133/210 +f 706/1130/211 59/1131/210 65/1134/210 +f 99/1133/210 220/1132/210 97/1135/210 +f 220/1132/210 218/1136/210 97/1135/210 +f 209/1137/210 214/1138/210 831/1139/211 +f 214/1138/210 211/1111/210 832/1140/210 +f 831/1139/211 214/1138/210 832/1140/210 +f 209/1137/210 831/1139/211 833/1141/210 +f 211/1111/210 185/1109/210 834/1142/210 +f 832/1140/210 211/1111/210 834/1142/210 +f 213/1143/210 209/1137/210 835/1144/210 +f 209/1137/210 833/1141/210 835/1144/210 +f 216/1145/210 213/1143/210 836/1146/211 +f 213/1143/210 835/1144/210 836/1146/211 +f 834/1142/210 185/1109/210 803/1147/210 +f 190/1069/210 799/1062/210 803/1147/210 +f 185/1109/210 187/1148/210 803/1147/210 +f 187/1148/210 190/1069/210 803/1147/210 +f 218/1136/210 216/1145/210 837/1149/210 +f 216/1145/210 836/1146/211 837/1149/210 +f 218/1136/210 837/1149/210 838/1150/210 +f 706/1130/211 65/1134/210 839/1151/210 +f 708/1152/210 706/1130/211 839/1151/210 +f 65/1134/210 69/1153/210 839/1151/210 +f 69/1153/210 73/1154/210 839/1151/210 +f 73/1154/210 75/1155/210 839/1151/210 +f 839/1151/210 75/1155/210 77/1156/210 +f 97/1135/210 218/1136/210 840/1157/211 +f 218/1136/210 838/1150/210 840/1157/211 +f 841/1158/210 842/1159/213 840/1157/211 +f 838/1150/210 841/1158/210 840/1157/211 +f 842/1159/213 841/1158/210 843/1160/210 +f 844/1161/210 845/1162/210 843/1160/210 +f 841/1158/210 844/1161/210 843/1160/210 +f 843/1160/210 845/1162/210 846/1163/210 +f 97/1135/210 840/1157/211 847/1164/211 +f 95/1165/210 97/1135/210 847/1164/211 +f 94/1166/210 95/1165/210 848/1167/210 +f 95/1165/210 847/1164/211 848/1167/210 +f 845/1162/210 849/1168/213 850/1169/210 +f 846/1163/210 845/1162/210 850/1169/210 +f 94/1166/210 848/1167/210 851/1170/211 +f 92/1171/210 94/1166/210 852/1172/211 +f 94/1166/210 851/1170/211 852/1172/211 +f 90/1173/210 92/1171/210 853/1174/210 +f 92/1171/210 852/1172/211 853/1174/210 +f 87/1175/210 90/1173/210 854/1176/211 +f 90/1173/210 853/1174/210 854/1176/211 +f 85/1177/210 87/1175/210 855/1178/211 +f 87/1175/210 854/1176/211 855/1178/211 +f 855/1178/211 825/1179/210 828/1180/210 +f 839/1151/210 77/1156/210 828/1180/210 +f 77/1156/210 79/1181/210 828/1180/210 +f 79/1181/210 81/1182/210 828/1180/210 +f 81/1182/210 83/1183/210 828/1180/210 +f 83/1183/210 85/1177/210 828/1180/210 +f 85/1177/210 855/1178/211 828/1180/210 +f 850/1184/5 849/1185/5 856/1186/5 +f 850/1184/5 856/1186/5 857/1187/5 +f 858/1188/34 707/1189/34 708/1190/34 +f 859/1191/34 858/1188/34 839/1192/34 +f 858/1188/34 708/1190/34 839/1192/34 +f 683/1193/34 732/1194/34 684/1195/34 +f 732/1194/34 734/1196/34 684/1195/34 +f 860/1197/214 861/1198/215 810/1199/215 +f 860/1197/214 810/1199/215 812/1200/214 +f 862/1201/216 812/1200/214 813/1202/216 +f 862/1201/216 860/1197/214 812/1200/214 +f 863/1203/217 813/1202/216 815/1204/217 +f 863/1203/217 862/1201/216 813/1202/216 +f 864/1205/218 815/1204/217 818/1206/218 +f 864/1205/218 863/1203/217 815/1204/217 +f 865/1207/219 818/1208/218 820/1209/219 +f 865/1207/219 864/1210/218 818/1208/218 +f 866/1211/220 820/1209/219 821/1212/220 +f 866/1211/220 865/1207/219 820/1209/219 +f 867/1213/221 821/1212/220 823/1214/221 +f 867/1213/221 866/1211/220 821/1212/220 +f 868/1215/222 823/1214/221 824/1216/222 +f 868/1215/222 867/1213/221 823/1214/221 +f 869/1217/223 824/1216/222 798/1218/223 +f 869/1217/223 868/1215/222 824/1216/222 +f 870/1219/224 798/1218/223 797/1220/224 +f 870/1219/224 869/1217/223 798/1218/223 +f 775/859/200 776/860/200 861/1198/215 +f 861/1198/215 776/860/200 810/1199/215 +f 746/828/185 871/1221/225 805/1222/225 +f 746/828/185 805/1222/225 744/826/185 +f 872/1223/226 103/1224/227 104/1225/228 +f 103/1224/227 872/1223/226 109/1226/228 +f 872/1223/226 104/1225/228 150/1227/227 +f 109/1226/228 872/1223/226 112/1228/228 +f 872/1223/226 150/1227/227 148/1229/228 +f 112/1228/228 872/1223/226 107/1230/228 +f 107/1230/228 872/1223/226 111/1231/228 +f 111/1231/228 872/1223/226 710/1232/228 +f 114/1233/228 111/1231/228 710/1232/228 +f 114/1233/228 710/1232/228 709/1234/228 +f 116/1235/228 114/1233/228 709/1234/228 +f 116/1235/228 709/1234/228 712/1236/227 +f 872/1223/226 148/1229/228 801/1237/226 +f 137/1238/228 135/1239/228 801/1237/226 +f 140/1240/228 137/1238/228 801/1237/226 +f 142/1241/228 140/1240/228 801/1237/226 +f 144/1242/228 142/1241/228 801/1237/226 +f 146/1243/228 144/1242/228 801/1237/226 +f 148/1229/228 146/1243/228 801/1237/226 +f 801/1237/226 135/1239/228 133/1244/227 +f 801/1237/226 133/1244/227 131/1245/228 +f 120/1246/228 118/1247/228 241/1248/228 +f 241/1248/228 118/1247/228 240/1249/228 +f 118/1247/228 116/1235/228 240/1249/228 +f 120/1246/228 241/1248/228 243/1250/228 +f 240/1249/228 116/1235/228 238/1251/228 +f 712/1236/227 714/1252/227 238/1251/228 +f 116/1235/228 712/1236/227 238/1251/228 +f 730/1253/228 732/1254/229 683/1255/228 +f 120/1246/228 243/1250/228 245/1256/228 +f 122/1257/228 120/1246/228 245/1256/228 +f 238/1251/228 714/1252/227 236/1258/228 +f 714/1252/227 716/1259/228 236/1258/228 +f 730/1253/228 683/1255/228 686/1260/228 +f 726/1261/228 728/1262/228 687/1263/228 +f 728/1262/228 730/1253/228 687/1263/228 +f 730/1253/228 686/1260/228 687/1263/228 +f 122/1257/228 245/1256/228 247/1264/228 +f 124/1265/228 122/1257/228 247/1264/228 +f 726/1261/228 687/1263/228 688/1266/229 +f 716/1259/228 718/1267/228 233/1268/227 +f 236/1258/228 716/1259/228 233/1268/227 +f 726/1261/228 688/1266/229 690/1269/227 +f 724/1270/228 726/1261/228 690/1269/227 +f 124/1265/228 247/1264/228 249/1271/228 +f 233/1268/227 718/1267/228 231/1272/228 +f 718/1267/228 720/1273/228 231/1272/228 +f 720/1273/228 722/1274/228 231/1272/228 +f 124/1265/228 249/1271/228 201/1275/228 +f 126/1276/228 124/1265/228 201/1275/228 +f 231/1272/228 722/1274/228 229/1277/228 +f 126/1276/228 201/1275/228 205/1278/228 +f 128/1279/228 126/1276/228 205/1278/228 +f 128/1279/228 205/1278/228 204/1280/228 +f 724/1270/228 690/1269/227 3/1281/228 +f 690/1269/227 692/1282/228 3/1281/228 +f 227/1283/228 229/1277/228 4/1284/228 +f 722/1274/228 724/1270/228 4/1284/228 +f 229/1277/228 722/1274/228 4/1284/228 +f 724/1270/228 3/1281/228 4/1284/228 +f 692/1282/228 694/1285/228 9/1286/228 +f 694/1285/228 696/1287/227 9/1286/228 +f 3/1281/228 692/1282/228 9/1286/228 +f 223/1288/228 225/1289/228 50/1290/228 +f 225/1289/228 227/1283/228 50/1290/228 +f 227/1283/228 4/1284/228 50/1290/228 +f 696/1287/227 698/1291/228 12/1292/228 +f 698/1291/228 700/1293/228 12/1292/228 +f 9/1286/228 696/1287/227 12/1292/228 +f 704/1294/227 707/1295/228 858/1296/230 +f 221/1297/228 223/1288/228 48/1298/228 +f 223/1288/228 50/1290/228 48/1298/228 +f 12/1292/228 700/1293/228 7/1299/228 +f 700/1293/228 702/1300/227 7/1299/228 +f 702/1300/227 704/1294/227 7/1299/228 +f 217/1301/228 219/1302/228 46/1303/228 +f 219/1302/228 221/1297/228 46/1303/228 +f 221/1297/228 48/1298/228 46/1303/228 +f 704/1294/227 858/1296/230 11/1304/228 +f 7/1299/228 704/1294/227 11/1304/228 +f 217/1301/228 46/1303/228 44/1305/228 +f 215/1306/228 217/1301/228 44/1305/228 +f 11/1304/228 858/1296/230 14/1307/228 +f 215/1306/228 44/1305/228 42/1308/228 +f 14/1307/228 858/1296/230 16/1309/228 +f 210/1310/228 208/1311/228 873/1312/227 +f 204/1280/228 210/1310/228 874/1313/227 +f 210/1310/228 873/1312/227 874/1313/227 +f 128/1279/228 204/1280/228 874/1313/227 +f 873/1312/227 208/1311/228 875/1314/228 +f 128/1279/228 874/1313/227 876/1315/228 +f 130/1316/228 128/1279/228 876/1315/228 +f 208/1311/228 207/1317/228 877/1318/228 +f 875/1314/228 208/1311/228 877/1318/228 +f 207/1317/228 212/1319/228 878/1320/228 +f 877/1318/228 207/1317/228 878/1320/228 +f 130/1316/228 876/1315/228 804/1321/228 +f 801/1237/226 131/1245/228 804/1321/228 +f 131/1245/228 130/1316/228 804/1321/228 +f 215/1306/228 42/1308/228 879/1322/228 +f 212/1319/228 215/1306/228 879/1322/228 +f 878/1320/228 212/1319/228 879/1322/228 +f 879/1322/228 42/1308/228 880/1323/228 +f 16/1309/228 858/1296/230 18/1324/228 +f 18/1324/228 858/1296/230 20/1325/228 +f 881/1326/228 882/1327/228 883/1328/228 +f 882/1327/228 884/1329/231 883/1328/228 +f 882/1327/228 880/1323/228 885/1330/227 +f 880/1323/228 42/1308/228 885/1330/227 +f 884/1329/231 882/1327/228 885/1330/227 +f 42/1308/228 40/1331/228 885/1330/227 +f 886/1332/228 881/1326/228 887/1333/228 +f 881/1326/228 883/1328/228 887/1333/228 +f 885/1330/227 40/1331/228 888/1334/228 +f 888/1334/228 40/1331/228 889/1335/228 +f 40/1331/228 37/1336/228 889/1335/228 +f 856/1337/231 886/1332/228 857/1338/228 +f 886/1332/228 887/1333/228 857/1338/228 +f 889/1335/228 37/1336/228 890/1339/227 +f 37/1336/228 35/1340/227 891/1341/228 +f 890/1339/227 37/1336/228 891/1341/228 +f 891/1341/228 35/1340/227 892/1342/228 +f 35/1340/227 33/1343/228 893/1344/227 +f 892/1342/228 35/1340/227 893/1344/227 +f 893/1344/227 33/1343/228 894/1345/227 +f 826/1346/228 894/1345/227 827/1347/230 +f 26/1348/228 24/1349/228 827/1347/230 +f 28/1350/228 26/1348/228 827/1347/230 +f 30/1351/228 28/1350/228 827/1347/230 +f 31/1352/228 30/1351/228 827/1347/230 +f 33/1343/228 31/1352/228 827/1347/230 +f 894/1345/227 33/1343/228 827/1347/230 +f 22/1353/228 858/1296/230 827/1347/230 +f 24/1349/228 22/1353/228 827/1347/230 +f 20/1325/228 858/1296/230 22/1353/228 +f 858/1296/230 859/1354/232 827/1347/230 +f 859/1354/232 829/1355/232 827/1347/230 +f 859/1356/233 839/1357/233 829/1358/233 +f 829/1358/233 839/1357/233 828/1359/233 +f 895/1360/210 870/1219/224 797/1220/224 +f 895/1360/210 797/1220/224 802/1361/210 +f 631/1362/34 633/1363/34 870/1364/34 +f 633/1363/34 635/1365/34 870/1364/34 +f 635/1365/34 869/1366/34 870/1364/34 +f 631/1362/34 870/1364/34 629/1367/34 +f 629/1367/34 870/1364/34 627/1368/34 +f 738/1369/34 735/1370/34 351/1371/34 +f 872/1372/34 896/1373/34 830/1374/34 +f 896/1373/34 601/1375/34 830/1374/34 +f 601/1375/34 603/1376/34 830/1374/34 +f 603/1376/34 605/1377/34 830/1374/34 +f 605/1377/34 607/1378/34 830/1374/34 +f 607/1378/34 609/1379/34 830/1374/34 +f 609/1379/34 611/1380/34 830/1374/34 +f 611/1380/34 613/1381/34 830/1374/34 +f 613/1381/34 615/1382/34 830/1374/34 +f 735/1370/34 739/1383/34 350/1384/34 +f 351/1371/34 735/1370/34 350/1384/34 +f 615/1382/34 617/1385/34 895/1386/34 +f 617/1385/34 619/1387/34 895/1386/34 +f 795/1388/34 738/1369/34 354/1389/34 +f 619/1387/34 621/1390/34 895/1386/34 +f 621/1390/34 623/1391/34 895/1386/34 +f 623/1391/34 625/1392/34 895/1386/34 +f 625/1392/34 627/1368/34 895/1386/34 +f 830/1374/34 615/1382/34 895/1386/34 +f 738/1369/34 351/1371/34 354/1389/34 +f 627/1368/34 870/1364/34 895/1386/34 +f 739/1383/34 741/1393/34 347/1394/34 +f 350/1384/34 739/1383/34 347/1394/34 +f 710/1395/34 872/1372/34 711/1396/34 +f 872/1372/34 830/1374/34 711/1396/34 +f 793/1397/34 795/1388/34 355/1398/34 +f 795/1388/34 354/1389/34 355/1398/34 +f 747/1399/34 751/1400/34 345/1401/34 +f 741/1393/34 747/1399/34 345/1401/34 +f 347/1394/34 741/1393/34 345/1401/34 +f 791/1402/34 793/1397/34 358/1403/34 +f 793/1397/34 355/1398/34 358/1403/34 +f 751/1400/34 755/1404/34 344/1405/34 +f 345/1401/34 751/1400/34 344/1405/34 +f 791/1402/34 358/1403/34 254/1406/34 +f 789/1407/34 791/1402/34 254/1406/34 +f 755/1404/34 759/1408/34 341/1409/34 +f 344/1405/34 755/1404/34 341/1409/34 +f 789/1407/34 254/1406/34 251/1410/34 +f 787/1411/34 789/1407/34 251/1410/34 +f 341/1409/34 759/1408/34 340/1412/34 +f 759/1408/34 764/1413/34 340/1412/34 +f 787/1411/34 251/1410/34 255/1414/34 +f 785/1415/34 787/1411/34 255/1414/34 +f 783/1416/34 785/1415/34 255/1414/34 +f 764/1413/34 768/1417/34 337/1418/34 +f 340/1412/34 764/1413/34 337/1418/34 +f 781/1419/34 783/1416/34 257/1420/34 +f 783/1416/34 255/1414/34 257/1420/34 +f 768/1417/34 772/1421/34 336/1422/34 +f 337/1418/34 768/1417/34 336/1422/34 +f 781/1419/34 257/1420/34 259/1423/34 +f 779/1424/34 781/1419/34 259/1423/34 +f 772/1421/34 774/1425/34 334/1426/34 +f 336/1422/34 772/1421/34 334/1426/34 +f 777/1427/34 779/1424/34 262/1428/34 +f 779/1424/34 259/1423/34 262/1428/34 +f 774/1425/34 775/1429/34 331/1430/34 +f 334/1426/34 774/1425/34 331/1430/34 +f 777/1427/34 262/1428/34 263/1431/34 +f 777/1427/34 263/1431/34 770/1432/34 +f 331/1430/34 775/1429/34 329/1433/34 +f 770/1432/34 263/1431/34 266/1434/34 +f 770/1432/34 266/1434/34 766/1435/34 +f 329/1433/34 775/1429/34 328/1436/34 +f 766/1435/34 266/1434/34 267/1437/34 +f 328/1436/34 775/1429/34 326/1438/34 +f 766/1435/34 267/1437/34 761/1439/34 +f 761/1439/34 267/1437/34 270/1440/34 +f 326/1438/34 775/1429/34 324/1441/34 +f 761/1439/34 270/1440/34 757/1442/34 +f 757/1442/34 270/1440/34 272/1443/34 +f 757/1442/34 272/1443/34 753/1444/34 +f 753/1444/34 272/1443/34 274/1445/34 +f 753/1444/34 274/1445/34 749/1446/34 +f 274/1445/34 275/1447/34 743/1448/34 +f 749/1446/34 274/1445/34 743/1448/34 +f 275/1447/34 278/1449/34 746/1450/34 +f 743/1448/34 275/1447/34 746/1450/34 +f 746/1450/34 278/1449/34 280/1451/34 +f 746/1450/34 280/1451/34 282/1452/34 +f 746/1450/34 282/1452/34 283/1453/34 +f 283/1453/34 285/1454/34 871/1455/34 +f 285/1454/34 287/1456/34 871/1455/34 +f 287/1456/34 290/1457/34 871/1455/34 +f 290/1457/34 292/1458/34 871/1455/34 +f 292/1458/34 294/1459/34 871/1455/34 +f 746/1450/34 283/1453/34 871/1455/34 +f 294/1459/34 296/1460/34 871/1455/34 +f 296/1460/34 298/1461/34 871/1455/34 +f 298/1461/34 299/1462/34 871/1455/34 +f 299/1462/34 302/1463/34 871/1455/34 +f 310/1464/34 312/1465/34 675/1466/34 +f 675/1466/34 312/1465/34 673/1467/34 +f 312/1465/34 314/1468/34 673/1467/34 +f 308/1469/34 310/1464/34 677/1470/34 +f 310/1464/34 675/1466/34 677/1470/34 +f 673/1467/34 314/1468/34 671/1471/34 +f 314/1468/34 316/1472/34 671/1471/34 +f 308/1469/34 677/1470/34 680/1473/34 +f 306/1474/34 308/1469/34 680/1473/34 +f 671/1471/34 316/1472/34 669/1475/34 +f 316/1472/34 318/1476/34 669/1475/34 +f 306/1474/34 680/1473/34 681/1477/34 +f 304/1478/34 306/1474/34 681/1477/34 +f 669/1475/34 318/1476/34 667/1479/34 +f 318/1476/34 320/1480/34 667/1479/34 +f 304/1478/34 681/1477/34 578/1481/34 +f 302/1463/34 304/1478/34 578/1481/34 +f 667/1479/34 320/1480/34 665/1482/34 +f 320/1480/34 322/1483/34 665/1482/34 +f 302/1463/34 578/1481/34 575/1484/34 +f 897/1485/34 871/1455/34 575/1484/34 +f 871/1455/34 302/1463/34 575/1484/34 +f 665/1482/34 322/1483/34 663/1486/34 +f 324/1441/34 775/1429/34 663/1486/34 +f 322/1483/34 324/1441/34 663/1486/34 +f 898/1487/34 897/1485/34 579/1488/34 +f 897/1485/34 575/1484/34 579/1488/34 +f 899/1489/34 898/1487/34 581/1490/34 +f 898/1487/34 579/1488/34 581/1490/34 +f 899/1489/34 581/1490/34 583/1491/34 +f 663/1486/34 775/1429/34 861/1492/34 +f 657/1493/34 659/1494/34 861/1492/34 +f 659/1494/34 661/1495/34 861/1492/34 +f 661/1495/34 663/1486/34 861/1492/34 +f 900/1496/34 899/1489/34 585/1497/34 +f 899/1489/34 583/1491/34 585/1497/34 +f 657/1493/34 861/1492/34 655/1498/34 +f 901/1499/34 900/1496/34 587/1500/34 +f 900/1496/34 585/1497/34 587/1500/34 +f 861/1492/34 860/1501/34 653/1502/34 +f 655/1498/34 861/1492/34 653/1502/34 +f 902/1503/34 901/1499/34 589/1504/34 +f 901/1499/34 587/1500/34 589/1504/34 +f 860/1501/34 862/1505/34 651/1506/34 +f 653/1502/34 860/1501/34 651/1506/34 +f 903/1507/34 902/1503/34 591/1508/34 +f 902/1503/34 589/1504/34 591/1508/34 +f 651/1506/34 862/1505/34 649/1509/34 +f 649/1509/34 862/1505/34 863/1510/34 +f 903/1507/34 591/1508/34 593/1511/34 +f 903/1507/34 593/1511/34 904/1512/34 +f 649/1509/34 863/1510/34 647/1513/34 +f 647/1513/34 863/1510/34 864/1514/34 +f 904/1512/34 593/1511/34 595/1515/34 +f 647/1513/34 864/1514/34 645/1516/34 +f 645/1516/34 864/1514/34 865/1517/34 +f 905/1518/34 904/1512/34 597/1519/34 +f 904/1512/34 595/1515/34 597/1519/34 +f 645/1516/34 865/1517/34 643/1520/34 +f 906/1521/34 905/1518/34 599/1522/34 +f 905/1518/34 597/1519/34 599/1522/34 +f 643/1520/34 865/1517/34 866/1523/34 +f 643/1520/34 866/1523/34 641/1524/34 +f 896/1373/34 906/1521/34 601/1375/34 +f 906/1521/34 599/1522/34 601/1375/34 +f 641/1524/34 866/1523/34 867/1525/34 +f 639/1526/34 641/1524/34 867/1525/34 +f 637/1527/34 639/1526/34 868/1528/34 +f 639/1526/34 867/1525/34 868/1528/34 +f 635/1365/34 637/1527/34 869/1366/34 +f 637/1527/34 868/1528/34 869/1366/34 +f 872/1223/226 801/1237/226 800/1529/234 +f 896/1530/234 872/1223/226 800/1529/234 +f 906/1531/235 896/1530/234 822/1532/235 +f 896/1530/234 800/1529/234 822/1532/235 +f 905/1533/236 906/1531/235 819/1534/236 +f 906/1531/235 822/1532/235 819/1534/236 +f 904/1535/237 905/1533/236 817/1536/237 +f 905/1533/236 819/1534/236 817/1536/237 +f 903/1537/238 904/1535/237 816/1538/238 +f 904/1535/237 817/1536/237 816/1538/238 +f 902/1539/239 903/1537/238 814/1540/239 +f 903/1537/238 816/1538/238 814/1540/239 +f 901/1541/240 902/1539/239 811/1542/240 +f 902/1539/239 814/1540/239 811/1542/240 +f 900/1543/241 901/1541/240 809/1544/241 +f 899/1545/242 900/1546/241 809/1547/241 +f 901/1541/240 811/1542/240 809/1544/241 +f 898/1548/243 899/1545/242 808/1549/242 +f 899/1545/242 809/1547/241 808/1549/242 +f 897/1550/244 898/1548/243 807/1551/243 +f 898/1548/243 808/1549/242 807/1551/243 +f 871/1221/225 897/1550/244 806/1552/244 +f 897/1550/244 807/1551/243 806/1552/244 +f 871/1221/225 806/1552/244 805/1222/225 +f 830/1553/233 895/1554/233 799/1555/233 +f 799/1555/233 895/1554/233 802/1556/233 +f 886/1557/245 856/1558/246 845/1559/245 +f 856/1558/246 849/1560/247 845/1559/245 +f 881/1561/248 886/1557/245 844/1562/248 +f 886/1557/245 845/1559/245 844/1562/248 +f 882/1563/249 881/1561/248 841/1564/249 +f 881/1561/248 844/1562/248 841/1564/249 +f 880/1565/250 882/1566/249 838/1567/250 +f 882/1566/249 841/1568/249 838/1567/250 +f 879/1569/251 880/1565/250 837/1570/251 +f 880/1565/250 838/1567/250 837/1570/251 +f 878/1571/5 879/1569/251 836/1572/5 +f 879/1569/251 837/1570/251 836/1572/5 +f 877/1573/252 878/1571/5 835/1574/252 +f 878/1571/5 836/1572/5 835/1574/252 +f 875/1575/253 877/1573/252 833/1576/253 +f 877/1573/252 835/1574/252 833/1576/253 +f 873/1577/254 875/1575/253 831/1578/254 +f 875/1575/253 833/1576/253 831/1578/254 +f 874/1579/255 873/1580/254 832/1581/255 +f 873/1580/254 831/1582/254 832/1581/255 +f 876/1583/256 874/1579/255 834/1584/256 +f 874/1579/255 832/1581/255 834/1584/256 +f 804/1585/257 876/1583/256 803/1586/258 +f 876/1583/256 834/1584/256 803/1586/258 +f 894/1587/245 826/1588/246 855/1589/245 +f 826/1588/246 825/1590/246 855/1589/245 +f 893/1591/248 894/1587/245 854/1592/248 +f 894/1587/245 855/1589/245 854/1592/248 +f 892/1593/249 893/1591/248 853/1594/249 +f 893/1591/248 854/1592/248 853/1594/249 +f 891/1595/250 892/1596/249 852/1597/250 +f 892/1596/249 853/1598/249 852/1597/250 +f 890/1599/251 891/1595/250 851/1600/251 +f 891/1595/250 852/1597/250 851/1600/251 +f 889/1601/5 890/1599/251 848/1602/5 +f 890/1599/251 851/1600/251 848/1602/5 +f 888/1603/252 889/1601/5 847/1604/252 +f 889/1601/5 848/1602/5 847/1604/252 +f 885/1605/253 888/1603/252 840/1606/253 +f 888/1603/252 847/1604/252 840/1606/253 +f 884/1607/254 885/1605/253 842/1608/254 +f 885/1605/253 840/1606/253 842/1608/254 +f 883/1609/255 884/1610/254 843/1611/255 +f 884/1610/254 842/1612/254 843/1611/255 +f 887/1613/259 883/1609/255 846/1614/256 +f 883/1609/255 843/1611/255 846/1614/256 +f 857/1615/258 887/1613/259 850/1616/257 +f 887/1613/259 846/1614/256 850/1616/257 +f 634/1617/34 638/1618/34 636/1619/34 +f 634/1617/34 640/1620/34 638/1618/34 +f 634/1617/34 642/1621/34 640/1620/34 +f 634/1617/34 644/1622/34 642/1621/34 +f 668/1623/34 672/1624/34 670/1625/34 +f 634/1617/34 646/1626/34 644/1622/34 +f 634/1617/34 668/1623/34 650/1627/34 +f 600/1628/34 594/1629/34 592/1630/34 +f 600/1628/34 596/1631/34 594/1629/34 +f 600/1628/34 598/1632/34 596/1631/34 +f 676/1633/34 674/1634/34 672/1624/34 +f 630/1635/34 634/1617/34 632/1636/34 +f 662/1637/34 666/1638/34 664/1639/34 +f 662/1637/34 668/1623/34 666/1638/34 +f 606/1640/34 602/1641/34 600/1628/34 +f 606/1640/34 604/1642/34 602/1641/34 +f 679/1643/34 678/1644/34 676/1633/34 +f 679/1643/34 672/1624/34 668/1623/34 +f 679/1643/34 676/1633/34 672/1624/34 +f 626/1645/34 630/1635/34 628/1646/34 +f 626/1645/34 634/1617/34 630/1635/34 +f 658/1647/34 662/1637/34 660/1648/34 +f 622/1649/34 626/1645/34 624/1650/34 +f 612/1651/34 592/1630/34 588/1652/34 +f 612/1651/34 608/1653/34 606/1640/34 +f 577/1654/34 682/1655/34 679/1643/34 +f 612/1651/34 610/1656/34 608/1653/34 +f 577/1654/34 576/1657/34 682/1655/34 +f 612/1651/34 600/1628/34 592/1630/34 +f 612/1651/34 606/1640/34 600/1628/34 +f 654/1658/34 658/1647/34 656/1659/34 +f 620/1660/34 588/1652/34 668/1623/34 +f 654/1658/34 662/1637/34 658/1647/34 +f 620/1660/34 668/1623/34 634/1617/34 +f 620/1660/34 634/1617/34 626/1645/34 +f 620/1660/34 626/1645/34 622/1649/34 +f 620/1660/34 612/1651/34 588/1652/34 +f 580/1661/34 577/1654/34 679/1643/34 +f 616/1662/34 614/1663/34 612/1651/34 +f 616/1662/34 620/1660/34 618/1664/34 +f 616/1662/34 612/1651/34 620/1660/34 +f 650/1627/34 654/1658/34 652/1665/34 +f 650/1627/34 668/1623/34 662/1637/34 +f 650/1627/34 662/1637/34 654/1658/34 +f 646/1626/34 650/1627/34 648/1666/34 +f 588/1652/34 582/1667/34 580/1661/34 +f 588/1652/34 584/1668/34 582/1667/34 +f 588/1652/34 586/1669/34 584/1668/34 +f 588/1652/34 679/1643/34 668/1623/34 +f 588/1652/34 580/1661/34 679/1643/34 +f 592/1630/34 590/1670/34 588/1652/34 +f 634/1617/34 650/1627/34 646/1626/34 +f 525/1671/5 533/1672/5 529/1673/5 +f 525/1671/5 529/1673/5 527/1674/5 +f 491/1675/5 489/1676/5 487/1677/5 +f 491/1675/5 479/1678/5 533/1672/5 +f 559/1679/5 563/1680/5 561/1681/5 +f 491/1675/5 487/1677/5 479/1678/5 +f 491/1675/5 533/1672/5 525/1671/5 +f 521/1682/5 525/1671/5 523/1683/5 +f 555/1684/5 559/1679/5 557/1685/5 +f 569/1686/5 567/1687/5 565/1688/5 +f 497/1689/5 493/1690/5 491/1675/5 +f 497/1689/5 495/1691/5 493/1690/5 +f 497/1689/5 491/1675/5 525/1671/5 +f 497/1689/5 525/1671/5 521/1682/5 +f 517/1692/5 521/1682/5 519/1693/5 +f 551/1694/5 555/1684/5 553/1695/5 +f 513/1696/5 517/1692/5 515/1697/5 +f 573/1698/5 565/1688/5 563/1680/5 +f 573/1698/5 571/1699/5 569/1686/5 +f 503/1700/5 499/1701/5 497/1689/5 +f 573/1698/5 569/1686/5 565/1688/5 +f 503/1700/5 501/1702/5 499/1701/5 +f 511/1703/5 497/1689/5 521/1682/5 +f 511/1703/5 521/1682/5 517/1692/5 +f 511/1703/5 517/1692/5 513/1696/5 +f 547/1704/5 551/1694/5 549/1705/5 +f 505/1706/5 503/1700/5 497/1689/5 +f 505/1706/5 497/1689/5 511/1703/5 +f 547/1704/5 559/1679/5 555/1684/5 +f 547/1704/5 555/1684/5 551/1694/5 +f 509/1707/5 505/1706/5 511/1703/5 +f 469/1708/5 468/1709/5 573/1698/5 +f 507/1710/5 505/1706/5 509/1707/5 +f 471/1711/5 469/1708/5 573/1698/5 +f 541/1712/5 545/1713/5 543/1714/5 +f 475/1715/5 473/1716/5 471/1711/5 +f 537/1717/5 541/1712/5 539/1718/5 +f 479/1678/5 477/1719/5 475/1715/5 +f 479/1678/5 547/1704/5 545/1713/5 +f 479/1678/5 563/1680/5 559/1679/5 +f 479/1678/5 573/1698/5 563/1680/5 +f 479/1678/5 559/1679/5 547/1704/5 +f 479/1678/5 471/1711/5 573/1698/5 +f 479/1678/5 475/1715/5 471/1711/5 +f 535/1720/5 541/1712/5 537/1717/5 +f 535/1720/5 545/1713/5 541/1712/5 +f 535/1720/5 479/1678/5 545/1713/5 +f 533/1672/5 479/1678/5 535/1720/5 +f 485/1721/5 481/1722/5 479/1678/5 +f 485/1721/5 483/1723/5 481/1722/5 +f 529/1673/5 533/1672/5 531/1724/5 +f 487/1677/5 485/1721/5 479/1678/5 +f 375/1725/5 457/1726/5 455/1727/5 +f 375/1725/5 459/1728/5 457/1726/5 +f 375/1725/5 361/1729/5 459/1728/5 +f 375/1725/5 451/1730/5 441/1731/5 +f 375/1725/5 441/1731/5 437/1732/5 +f 375/1725/5 367/1733/5 363/1734/5 +f 421/1735/5 425/1736/5 423/1737/5 +f 421/1735/5 427/1738/5 425/1736/5 +f 379/1739/5 377/1740/5 375/1725/5 +f 447/1741/5 451/1730/5 449/1742/5 +f 417/1743/5 421/1735/5 419/1744/5 +f 383/1745/5 381/1746/5 379/1739/5 +f 383/1745/5 375/1725/5 437/1732/5 +f 383/1745/5 379/1739/5 375/1725/5 +f 415/1747/5 427/1738/5 421/1735/5 +f 415/1747/5 421/1735/5 417/1743/5 +f 443/1748/5 447/1741/5 445/1749/5 +f 465/1750/5 461/1751/5 459/1728/5 +f 411/1752/5 415/1747/5 413/1753/5 +f 465/1750/5 464/1754/5 461/1751/5 +f 389/1755/5 385/1756/5 383/1745/5 +f 389/1755/5 387/1757/5 385/1756/5 +f 389/1755/5 383/1745/5 437/1732/5 +f 441/1731/5 451/1730/5 447/1741/5 +f 441/1731/5 447/1741/5 443/1748/5 +f 361/1729/5 360/1758/5 465/1750/5 +f 361/1729/5 465/1750/5 459/1728/5 +f 437/1732/5 441/1731/5 439/1759/5 +f 395/1760/5 391/1761/5 389/1755/5 +f 395/1760/5 393/1762/5 391/1761/5 +f 395/1760/5 427/1738/5 415/1747/5 +f 395/1760/5 415/1747/5 411/1752/5 +f 395/1760/5 389/1755/5 437/1732/5 +f 395/1760/5 437/1732/5 427/1738/5 +f 403/1763/5 407/1764/5 405/1765/5 +f 401/1766/5 409/1767/5 407/1764/5 +f 401/1766/5 411/1752/5 409/1767/5 +f 401/1766/5 395/1760/5 411/1752/5 +f 401/1766/5 407/1764/5 403/1763/5 +f 367/1733/5 365/1768/5 363/1734/5 +f 399/1769/5 397/1770/5 395/1760/5 +f 399/1769/5 395/1760/5 401/1766/5 +f 431/1771/5 435/1772/5 433/1773/5 +f 431/1771/5 437/1732/5 435/1772/5 +f 371/1774/5 369/1775/5 367/1733/5 +f 427/1738/5 437/1732/5 431/1771/5 +f 427/1738/5 431/1771/5 429/1776/5 +f 375/1725/5 363/1734/5 361/1729/5 +f 375/1725/5 371/1774/5 367/1733/5 +f 375/1725/5 373/1777/5 371/1774/5 +f 375/1725/5 453/1778/5 451/1730/5 +f 375/1725/5 455/1727/5 453/1778/5 +f 309/1779/34 321/1780/34 317/1781/34 +f 309/1779/34 313/1782/34 311/1783/34 +f 309/1779/34 315/1784/34 313/1782/34 +f 309/1779/34 317/1781/34 315/1784/34 +f 343/1785/34 348/1786/34 346/1787/34 +f 276/1788/34 269/1789/34 268/1790/34 +f 276/1788/34 273/1791/34 269/1789/34 +f 352/1792/34 349/1793/34 348/1786/34 +f 305/1794/34 330/1795/34 321/1780/34 +f 305/1794/34 321/1780/34 309/1779/34 +f 305/1794/34 309/1779/34 307/1796/34 +f 305/1794/34 356/1797/34 343/1785/34 +f 305/1794/34 343/1785/34 330/1795/34 +f 305/1794/34 256/1798/34 356/1797/34 +f 338/1799/34 342/1800/34 339/1801/34 +f 338/1799/34 343/1785/34 342/1800/34 +f 356/1797/34 353/1802/34 352/1792/34 +f 281/1803/34 277/1804/34 276/1788/34 +f 281/1803/34 279/1805/34 277/1804/34 +f 356/1797/34 348/1786/34 343/1785/34 +f 356/1797/34 352/1792/34 348/1786/34 +f 301/1806/34 305/1794/34 303/1807/34 +f 333/1808/34 338/1799/34 335/1809/34 +f 333/1808/34 343/1785/34 338/1799/34 +f 297/1810/34 301/1806/34 300/1811/34 +f 288/1812/34 268/1790/34 256/1798/34 +f 288/1812/34 256/1798/34 305/1794/34 +f 288/1812/34 284/1813/34 281/1803/34 +f 288/1812/34 286/1814/34 284/1813/34 +f 288/1812/34 305/1794/34 301/1806/34 +f 288/1812/34 276/1788/34 268/1790/34 +f 288/1812/34 281/1803/34 276/1788/34 +f 253/1815/34 357/1816/34 356/1797/34 +f 253/1815/34 252/1817/34 357/1816/34 +f 330/1795/34 333/1808/34 332/1818/34 +f 330/1795/34 343/1785/34 333/1808/34 +f 291/1819/34 289/1820/34 288/1812/34 +f 291/1819/34 295/1821/34 293/1822/34 +f 291/1819/34 297/1810/34 295/1821/34 +f 256/1798/34 253/1815/34 356/1797/34 +f 291/1819/34 288/1812/34 301/1806/34 +f 291/1819/34 301/1806/34 297/1810/34 +f 325/1823/34 330/1795/34 327/1824/34 +f 260/1825/34 258/1826/34 256/1798/34 +f 261/1827/34 260/1825/34 256/1798/34 +f 321/1780/34 325/1823/34 323/1828/34 +f 321/1780/34 330/1795/34 325/1823/34 +f 317/1781/34 321/1780/34 319/1829/34 +f 268/1790/34 261/1827/34 256/1798/34 +f 268/1790/34 264/1830/34 261/1827/34 +f 268/1790/34 265/1831/34 264/1830/34 +f 273/1791/34 271/1832/34 269/1789/34 +f 141/1833/228 200/1834/228 139/1835/228 +f 105/1836/228 110/1837/228 166/1838/228 +f 105/1836/228 161/1839/228 162/1840/228 +f 105/1836/228 166/1838/228 161/1839/228 +f 143/1841/228 200/1834/228 141/1833/228 +f 143/1841/228 154/1842/228 200/1834/228 +f 184/1843/228 125/1844/228 127/1845/228 +f 106/1846/228 105/1836/228 162/1840/228 +f 186/1847/228 127/1845/228 129/1848/228 +f 186/1847/228 184/1843/228 127/1845/228 +f 182/1849/228 121/1850/228 123/1851/228 +f 182/1849/228 123/1851/228 125/1844/228 +f 145/1852/228 153/1853/228 154/1842/228 +f 182/1849/228 125/1844/228 184/1843/228 +f 145/1852/228 154/1842/228 143/1841/228 +f 108/1854/228 106/1846/228 162/1840/228 +f 188/1855/228 186/1847/228 129/1848/228 +f 108/1854/228 172/1856/228 168/1857/228 +f 108/1854/228 162/1840/228 172/1856/228 +f 180/1858/228 119/1859/228 121/1850/228 +f 147/1860/228 153/1853/228 145/1852/228 +f 147/1860/228 156/1861/228 153/1853/228 +f 180/1858/228 121/1850/228 182/1849/228 +f 147/1860/228 158/1862/228 156/1861/228 +f 189/1863/228 129/1848/228 132/1864/228 +f 101/1865/228 108/1854/228 168/1857/228 +f 189/1863/228 188/1855/228 129/1848/228 +f 101/1865/228 168/1857/228 164/1866/228 +f 149/1867/228 164/1866/228 158/1862/228 +f 149/1867/228 158/1862/228 147/1860/228 +f 178/1868/228 117/1869/228 119/1859/228 +f 102/1870/228 101/1865/228 164/1866/228 +f 178/1868/228 119/1859/228 180/1858/228 +f 102/1870/228 164/1866/228 149/1867/228 +f 191/1871/228 132/1864/228 134/1872/228 +f 191/1871/228 189/1863/228 132/1864/228 +f 176/1873/228 117/1869/228 178/1868/228 +f 193/1874/228 134/1872/228 136/1875/228 +f 193/1874/228 191/1871/228 134/1872/228 +f 174/1876/228 115/1877/228 117/1869/228 +f 174/1876/228 117/1869/228 176/1873/228 +f 196/1878/228 136/1875/228 138/1879/228 +f 196/1878/228 193/1874/228 136/1875/228 +f 113/1880/228 174/1876/228 170/1881/228 +f 113/1880/228 115/1877/228 174/1876/228 +f 139/1835/228 196/1878/228 138/1879/228 +f 139/1835/228 198/1882/228 196/1878/228 +f 166/1838/228 113/1880/228 170/1881/228 +f 200/1834/228 198/1882/228 139/1835/228 +f 110/1837/228 113/1880/228 166/1838/228 +f 5/1883/228 10/1884/228 66/1885/228 +f 5/1883/228 61/1886/228 62/1887/228 +f 5/1883/228 66/1885/228 61/1886/228 +f 43/1888/228 100/1889/228 41/1890/228 +f 43/1888/228 54/1891/228 100/1889/228 +f 84/1892/228 25/1893/228 27/1894/228 +f 6/1895/228 5/1883/228 62/1887/228 +f 86/1896/228 27/1894/228 29/1897/228 +f 86/1896/228 84/1892/228 27/1894/228 +f 45/1898/228 54/1891/228 43/1888/228 +f 82/1899/228 21/1900/228 23/1901/228 +f 82/1899/228 23/1901/228 25/1893/228 +f 45/1898/228 53/1902/228 54/1891/228 +f 82/1899/228 25/1893/228 84/1892/228 +f 8/1903/228 6/1895/228 62/1887/228 +f 88/1904/228 86/1896/228 29/1897/228 +f 8/1903/228 62/1887/228 72/1905/228 +f 47/1906/228 53/1902/228 45/1898/228 +f 80/1907/228 19/1908/228 21/1900/228 +f 47/1906/228 56/1909/228 53/1902/228 +f 47/1906/228 58/1910/228 56/1909/228 +f 80/1907/228 21/1900/228 82/1899/228 +f 89/1911/228 29/1897/228 32/1912/228 +f 1/1913/228 8/1903/228 72/1905/228 +f 1/1913/228 68/1914/228 64/1915/228 +f 1/1913/228 72/1905/228 68/1914/228 +f 89/1911/228 88/1904/228 29/1897/228 +f 49/1916/228 64/1915/228 58/1910/228 +f 49/1916/228 58/1910/228 47/1906/228 +f 78/1917/228 17/1918/228 19/1908/228 +f 2/1919/228 1/1913/228 64/1915/228 +f 2/1919/228 64/1915/228 49/1916/228 +f 78/1917/228 19/1908/228 80/1907/228 +f 91/1920/227 32/1912/228 34/1921/228 +f 91/1920/227 34/1921/228 36/1922/228 +f 91/1920/227 89/1911/228 32/1912/228 +f 76/1923/228 17/1918/228 78/1917/228 +f 93/1924/227 91/1920/227 36/1922/228 +f 38/1925/228 93/1924/227 36/1922/228 +f 74/1926/228 15/1927/228 17/1918/228 +f 74/1926/228 17/1918/228 76/1923/228 +f 96/1928/228 93/1924/227 38/1925/228 +f 13/1929/228 74/1926/228 70/1930/227 +f 13/1929/228 15/1927/228 74/1926/228 +f 39/1931/228 96/1928/228 38/1925/228 +f 39/1931/228 98/1932/228 96/1928/228 +f 66/1885/228 13/1929/228 70/1930/227 +f 10/1884/228 13/1929/228 66/1885/228 +f 41/1890/228 98/1932/228 39/1931/228 +f 41/1890/228 100/1889/228 98/1932/228 +f 907/1933/260 908/1934/261 909/1935/260 +f 908/1934/261 910/1936/261 909/1935/260 +f 911/1937/262 907/1933/260 912/1938/262 +f 907/1933/260 909/1935/260 912/1938/262 +f 913/1939/263 914/1940/174 915/1941/263 +f 914/1940/174 916/1942/174 915/1941/263 +f 917/1943/264 911/1937/262 918/1944/264 +f 911/1937/262 912/1938/262 918/1944/264 +f 919/1945/265 913/1946/263 920/1947/265 +f 913/1946/263 915/1948/263 920/1947/265 +f 921/1949/266 917/1943/264 922/1950/266 +f 917/1943/264 918/1944/264 922/1950/266 +f 923/1951/267 919/1945/265 924/1952/267 +f 914/1940/174 921/1953/266 916/1942/174 +f 919/1945/265 920/1947/265 924/1952/267 +f 921/1953/266 922/1954/266 916/1942/174 +f 925/1955/268 923/1951/267 926/1956/268 +f 923/1951/267 924/1952/267 926/1956/268 +f 927/1957/269 925/1955/268 928/1958/269 +f 925/1955/268 926/1956/268 928/1958/269 +f 929/1959/270 927/1957/269 930/1960/270 +f 927/1957/269 928/1958/269 930/1960/270 +f 931/1961/271 929/1962/270 932/1963/271 +f 929/1962/270 930/1964/270 932/1963/271 +f 933/1965/272 931/1966/271 934/1967/272 +f 931/1966/271 932/1968/271 934/1967/272 +f 935/1969/273 933/1965/272 936/1970/273 +f 933/1965/272 934/1967/272 936/1970/273 +f 937/1971/274 935/1969/273 938/1972/274 +f 935/1969/273 936/1970/273 938/1972/274 +f 939/1973/275 937/1971/274 940/1974/275 +f 937/1971/274 938/1972/274 940/1974/275 +f 939/1973/275 940/1974/275 941/1975/276 +f 942/1976/276 939/1973/275 941/1975/276 +f 942/1977/276 941/1978/276 943/1979/277 +f 944/1980/277 942/1977/276 943/1979/277 +f 944/1981/277 943/1982/277 945/1983/278 +f 946/1984/278 944/1981/277 945/1983/278 +f 947/1985/279 946/1984/278 948/1986/279 +f 946/1984/278 945/1983/278 948/1986/279 +f 949/1987/280 947/1985/279 950/1988/280 +f 947/1985/279 948/1986/279 950/1988/280 +f 951/1989/281 949/1987/280 952/1990/281 +f 949/1987/280 950/1988/280 952/1990/281 +f 953/1991/282 951/1989/281 954/1992/282 +f 951/1989/281 952/1990/281 954/1992/282 +f 955/1993/283 953/1994/282 956/1995/283 +f 953/1994/282 954/1996/282 956/1995/283 +f 908/1934/261 955/1997/283 910/1936/261 +f 955/1997/283 956/1998/283 910/1936/261 +f 925/1999/284 927/2000/285 957/2001/286 +f 927/2000/285 958/2002/287 957/2001/286 +f 921/1953/288 914/1940/289 959/2003/290 +f 923/2004/291 925/1999/284 960/2005/292 +f 925/1999/284 957/2001/286 960/2005/292 +f 917/2006/293 921/1953/288 961/2007/294 +f 921/1953/288 959/2003/290 961/2007/294 +f 919/2008/295 923/2009/291 962/2010/296 +f 923/2009/291 960/2011/292 962/2010/296 +f 911/2012/297 917/2006/293 963/2013/298 +f 917/2006/293 961/2007/294 963/2013/298 +f 913/1939/299 919/2008/295 964/2014/300 +f 919/2008/295 962/2010/296 964/2014/300 +f 914/1940/289 913/1939/299 959/2003/290 +f 907/2015/301 911/2016/297 965/2017/302 +f 913/1939/299 964/2014/300 959/2003/290 +f 911/2012/297 963/2013/298 965/2018/302 +f 908/2019/303 907/2015/301 966/2020/304 +f 907/2015/301 965/2017/302 966/2020/304 +f 955/1993/305 908/2019/303 967/2021/306 +f 908/2019/303 966/2020/304 967/2021/306 +f 953/1994/307 955/1993/305 968/2022/308 +f 955/1993/305 967/2021/306 968/2022/308 +f 951/2023/309 953/1994/307 969/2024/310 +f 953/1994/307 968/2022/308 969/2024/310 +f 949/2025/311 951/2023/309 970/2026/312 +f 951/2023/309 969/2024/310 970/2026/312 +f 947/2027/313 949/2028/311 971/2029/314 +f 949/2025/311 970/2026/312 971/2030/314 +f 946/2031/315 947/2027/313 972/2032/316 +f 947/2027/313 971/2029/314 972/2032/316 +f 944/1980/317 946/2031/315 973/2033/318 +f 946/2031/315 972/2032/316 973/2033/318 +f 944/1980/317 973/2033/318 974/2034/319 +f 942/1977/320 944/1980/317 974/2034/319 +f 942/1977/320 974/2034/319 975/2035/321 +f 939/2036/322 942/1977/320 975/2035/321 +f 939/2036/322 975/2035/321 976/2037/323 +f 937/2038/324 939/2036/322 976/2037/323 +f 935/2039/325 937/2038/324 977/2040/326 +f 937/2038/324 976/2037/323 977/2040/326 +f 935/2041/325 977/2042/326 978/2043/327 +f 933/2044/328 935/2041/325 978/2043/327 +f 931/1961/329 933/2044/328 979/2045/330 +f 933/2044/328 978/2043/327 979/2045/330 +f 929/1962/331 931/1961/329 980/2046/332 +f 931/1961/329 979/2045/330 980/2046/332 +f 927/2000/285 929/1962/331 958/2002/287 +f 929/1962/331 980/2046/332 958/2002/287 +f 970/2047/333 981/2048/334 982/2049/335 +f 970/2047/333 982/2049/335 971/2050/336 +f 971/2050/336 982/2049/335 983/2051/337 +f 971/2050/336 983/2051/337 972/2052/338 +f 974/2053/339 984/2054/254 985/2055/340 +f 975/2056/341 974/2053/339 985/2055/340 +f 972/2052/338 983/2051/337 986/2057/342 +f 972/2052/338 986/2057/342 973/2058/343 +f 973/2058/343 986/2057/342 987/2059/344 +f 976/2060/345 975/2056/341 988/2061/346 +f 975/2056/341 985/2055/340 988/2061/346 +f 973/2058/343 987/2059/344 974/2053/339 +f 974/2053/339 987/2059/344 984/2054/254 +f 977/2062/347 976/2060/345 989/2063/348 +f 976/2060/345 988/2061/346 989/2063/348 +f 978/2064/349 977/2062/347 990/2065/350 +f 977/2062/347 989/2063/348 990/2065/350 +f 979/2066/351 978/2064/349 991/2067/352 +f 978/2064/349 990/2065/350 991/2067/352 +f 980/2068/353 979/2069/351 992/2070/354 +f 979/2071/351 991/2072/352 992/2073/354 +f 958/2074/355 980/2075/353 993/2076/356 +f 980/2077/353 992/2078/354 993/2079/356 +f 957/2080/357 958/2074/355 994/2081/358 +f 958/2074/355 993/2076/356 994/2081/358 +f 960/2082/359 957/2080/357 995/2083/360 +f 957/2080/357 994/2081/358 995/2083/360 +f 962/2084/361 960/2082/359 996/2085/362 +f 960/2082/359 995/2083/360 996/2085/362 +f 964/2086/363 962/2084/361 997/2087/364 +f 962/2084/361 996/2085/362 997/2087/364 +f 959/2088/365 964/2089/363 998/2090/366 +f 964/2091/363 997/2092/364 998/2093/366 +f 961/2094/367 959/2095/365 999/2096/368 +f 959/2097/365 998/2098/366 999/2099/368 +f 963/2100/369 961/2101/367 1000/2102/370 +f 961/2103/367 999/2104/368 1000/2105/370 +f 965/2106/371 963/2100/369 1001/2107/372 +f 963/2100/369 1000/2102/370 1001/2107/372 +f 966/2108/373 965/2106/371 1002/2109/374 +f 965/2106/371 1001/2107/372 1002/2109/374 +f 967/2110/375 966/2108/373 1003/2111/376 +f 966/2108/373 1002/2109/374 1003/2111/376 +f 968/2112/377 967/2110/375 1004/2113/378 +f 967/2110/375 1003/2111/376 1004/2113/378 +f 969/2114/379 968/2115/377 1005/2116/380 +f 968/2117/377 1004/2118/378 1005/2119/380 +f 970/2047/333 969/2120/379 981/2048/334 +f 969/2121/379 1005/2122/380 981/2123/334 +f 941/2124/5 940/2125/5 938/2126/5 +f 928/2127/5 938/2126/5 936/2128/5 +f 928/2127/5 936/2128/5 934/2129/5 +f 928/2127/5 934/2129/5 932/2130/5 +f 928/2127/5 932/2130/5 930/2131/5 +f 945/2132/5 943/2133/5 941/2124/5 +f 945/2132/5 941/2124/5 938/2126/5 +f 948/2134/5 938/2126/5 928/2127/5 +f 948/2134/5 945/2132/5 938/2126/5 +f 920/2135/5 928/2127/5 926/2136/5 +f 920/2135/5 926/2136/5 924/2137/5 +f 920/2135/5 948/2134/5 928/2127/5 +f 952/2138/5 950/2139/5 948/2134/5 +f 954/2140/5 952/2138/5 948/2134/5 +f 956/2141/5 954/2140/5 948/2134/5 +f 922/2142/5 920/2135/5 915/2143/5 +f 922/2142/5 915/2143/5 916/2144/5 +f 910/2145/5 948/2134/5 920/2135/5 +f 910/2145/5 956/2141/5 948/2134/5 +f 909/2146/5 910/2145/5 920/2135/5 +f 912/2147/5 922/2142/5 918/2148/5 +f 912/2147/5 920/2135/5 922/2142/5 +f 912/2147/5 909/2146/5 920/2135/5 +f 988/2149/34 985/2150/34 984/2151/34 +f 989/2152/34 988/2149/34 984/2151/34 +f 990/2153/34 989/2152/34 984/2151/34 +f 991/2154/34 990/2153/34 984/2151/34 +f 992/2155/34 991/2154/34 993/2156/34 +f 991/2154/34 984/2151/34 994/2157/34 +f 993/2156/34 991/2154/34 994/2157/34 +f 984/2151/34 987/2158/34 986/2159/34 +f 984/2151/34 986/2159/34 983/2160/34 +f 995/2161/34 994/2157/34 996/2162/34 +f 994/2157/34 984/2151/34 996/2162/34 +f 984/2151/34 983/2160/34 982/2163/34 +f 981/2164/34 1005/2165/34 1004/2166/34 +f 982/2163/34 981/2164/34 1004/2166/34 +f 984/2151/34 982/2163/34 1004/2166/34 +f 984/2151/34 1004/2166/34 1003/2167/34 +f 997/2168/34 996/2162/34 1001/2169/34 +f 998/2170/34 997/2168/34 1001/2169/34 +f 999/2171/34 998/2170/34 1001/2169/34 +f 1000/2172/34 999/2171/34 1001/2169/34 +f 996/2162/34 984/2151/34 1001/2169/34 +f 984/2151/34 1003/2167/34 1002/2173/34 +f 1001/2169/34 984/2151/34 1002/2173/34 +f 1006/2174/264 1007/2175/262 1008/2176/264 +f 1006/2174/264 1008/2176/264 1009/2177/266 +f 1009/2177/266 1008/2176/264 1010/2178/266 +f 1011/2179/174 1012/2180/174 1013/2181/263 +f 1009/2182/266 1010/2183/266 1011/2179/174 +f 1011/2179/174 1010/2183/266 1012/2180/174 +f 1013/2181/263 1012/2180/174 1014/2184/263 +f 1013/2185/263 1014/2186/263 1015/2187/265 +f 1015/2187/265 1014/2186/263 1016/2188/265 +f 1015/2187/265 1016/2188/265 1017/2189/267 +f 1017/2189/267 1016/2188/265 1018/2190/267 +f 1017/2189/267 1018/2190/267 1019/2191/268 +f 1019/2191/268 1018/2190/267 1020/2192/268 +f 1019/2191/268 1020/2192/268 1021/2193/269 +f 1021/2193/269 1020/2192/268 1022/2194/269 +f 1021/2193/269 1022/2194/269 1023/2195/270 +f 1023/2195/270 1022/2194/269 1024/2196/270 +f 1023/2197/270 1024/2198/270 1025/2199/271 +f 1025/2199/271 1024/2198/270 1026/2200/271 +f 1025/2201/271 1026/2202/271 1027/2203/272 +f 1027/2203/272 1026/2202/271 1028/2204/272 +f 1027/2203/272 1028/2204/272 1029/2205/273 +f 1029/2205/273 1028/2204/272 1030/2206/273 +f 1029/2205/273 1030/2206/273 1031/2207/274 +f 1031/2207/274 1030/2206/273 1032/2208/274 +f 1031/2207/274 1032/2208/274 1033/2209/275 +f 1033/2209/275 1032/2208/274 1034/2210/275 +f 1033/2209/275 1034/2210/275 1035/2211/276 +f 1035/2211/276 1034/2210/275 1036/2212/276 +f 1035/2213/276 1036/2214/276 1037/2215/277 +f 1037/2215/277 1036/2214/276 1038/2216/277 +f 1037/2217/277 1038/2218/277 1039/2219/278 +f 1039/2219/278 1038/2218/277 1040/2220/278 +f 1039/2219/278 1040/2220/278 1041/2221/279 +f 1041/2221/279 1040/2220/278 1042/2222/279 +f 1041/2221/279 1042/2222/279 1043/2223/280 +f 1043/2223/280 1042/2222/279 1044/2224/280 +f 1043/2223/280 1044/2224/280 1045/2225/281 +f 1045/2225/281 1044/2224/280 1046/2226/281 +f 1045/2225/281 1046/2226/281 1047/2227/282 +f 1047/2227/282 1046/2226/281 1048/2228/282 +f 1047/2229/282 1048/2230/282 1049/2231/283 +f 1049/2231/283 1048/2230/282 1050/2232/283 +f 1049/2233/283 1050/2234/283 1051/2235/261 +f 1051/2235/261 1050/2234/283 1052/2236/261 +f 1051/2235/261 1052/2236/261 1053/2237/260 +f 1053/2237/260 1052/2236/261 1054/2238/260 +f 1053/2237/260 1054/2238/260 1055/2239/262 +f 1055/2239/262 1054/2238/260 1007/2175/262 +f 1055/2239/262 1007/2175/262 1006/2174/264 +f 1019/2240/284 1021/2241/285 1056/2242/286 +f 1021/2241/285 1057/2243/287 1056/2242/286 +f 1009/2182/288 1011/2179/289 1058/2244/290 +f 1017/2245/291 1019/2240/284 1059/2246/292 +f 1019/2240/284 1056/2242/286 1059/2246/292 +f 1006/2247/293 1009/2182/288 1060/2248/294 +f 1009/2182/288 1058/2244/290 1060/2248/294 +f 1015/2249/295 1017/2250/291 1061/2251/296 +f 1017/2250/291 1059/2252/292 1061/2251/296 +f 1055/2253/297 1006/2247/293 1062/2254/298 +f 1006/2247/293 1060/2248/294 1062/2254/298 +f 1013/2181/299 1015/2249/295 1063/2255/300 +f 1015/2249/295 1061/2251/296 1063/2255/300 +f 1011/2179/289 1013/2181/299 1058/2244/290 +f 1053/2256/381 1055/2257/297 1064/2258/302 +f 1013/2181/299 1063/2255/300 1058/2244/290 +f 1055/2253/297 1062/2254/298 1064/2259/302 +f 1051/2260/303 1053/2256/381 1065/2261/304 +f 1053/2256/381 1064/2258/302 1065/2261/304 +f 1049/2231/305 1051/2260/303 1066/2262/306 +f 1051/2260/303 1065/2261/304 1066/2262/306 +f 1047/2229/307 1049/2231/305 1067/2263/308 +f 1049/2231/305 1066/2262/306 1067/2263/308 +f 1045/2264/309 1047/2229/307 1068/2265/310 +f 1047/2229/307 1067/2263/308 1068/2265/310 +f 1043/2266/311 1045/2264/309 1069/2267/312 +f 1045/2264/309 1068/2265/310 1069/2267/312 +f 1041/2268/313 1043/2269/311 1070/2270/314 +f 1043/2266/311 1069/2267/312 1070/2271/314 +f 1039/2272/315 1041/2268/313 1071/2273/316 +f 1041/2268/313 1070/2270/314 1071/2273/316 +f 1037/2215/317 1039/2272/315 1072/2274/318 +f 1039/2272/315 1071/2273/316 1072/2274/318 +f 1037/2215/317 1072/2274/318 1073/2275/319 +f 1035/2213/320 1037/2215/317 1073/2275/319 +f 1035/2213/320 1073/2275/319 1074/2276/321 +f 1033/2277/322 1035/2213/320 1074/2276/321 +f 1033/2277/322 1074/2276/321 1075/2278/323 +f 1031/2279/324 1033/2277/322 1075/2278/323 +f 1029/2280/325 1031/2279/324 1076/2281/326 +f 1031/2279/324 1075/2278/323 1076/2281/326 +f 1029/2282/325 1076/2283/326 1077/2284/327 +f 1027/2285/328 1029/2282/325 1077/2284/327 +f 1025/2199/329 1027/2285/328 1078/2286/330 +f 1027/2285/328 1077/2284/327 1078/2286/330 +f 1023/2197/331 1025/2199/329 1079/2287/332 +f 1025/2199/329 1078/2286/330 1079/2287/332 +f 1021/2241/285 1023/2197/331 1057/2243/287 +f 1023/2197/331 1079/2287/332 1057/2243/287 +f 1069/2288/333 1080/2289/334 1081/2290/335 +f 1069/2288/333 1081/2290/335 1070/2291/336 +f 1070/2291/336 1081/2290/335 1082/2292/337 +f 1070/2291/336 1082/2292/337 1071/2293/338 +f 1073/2294/339 1083/2295/254 1084/2296/340 +f 1074/2297/341 1073/2294/339 1084/2296/340 +f 1071/2293/338 1082/2292/337 1085/2298/342 +f 1071/2293/338 1085/2298/342 1072/2299/343 +f 1072/2299/343 1085/2298/342 1086/2300/344 +f 1075/2301/345 1074/2297/341 1087/2302/346 +f 1074/2297/341 1084/2296/340 1087/2302/346 +f 1072/2299/343 1086/2300/344 1073/2294/339 +f 1073/2294/339 1086/2300/344 1083/2295/254 +f 1076/2303/347 1075/2301/345 1088/2304/348 +f 1075/2301/345 1087/2302/346 1088/2304/348 +f 1077/2305/349 1076/2303/347 1089/2306/350 +f 1076/2303/347 1088/2304/348 1089/2306/350 +f 1078/2307/382 1077/2305/349 1090/2308/352 +f 1077/2305/349 1089/2306/350 1090/2308/352 +f 1079/2309/353 1078/2310/382 1091/2311/354 +f 1078/2312/382 1090/2313/352 1091/2314/354 +f 1057/2315/355 1079/2316/353 1092/2317/356 +f 1079/2318/353 1091/2319/354 1092/2320/356 +f 1056/2321/357 1057/2315/355 1093/2322/358 +f 1057/2315/355 1092/2317/356 1093/2322/358 +f 1059/2323/359 1056/2321/357 1094/2324/360 +f 1056/2321/357 1093/2322/358 1094/2324/360 +f 1061/2325/361 1059/2323/359 1095/2326/362 +f 1059/2323/359 1094/2324/360 1095/2326/362 +f 1063/2327/363 1061/2325/361 1096/2328/364 +f 1061/2325/361 1095/2326/362 1096/2328/364 +f 1058/2329/365 1063/2330/363 1097/2331/383 +f 1063/2332/363 1096/2333/364 1097/2334/383 +f 1060/2335/367 1058/2336/365 1098/2337/384 +f 1058/2338/365 1097/2339/383 1098/2340/384 +f 1062/2341/369 1060/2342/367 1099/2343/370 +f 1060/2344/367 1098/2345/384 1099/2346/370 +f 1064/2347/371 1062/2341/369 1100/2348/372 +f 1062/2341/369 1099/2343/370 1100/2348/372 +f 1065/2349/373 1064/2347/371 1101/2350/374 +f 1064/2347/371 1100/2348/372 1101/2350/374 +f 1066/2351/375 1065/2349/373 1102/2352/376 +f 1065/2349/373 1101/2350/374 1102/2352/376 +f 1067/2353/377 1066/2351/375 1103/2354/378 +f 1066/2351/375 1102/2352/376 1103/2354/378 +f 1068/2355/379 1067/2356/377 1104/2357/380 +f 1067/2358/377 1103/2359/378 1104/2360/380 +f 1069/2288/333 1068/2361/379 1080/2289/334 +f 1068/2362/379 1104/2363/380 1080/2364/334 +f 1012/2365/5 1048/2366/5 1046/2367/5 +f 1012/2365/5 1046/2367/5 1044/2368/5 +f 1012/2365/5 1044/2368/5 1042/2369/5 +f 1012/2365/5 1042/2369/5 1040/2370/5 +f 1012/2365/5 1040/2370/5 1038/2371/5 +f 1012/2365/5 1038/2371/5 1036/2372/5 +f 1012/2365/5 1036/2372/5 1034/2373/5 +f 1012/2365/5 1034/2373/5 1032/2374/5 +f 1012/2365/5 1032/2374/5 1030/2375/5 +f 1012/2365/5 1030/2375/5 1028/2376/5 +f 1012/2365/5 1028/2376/5 1026/2377/5 +f 1012/2365/5 1026/2377/5 1024/2378/5 +f 1012/2365/5 1024/2378/5 1022/2379/5 +f 1012/2365/5 1022/2379/5 1020/2380/5 +f 1012/2365/5 1020/2380/5 1018/2381/5 +f 1012/2365/5 1018/2381/5 1016/2382/5 +f 1012/2365/5 1016/2382/5 1014/2383/5 +f 1050/2384/5 1048/2366/5 1012/2365/5 +f 1052/2385/5 1050/2384/5 1012/2365/5 +f 1008/2386/5 1012/2365/5 1010/2387/5 +f 1054/2388/5 1052/2385/5 1012/2365/5 +f 1007/2389/5 1012/2365/5 1008/2386/5 +f 1007/2389/5 1054/2388/5 1012/2365/5 +f 1090/2390/34 1089/2391/34 1091/2392/34 +f 1084/2393/34 1083/2394/34 1086/2395/34 +f 1092/2396/34 1091/2392/34 1093/2397/34 +f 1087/2398/34 1084/2393/34 1085/2399/34 +f 1084/2393/34 1086/2395/34 1085/2399/34 +f 1085/2399/34 1082/2400/34 1081/2401/34 +f 1094/2402/34 1093/2397/34 1096/2403/34 +f 1095/2404/34 1094/2402/34 1096/2403/34 +f 1088/2405/34 1087/2398/34 1080/2406/34 +f 1089/2391/34 1088/2405/34 1080/2406/34 +f 1091/2392/34 1089/2391/34 1080/2406/34 +f 1087/2398/34 1085/2399/34 1080/2406/34 +f 1093/2397/34 1091/2392/34 1080/2406/34 +f 1085/2399/34 1081/2401/34 1080/2406/34 +f 1097/2407/34 1096/2403/34 1099/2408/34 +f 1098/2409/34 1097/2407/34 1099/2408/34 +f 1104/2410/34 1103/2411/34 1102/2412/34 +f 1080/2406/34 1104/2410/34 1102/2412/34 +f 1100/2413/34 1099/2408/34 1101/2414/34 +f 1093/2397/34 1080/2406/34 1101/2414/34 +f 1096/2403/34 1093/2397/34 1101/2414/34 +f 1080/2406/34 1102/2412/34 1101/2414/34 +f 1099/2408/34 1096/2403/34 1101/2414/34 +f 1127/2415/233 1113/2416/233 1109/2417/233 +f 1126/2418/228 1118/2419/228 1122/2420/228 +f 1105/2421/34 1120/2422/34 1117/2423/34 +f 1114/2424/5 1128/2425/5 1108/2426/5 +f 1110/2427/210 1107/2428/210 1115/2429/210 +f 1105/2430/385 1106/2431/385 1107/2432/385 +f 1108/2426/386 1109/2433/386 1110/2434/386 +f 1111/2435/387 1112/2436/387 1113/2437/387 +f 1114/2438/388 1115/2429/388 1116/2439/388 +f 1117/2440/389 1118/2441/389 1119/2442/389 +f 1120/2443/390 1121/2444/390 1122/2445/390 +f 1123/2446/391 1124/2447/391 1125/2448/391 +f 1126/2449/392 1127/2450/392 1128/2451/392 +f 1116/2452/249 1123/2446/249 1114/2424/249 +f 1117/2440/174 1106/2431/174 1105/2430/174 +f 1121/2444/169 1111/2453/169 1113/2416/169 +f 1127/2415/393 1122/2445/393 1121/2444/393 +f 1116/2439/394 1107/2428/394 1106/2454/394 +f 1125/2455/395 1119/2442/395 1118/2441/395 +f 1115/2456/396 1108/2426/396 1110/2434/396 +f 1113/2457/397 1110/2427/397 1109/2458/397 +f 1107/2459/398 1111/2435/398 1105/2421/398 +f 1120/2422/399 1118/2460/399 1117/2423/399 +f 1108/2426/254 1127/2461/254 1109/2433/254 +f 1126/2462/400 1123/2446/400 1125/2448/400 +f 1124/2463/289 1106/2431/289 1119/2442/289 +f 1127/2415/233 1121/2444/233 1113/2416/233 +f 1126/2418/228 1125/2464/228 1118/2419/228 +f 1105/2421/34 1111/2435/34 1120/2422/34 +f 1114/2424/5 1123/2446/5 1128/2425/5 +f 1110/2427/210 1112/2465/210 1107/2428/210 +f 1116/2452/249 1124/2447/249 1123/2446/249 +f 1117/2440/174 1119/2442/174 1106/2431/174 +f 1121/2444/169 1120/2443/169 1111/2453/169 +f 1127/2415/393 1126/2466/393 1122/2445/393 +f 1116/2439/394 1115/2429/394 1107/2428/394 +f 1125/2455/395 1124/2463/395 1119/2442/395 +f 1115/2456/396 1114/2424/396 1108/2426/396 +f 1113/2457/397 1112/2465/397 1110/2427/397 +f 1107/2459/398 1112/2436/398 1111/2435/398 +f 1120/2422/399 1122/2467/399 1118/2460/399 +f 1108/2426/254 1128/2425/254 1127/2461/254 +f 1126/2462/400 1128/2425/400 1123/2446/400 +f 1124/2463/289 1116/2468/289 1106/2431/289 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.stl b/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.stl new file mode 100644 index 0000000000000000000000000000000000000000..9614b95e154d5b297eb390fc822c35833a55ccec --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-follower.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:633793332c081641ce200df27a40643cc293b29956e3cb5cb29cb811c33ef1c7 +size 110484 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-pad.stl b/cliport/environments/assets/ur5/gripper/robotiq-2f-pad.stl new file mode 100644 index 0000000000000000000000000000000000000000..5b482f5b9627bce0465aab78d92ce7e37acae35b --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-pad.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6c4e73a07a7d6853777450d0019691d2d43f50c9fa0bd6b0189d4af164a0ce4b +size 684 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.mtl b/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.mtl new file mode 100644 index 0000000000000000000000000000000000000000..35d36cfef2bea7c53cb427fdfdc6a639abfa9110 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.mtl @@ -0,0 +1,13 @@ +# Blender MTL File: 'gripper-2f.blend' +# Material Count: 1 + +newmtl Default +Ns 96.078431 +Ka 1.000000 1.000000 1.000000 +Kd 0.640000 0.640000 0.640000 +Ks 0.500000 0.500000 0.500000 +Ke 0.000000 0.000000 0.000000 +Ni 1.000000 +d 1.000000 +illum 2 +map_Kd textures/gripper-2f_BaseColor.jpg diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.obj b/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.obj new file mode 100644 index 0000000000000000000000000000000000000000..30a4e39db9f81055c4124f4c65ad5ca533ef8910 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.obj @@ -0,0 +1,4582 @@ +# Blender v2.79 (sub 5) OBJ File: 'gripper-2f.blend' +# www.blender.org +mtllib robotiq-2f-spring_link.mtl +o robotiq-2f-spring_link_Part__Feature.003 +v 0.120000 0.167028 0.198095 +v 0.120000 0.165171 0.200808 +v 0.170000 0.166570 0.198635 +v 0.170000 0.164933 0.201306 +v 0.120000 0.169527 0.195960 +v 0.170000 0.168820 0.196454 +v 0.119857 0.187138 0.200186 +v 0.119977 0.185830 0.198332 +v 0.170000 0.185830 0.198332 +v 0.120000 0.172497 0.194551 +v 0.170000 0.171542 0.194902 +v 0.119639 0.188115 0.202298 +v 0.170000 0.187550 0.200951 +v 0.120000 0.175731 0.193964 +v 0.170000 0.174564 0.194075 +v 0.119273 0.188742 0.205042 +v 0.170000 0.188565 0.203915 +v 0.120000 0.179007 0.194241 +v 0.170000 0.177697 0.194026 +v 0.118870 0.188756 0.207762 +v 0.170000 0.188811 0.207039 +v 0.120000 0.182096 0.195362 +v 0.170000 0.180744 0.194757 +v 0.118481 0.188165 0.210450 +v 0.170000 0.188273 0.210126 +v 0.120000 0.184787 0.197250 +v 0.170000 0.183513 0.196223 +v 0.118015 0.185238 0.215212 +v 0.118172 0.186965 0.213008 +v 0.170000 0.186983 0.212981 +v 0.118033 0.183125 0.216936 +v 0.170000 0.185024 0.215427 +v 0.118223 0.180608 0.218193 +v 0.170000 0.182518 0.217308 +v 0.118555 0.177868 0.218851 +v 0.170000 0.179624 0.218507 +v 0.118950 0.175142 0.218894 +v 0.170000 0.176521 0.218949 +v 0.170000 0.173407 0.218605 +v 0.119352 0.172454 0.218333 +v 0.170000 0.170476 0.217497 +v 0.119700 0.169887 0.217163 +v 0.170000 0.167912 0.215696 +v 0.119925 0.167664 0.215460 +v 0.170000 0.165878 0.213313 +v 0.120000 0.165915 0.213369 +v 0.120000 0.164471 0.210416 +v 0.170000 0.164499 0.210499 +v 0.120000 0.163847 0.207189 +v 0.170000 0.163864 0.207431 +v 0.120000 0.164086 0.203910 +v 0.170000 0.164011 0.204301 +v -0.170000 0.171542 0.194902 +v -0.170000 0.168820 0.196454 +v -0.120000 0.169527 0.195960 +v -0.120000 0.167028 0.198095 +v -0.170000 0.174564 0.194075 +v -0.120000 0.172497 0.194551 +v -0.170000 0.187550 0.200951 +v -0.170000 0.185830 0.198332 +v -0.119817 0.187383 0.200628 +v -0.119977 0.185830 0.198332 +v -0.170000 0.177697 0.194026 +v -0.120000 0.175731 0.193964 +v -0.170000 0.188565 0.203915 +v -0.119516 0.188414 0.203274 +v -0.170000 0.180744 0.194757 +v -0.120000 0.179007 0.194241 +v -0.170000 0.188811 0.207039 +v -0.119125 0.188817 0.206052 +v -0.170000 0.183513 0.196223 +v -0.120000 0.182096 0.195362 +v -0.170000 0.188273 0.210126 +v -0.118722 0.188608 0.208759 +v -0.120000 0.184787 0.197250 +v -0.170000 0.186983 0.212981 +v -0.118350 0.187784 0.211443 +v -0.170000 0.185024 0.215427 +v -0.118092 0.186357 0.213902 +v -0.170000 0.182518 0.217308 +v -0.118000 0.184467 0.215934 +v -0.170000 0.179624 0.218507 +v -0.118088 0.182175 0.217493 +v -0.118342 0.179529 0.218532 +v -0.170000 0.176521 0.218949 +v -0.118712 0.176749 0.218941 +v -0.170000 0.173407 0.218605 +v -0.119116 0.174042 0.218738 +v -0.119508 0.171358 0.217920 +v -0.170000 0.170476 0.217497 +v -0.119812 0.168899 0.216501 +v -0.170000 0.167912 0.215696 +v -0.170000 0.165878 0.213313 +v -0.119953 0.167256 0.215051 +v -0.170000 0.164499 0.210499 +v -0.120000 0.165915 0.213369 +v -0.120000 0.164471 0.210416 +v -0.170000 0.163864 0.207431 +v -0.170000 0.164011 0.204301 +v -0.120000 0.163847 0.207189 +v -0.170000 0.164933 0.201306 +v -0.120000 0.164086 0.203910 +v -0.170000 0.166570 0.198635 +v -0.120000 0.165171 0.200808 +v 0.120000 0.116114 0.125638 +v 0.170000 0.113091 0.126465 +v 0.170000 0.116114 0.125638 +v 0.120000 0.122293 0.126321 +v 0.120000 0.119246 0.125589 +v 0.170000 0.119246 0.125589 +v 0.120000 0.129100 0.132514 +v 0.120000 0.127380 0.129896 +v 0.170000 0.127380 0.129896 +v 0.120000 0.125062 0.127787 +v 0.170000 0.122293 0.126321 +v 0.120000 0.130115 0.135479 +v 0.170000 0.129100 0.132514 +v 0.170000 0.125062 0.127787 +v 0.120000 0.130361 0.138602 +v 0.170000 0.130115 0.135479 +v 0.120000 0.129822 0.141689 +v 0.170000 0.130361 0.138602 +v 0.120000 0.128533 0.144545 +v 0.170000 0.129822 0.141689 +v 0.120000 0.126574 0.146990 +v 0.170000 0.128533 0.144545 +v 0.120000 0.124068 0.148872 +v 0.170000 0.126574 0.146990 +v 0.120000 0.121173 0.150071 +v 0.170000 0.124068 0.148872 +v 0.120000 0.118071 0.150512 +v 0.170000 0.121173 0.150071 +v 0.120000 0.114957 0.150168 +v 0.170000 0.118071 0.150512 +v 0.120000 0.112026 0.149061 +v 0.170000 0.114957 0.150168 +v 0.120000 0.109462 0.147259 +v 0.170000 0.112026 0.149061 +v 0.170000 0.109462 0.147259 +v 0.120000 0.107427 0.144876 +v 0.170000 0.107427 0.144876 +v 0.120000 0.106049 0.142063 +v 0.170000 0.106049 0.142063 +v 0.120000 0.105413 0.138994 +v 0.120000 0.105561 0.135865 +v 0.170000 0.105413 0.138994 +v 0.120000 0.106482 0.132870 +v 0.170000 0.105561 0.135865 +v 0.120000 0.108119 0.130198 +v 0.170000 0.106482 0.132870 +v 0.120000 0.110370 0.128018 +v 0.170000 0.108119 0.130198 +v 0.120000 0.113091 0.126465 +v 0.170000 0.110370 0.128018 +v -0.170000 0.110370 0.128018 +v -0.170000 0.108119 0.130198 +v -0.120000 0.110370 0.128018 +v -0.120000 0.108119 0.130198 +v -0.170000 0.113091 0.126465 +v -0.120000 0.113091 0.126465 +v -0.170000 0.116114 0.125638 +v -0.120000 0.116114 0.125638 +v -0.170000 0.129100 0.132514 +v -0.170000 0.127380 0.129896 +v -0.120000 0.129100 0.132514 +v -0.120000 0.127380 0.129896 +v -0.170000 0.119246 0.125589 +v -0.120000 0.119246 0.125589 +v -0.170000 0.130115 0.135479 +v -0.120000 0.130115 0.135479 +v -0.170000 0.122293 0.126321 +v -0.120000 0.122293 0.126321 +v -0.170000 0.130361 0.138602 +v -0.120000 0.130361 0.138602 +v -0.170000 0.125062 0.127787 +v -0.120000 0.125062 0.127787 +v -0.170000 0.129822 0.141689 +v -0.120000 0.129822 0.141689 +v -0.170000 0.128533 0.144545 +v -0.120000 0.128533 0.144545 +v -0.170000 0.126574 0.146990 +v -0.120000 0.126574 0.146990 +v -0.170000 0.124068 0.148872 +v -0.120000 0.124068 0.148872 +v -0.170000 0.121173 0.150071 +v -0.120000 0.121173 0.150071 +v -0.170000 0.118071 0.150512 +v -0.120000 0.118071 0.150512 +v -0.170000 0.114957 0.150168 +v -0.120000 0.114957 0.150168 +v -0.170000 0.112026 0.149061 +v -0.120000 0.112026 0.149061 +v -0.120000 0.109462 0.147259 +v -0.170000 0.109462 0.147259 +v -0.120000 0.107427 0.144876 +v -0.170000 0.107427 0.144876 +v -0.120000 0.106049 0.142063 +v -0.170000 0.106049 0.142063 +v -0.170000 0.105413 0.138994 +v -0.120000 0.105413 0.138994 +v -0.170000 0.105561 0.135865 +v -0.120000 0.105561 0.135865 +v -0.170000 0.106482 0.132870 +v -0.120000 0.106482 0.132870 +v 0.075000 0.373903 0.409723 +v -0.075000 0.373903 0.409723 +v -0.075000 0.379996 0.411186 +v 0.075000 0.367637 0.409821 +v 0.075000 0.390170 0.418336 +v -0.075000 0.390170 0.418336 +v -0.075000 0.393610 0.423573 +v 0.075000 0.379996 0.411186 +v -0.075000 0.385535 0.414118 +v 0.075000 0.393610 0.423573 +v -0.075000 0.395640 0.429502 +v 0.075000 0.385535 0.414118 +v 0.075000 0.395640 0.429502 +v -0.075000 0.396132 0.435750 +v 0.075000 0.396132 0.435750 +v -0.075000 0.395054 0.441923 +v 0.075000 0.395054 0.441923 +v -0.075000 0.392476 0.447634 +v 0.075000 0.392476 0.447634 +v -0.075000 0.388557 0.452525 +v 0.075000 0.388557 0.452525 +v -0.075000 0.383546 0.456288 +v 0.075000 0.383546 0.456288 +v -0.075000 0.377756 0.458686 +v 0.075000 0.377756 0.458686 +v -0.075000 0.371552 0.459569 +v 0.075000 0.371552 0.459569 +v -0.075000 0.365323 0.458881 +v 0.075000 0.365323 0.458881 +v -0.075000 0.359461 0.456666 +v 0.075000 0.359461 0.456666 +v -0.075000 0.354334 0.453063 +v 0.075000 0.354334 0.453063 +v -0.075000 0.350264 0.448298 +v 0.075000 0.350264 0.448298 +v -0.075000 0.347507 0.442670 +v 0.075000 0.347507 0.442670 +v -0.075000 0.346237 0.436533 +v 0.075000 0.346237 0.436533 +v -0.075000 0.346532 0.430274 +v 0.075000 0.346532 0.430274 +v -0.075000 0.348374 0.424284 +v 0.075000 0.348374 0.424284 +v -0.075000 0.351649 0.418941 +v 0.075000 0.351649 0.418941 +v -0.075000 0.356149 0.414580 +v 0.075000 0.356149 0.414580 +v -0.075000 0.361592 0.411475 +v 0.075000 0.361592 0.411475 +v -0.075000 0.367637 0.409821 +v -0.120000 0.356749 0.415380 +v -0.127000 0.352429 0.419566 +v -0.127000 0.356749 0.415380 +v -0.127000 0.361975 0.412399 +v -0.120000 0.352429 0.419566 +v -0.120000 0.361975 0.412399 +v -0.120000 0.367778 0.410811 +v -0.127000 0.367778 0.410811 +v -0.127000 0.373793 0.410717 +v -0.120000 0.392712 0.424013 +v -0.127000 0.389409 0.418985 +v -0.127000 0.392712 0.424013 +v -0.120000 0.389409 0.418985 +v -0.120000 0.373793 0.410717 +v -0.120000 0.394661 0.429705 +v -0.127000 0.394661 0.429705 +v -0.120000 0.379643 0.412121 +v -0.127000 0.379643 0.412121 +v -0.120000 0.395133 0.435703 +v -0.127000 0.395133 0.435703 +v -0.120000 0.384960 0.414936 +v -0.127000 0.384960 0.414936 +v -0.120000 0.394099 0.441629 +v -0.127000 0.394099 0.441629 +v -0.127000 0.391623 0.447112 +v -0.120000 0.391623 0.447112 +v -0.120000 0.387861 0.451807 +v -0.127000 0.387861 0.451807 +v -0.120000 0.383051 0.455419 +v -0.127000 0.383051 0.455419 +v -0.120000 0.377492 0.457721 +v -0.127000 0.377492 0.457721 +v -0.120000 0.371536 0.458569 +v -0.127000 0.371536 0.458569 +v -0.120000 0.365557 0.457909 +v -0.127000 0.365557 0.457909 +v -0.120000 0.359929 0.455782 +v -0.127000 0.359929 0.455782 +v -0.120000 0.355007 0.452323 +v -0.127000 0.355007 0.452323 +v -0.120000 0.351100 0.447749 +v -0.127000 0.351100 0.447749 +v -0.120000 0.348453 0.442346 +v -0.127000 0.348453 0.442346 +v -0.120000 0.347234 0.436455 +v -0.127000 0.347234 0.436455 +v -0.120000 0.347517 0.430446 +v -0.127000 0.347517 0.430446 +v -0.127000 0.349286 0.424696 +v -0.120000 0.349286 0.424696 +v -0.127000 0.361592 0.411475 +v -0.135000 0.361592 0.411475 +v -0.135000 0.367637 0.409821 +v -0.127000 0.356149 0.414580 +v -0.127000 0.367637 0.409821 +v -0.127000 0.373903 0.409723 +v -0.135000 0.373903 0.409723 +v -0.127000 0.393610 0.423573 +v -0.135000 0.390170 0.418336 +v -0.135000 0.393610 0.423573 +v -0.127000 0.390170 0.418336 +v -0.127000 0.379996 0.411186 +v -0.135000 0.379996 0.411186 +v -0.127000 0.395640 0.429502 +v -0.135000 0.395640 0.429502 +v -0.127000 0.385535 0.414118 +v -0.135000 0.385535 0.414118 +v -0.127000 0.396132 0.435750 +v -0.135000 0.396132 0.435750 +v -0.127000 0.395054 0.441923 +v -0.135000 0.395054 0.441923 +v -0.127000 0.392476 0.447634 +v -0.135000 0.392476 0.447634 +v -0.127000 0.388557 0.452525 +v -0.135000 0.388557 0.452525 +v -0.135000 0.383546 0.456288 +v -0.127000 0.383546 0.456288 +v -0.135000 0.377756 0.458686 +v -0.127000 0.377756 0.458686 +v -0.127000 0.371552 0.459569 +v -0.135000 0.371552 0.459569 +v -0.135000 0.365323 0.458881 +v -0.127000 0.365323 0.458881 +v -0.127000 0.359461 0.456666 +v -0.135000 0.359461 0.456666 +v -0.135000 0.354334 0.453063 +v -0.127000 0.354334 0.453063 +v -0.135000 0.350264 0.448298 +v -0.127000 0.350264 0.448298 +v -0.135000 0.347507 0.442670 +v -0.127000 0.347507 0.442670 +v -0.135000 0.346237 0.436533 +v -0.127000 0.346237 0.436533 +v -0.127000 0.346532 0.430274 +v -0.135000 0.346532 0.430274 +v -0.135000 0.348374 0.424284 +v -0.127000 0.348374 0.424284 +v -0.127000 0.351649 0.418941 +v -0.135000 0.351649 0.418941 +v -0.135000 0.356149 0.414580 +v 0.127000 0.361975 0.412399 +v 0.120000 0.361975 0.412399 +v 0.120000 0.367778 0.410811 +v 0.127000 0.356749 0.415380 +v 0.127000 0.367778 0.410811 +v 0.120000 0.373793 0.410717 +v 0.127000 0.373793 0.410717 +v 0.120000 0.379643 0.412121 +v 0.127000 0.392712 0.424013 +v 0.120000 0.389409 0.418985 +v 0.120000 0.392712 0.424013 +v 0.127000 0.389409 0.418985 +v 0.127000 0.379643 0.412121 +v 0.120000 0.384960 0.414936 +v 0.127000 0.394661 0.429705 +v 0.120000 0.394661 0.429705 +v 0.127000 0.384960 0.414936 +v 0.127000 0.395133 0.435703 +v 0.120000 0.395133 0.435703 +v 0.127000 0.394099 0.441629 +v 0.120000 0.394099 0.441629 +v 0.127000 0.391623 0.447112 +v 0.120000 0.391623 0.447112 +v 0.127000 0.387861 0.451807 +v 0.120000 0.387861 0.451807 +v 0.127000 0.383051 0.455419 +v 0.120000 0.383051 0.455419 +v 0.120000 0.377492 0.457721 +v 0.127000 0.377492 0.457721 +v 0.127000 0.371536 0.458569 +v 0.120000 0.371536 0.458569 +v 0.127000 0.365557 0.457909 +v 0.120000 0.365557 0.457909 +v 0.120000 0.359929 0.455782 +v 0.127000 0.359929 0.455782 +v 0.127000 0.355007 0.452323 +v 0.120000 0.355007 0.452323 +v 0.120000 0.351100 0.447749 +v 0.127000 0.351100 0.447749 +v 0.120000 0.348453 0.442346 +v 0.127000 0.348453 0.442346 +v 0.127000 0.347234 0.436455 +v 0.120000 0.347234 0.436455 +v 0.127000 0.347517 0.430446 +v 0.120000 0.347517 0.430446 +v 0.120000 0.349286 0.424696 +v 0.127000 0.349286 0.424696 +v 0.120000 0.352429 0.419566 +v 0.127000 0.352429 0.419566 +v 0.120000 0.356749 0.415380 +v 0.135000 0.361592 0.411475 +v 0.127000 0.356149 0.414580 +v 0.127000 0.361592 0.411475 +v 0.135000 0.356149 0.414580 +v 0.135000 0.367637 0.409821 +v 0.127000 0.367637 0.409821 +v 0.127000 0.373903 0.409723 +v 0.135000 0.393610 0.423573 +v 0.127000 0.390170 0.418336 +v 0.127000 0.393610 0.423573 +v 0.135000 0.373903 0.409723 +v 0.135000 0.390170 0.418336 +v 0.135000 0.379996 0.411186 +v 0.127000 0.379996 0.411186 +v 0.135000 0.395640 0.429502 +v 0.127000 0.395640 0.429502 +v 0.127000 0.396132 0.435750 +v 0.135000 0.385535 0.414118 +v 0.127000 0.385535 0.414118 +v 0.135000 0.396132 0.435750 +v 0.127000 0.395054 0.441923 +v 0.135000 0.395054 0.441923 +v 0.127000 0.392476 0.447634 +v 0.135000 0.392476 0.447634 +v 0.135000 0.388557 0.452525 +v 0.127000 0.388557 0.452525 +v 0.127000 0.383546 0.456288 +v 0.135000 0.383546 0.456288 +v 0.135000 0.377756 0.458686 +v 0.127000 0.377756 0.458686 +v 0.127000 0.371552 0.459569 +v 0.135000 0.371552 0.459569 +v 0.135000 0.365323 0.458881 +v 0.127000 0.365323 0.458881 +v 0.135000 0.359461 0.456666 +v 0.127000 0.359461 0.456666 +v 0.135000 0.354334 0.453063 +v 0.127000 0.354334 0.453063 +v 0.135000 0.350264 0.448298 +v 0.127000 0.350264 0.448298 +v 0.135000 0.347507 0.442670 +v 0.127000 0.347507 0.442670 +v 0.127000 0.346237 0.436533 +v 0.135000 0.346237 0.436533 +v 0.135000 0.346532 0.430274 +v 0.127000 0.346532 0.430274 +v 0.127000 0.348374 0.424284 +v 0.135000 0.348374 0.424284 +v 0.135000 0.351649 0.418941 +v 0.127000 0.351649 0.418941 +v -0.120000 0.391613 0.448947 +v -0.120000 0.387396 0.453582 +v -0.120000 0.375458 0.409944 +v -0.120000 0.369198 0.409649 +v -0.120000 0.349444 0.446958 +v -0.120000 0.353206 0.451970 +v -0.120000 0.381447 0.411787 +v -0.120000 0.363062 0.410920 +v -0.120000 0.382158 0.457023 +v -0.120000 0.386791 0.415061 +v -0.120000 0.358097 0.455888 +v -0.120000 0.357434 0.413677 +v -0.120000 0.376229 0.459053 +v -0.120000 0.363809 0.458467 +v -0.120000 0.391152 0.419562 +v -0.120000 0.369982 0.459544 +v -0.120000 0.352669 0.417747 +v -0.120000 0.394256 0.425005 +v -0.120000 0.349065 0.422874 +v -0.120000 0.395910 0.431049 +v -0.120000 0.346850 0.428736 +v -0.120000 0.396009 0.437315 +v -0.120000 0.346163 0.434965 +v -0.120000 0.394546 0.443409 +v -0.120000 0.347046 0.441169 +v 0.120000 0.355528 0.454083 +v 0.120000 0.396156 0.434179 +v 0.120000 0.395469 0.440408 +v 0.120000 0.360161 0.412121 +v 0.120000 0.354923 0.415562 +v 0.120000 0.351167 0.449582 +v 0.120000 0.395273 0.427975 +v 0.120000 0.393254 0.446270 +v 0.120000 0.350706 0.420197 +v 0.120000 0.392875 0.422185 +v 0.120000 0.348063 0.444139 +v 0.120000 0.389650 0.451397 +v 0.120000 0.347773 0.425735 +v 0.120000 0.389113 0.417174 +v 0.120000 0.384885 0.455467 +v 0.120000 0.346409 0.438094 +v 0.120000 0.346310 0.431829 +v 0.120000 0.384222 0.413256 +v 0.120000 0.379258 0.458224 +v 0.120000 0.378511 0.410677 +v 0.120000 0.373121 0.459495 +v 0.120000 0.372337 0.409600 +v 0.120000 0.366861 0.459200 +v 0.120000 0.366090 0.410091 +v 0.120000 0.360872 0.457357 +v -0.170000 0.130848 0.060817 +v -0.170000 0.039599 0.138751 +v -0.170000 0.271633 0.225656 +v -0.170000 0.180385 0.303589 +v -0.120000 0.004708 -0.059815 +v -0.120000 -0.003140 -0.059918 +v -0.195000 0.004708 -0.059815 +v -0.120000 0.012475 -0.058689 +v -0.195000 0.012475 -0.058689 +v -0.195000 0.020028 -0.056558 +v -0.120000 -0.050320 0.032678 +v -0.120000 -0.045624 0.038967 +v -0.195000 -0.045624 0.038967 +v -0.195000 -0.050320 0.032678 +v -0.120000 0.020028 -0.056558 +v -0.120000 0.027239 -0.053460 +v -0.195000 0.027239 -0.053460 +v -0.120000 -0.054155 0.025831 +v -0.195000 -0.054155 0.025831 +v -0.120000 0.033984 -0.049448 +v -0.195000 0.033984 -0.049448 +v -0.195000 0.040148 -0.044589 +v -0.120000 -0.057063 0.018541 +v -0.195000 -0.057063 0.018541 +v -0.120000 0.040148 -0.044589 +v -0.195000 0.045624 -0.038967 +v -0.120000 0.045624 -0.038967 +v -0.120000 -0.058995 0.010934 +v -0.195000 -0.058995 0.010934 +v -0.120000 -0.059918 0.003140 +v -0.195000 -0.059918 0.003140 +v -0.120000 -0.059815 -0.004708 +v -0.195000 -0.059815 -0.004708 +v -0.120000 -0.058689 -0.012475 +v -0.195000 -0.058689 -0.012475 +v -0.120000 -0.056558 -0.020028 +v -0.195000 -0.056558 -0.020028 +v -0.120000 -0.053460 -0.027239 +v -0.195000 -0.053460 -0.027239 +v -0.120000 -0.049448 -0.033984 +v -0.195000 -0.049448 -0.033984 +v -0.120000 -0.044589 -0.040148 +v -0.195000 -0.044589 -0.040148 +v -0.120000 -0.038967 -0.045624 +v -0.195000 -0.038967 -0.045624 +v -0.120000 -0.032678 -0.050320 +v -0.195000 -0.032678 -0.050320 +v -0.195000 -0.025831 -0.054155 +v -0.120000 -0.025831 -0.054155 +v -0.120000 -0.018541 -0.057063 +v -0.195000 -0.018541 -0.057063 +v -0.195000 -0.010934 -0.058995 +v -0.120000 -0.010934 -0.058995 +v -0.195000 -0.003140 -0.059918 +v -0.075000 0.366452 0.494387 +v -0.120000 0.374300 0.494490 +v -0.120000 0.366452 0.494387 +v -0.075000 0.374300 0.494490 +v -0.075000 0.358685 0.493261 +v -0.120000 0.358685 0.493261 +v -0.075000 0.416784 0.395605 +v -0.120000 0.416784 0.395605 +v -0.120000 0.421480 0.401894 +v -0.075000 0.351131 0.491130 +v -0.120000 0.351131 0.491130 +v -0.075000 0.421480 0.401894 +v -0.120000 0.425315 0.408741 +v -0.075000 0.343920 0.488032 +v -0.120000 0.343920 0.488032 +v -0.075000 0.425315 0.408741 +v -0.120000 0.428223 0.416031 +v -0.075000 0.337175 0.484020 +v -0.120000 0.337175 0.484020 +v -0.075000 0.428223 0.416031 +v -0.120000 0.430155 0.423638 +v -0.075000 0.331012 0.479161 +v -0.120000 0.331012 0.479161 +v -0.075000 0.430155 0.423638 +v -0.120000 0.431077 0.431432 +v -0.075000 0.325535 0.473539 +v -0.120000 0.325535 0.473539 +v -0.075000 0.431077 0.431432 +v -0.120000 0.430975 0.439280 +v -0.075000 0.430975 0.439280 +v -0.075000 0.429848 0.447047 +v -0.120000 0.429848 0.447047 +v -0.075000 0.427718 0.454600 +v -0.120000 0.427718 0.454600 +v -0.075000 0.424620 0.461811 +v -0.120000 0.424620 0.461811 +v -0.075000 0.420607 0.468556 +v -0.120000 0.420607 0.468556 +v -0.075000 0.415748 0.474720 +v -0.120000 0.415748 0.474720 +v -0.075000 0.410126 0.480196 +v -0.120000 0.410126 0.480196 +v -0.075000 0.403838 0.484892 +v -0.120000 0.403838 0.484892 +v -0.075000 0.396990 0.488727 +v -0.120000 0.396990 0.488727 +v -0.075000 0.389701 0.491635 +v -0.120000 0.389701 0.491635 +v -0.075000 0.382094 0.493567 +v -0.120000 0.382094 0.493567 +v -0.195000 0.001315 0.093926 +v -0.195000 0.092564 0.015992 +v 0.195000 -0.003140 -0.059918 +v 0.195000 0.004708 -0.059815 +v 0.195000 -0.010934 -0.058995 +v 0.195000 -0.025831 -0.054155 +v 0.195000 -0.018541 -0.057063 +v 0.195000 -0.032678 -0.050320 +v 0.195000 0.033984 -0.049448 +v 0.195000 0.040148 -0.044589 +v 0.195000 0.045624 -0.038967 +v 0.195000 0.027239 -0.053460 +v 0.195000 0.020028 -0.056558 +v 0.195000 0.012475 -0.058689 +v 0.195000 -0.038967 -0.045624 +v 0.195000 -0.049448 -0.033984 +v 0.195000 -0.044589 -0.040148 +v 0.195000 -0.053460 -0.027239 +v 0.195000 -0.056558 -0.020028 +v 0.195000 -0.058689 -0.012475 +v 0.195000 -0.059815 -0.004708 +v 0.195000 -0.059918 0.003140 +v 0.195000 -0.058995 0.010934 +v 0.195000 -0.057063 0.018541 +v 0.195000 -0.050320 0.032678 +v 0.195000 -0.054155 0.025831 +v 0.195000 -0.045624 0.038967 +v 0.195000 0.092564 0.015992 +v 0.195000 0.001315 0.093926 +v 0.120000 -0.003140 -0.059918 +v 0.120000 0.004708 -0.059815 +v 0.120000 0.012475 -0.058689 +v 0.120000 -0.045624 0.038967 +v 0.120000 -0.050320 0.032678 +v 0.120000 0.020028 -0.056558 +v 0.120000 -0.054155 0.025831 +v 0.120000 0.027239 -0.053460 +v 0.120000 -0.057063 0.018541 +v 0.120000 0.033984 -0.049448 +v 0.120000 -0.058995 0.010934 +v 0.120000 0.040148 -0.044589 +v 0.120000 0.045624 -0.038967 +v 0.120000 -0.059918 0.003140 +v 0.120000 -0.059815 -0.004708 +v 0.120000 -0.058689 -0.012475 +v 0.120000 -0.056558 -0.020028 +v 0.120000 -0.053460 -0.027239 +v 0.120000 -0.049448 -0.033984 +v 0.120000 -0.044589 -0.040148 +v 0.120000 -0.038967 -0.045624 +v 0.120000 -0.032678 -0.050320 +v 0.120000 -0.025831 -0.054155 +v 0.120000 -0.018541 -0.057063 +v 0.120000 -0.010934 -0.058995 +v -0.095000 0.157848 0.277203 +v -0.161687 0.198314 0.324583 +v -0.165265 0.194178 0.319739 +v 0.059000 0.211419 0.339926 +v 0.051282 0.209343 0.337495 +v 0.070000 0.162199 0.282297 +v 0.043000 0.208635 0.336666 +v 0.082941 0.161092 0.281001 +v 0.170000 0.180385 0.303589 +v 0.118296 0.138131 0.254117 +v 0.120000 0.129727 0.244276 +v 0.120000 0.325535 0.473539 +v 0.075000 0.325535 0.473539 +v 0.120000 0.229417 0.360999 +v -0.075000 0.229417 0.360999 +v -0.167877 0.189747 0.314551 +v -0.043000 0.208635 0.336666 +v -0.169466 0.185116 0.309130 +v -0.113301 0.145963 0.263287 +v -0.105355 0.152688 0.271161 +v -0.118296 0.138131 0.254117 +v -0.073910 0.224038 0.354701 +v -0.120000 0.229417 0.360999 +v 0.170000 0.039599 0.138751 +v -0.120000 0.129727 0.244276 +v 0.179756 0.024659 0.121258 +v 0.174468 0.029007 0.126349 +v 0.171137 0.034108 0.132322 +v -0.070713 0.219026 0.348832 +v -0.121359 0.223425 0.353983 +v 0.075000 0.229417 0.360999 +v 0.073910 0.224038 0.354701 +v -0.065627 0.214722 0.343793 +v -0.125320 0.217942 0.347563 +v 0.121359 0.223425 0.353983 +v 0.125320 0.217942 0.347563 +v 0.070713 0.219026 0.348832 +v 0.065627 0.214722 0.343793 +v -0.171137 0.034108 0.132322 +v -0.174468 0.029007 0.126349 +v 0.131548 0.213433 0.342284 +v -0.179756 0.024659 0.121258 +v -0.188018 0.017865 0.113304 +v -0.193223 0.009895 0.103972 +v -0.131548 0.213433 0.342284 +v 0.193223 0.009895 0.103972 +v 0.188018 0.017865 0.113304 +v -0.051282 0.209343 0.337495 +v -0.070000 0.162199 0.282297 +v -0.059000 0.211419 0.339926 +v -0.082941 0.161092 0.281001 +v 0.169466 0.185116 0.309130 +v 0.095000 0.157848 0.277203 +v 0.167877 0.189747 0.314551 +v 0.165265 0.194178 0.319739 +v 0.161687 0.198314 0.324583 +v 0.157219 0.202068 0.328978 +v 0.105355 0.152688 0.271161 +v 0.151957 0.205359 0.332831 +v 0.146012 0.208117 0.336059 +v 0.139512 0.210282 0.338595 +v 0.113301 0.145963 0.263287 +v -0.139512 0.210282 0.338595 +v -0.146012 0.208117 0.336059 +v -0.151957 0.205359 0.332831 +v -0.157219 0.202068 0.328978 +v 0.120000 0.366452 0.494387 +v 0.120000 0.374300 0.494490 +v 0.075000 0.374300 0.494490 +v 0.075000 0.366452 0.494387 +v 0.120000 0.358685 0.493261 +v 0.120000 0.416784 0.395605 +v 0.075000 0.416784 0.395605 +v 0.075000 0.421480 0.401894 +v 0.075000 0.358685 0.493261 +v 0.120000 0.351131 0.491130 +v 0.120000 0.421480 0.401894 +v 0.075000 0.425315 0.408741 +v 0.075000 0.351131 0.491130 +v 0.120000 0.343920 0.488032 +v 0.120000 0.425315 0.408741 +v 0.075000 0.428223 0.416031 +v 0.075000 0.343920 0.488032 +v 0.120000 0.337175 0.484020 +v 0.075000 0.337175 0.484020 +v 0.120000 0.428223 0.416031 +v 0.075000 0.430155 0.423638 +v 0.120000 0.331012 0.479161 +v 0.075000 0.331012 0.479161 +v 0.120000 0.430155 0.423638 +v 0.075000 0.431077 0.431432 +v 0.120000 0.431077 0.431432 +v 0.075000 0.430975 0.439280 +v 0.120000 0.430975 0.439280 +v 0.120000 0.429848 0.447047 +v 0.075000 0.429848 0.447047 +v 0.120000 0.427718 0.454600 +v 0.075000 0.427718 0.454600 +v 0.120000 0.424620 0.461811 +v 0.075000 0.424620 0.461811 +v 0.120000 0.420607 0.468556 +v 0.075000 0.420607 0.468556 +v 0.120000 0.415748 0.474720 +v 0.075000 0.415748 0.474720 +v 0.120000 0.410126 0.480196 +v 0.075000 0.410126 0.480196 +v 0.120000 0.403838 0.484892 +v 0.075000 0.403838 0.484892 +v 0.120000 0.396990 0.488727 +v 0.075000 0.396990 0.488727 +v 0.120000 0.389701 0.491635 +v 0.075000 0.389701 0.491635 +v 0.120000 0.382094 0.493567 +v 0.075000 0.382094 0.493567 +v -0.174468 0.120256 0.048416 +v -0.171137 0.125357 0.054388 +v -0.095000 0.249097 0.199269 +v -0.169466 0.276365 0.231196 +v -0.167877 0.280996 0.236618 +v -0.082941 0.252341 0.203067 +v -0.131548 0.304682 0.264351 +v -0.065627 0.305970 0.265859 +v 0.193223 0.101144 0.026038 +v 0.188018 0.109114 0.035370 +v -0.070713 0.310274 0.270898 +v -0.125320 0.309190 0.269629 +v 0.179756 0.115908 0.043325 +v 0.125320 0.309190 0.269629 +v 0.131548 0.304682 0.264351 +v 0.065627 0.305970 0.265859 +v -0.139512 0.301531 0.260661 +v 0.082941 0.252341 0.203067 +v 0.174468 0.120256 0.048416 +v -0.165265 0.285427 0.241806 +v 0.070000 0.253448 0.204363 +v 0.059000 0.302668 0.261992 +v -0.121359 0.314674 0.276049 +v 0.171137 0.125357 0.054388 +v 0.121359 0.314674 0.276049 +v 0.070713 0.310274 0.270898 +v -0.073910 0.315287 0.276767 +v 0.170000 0.130848 0.060817 +v -0.146012 0.299365 0.258126 +v 0.120000 0.320666 0.283065 +v 0.073910 0.315287 0.276767 +v -0.161687 0.289563 0.246649 +v -0.151957 0.296608 0.254897 +v 0.051282 0.300591 0.259561 +v -0.157219 0.293317 0.251044 +v 0.120000 0.220975 0.166343 +v 0.118296 0.229380 0.176183 +v 0.170000 0.271633 0.225656 +v 0.043000 0.299883 0.258732 +v -0.120000 0.320666 0.283065 +v 0.075000 0.320666 0.283065 +v 0.113301 0.237211 0.185353 +v -0.075000 0.320666 0.283065 +v 0.105355 0.243937 0.193227 +v -0.120000 0.220975 0.166343 +v 0.095000 0.249097 0.199269 +v 0.161687 0.289563 0.246649 +v 0.165265 0.285427 0.241806 +v -0.070000 0.253448 0.204363 +v -0.043000 0.299883 0.258732 +v 0.167877 0.280996 0.236618 +v 0.169466 0.276365 0.231196 +v 0.157219 0.293317 0.251044 +v -0.051282 0.300591 0.259561 +v 0.151957 0.296608 0.254897 +v 0.146012 0.299365 0.258126 +v -0.059000 0.302668 0.261992 +v 0.139512 0.301531 0.260661 +v -0.193223 0.101144 0.026038 +v -0.188018 0.109114 0.035370 +v -0.179756 0.115908 0.043325 +v -0.105355 0.243937 0.193227 +v -0.113301 0.237211 0.185353 +v -0.118296 0.229380 0.176183 +vt 0.482680 0.623960 +vt 0.495316 0.623299 +vt 0.495324 0.624004 +vt 0.495316 0.622557 +vt 0.482672 0.623203 +vt 0.482665 0.622425 +vt 0.403435 0.566275 +vt 0.419165 0.565724 +vt 0.403391 0.565569 +vt 0.495309 0.621829 +vt 0.418910 0.624634 +vt 0.431973 0.624208 +vt 0.418910 0.624083 +vt 0.498475 0.562528 +vt 0.490445 0.565349 +vt 0.490070 0.563968 +vt 0.331974 0.545733 +vt 0.331872 0.546320 +vt 0.319213 0.545843 +vt 0.482658 0.620992 +vt 0.495294 0.620573 +vt 0.495302 0.621154 +vt 0.307832 0.623399 +vt 0.294851 0.623642 +vt 0.294770 0.623047 +vt 0.555857 0.624101 +vt 0.543338 0.623910 +vt 0.543345 0.624513 +vt 0.431870 0.623635 +vt 0.418910 0.623415 +vt 0.368265 0.623532 +vt 0.355386 0.624120 +vt 0.355401 0.623459 +vt 0.476993 0.105715 +vt 0.473187 0.113275 +vt 0.475670 0.105157 +vt 0.555835 0.622324 +vt 0.543309 0.621765 +vt 0.543316 0.622492 +vt 0.482665 0.621675 +vt 0.307847 0.621959 +vt 0.294777 0.621107 +vt 0.307854 0.621225 +vt 0.431759 0.622460 +vt 0.431796 0.622989 +vt 0.418266 0.108693 +vt 0.444421 0.114240 +vt 0.445456 0.108693 +vt 0.294946 0.624134 +vt 0.307825 0.624017 +vt 0.325254 0.624065 +vt 0.338103 0.623375 +vt 0.338103 0.623955 +vt 0.331813 0.546849 +vt 0.319206 0.546526 +vt 0.105968 0.087577 +vt 0.090113 0.088289 +vt 0.090165 0.087577 +vt 0.502020 0.227657 +vt 0.503078 0.219098 +vt 0.503438 0.227562 +vt 0.431745 0.621945 +vt 0.418910 0.621203 +vt 0.418910 0.621931 +vt 0.431745 0.621181 +vt 0.418910 0.620542 +vt 0.431745 0.620491 +vt 0.418910 0.619991 +vt 0.482680 0.624629 +vt 0.495324 0.624629 +vt 0.555835 0.622676 +vt 0.543323 0.623227 +vt 0.470109 0.111379 +vt 0.474517 0.104268 +vt 0.465042 0.621640 +vt 0.452405 0.621118 +vt 0.465049 0.620964 +vt 0.507214 0.229450 +vt 0.511365 0.222096 +vt 0.512695 0.223337 +vt 0.239587 0.513928 +vt 0.218906 0.505641 +vt 0.238375 0.516661 +vt 0.452405 0.620545 +vt 0.465049 0.620413 +vt 0.307840 0.622694 +vt 0.294733 0.622408 +vt 0.294968 0.619976 +vt 0.307862 0.620549 +vt 0.294865 0.620497 +vt 0.331761 0.548480 +vt 0.319184 0.547996 +vt 0.331769 0.547731 +vt 0.378280 0.011728 +vt 0.378581 0.010288 +vt 0.378059 0.011662 +vt 0.319191 0.547261 +vt 0.331776 0.547378 +vt 0.368339 0.624142 +vt 0.355379 0.624664 +vt 0.325151 0.623610 +vt 0.325063 0.623037 +vt 0.491813 0.296717 +vt 0.493701 0.304534 +vt 0.493701 0.296600 +vt 0.494713 0.556422 +vt 0.489343 0.562719 +vt 0.488299 0.561683 +vt 0.465042 0.622396 +vt 0.452398 0.621794 +vt 0.324996 0.622398 +vt 0.338111 0.621971 +vt 0.338111 0.622699 +vt 0.555930 0.621045 +vt 0.543287 0.620487 +vt 0.543294 0.621082 +vt 0.555850 0.623426 +vt 0.465020 0.624600 +vt 0.452383 0.623976 +vt 0.465027 0.623925 +vt 0.368229 0.621453 +vt 0.355460 0.620594 +vt 0.368243 0.620770 +vt 0.355467 0.620043 +vt 0.368251 0.620212 +vt 0.368214 0.622217 +vt 0.355416 0.622732 +vt 0.355430 0.621982 +vt 0.488299 0.570440 +vt 0.491708 0.577868 +vt 0.487021 0.571197 +vt 0.325004 0.621097 +vt 0.324982 0.621751 +vt 0.169233 0.015966 +vt 0.179923 0.017949 +vt 0.169233 0.017949 +vt 0.527721 0.352738 +vt 0.529367 0.342056 +vt 0.529367 0.352738 +vt 0.573557 0.620588 +vt 0.586142 0.621212 +vt 0.573557 0.621212 +vt 0.462242 0.030075 +vt 0.460317 0.031250 +vt 0.462242 0.031250 +vt 0.452031 0.335716 +vt 0.462236 0.337303 +vt 0.452031 0.337303 +vt 0.243403 0.620589 +vt 0.241985 0.622477 +vt 0.241985 0.620589 +vt 0.168381 0.518461 +vt 0.166956 0.508256 +vt 0.166956 0.518461 +vt 0.150608 0.075749 +vt 0.149278 0.113556 +vt 0.149278 0.075749 +vt 0.511327 0.620589 +vt 0.509858 0.622477 +vt 0.509858 0.620589 +vt 0.580146 0.023547 +vt 0.597955 0.025178 +vt 0.580146 0.025178 +vt 0.619395 0.230797 +vt 0.617507 0.232215 +vt 0.619395 0.232215 +vt 0.516235 0.157586 +vt 0.515008 0.159239 +vt 0.515008 0.157586 +vt 0.363570 0.499034 +vt 0.364121 0.511847 +vt 0.363570 0.511847 +vt 0.583105 0.511808 +vt 0.583810 0.499208 +vt 0.583105 0.499208 +vt 0.452031 0.332218 +vt 0.462236 0.334011 +vt 0.452031 0.334011 +vt 0.212952 0.603770 +vt 0.211446 0.585969 +vt 0.211446 0.603770 +vt 0.367001 0.499034 +vt 0.367654 0.511847 +vt 0.367001 0.511847 +vt 0.452031 0.330352 +vt 0.462236 0.332218 +vt 0.520643 0.157586 +vt 0.519144 0.159239 +vt 0.519144 0.157586 +vt 0.030803 0.626737 +vt 0.029150 0.628257 +vt 0.030803 0.628257 +vt 0.177197 0.552477 +vt 0.212955 0.562682 +vt 0.212955 0.552477 +vt 0.364121 0.499034 +vt 0.364782 0.511847 +vt 0.531137 0.342056 +vt 0.531137 0.352738 +vt 0.479244 0.183129 +vt 0.462236 0.181564 +vt 0.479244 0.181564 +vt 0.030803 0.622725 +vt 0.029150 0.623886 +vt 0.030803 0.623886 +vt 0.462236 0.330352 +vt 0.452031 0.328457 +vt 0.462236 0.328457 +vt 0.573557 0.624056 +vt 0.586142 0.624629 +vt 0.573557 0.624629 +vt 0.611906 0.019925 +vt 0.612596 0.007347 +vt 0.612596 0.019925 +vt 0.462236 0.335716 +vt 0.460317 0.037378 +vt 0.462242 0.035828 +vt 0.460317 0.035828 +vt 0.169233 0.012035 +vt 0.179923 0.013982 +vt 0.169233 0.013982 +vt 0.266881 0.603343 +vt 0.229133 0.601881 +vt 0.266881 0.601881 +vt 0.614066 0.019925 +vt 0.614756 0.007347 +vt 0.614756 0.019925 +vt 0.514457 0.620589 +vt 0.512885 0.622477 +vt 0.512885 0.620589 +vt 0.177197 0.562682 +vt 0.175309 0.552477 +vt 0.175309 0.562682 +vt 0.619395 0.144949 +vt 0.617500 0.146499 +vt 0.619395 0.146499 +vt 0.613287 0.265577 +vt 0.614029 0.278170 +vt 0.614029 0.265577 +vt 0.229133 0.600405 +vt 0.266881 0.600405 +vt 0.540872 0.342056 +vt 0.538918 0.352738 +vt 0.538918 0.342056 +vt 0.547704 0.342056 +vt 0.546206 0.352738 +vt 0.546206 0.342056 +vt 0.202167 0.585969 +vt 0.204151 0.603770 +vt 0.204151 0.585969 +vt 0.239502 0.620589 +vt 0.238040 0.622477 +vt 0.238040 0.620589 +vt 0.169953 0.518461 +vt 0.168381 0.508256 +vt 0.168381 0.562682 +vt 0.166956 0.552477 +vt 0.166956 0.562682 +vt 0.320836 0.508256 +vt 0.319036 0.491248 +vt 0.319036 0.508256 +vt 0.206105 0.603770 +vt 0.452031 0.292700 +vt 0.196370 0.603770 +vt 0.194607 0.585969 +vt 0.194607 0.603770 +vt 0.614727 0.278170 +vt 0.614727 0.265577 +vt 0.522053 0.157586 +vt 0.520643 0.159239 +vt 0.619394 0.616378 +vt 0.617734 0.617539 +vt 0.619394 0.617539 +vt 0.385687 0.624629 +vt 0.398500 0.624085 +vt 0.385687 0.624085 +vt 0.029150 0.625253 +vt 0.030803 0.625253 +vt 0.619394 0.093455 +vt 0.617712 0.092331 +vt 0.619394 0.092331 +vt 0.517197 0.620589 +vt 0.515919 0.622477 +vt 0.515919 0.620589 +vt 0.617712 0.096291 +vt 0.619394 0.097833 +vt 0.617712 0.097833 +vt 0.573557 0.621910 +vt 0.586142 0.622652 +vt 0.573557 0.622652 +vt 0.244953 0.620589 +vt 0.243403 0.622477 +vt 0.148146 0.075749 +vt 0.177197 0.518461 +vt 0.175309 0.508256 +vt 0.175309 0.518461 +vt 0.580146 0.008369 +vt 0.597955 0.010161 +vt 0.580146 0.010161 +vt 0.234903 0.620589 +vt 0.233441 0.622477 +vt 0.233441 0.620589 +vt 0.105597 0.542979 +vt 0.143397 0.541524 +vt 0.105597 0.541524 +vt 0.179923 0.019889 +vt 0.311517 0.441109 +vt 0.293958 0.468469 +vt 0.311517 0.468469 +vt 0.047839 0.625466 +vt 0.049492 0.626986 +vt 0.047839 0.626986 +vt 0.029150 0.626737 +vt 0.390803 0.188477 +vt 0.407811 0.190373 +vt 0.390803 0.190373 +vt 0.010933 0.627186 +vt 0.012299 0.628839 +vt 0.012299 0.627186 +vt 0.617500 0.210630 +vt 0.619395 0.212048 +vt 0.617500 0.212048 +vt 0.619394 0.100684 +vt 0.617712 0.099332 +vt 0.619394 0.099332 +vt 0.013460 0.628839 +vt 0.013460 0.627186 +vt 0.317177 0.508256 +vt 0.315282 0.491248 +vt 0.315282 0.508256 +vt 0.597955 0.015988 +vt 0.580146 0.013997 +vt 0.597955 0.013997 +vt 0.619395 0.235337 +vt 0.617507 0.236843 +vt 0.619395 0.236843 +vt 0.365516 0.511847 +vt 0.366266 0.499034 +vt 0.366266 0.511847 +vt 0.611906 0.179503 +vt 0.611311 0.192088 +vt 0.611906 0.192088 +vt 0.597955 0.021777 +vt 0.580146 0.019903 +vt 0.597955 0.019903 +vt 0.192969 0.585969 +vt 0.191492 0.603770 +vt 0.192969 0.603770 +vt 0.179923 0.015966 +vt 0.511327 0.622477 +vt 0.367654 0.499034 +vt 0.368205 0.511847 +vt 0.619395 0.213253 +vt 0.617500 0.213253 +vt 0.617712 0.075782 +vt 0.619394 0.076906 +vt 0.617712 0.076906 +vt 0.407811 0.181564 +vt 0.390803 0.180139 +vt 0.407811 0.180139 +vt 0.105597 0.545447 +vt 0.143397 0.544316 +vt 0.105597 0.544316 +vt 0.615351 0.339357 +vt 0.614734 0.351950 +vt 0.615351 0.351950 +vt 0.619394 0.094799 +vt 0.617712 0.093455 +vt 0.619395 0.142319 +vt 0.617500 0.143531 +vt 0.619395 0.143531 +vt 0.418015 0.335716 +vt 0.407811 0.334011 +vt 0.418015 0.334011 +vt 0.171658 0.518461 +vt 0.169953 0.508256 +vt 0.385687 0.621940 +vt 0.398500 0.621212 +vt 0.385687 0.621212 +vt 0.177197 0.508256 +vt 0.212955 0.518461 +vt 0.212955 0.508256 +vt 0.179923 0.025178 +vt 0.169233 0.023540 +vt 0.179923 0.023540 +vt 0.613331 0.007347 +vt 0.613331 0.019925 +vt 0.612560 0.265577 +vt 0.613287 0.278170 +vt 0.240788 0.622477 +vt 0.240788 0.620589 +vt 0.322533 0.508256 +vt 0.320836 0.491248 +vt 0.029150 0.629697 +vt 0.030803 0.629697 +vt 0.169233 0.010147 +vt 0.179923 0.012035 +vt 0.169953 0.562682 +vt 0.168381 0.552477 +vt 0.407811 0.292700 +vt 0.418015 0.328457 +vt 0.407811 0.328457 +vt 0.580146 0.006701 +vt 0.597955 0.008369 +vt 0.132702 0.599090 +vt 0.094270 0.600544 +vt 0.132702 0.600544 +vt 0.619394 0.296207 +vt 0.617741 0.297713 +vt 0.619394 0.297713 +vt 0.544545 0.352738 +vt 0.544545 0.342056 +vt 0.542753 0.342056 +vt 0.540872 0.352738 +vt 0.209778 0.585969 +vt 0.209778 0.603770 +vt 0.047839 0.628470 +vt 0.049492 0.629837 +vt 0.047839 0.629837 +vt 0.617500 0.205994 +vt 0.619395 0.207500 +vt 0.617500 0.207500 +vt 0.619394 0.293290 +vt 0.617741 0.294701 +vt 0.619394 0.294701 +vt 0.611891 0.278170 +vt 0.611311 0.265577 +vt 0.611311 0.278170 +vt 0.266881 0.599038 +vt 0.229133 0.597841 +vt 0.266881 0.597841 +vt 0.154957 0.075749 +vt 0.153546 0.113556 +vt 0.153546 0.075749 +vt 0.612560 0.278170 +vt 0.611891 0.265577 +vt 0.536934 0.352738 +vt 0.536934 0.342056 +vt 0.615351 0.278170 +vt 0.615351 0.265577 +vt 0.232162 0.622477 +vt 0.232162 0.620589 +vt 0.009449 0.628839 +vt 0.009449 0.627186 +vt 0.514457 0.622477 +vt 0.597955 0.017964 +vt 0.580146 0.015988 +vt 0.533011 0.342056 +vt 0.533011 0.352738 +vt 0.132702 0.597760 +vt 0.094270 0.599090 +vt 0.619394 0.618898 +vt 0.617734 0.620389 +vt 0.619394 0.620389 +vt 0.173451 0.552477 +vt 0.173451 0.562682 +vt 0.462242 0.037378 +vt 0.460317 0.038781 +vt 0.462242 0.038781 +vt 0.613287 0.339357 +vt 0.612560 0.351950 +vt 0.613287 0.351950 +vt 0.580146 0.017964 +vt 0.597955 0.012050 +vt 0.580146 0.012050 +vt 0.534958 0.342056 +vt 0.534958 0.352738 +vt 0.248039 0.620589 +vt 0.246525 0.622477 +vt 0.246525 0.620589 +vt 0.581635 0.511808 +vt 0.582370 0.499208 +vt 0.581635 0.499208 +vt 0.398500 0.620551 +vt 0.385687 0.620551 +vt 0.007347 0.154475 +vt 0.009272 0.155643 +vt 0.007347 0.155643 +vt 0.007347 0.160227 +vt 0.009272 0.161778 +vt 0.007347 0.161778 +vt 0.049492 0.628470 +vt 0.617734 0.621903 +vt 0.619394 0.621903 +vt 0.460317 0.039949 +vt 0.462242 0.039949 +vt 0.617500 0.204650 +vt 0.619395 0.205994 +vt 0.619395 0.229584 +vt 0.617507 0.230797 +vt 0.385687 0.623424 +vt 0.398500 0.622696 +vt 0.385687 0.622696 +vt 0.236468 0.622477 +vt 0.236468 0.620589 +vt 0.009272 0.157054 +vt 0.007347 0.157054 +vt 0.619395 0.149585 +vt 0.617500 0.150929 +vt 0.619395 0.150929 +vt 0.152062 0.075749 +vt 0.150608 0.113556 +vt 0.005195 0.627186 +vt 0.006488 0.628839 +vt 0.006488 0.627186 +vt 0.462236 0.338728 +vt 0.452031 0.338728 +vt 0.229133 0.599038 +vt 0.523280 0.157586 +vt 0.522053 0.159239 +vt 0.365516 0.499034 +vt 0.398500 0.620000 +vt 0.385687 0.620000 +vt 0.615351 0.007347 +vt 0.615351 0.019925 +vt 0.132702 0.596658 +vt 0.094270 0.597760 +vt 0.179923 0.006701 +vt 0.169233 0.005195 +vt 0.179923 0.005195 +vt 0.315282 0.562682 +vt 0.317177 0.579690 +vt 0.317177 0.562682 +vt 0.152062 0.113556 +vt 0.615351 0.179503 +vt 0.614756 0.192088 +vt 0.615351 0.192088 +vt 0.007347 0.163181 +vt 0.009272 0.164349 +vt 0.007347 0.164349 +vt 0.132702 0.604828 +vt 0.094270 0.605922 +vt 0.132702 0.605922 +vt 0.207993 0.603770 +vt 0.206105 0.585969 +vt 0.047839 0.624018 +vt 0.049492 0.625466 +vt 0.132702 0.602058 +vt 0.094270 0.603512 +vt 0.132702 0.603512 +vt 0.611311 0.019925 +vt 0.611906 0.007347 +vt 0.619394 0.075782 +vt 0.617712 0.074438 +vt 0.619394 0.074438 +vt 0.407811 0.186626 +vt 0.390803 0.184833 +vt 0.407811 0.184833 +vt 0.398500 0.621940 +vt 0.105597 0.540040 +vt 0.143397 0.538630 +vt 0.105597 0.538630 +vt 0.580146 0.005195 +vt 0.597955 0.006701 +vt 0.239502 0.622477 +vt 0.613331 0.179503 +vt 0.612596 0.192088 +vt 0.613331 0.192088 +vt 0.460317 0.032661 +vt 0.462242 0.032661 +vt 0.324120 0.579690 +vt 0.322533 0.562682 +vt 0.322533 0.579690 +vt 0.614066 0.179503 +vt 0.614066 0.192088 +vt 0.390803 0.183129 +vt 0.407811 0.183129 +vt 0.476721 0.105384 +vt 0.478065 0.105649 +vt 0.478403 0.105906 +vt 0.474032 0.095995 +vt 0.475068 0.094959 +vt 0.474429 0.095878 +vt 0.483818 0.099125 +vt 0.483987 0.098721 +vt 0.484075 0.100234 +vt 0.475487 0.094952 +vt 0.483818 0.100587 +vt 0.473268 0.097273 +vt 0.473628 0.097053 +vt 0.479432 0.105561 +vt 0.476317 0.094225 +vt 0.479821 0.105715 +vt 0.476721 0.094327 +vt 0.472827 0.098721 +vt 0.473121 0.098412 +vt 0.483811 0.101726 +vt 0.483480 0.101990 +vt 0.477698 0.093850 +vt 0.480725 0.105113 +vt 0.478065 0.094056 +vt 0.472952 0.099852 +vt 0.481144 0.105157 +vt 0.481886 0.104334 +vt 0.482819 0.103269 +vt 0.483201 0.103100 +vt 0.472739 0.100234 +vt 0.482297 0.104268 +vt 0.479116 0.093850 +vt 0.479432 0.094151 +vt 0.473121 0.101300 +vt 0.473003 0.101726 +vt 0.480497 0.094225 +vt 0.480725 0.094599 +vt 0.473628 0.102651 +vt 0.473613 0.103100 +vt 0.481746 0.094959 +vt 0.481886 0.095378 +vt 0.474429 0.103827 +vt 0.482782 0.095995 +vt 0.482819 0.096436 +vt 0.475487 0.104760 +vt 0.483546 0.097273 +vt 0.483480 0.097714 +vt 0.486580 0.571131 +vt 0.485581 0.571638 +vt 0.485170 0.571469 +vt 0.488424 0.562087 +vt 0.478580 0.564651 +vt 0.478918 0.564372 +vt 0.478646 0.565716 +vt 0.478389 0.566054 +vt 0.484060 0.571726 +vt 0.489350 0.563137 +vt 0.487021 0.560919 +vt 0.487242 0.561279 +vt 0.483715 0.571469 +vt 0.478734 0.567083 +vt 0.478580 0.567472 +vt 0.489967 0.564372 +vt 0.485581 0.560478 +vt 0.485890 0.560779 +vt 0.482576 0.571461 +vt 0.482304 0.571131 +vt 0.479189 0.568383 +vt 0.490239 0.565716 +vt 0.484442 0.560603 +vt 0.479968 0.569537 +vt 0.479138 0.568795 +vt 0.484060 0.560390 +vt 0.490445 0.566774 +vt 0.481026 0.570470 +vt 0.481202 0.570859 +vt 0.480034 0.569948 +vt 0.490151 0.567083 +vt 0.483002 0.560779 +vt 0.482576 0.560654 +vt 0.490070 0.568148 +vt 0.489703 0.568383 +vt 0.481643 0.561279 +vt 0.481202 0.561264 +vt 0.489343 0.569397 +vt 0.488924 0.569537 +vt 0.480468 0.562087 +vt 0.480034 0.562168 +vt 0.487859 0.570470 +vt 0.479535 0.563137 +vt 0.479138 0.563321 +vt 0.269515 0.456868 +vt 0.279646 0.468469 +vt 0.270000 0.456317 +vt 0.268898 0.457287 +vt 0.270323 0.455671 +vt 0.268192 0.457551 +vt 0.356606 0.579690 +vt 0.397411 0.566275 +vt 0.356606 0.552499 +vt 0.270462 0.454973 +vt 0.267436 0.457640 +vt 0.265356 0.456868 +vt 0.248135 0.456317 +vt 0.247650 0.456868 +vt 0.266679 0.457551 +vt 0.247908 0.452974 +vt 0.265092 0.452974 +vt 0.247357 0.452489 +vt 0.265650 0.452489 +vt 0.265974 0.457287 +vt 0.266311 0.452144 +vt 0.279646 0.441109 +vt 0.246688 0.452144 +vt 0.245953 0.451960 +vt 0.268552 0.452144 +vt 0.269221 0.452489 +vt 0.269772 0.452974 +vt 0.270183 0.453577 +vt 0.270418 0.454260 +vt 0.245571 0.457640 +vt 0.244815 0.457551 +vt 0.226984 0.468469 +vt 0.244109 0.457287 +vt 0.243492 0.456868 +vt 0.243007 0.456317 +vt 0.267818 0.451960 +vt 0.242684 0.455671 +vt 0.242537 0.454973 +vt 0.246328 0.457551 +vt 0.267054 0.451960 +vt 0.242589 0.454260 +vt 0.226984 0.441109 +vt 0.242824 0.453577 +vt 0.243235 0.452974 +vt 0.243786 0.452489 +vt 0.244455 0.452144 +vt 0.245189 0.451960 +vt 0.106431 0.086232 +vt 0.089210 0.085681 +vt 0.106916 0.085681 +vt 0.247033 0.457287 +vt 0.402972 0.567612 +vt 0.419371 0.567186 +vt 0.403296 0.566972 +vt 0.418266 0.040389 +vt 0.429073 0.042601 +vt 0.429220 0.042057 +vt 0.617500 0.148079 +vt 0.619395 0.148079 +vt 0.266881 0.604725 +vt 0.229133 0.603343 +vt 0.582370 0.511808 +vt 0.196370 0.585969 +vt 0.198244 0.603770 +vt 0.198244 0.585969 +vt 0.407811 0.332218 +vt 0.418015 0.332218 +vt 0.390803 0.181564 +vt 0.586142 0.621910 +vt 0.317177 0.491248 +vt 0.418015 0.338728 +vt 0.407811 0.337303 +vt 0.418015 0.337303 +vt 0.007347 0.158618 +vt 0.009272 0.160220 +vt 0.517638 0.159239 +vt 0.517638 0.157586 +vt 0.611884 0.339357 +vt 0.611311 0.351950 +vt 0.611884 0.351950 +vt 0.179923 0.026655 +vt 0.169233 0.025178 +vt 0.617507 0.233757 +vt 0.619395 0.233757 +vt 0.156221 0.075749 +vt 0.154957 0.113556 +vt 0.617734 0.618898 +vt 0.207993 0.585969 +vt 0.324120 0.491248 +vt 0.325545 0.508256 +vt 0.325545 0.491248 +vt 0.508587 0.622477 +vt 0.508587 0.620589 +vt 0.617507 0.235337 +vt 0.171658 0.562682 +vt 0.169953 0.552477 +vt 0.580967 0.511808 +vt 0.580967 0.499208 +vt 0.526244 0.352738 +vt 0.527721 0.342056 +vt 0.029150 0.630990 +vt 0.030803 0.630990 +vt 0.612560 0.339357 +vt 0.617712 0.068560 +vt 0.619394 0.069912 +vt 0.617712 0.069912 +vt 0.617500 0.144949 +vt 0.049492 0.630990 +vt 0.047839 0.630990 +vt 0.617507 0.238180 +vt 0.619395 0.238180 +vt 0.094270 0.604828 +vt 0.619394 0.299116 +vt 0.617741 0.300343 +vt 0.619394 0.300343 +vt 0.597955 0.026663 +vt 0.479244 0.188477 +vt 0.462236 0.186626 +vt 0.479244 0.186626 +vt 0.204632 0.176239 +vt 0.177088 0.155205 +vt 0.177088 0.176239 +vt 0.324120 0.508256 +vt 0.322533 0.491248 +vt 0.007935 0.627186 +vt 0.094270 0.602058 +vt 0.462242 0.034219 +vt 0.460317 0.034219 +vt 0.619395 0.209080 +vt 0.617500 0.209080 +vt 0.179923 0.008362 +vt 0.169233 0.006701 +vt 0.143397 0.542979 +vt 0.320836 0.562682 +vt 0.320836 0.579690 +vt 0.479244 0.190373 +vt 0.462236 0.188477 +vt 0.047839 0.622733 +vt 0.049492 0.624018 +vt 0.580146 0.021777 +vt 0.597955 0.023547 +vt 0.324131 0.461629 +vt 0.321817 0.464465 +vt 0.323073 0.463120 +vt 0.325961 0.456574 +vt 0.324976 0.460027 +vt 0.325593 0.458330 +vt 0.313420 0.468351 +vt 0.315286 0.468006 +vt 0.317093 0.467433 +vt 0.318797 0.466639 +vt 0.320384 0.465648 +vt 0.325593 0.451248 +vt 0.326086 0.454789 +vt 0.325961 0.453004 +vt 0.323073 0.446465 +vt 0.324976 0.449558 +vt 0.324131 0.447949 +vt 0.320384 0.443938 +vt 0.321817 0.445121 +vt 0.318797 0.442946 +vt 0.313420 0.441227 +vt 0.317093 0.442152 +vt 0.315286 0.441579 +vt 0.407811 0.188477 +vt 0.390803 0.186626 +vt 0.031485 0.079429 +vt 0.032749 0.078084 +vt 0.030435 0.080913 +vt 0.028973 0.084219 +vt 0.029590 0.082522 +vt 0.028605 0.085975 +vt 0.039280 0.074543 +vt 0.041154 0.074191 +vt 0.043057 0.074080 +vt 0.037473 0.075116 +vt 0.035769 0.075910 +vt 0.034182 0.076902 +vt 0.028481 0.087760 +vt 0.028973 0.091301 +vt 0.028605 0.089546 +vt 0.029590 0.092991 +vt 0.030435 0.094600 +vt 0.031485 0.096084 +vt 0.032749 0.097429 +vt 0.034182 0.098612 +vt 0.035769 0.099603 +vt 0.037473 0.100397 +vt 0.041154 0.101323 +vt 0.039280 0.100970 +vt 0.043057 0.101433 +vt 0.220283 0.468469 +vt 0.221826 0.441109 +vt 0.220283 0.441109 +vt 0.179923 0.010147 +vt 0.169233 0.008362 +vt 0.617712 0.071411 +vt 0.619394 0.072946 +vt 0.617712 0.072946 +vt 0.325545 0.579690 +vt 0.324120 0.562682 +vt 0.614734 0.339357 +vt 0.614029 0.351950 +vt 0.573557 0.623380 +vt 0.586142 0.624056 +vt 0.619394 0.071411 +vt 0.200191 0.603770 +vt 0.407811 0.330352 +vt 0.418015 0.330352 +vt 0.319036 0.562682 +vt 0.319036 0.579690 +vt 0.619394 0.623343 +vt 0.617734 0.624629 +vt 0.619394 0.624629 +vt 0.614029 0.339357 +vt 0.200191 0.585969 +vt 0.202167 0.603770 +vt 0.617712 0.094799 +vt 0.619394 0.096291 +vt 0.619394 0.292063 +vt 0.617741 0.293290 +vt 0.617734 0.623343 +vt 0.173451 0.518461 +vt 0.171658 0.508256 +vt 0.617741 0.296207 +vt 0.479244 0.184833 +vt 0.462236 0.183129 +vt 0.234903 0.622477 +vt 0.462236 0.184833 +vt 0.169233 0.021762 +vt 0.179923 0.021762 +vt 0.169233 0.019889 +vt 0.060616 0.101433 +vt 0.413482 0.266075 +vt 0.398355 0.281128 +vt 0.397547 0.279586 +vt 0.419371 0.565004 +vt 0.403156 0.564893 +vt 0.446653 0.285235 +vt 0.444773 0.284971 +vt 0.450900 0.267691 +vt 0.473572 0.274458 +vt 0.461847 0.258735 +vt 0.462236 0.255613 +vt 0.583810 0.511808 +vt 0.584427 0.499208 +vt 0.396952 0.277940 +vt 0.589745 0.429148 +vt 0.598870 0.435599 +vt 0.596314 0.436752 +vt 0.396592 0.276221 +vt 0.516684 0.269343 +vt 0.503438 0.239618 +vt 0.504834 0.239332 +vt 0.409331 0.261652 +vt 0.411131 0.264150 +vt 0.396474 0.274458 +vt 0.408193 0.258735 +vt 0.462236 0.292700 +vt 0.451781 0.290701 +vt 0.462545 0.290474 +vt 0.473572 0.222082 +vt 0.407811 0.255613 +vt 0.479244 0.207836 +vt 0.462236 0.190373 +vt 0.475784 0.216520 +vt 0.474586 0.218136 +vt 0.473829 0.220039 +vt 0.231204 0.496920 +vt 0.241505 0.511577 +vt 0.396474 0.222082 +vt 0.492039 0.099852 +vt 0.420139 0.287234 +vt 0.418985 0.288835 +vt 0.406606 0.288431 +vt 0.407502 0.290474 +vt 0.418265 0.290701 +vt 0.463441 0.288431 +vt 0.451061 0.288835 +vt 0.449908 0.287234 +vt 0.396217 0.220039 +vt 0.395460 0.218136 +vt 0.464852 0.286756 +vt 0.394256 0.216520 +vt 0.390803 0.207836 +vt 0.392389 0.213993 +vt 0.391207 0.211025 +vt 0.405188 0.286756 +vt 0.478840 0.211025 +vt 0.477657 0.213993 +vt 0.425274 0.284971 +vt 0.423393 0.285235 +vt 0.419147 0.267691 +vt 0.448402 0.286007 +vt 0.453831 0.267280 +vt 0.421645 0.286007 +vt 0.416215 0.267280 +vt 0.473455 0.276221 +vt 0.473095 0.277940 +vt 0.456572 0.266075 +vt 0.472500 0.279586 +vt 0.471691 0.281128 +vt 0.470678 0.282524 +vt 0.469480 0.283751 +vt 0.468136 0.284772 +vt 0.466659 0.285581 +vt 0.458915 0.264150 +vt 0.460715 0.261652 +vt 0.498967 0.566054 +vt 0.498842 0.564284 +vt 0.403388 0.285581 +vt 0.401911 0.284772 +vt 0.400567 0.283751 +vt 0.399369 0.282524 +vt 0.171658 0.552477 +vt 0.617741 0.299116 +vt 0.407811 0.335716 +vt 0.143397 0.537373 +vt 0.105597 0.537373 +vt 0.266881 0.605922 +vt 0.229133 0.604725 +vt 0.617712 0.067436 +vt 0.619394 0.068560 +vt 0.244953 0.622477 +vt 0.009272 0.163181 +vt 0.614066 0.007347 +vt 0.614756 0.179503 +vt 0.612596 0.179503 +vt 0.249376 0.620589 +vt 0.248039 0.622477 +vt 0.513819 0.538965 +vt 0.541348 0.573179 +vt 0.541348 0.538965 +vt 0.009272 0.158618 +vt 0.586142 0.623380 +vt 0.580386 0.511808 +vt 0.580386 0.499208 +vt 0.143397 0.540040 +vt 0.542753 0.352738 +vt 0.516235 0.159239 +vt 0.462236 0.180139 +vt 0.479244 0.180139 +vt 0.287518 0.495906 +vt 0.285622 0.496656 +vt 0.229441 0.497038 +vt 0.227714 0.497398 +vt 0.283580 0.496920 +vt 0.297818 0.579690 +vt 0.315282 0.579690 +vt 0.239587 0.557010 +vt 0.218906 0.565297 +vt 0.220074 0.567105 +vt 0.218428 0.520584 +vt 0.294630 0.579286 +vt 0.291662 0.578103 +vt 0.216826 0.519431 +vt 0.217230 0.507052 +vt 0.289134 0.576230 +vt 0.217230 0.563887 +vt 0.218428 0.550354 +vt 0.238375 0.554277 +vt 0.287518 0.575032 +vt 0.226069 0.497993 +vt 0.219655 0.548848 +vt 0.285622 0.574275 +vt 0.215188 0.507948 +vt 0.214960 0.518711 +vt 0.216826 0.551500 +vt 0.283580 0.574018 +vt 0.220074 0.503834 +vt 0.220882 0.502357 +vt 0.418015 0.292700 +vt 0.224533 0.498801 +vt 0.221910 0.501012 +vt 0.223130 0.499815 +vt 0.250049 0.562682 +vt 0.246919 0.562293 +vt 0.231204 0.574018 +vt 0.220426 0.547092 +vt 0.237963 0.551338 +vt 0.220691 0.545218 +vt 0.214960 0.552227 +vt 0.215188 0.562991 +vt 0.244002 0.561161 +vt 0.007935 0.628839 +vt 0.241505 0.559361 +vt 0.250049 0.508256 +vt 0.224533 0.572130 +vt 0.226069 0.572946 +vt 0.227714 0.573533 +vt 0.229441 0.573893 +vt 0.223130 0.571116 +vt 0.220691 0.525720 +vt 0.237963 0.519593 +vt 0.220426 0.523839 +vt 0.221910 0.569926 +vt 0.173451 0.508256 +vt 0.220882 0.568581 +vt 0.219655 0.522091 +vt 0.297818 0.491248 +vt 0.294630 0.491653 +vt 0.291662 0.492835 +vt 0.289134 0.494709 +vt 0.244002 0.509777 +vt 0.246919 0.508646 +vt 0.619394 0.101815 +vt 0.617712 0.100684 +vt 0.495207 0.304718 +vt 0.496610 0.305240 +vt 0.499463 0.228936 +vt 0.496275 0.221038 +vt 0.500668 0.228128 +vt 0.497837 0.306077 +vt 0.489050 0.313821 +vt 0.482203 0.318486 +vt 0.483452 0.319823 +vt 0.498493 0.230038 +vt 0.493461 0.223337 +vt 0.490152 0.314790 +vt 0.484877 0.320999 +vt 0.486457 0.321983 +vt 0.497810 0.231368 +vt 0.491301 0.226342 +vt 0.467589 0.108698 +vt 0.468764 0.110123 +vt 0.484877 0.299414 +vt 0.483452 0.300582 +vt 0.489564 0.306077 +vt 0.506119 0.228488 +vt 0.508287 0.220200 +vt 0.509881 0.221038 +vt 0.482203 0.301926 +vt 0.481152 0.303403 +vt 0.488602 0.307164 +vt 0.491475 0.315474 +vt 0.488154 0.322777 +vt 0.489954 0.323342 +vt 0.497457 0.232830 +vt 0.489942 0.229839 +vt 0.488154 0.297636 +vt 0.486457 0.298429 +vt 0.490791 0.305240 +vt 0.498359 0.313821 +vt 0.497249 0.314790 +vt 0.493701 0.323812 +vt 0.495927 0.315474 +vt 0.494457 0.315826 +vt 0.331754 0.549164 +vt 0.319184 0.548686 +vt 0.529458 0.296600 +vt 0.504834 0.227848 +vt 0.504856 0.219216 +vt 0.506597 0.219591 +vt 0.498799 0.307164 +vt 0.480307 0.305004 +vt 0.479698 0.306680 +vt 0.487956 0.308457 +vt 0.499446 0.308457 +vt 0.448612 0.552426 +vt 0.508573 0.232088 +vt 0.515648 0.228047 +vt 0.516221 0.229839 +vt 0.489946 0.297063 +vt 0.492202 0.304718 +vt 0.529458 0.323812 +vt 0.499725 0.309853 +vt 0.499637 0.311264 +vt 0.499167 0.312616 +vt 0.479330 0.308428 +vt 0.479205 0.310206 +vt 0.487676 0.309853 +vt 0.508749 0.233586 +vt 0.516567 0.231698 +vt 0.516684 0.233586 +vt 0.479330 0.311984 +vt 0.479698 0.313725 +vt 0.487772 0.311264 +vt 0.484442 0.552426 +vt 0.486338 0.552543 +vt 0.480307 0.315415 +vt 0.481152 0.317009 +vt 0.488235 0.312616 +vt 0.491003 0.105414 +vt 0.464892 0.101748 +vt 0.465238 0.103614 +vt 0.492944 0.315826 +vt 0.497457 0.234343 +vt 0.497810 0.235812 +vt 0.489479 0.233586 +vt 0.498493 0.237142 +vt 0.507214 0.237723 +vt 0.499463 0.238244 +vt 0.489479 0.269343 +vt 0.484442 0.579690 +vt 0.506119 0.238685 +vt 0.508044 0.236496 +vt 0.508573 0.235092 +vt 0.498475 0.569588 +vt 0.498842 0.567839 +vt 0.501307 0.219216 +vt 0.499559 0.219591 +vt 0.480189 0.114252 +vt 0.478403 0.114384 +vt 0.490515 0.228047 +vt 0.502020 0.239523 +vt 0.497020 0.572879 +vt 0.497865 0.571278 +vt 0.483627 0.113275 +vt 0.481937 0.113885 +vt 0.497876 0.220200 +vt 0.491708 0.554255 +vt 0.493288 0.555247 +vt 0.492285 0.224770 +vt 0.500668 0.239052 +vt 0.514862 0.226342 +vt 0.508044 0.230677 +vt 0.494798 0.222096 +vt 0.513870 0.224770 +vt 0.465811 0.105414 +vt 0.466604 0.107118 +vt 0.419767 0.564364 +vt 0.420333 0.563835 +vt 0.421795 0.552499 +vt 0.421024 0.563468 +vt 0.421795 0.563284 +vt 0.400048 0.563292 +vt 0.400805 0.563292 +vt 0.401540 0.563461 +vt 0.402201 0.563806 +vt 0.402752 0.564291 +vt 0.397462 0.565569 +vt 0.397697 0.564893 +vt 0.398101 0.564291 +vt 0.398652 0.563806 +vt 0.347783 0.576883 +vt 0.349362 0.577875 +vt 0.351059 0.578654 +vt 0.346365 0.575708 +vt 0.345116 0.574371 +vt 0.399314 0.563461 +vt 0.344058 0.572894 +vt 0.342243 0.567869 +vt 0.343220 0.571300 +vt 0.342611 0.569617 +vt 0.352852 0.579234 +vt 0.354711 0.579580 +vt 0.342118 0.566098 +vt 0.342243 0.564328 +vt 0.399674 0.568839 +vt 0.421795 0.579690 +vt 0.400423 0.568927 +vt 0.342611 0.562579 +vt 0.343220 0.560897 +vt 0.402495 0.568163 +vt 0.401878 0.568581 +vt 0.401180 0.568839 +vt 0.419767 0.567832 +vt 0.420333 0.568354 +vt 0.347783 0.555313 +vt 0.346365 0.556481 +vt 0.349362 0.554321 +vt 0.351059 0.553535 +vt 0.430344 0.062327 +vt 0.430770 0.045929 +vt 0.430124 0.045532 +vt 0.421024 0.568721 +vt 0.591744 0.473476 +vt 0.584257 0.481176 +vt 0.593955 0.482381 +vt 0.344058 0.559295 +vt 0.345116 0.557818 +vt 0.352852 0.552969 +vt 0.421795 0.568905 +vt 0.354711 0.552617 +vt 0.431681 0.061864 +vt 0.432232 0.046142 +vt 0.431490 0.046142 +vt 0.398358 0.568163 +vt 0.397874 0.567612 +vt 0.432394 0.061908 +vt 0.432952 0.045929 +vt 0.398968 0.568581 +vt 0.397558 0.566972 +vt 0.433070 0.062143 +vt 0.433591 0.045532 +vt 0.431681 0.067889 +vt 0.430983 0.067749 +vt 0.617500 0.149585 +vt 0.434671 0.043512 +vt 0.434488 0.044276 +vt 0.445456 0.043512 +vt 0.434120 0.044966 +vt 0.433070 0.067602 +vt 0.433665 0.067205 +vt 0.433665 0.062555 +vt 0.434150 0.063098 +vt 0.434495 0.063767 +vt 0.434671 0.064494 +vt 0.434671 0.065251 +vt 0.434150 0.066647 +vt 0.423585 0.120191 +vt 0.425062 0.121241 +vt 0.426656 0.122079 +vt 0.434495 0.065986 +vt 0.421072 0.117517 +vt 0.422248 0.118935 +vt 0.419302 0.114240 +vt 0.420088 0.115937 +vt 0.428338 0.122689 +vt 0.418729 0.112447 +vt 0.418383 0.110589 +vt 0.430087 0.123056 +vt 0.431865 0.123181 +vt 0.433635 0.123056 +vt 0.429117 0.065626 +vt 0.418266 0.043512 +vt 0.429029 0.064876 +vt 0.429117 0.064127 +vt 0.435377 0.122689 +vt 0.437066 0.122079 +vt 0.429382 0.063422 +vt 0.429793 0.062812 +vt 0.438661 0.121241 +vt 0.440137 0.120191 +vt 0.441474 0.118935 +vt 0.429602 0.044966 +vt 0.442643 0.117517 +vt 0.443634 0.115937 +vt 0.429235 0.044276 +vt 0.419165 0.566473 +vt 0.444994 0.112447 +vt 0.445339 0.110589 +vt 0.429051 0.043512 +vt 0.465034 0.623175 +vt 0.452390 0.622529 +vt 0.429793 0.066941 +vt 0.430344 0.067426 +vt 0.429382 0.066331 +vt 0.106247 0.088972 +vt 0.106012 0.088289 +vt 0.106658 0.089575 +vt 0.089878 0.088972 +vt 0.432394 0.067837 +vt 0.555864 0.621677 +vt 0.464775 0.099852 +vt 0.464775 0.064022 +vt 0.474877 0.113885 +vt 0.476625 0.114252 +vt 0.492039 0.064022 +vt 0.488204 0.579227 +vt 0.600531 0.433277 +vt 0.593485 0.425122 +vt 0.596306 0.425056 +vt 0.434679 0.042851 +vt 0.445456 0.040389 +vt 0.434546 0.042189 +vt 0.491576 0.103614 +vt 0.491922 0.101748 +vt 0.368221 0.622871 +vt 0.485221 0.112430 +vt 0.418910 0.622688 +vt 0.490210 0.107118 +vt 0.489225 0.108698 +vt 0.452390 0.623271 +vt 0.486705 0.111379 +vt 0.488050 0.110123 +vt 0.471593 0.112430 +vt 0.264688 0.453577 +vt 0.248554 0.454260 +vt 0.264453 0.454260 +vt 0.248598 0.454973 +vt 0.111074 0.085681 +vt 0.127582 0.074080 +vt 0.111559 0.086232 +vt 0.107533 0.085262 +vt 0.088593 0.085262 +vt 0.074920 0.074080 +vt 0.108238 0.084998 +vt 0.087887 0.084998 +vt 0.087131 0.084910 +vt 0.110457 0.085262 +vt 0.086374 0.084998 +vt 0.111882 0.086879 +vt 0.109751 0.084998 +vt 0.248319 0.453577 +vt 0.127582 0.101433 +vt 0.112029 0.087577 +vt 0.085668 0.085262 +vt 0.107209 0.090060 +vt 0.089467 0.089575 +vt 0.085051 0.085681 +vt 0.108995 0.084910 +vt 0.111978 0.088289 +vt 0.107878 0.090405 +vt 0.088916 0.090060 +vt 0.084566 0.086232 +vt 0.111742 0.088972 +vt 0.088247 0.090405 +vt 0.111338 0.089575 +vt 0.084243 0.086879 +vt 0.110780 0.090060 +vt 0.084104 0.087577 +vt 0.110111 0.090405 +vt 0.109377 0.090581 +vt 0.108613 0.090581 +vt 0.074920 0.101433 +vt 0.087513 0.090581 +vt 0.086748 0.090581 +vt 0.086014 0.090405 +vt 0.085345 0.090060 +vt 0.084794 0.089575 +vt 0.084383 0.088972 +vt 0.084148 0.088289 +vt 0.264872 0.456317 +vt 0.248459 0.455671 +vt 0.264401 0.454973 +vt 0.264541 0.455671 +vt 0.497020 0.559244 +vt 0.338118 0.620524 +vt 0.325165 0.619900 +vt 0.338118 0.619900 +vt 0.495970 0.574356 +vt 0.494713 0.575701 +vt 0.493288 0.576876 +vt 0.490004 0.578654 +vt 0.294733 0.621761 +vt 0.488204 0.552889 +vt 0.490004 0.553462 +vt 0.495970 0.557760 +vt 0.486338 0.579572 +vt 0.497865 0.560845 +vt 0.448612 0.579690 +vt 0.325070 0.620465 +vt 0.338111 0.621229 +vt 0.418266 0.037473 +vt 0.445456 0.034967 +vt 0.418266 0.034967 +vt 0.281703 0.468469 +vt 0.283606 0.441109 +vt 0.281703 0.441109 +vt 0.516684 0.271342 +vt 0.489479 0.273208 +vt 0.489479 0.271342 +vt 0.392555 0.338730 +vt 0.391079 0.306948 +vt 0.391079 0.338738 +vt 0.464775 0.059746 +vt 0.492039 0.058071 +vt 0.492039 0.059746 +vt 0.492039 0.061788 +vt 0.464775 0.061788 +vt 0.218880 0.441109 +vt 0.218880 0.468469 +vt 0.069336 0.074080 +vt 0.070960 0.101433 +vt 0.069336 0.101433 +vt 0.531456 0.296600 +vt 0.533315 0.323812 +vt 0.533315 0.296600 +vt 0.444343 0.552426 +vt 0.442661 0.579690 +vt 0.442661 0.552426 +vt 0.446378 0.579690 +vt 0.446378 0.552426 +vt 0.579929 0.073705 +vt 0.581405 0.041929 +vt 0.579929 0.041915 +vt 0.283606 0.468469 +vt 0.285230 0.441109 +vt 0.584998 0.073734 +vt 0.583022 0.041937 +vt 0.583022 0.073727 +vt 0.355445 0.621248 +vt 0.444343 0.579690 +vt 0.393856 0.306926 +vt 0.392555 0.306941 +vt 0.578621 0.041907 +vt 0.578621 0.073690 +vt 0.290747 0.468469 +vt 0.287764 0.441109 +vt 0.287764 0.468469 +vt 0.129353 0.074080 +vt 0.131087 0.101433 +vt 0.129353 0.101433 +vt 0.387479 0.338752 +vt 0.389455 0.306955 +vt 0.387479 0.306970 +vt 0.177088 0.178266 +vt 0.204617 0.180147 +vt 0.204624 0.178266 +vt 0.063819 0.074080 +vt 0.066802 0.101433 +vt 0.063819 0.101433 +vt 0.132740 0.074080 +vt 0.131087 0.074080 +vt 0.225213 0.468469 +vt 0.223487 0.441109 +vt 0.223487 0.468469 +vt 0.134283 0.074080 +vt 0.132740 0.101433 +vt 0.135686 0.074080 +vt 0.134283 0.101433 +vt 0.389455 0.338745 +vt 0.516684 0.273208 +vt 0.489479 0.274802 +vt 0.581405 0.073712 +vt 0.285230 0.468469 +vt 0.177088 0.153184 +vt 0.204632 0.155205 +vt 0.204624 0.153184 +vt 0.225213 0.441109 +vt 0.070960 0.074080 +vt 0.072863 0.101433 +vt 0.422309 0.563270 +vt 0.422831 0.563336 +vt 0.430983 0.062004 +vt 0.424917 0.552499 +vt 0.423485 0.563556 +vt 0.424050 0.563894 +vt 0.422155 0.568927 +vt 0.422816 0.568861 +vt 0.424513 0.564335 +vt 0.424873 0.564871 +vt 0.425101 0.565481 +vt 0.425175 0.566106 +vt 0.427834 0.552499 +vt 0.424043 0.568310 +vt 0.423463 0.568648 +vt 0.424917 0.579690 +vt 0.424499 0.567876 +vt 0.424866 0.567340 +vt 0.425094 0.566730 +vt 0.427834 0.579690 +vt 0.541348 0.576346 +vt 0.513841 0.579292 +vt 0.541362 0.579292 +vt 0.177066 0.149673 +vt 0.204617 0.151296 +vt 0.204610 0.149673 +vt 0.541362 0.532852 +vt 0.513819 0.535798 +vt 0.541348 0.535798 +vt 0.513863 0.581819 +vt 0.541385 0.581819 +vt 0.430339 0.552499 +vt 0.445456 0.037473 +vt 0.432232 0.040154 +vt 0.432849 0.040323 +vt 0.431615 0.040140 +vt 0.433422 0.040632 +vt 0.433892 0.041051 +vt 0.434275 0.041572 +vt 0.106107 0.086879 +vt 0.430990 0.040272 +vt 0.430410 0.040558 +vt 0.429910 0.040955 +vt 0.429514 0.041462 +vt 0.429029 0.043144 +vt 0.060616 0.074080 +vt 0.221826 0.468469 +vt 0.072863 0.074080 +vt 0.513863 0.530318 +vt 0.513841 0.532852 +vt 0.513819 0.576346 +vt 0.531456 0.323812 +vt 0.534917 0.323812 +vt 0.534917 0.296600 +vt 0.177066 0.181771 +vt 0.177081 0.180147 +vt 0.066802 0.074080 +vt 0.290747 0.441109 +vt 0.598863 0.426422 +vt 0.597658 0.425577 +vt 0.594881 0.424902 +vt 0.600883 0.430353 +vt 0.599840 0.427554 +vt 0.600523 0.428891 +vt 0.591097 0.426606 +vt 0.592199 0.425702 +vt 0.600883 0.431844 +vt 0.590267 0.427781 +vt 0.599847 0.434555 +vt 0.090018 0.086879 +vt 0.589745 0.432109 +vt 0.589569 0.430617 +vt 0.597673 0.436348 +vt 0.591112 0.434761 +vt 0.590274 0.433519 +vt 0.594896 0.436789 +vt 0.593500 0.436451 +vt 0.592207 0.435760 +vt 0.378059 0.014637 +vt 0.378779 0.015938 +vt 0.378280 0.014586 +vt 0.388918 0.012764 +vt 0.388793 0.011272 +vt 0.388580 0.011361 +vt 0.384598 0.007474 +vt 0.383195 0.007577 +vt 0.384554 0.007709 +vt 0.377883 0.013146 +vt 0.378111 0.013153 +vt 0.574308 0.323781 +vt 0.574697 0.322400 +vt 0.574543 0.323767 +vt 0.379411 0.017282 +vt 0.378581 0.016048 +vt 0.386993 0.017848 +vt 0.388110 0.016974 +vt 0.387926 0.016827 +vt 0.319213 0.545240 +vt 0.332085 0.545240 +vt 0.381858 0.007805 +vt 0.380506 0.008172 +vt 0.380631 0.008385 +vt 0.385847 0.018583 +vt 0.384598 0.019222 +vt 0.385942 0.018803 +vt 0.581221 0.318014 +vt 0.579767 0.317794 +vt 0.581258 0.317794 +vt 0.389146 0.014233 +vt 0.389146 0.012742 +vt 0.583962 0.318830 +vt 0.582588 0.318352 +vt 0.582683 0.318146 +vt 0.384554 0.018987 +vt 0.383180 0.019273 +vt 0.576005 0.327558 +vt 0.577305 0.328197 +vt 0.577180 0.328403 +vt 0.585923 0.322400 +vt 0.585754 0.321004 +vt 0.586158 0.322364 +vt 0.383195 0.019038 +vt 0.381791 0.018950 +vt 0.388110 0.009943 +vt 0.575836 0.319799 +vt 0.575197 0.321100 +vt 0.574984 0.321004 +vt 0.387926 0.010075 +vt 0.387140 0.008819 +vt 0.387000 0.009002 +vt 0.580024 0.328873 +vt 0.578540 0.328924 +vt 0.578613 0.328704 +vt 0.585953 0.323767 +vt 0.585850 0.325177 +vt 0.585622 0.325104 +vt 0.387140 0.018032 +vt 0.379411 0.009098 +vt 0.379580 0.009267 +vt 0.586219 0.483424 +vt 0.587519 0.484129 +vt 0.588937 0.484489 +vt 0.592970 0.483394 +vt 0.590377 0.484482 +vt 0.591751 0.484114 +vt 0.585102 0.482417 +vt 0.595006 0.478252 +vt 0.594646 0.481132 +vt 0.595006 0.479721 +vt 0.583728 0.476848 +vt 0.583721 0.479772 +vt 0.583544 0.478303 +vt 0.594646 0.476804 +vt 0.592963 0.474336 +vt 0.593948 0.475467 +vt 0.586211 0.473498 +vt 0.585102 0.474372 +vt 0.584257 0.475511 +vt 0.587519 0.472947 +vt 0.588930 0.472756 +vt 0.590377 0.472940 +vt 0.582918 0.328395 +vt 0.581456 0.328704 +vt 0.582808 0.328197 +vt 0.574462 0.322356 +vt 0.584160 0.327565 +vt 0.378779 0.010405 +vt 0.579781 0.318014 +vt 0.578305 0.318139 +vt 0.581508 0.328924 +vt 0.580016 0.329101 +vt 0.380631 0.018076 +vt 0.381858 0.018729 +vt 0.584961 0.326346 +vt 0.583998 0.327396 +vt 0.585159 0.326463 +vt 0.577100 0.319013 +vt 0.576012 0.319946 +vt 0.383180 0.007342 +vt 0.381784 0.007577 +vt 0.385847 0.008194 +vt 0.385942 0.007981 +vt 0.576967 0.318830 +vt 0.578385 0.318352 +vt 0.379580 0.017128 +vt 0.380506 0.018274 +vt 0.388587 0.015585 +vt 0.388793 0.015681 +vt 0.586188 0.323781 +vt 0.576181 0.327396 +vt 0.575109 0.326463 +vt 0.575314 0.326346 +vt 0.574528 0.325177 +vt 0.574756 0.325104 +vt 0.585534 0.321100 +vt 0.585012 0.319807 +vt 0.584821 0.319946 +vt 0.398500 0.623424 +vt 0.432075 0.624664 +vt 0.482658 0.620441 +vt 0.431745 0.619925 +vt 0.307869 0.619976 +vt 0.368434 0.624664 +vt 0.556026 0.620487 +vt 0.452383 0.624600 +vt 0.586142 0.620588 +vt 0.460317 0.030075 +vt 0.212952 0.585969 +vt 0.364782 0.499034 +vt 0.029150 0.622725 +vt 0.547704 0.352738 +vt 0.617734 0.616378 +vt 0.398500 0.624629 +vt 0.517197 0.622477 +vt 0.148146 0.113556 +vt 0.293958 0.441109 +vt 0.010933 0.628839 +vt 0.619395 0.210630 +vt 0.611311 0.179503 +vt 0.191492 0.585969 +vt 0.368205 0.499034 +vt 0.143397 0.545447 +vt 0.617500 0.142319 +vt 0.009272 0.154475 +vt 0.619395 0.204650 +vt 0.617507 0.229584 +vt 0.005195 0.628839 +vt 0.523280 0.159239 +vt 0.094270 0.596658 +vt 0.611311 0.007347 +vt 0.597955 0.005195 +vt 0.089695 0.086232 +vt 0.407811 0.338728 +vt 0.611311 0.339357 +vt 0.169233 0.026655 +vt 0.156221 0.113556 +vt 0.526244 0.342056 +vt 0.580146 0.026663 +vt 0.049492 0.622733 +vt 0.325545 0.562682 +vt 0.617741 0.292063 +vt 0.584427 0.511808 +vt 0.229133 0.605922 +vt 0.619394 0.067436 +vt 0.249376 0.622477 +vt 0.513819 0.573179 +vt 0.617712 0.101815 +vt 0.489596 0.231698 +vt 0.319176 0.549281 +vt 0.491813 0.323695 +vt 0.464775 0.058071 +vt 0.584998 0.041951 +vt 0.393856 0.338716 +vt 0.135686 0.101433 +vt 0.516684 0.274802 +vt 0.177081 0.151296 +vt 0.430339 0.579690 +vt 0.541385 0.530318 +vt 0.204610 0.181771 +vt 0.388925 0.014196 +vt 0.583815 0.319013 +vn -0.0013 0.8923 0.4514 +vn 0.0012 0.7805 0.6252 +vn 0.0010 0.9114 0.4114 +vn 0.0014 0.6005 0.7996 +vn -0.0015 0.7438 0.6684 +vn -0.0017 0.5439 0.8392 +vn 1.0000 -0.0000 0.0000 +vn 0.0016 0.3827 0.9239 +vn 0.0008 -0.0159 -0.9999 +vn -0.0008 0.1742 -0.9847 +vn 0.0014 0.2333 -0.9724 +vn 0.0013 -0.9945 0.1051 +vn -0.0017 -0.9481 0.3180 +vn 0.0004 -0.9789 0.2042 +vn -0.0020 0.0475 0.9989 +vn 0.0018 -0.1097 0.9940 +vn 0.0017 0.1409 0.9900 +vn -0.0017 -0.2639 -0.9645 +vn 0.0014 -0.1344 -0.9909 +vn 0.0013 -0.3489 -0.9372 +vn -0.0021 -0.2145 0.9767 +vn 0.0019 -0.3535 0.9354 +vn -0.0012 0.3901 -0.9208 +vn -0.0005 0.4692 -0.8831 +vn -0.0023 0.5079 -0.8614 +vn 0.0026 0.2331 -0.9725 +vn 0.0015 0.4676 -0.8839 +vn -1.0000 -0.0000 0.0000 +vn 0.0004 -0.7785 0.6276 +vn -0.0005 -0.8982 0.4396 +vn 0.0010 -0.7608 0.6490 +vn -0.0019 0.3063 0.9519 +vn -0.0007 -0.6962 -0.7178 +vn -0.0003 -0.8483 -0.5295 +vn -0.0004 -0.8525 -0.5227 +vn 0.0039 0.7220 -0.6919 +vn 0.0021 0.5810 -0.8139 +vn -0.0013 0.0865 -0.9963 +vn 0.0006 -0.0141 -0.9999 +vn 0.0036 -0.9997 0.0224 +vn -0.0006 -0.9563 -0.2925 +vn -0.0026 -0.9989 -0.0475 +vn -0.0036 -0.8686 0.4954 +vn 0.0014 -0.8984 0.4391 +vn 0.0010 0.8443 -0.5358 +vn 0.0000 0.9460 -0.3240 +vn -0.0000 0.8359 -0.5489 +vn -0.0004 0.9483 -0.3174 +vn 0.0004 0.9969 -0.0786 +vn -0.0007 0.9982 -0.0592 +vn 0.0007 0.9851 0.1718 +vn -0.0010 0.9792 0.2031 +vn -0.0010 -0.6510 0.7591 +vn 0.0019 -0.5750 0.8181 +vn 0.0019 0.3063 0.9519 +vn -0.0017 0.1409 0.9900 +vn 0.0020 0.0475 0.9989 +vn -0.0000 0.7604 -0.6494 +vn -0.0018 -0.1097 0.9940 +vn 0.0021 -0.2145 0.9767 +vn -0.0014 -0.4956 -0.8686 +vn 0.0009 -0.5452 -0.8383 +vn 0.0009 -0.9933 -0.1157 +vn -0.0010 -0.9557 -0.2943 +vn 0.0004 -0.9439 -0.3303 +vn 0.0021 -0.4617 0.8870 +vn -0.0019 -0.5750 0.8181 +vn 0.0010 -0.6510 0.7591 +vn -0.0010 -0.7608 0.6490 +vn -0.0010 -0.7723 0.6353 +vn -0.0036 0.3014 -0.9535 +vn 0.0012 -0.9809 -0.1944 +vn -0.0015 -0.9131 -0.4076 +vn 0.0017 0.5439 0.8392 +vn -0.0016 0.3827 0.9239 +vn -0.0013 -0.8010 -0.5987 +vn 0.0003 -0.6953 -0.7187 +vn 0.0017 -0.8526 -0.5226 +vn 0.0023 -0.9693 0.2458 +vn -0.0015 -0.9793 0.2025 +vn -0.0021 -0.4617 0.8870 +vn 0.0010 0.9792 0.2031 +vn -0.0010 0.9114 0.4114 +vn 0.0013 0.8923 0.4514 +vn 0.0004 0.9483 -0.3174 +vn -0.0004 0.9969 -0.0786 +vn 0.0007 0.9982 -0.0592 +vn -0.0007 0.9851 0.1718 +vn -0.0003 0.8381 -0.5455 +vn 0.0004 0.6727 -0.7399 +vn 0.0014 -0.4710 -0.8821 +vn 0.0005 -0.6506 -0.7594 +vn 0.0000 0.6495 0.7604 +vn 0.0000 0.7431 0.6691 +vn 0.0000 0.9781 0.2079 +vn 0.0000 0.9426 0.3338 +vn 0.0000 -0.0157 -0.9999 +vn 0.0000 -0.2639 -0.9646 +vn 0.0000 0.0157 0.9999 +vn 0.0000 -0.2334 0.9724 +vn 0.0000 -0.3338 0.9426 +vn 0.0000 -0.2079 0.9781 +vn 0.0000 -0.3827 -0.9239 +vn 0.0000 -0.1409 -0.9900 +vn 0.0000 0.9986 -0.0523 +vn 0.0000 0.9969 0.0785 +vn 0.0000 0.8980 -0.4399 +vn 0.0000 0.9792 -0.2028 +vn 0.0000 -0.1822 -0.9833 +vn 0.0000 -0.0523 -0.9986 +vn 0.0000 0.9558 0.2940 +vn 0.0000 0.8526 0.5225 +vn 0.0000 0.9989 0.0471 +vn 0.0000 0.2334 -0.9724 +vn 0.0000 -0.4955 -0.8686 +vn 0.0000 -0.5664 0.8241 +vn 0.0000 -0.4540 0.8910 +vn 0.0000 -0.9969 -0.0785 +vn 0.0000 -0.9781 -0.2079 +vn 0.0000 0.9461 -0.3239 +vn 0.0000 0.9969 -0.0785 +vn 0.0000 -0.6691 0.7431 +vn 0.0000 0.5750 -0.8181 +vn 0.0000 0.6959 0.7181 +vn 0.0000 0.4955 0.8686 +vn 0.0000 0.7812 -0.6242 +vn 0.0000 0.7604 -0.6495 +vn 0.0000 0.4679 -0.8838 +vn 0.0000 0.8910 0.4540 +vn 0.0000 -0.9833 0.1822 +vn 0.0000 -0.9986 0.0523 +vn 0.0000 -0.7387 0.6740 +vn 0.0000 -0.7388 0.6740 +vn 0.0000 -0.9558 -0.2940 +vn 0.0000 -0.9989 -0.0471 +vn 0.0000 -0.9792 0.2028 +vn 0.0000 -0.8980 0.4399 +vn 0.0000 -0.9461 0.3239 +vn 0.0000 -0.8358 0.5490 +vn 0.0000 0.4305 0.9026 +vn 0.0000 0.5446 0.8387 +vn 0.0000 -0.5750 0.8181 +vn 0.0000 -0.3535 0.9354 +vn 0.0000 0.8387 -0.5446 +vn 0.0000 0.6004 0.7997 +vn 0.0000 0.7804 0.6252 +vn 0.0000 -0.0785 0.9969 +vn 0.0000 0.0523 0.9986 +vn 0.0000 -0.6494 -0.7604 +vn 0.0000 -0.7431 -0.6691 +vn 0.0000 0.3535 -0.9354 +vn 0.0000 0.9833 -0.1822 +vn 0.0000 0.4540 -0.8910 +vn 0.0000 0.5664 -0.8241 +vn 0.0000 -0.8241 -0.5664 +vn 0.0000 -0.7604 0.6495 +vn 0.0000 -0.3090 -0.9511 +vn 0.0000 0.9114 0.4115 +vn 0.0000 0.5750 -0.8182 +vn 0.0000 0.9851 0.1719 +vn 0.0000 -0.9969 0.0785 +vn 0.0000 -0.9851 -0.1719 +vn 0.0000 0.1097 -0.9940 +vn 0.0000 -0.6730 0.7396 +vn 0.0000 -0.6959 -0.7181 +vn 0.0000 -0.6004 -0.7997 +vn 0.0000 -0.9426 -0.3338 +vn 0.0000 -0.8910 -0.4540 +vn 0.0000 0.8241 0.5664 +vn -0.9978 0.0434 0.0508 +vn 0.0000 -0.7804 -0.6252 +vn 0.0000 -0.8387 0.5446 +vn -0.0000 -0.7812 0.6242 +vn 0.0000 -0.4679 0.8838 +vn 0.0000 0.6691 -0.7431 +vn 0.0000 0.7387 -0.6740 +vn 0.0000 0.2639 0.9646 +vn 0.0000 0.6730 -0.7396 +vn 0.0000 0.8358 -0.5490 +vn 0.0000 -0.4305 -0.9026 +vn 0.0000 0.0785 -0.9969 +vn 0.0000 0.6494 0.7604 +vn 0.0000 0.9511 -0.3090 +vn 0.0000 -0.7604 0.6494 +vn 0.0000 0.3827 0.9239 +vn 0.0000 0.3338 -0.9426 +vn 0.0000 0.3090 0.9511 +vn 0.0000 0.1822 0.9833 +vn 0.0000 -0.9114 -0.4115 +vn 0.0000 0.1409 0.9900 +vn 0.0000 -0.1097 0.9940 +vn 0.0000 -0.5446 -0.8387 +vn 0.0000 0.9026 -0.4305 +vn 0.0000 -0.8526 -0.5225 +vn 0.0000 -0.9026 0.4305 +vn 0.0000 -0.9511 0.3090 +vn 0.0000 0.2079 -0.9781 +vn -0.9993 0.0237 0.0278 +vn -0.9655 -0.1727 -0.1950 +vn -0.9965 -0.0599 -0.0583 +vn -0.9918 -0.0900 -0.0912 +vn 0.0654 0.6481 0.7588 +vn -0.0654 0.6481 0.7588 +vn 1.0000 -0.0001 0.0000 +vn -0.8337 0.3586 0.4199 +vn -0.9053 0.2759 0.3230 +vn 0.9978 0.0434 0.0508 +vn -0.9979 0.0425 0.0497 +vn -0.0654 -0.6481 -0.7588 +vn 0.0654 -0.6481 -0.7588 +vn -0.0019 -0.3535 0.9354 +vn 0.9979 0.0425 0.0497 +vn 0.9973 0.0474 0.0555 +vn 0.9980 -0.0380 -0.0503 +vn 1.0000 -0.0064 -0.0075 +vn 0.9980 -0.0437 -0.0454 +vn 1.0000 -0.0044 -0.0052 +vn -0.9999 -0.0083 -0.0097 +vn -0.9980 -0.0391 -0.0502 +vn -0.9980 -0.0436 -0.0457 +vn -1.0000 -0.0044 -0.0052 +vn 0.0015 0.7438 0.6684 +vn -0.0014 0.6005 0.7996 +vn 0.0013 -0.8884 0.4591 +vn -0.9973 0.0474 0.0555 +vn -0.9980 -0.0348 -0.0528 +vn -0.9656 -0.1658 -0.2004 +vn -0.9934 -0.0658 -0.0943 +vn -0.0013 0.6888 -0.7250 +vn -0.0014 0.6723 -0.7403 +vn -0.0012 0.7805 0.6252 +vn 0.9993 0.0237 0.0278 +vn 0.0001 -0.2641 -0.9645 +vn -0.0001 -0.0457 -0.9990 +vn -0.0000 -0.7130 -0.7011 +vn 0.0006 -0.2653 -0.9642 +vn -0.0007 -0.4957 -0.8685 +vn -0.8657 -0.3258 -0.3800 +vn -0.7071 -0.4592 -0.5377 +vn -0.9645 0.1716 0.2009 +vn -0.8604 0.3310 0.3876 +vn -0.9659 0.1681 0.1968 +vn -0.8660 0.3247 0.3802 +vn -0.6391 0.4995 0.5848 +vn -0.5202 0.5546 0.6494 +vn -0.9575 0.1873 0.2192 +vn -0.9575 0.1872 0.2192 +vn -0.7444 0.4337 0.5078 +vn 0.7847 0.4025 0.4713 +vn 0.8604 0.3310 0.3876 +vn 0.9659 0.1681 0.1968 +vn 0.8660 0.3247 0.3802 +vn 0.8337 0.3586 0.4199 +vn 0.6391 0.4995 0.5848 +vn 0.9575 0.1873 0.2192 +vn 0.9575 0.1872 0.2192 +vn 0.5202 0.5546 0.6494 +vn -0.7847 0.4025 0.4713 +vn 0.4887 0.5666 0.6634 +vn 0.7444 0.4337 0.5078 +vn 0.9893 0.0946 0.1108 +vn -0.4887 0.5666 0.6634 +vn 0.2588 0.6273 0.7345 +vn 0.5000 0.5624 0.6585 +vn 0.9645 0.1716 0.2009 +vn 0.9053 0.2759 0.3230 +vn -0.9893 0.0946 0.1108 +vn -0.7071 0.4592 0.5377 +vn -0.2588 0.6273 0.7345 +vn 0.9990 -0.0283 -0.0348 +vn 0.9952 -0.0579 -0.0783 +vn 0.9654 -0.1658 -0.2013 +vn 0.9892 -0.0899 -0.1156 +vn 0.9810 -0.1245 -0.1491 +vn 0.9993 -0.0248 -0.0280 +vn 0.9956 -0.0656 -0.0666 +vn 0.9726 -0.1507 -0.1769 +vn 0.9656 -0.1688 -0.1976 +vn 0.9385 -0.2185 -0.2674 +vn 0.9229 -0.2501 -0.2928 +vn 0.8658 -0.3244 -0.3811 +vn 0.9812 -0.1272 -0.1455 +vn 0.9894 -0.0994 -0.1058 +vn 0.9654 -0.1728 -0.1953 +vn 0.9728 -0.1506 -0.1758 +vn 0.9658 -0.1685 -0.1973 +vn 0.9389 -0.2293 -0.2566 +vn 0.8658 -0.3256 -0.3801 +vn 0.2588 -0.6273 -0.7345 +vn 0.5000 -0.5624 -0.6585 +vn -0.5000 0.5624 0.6585 +vn -0.5000 -0.5624 -0.6585 +vn -0.2588 -0.6273 -0.7345 +vn 0.7071 -0.4592 -0.5377 +vn -0.8657 -0.3244 -0.3812 +vn -0.9277 -0.2408 -0.2854 +vn -0.9635 -0.1739 -0.2037 +vn -0.9231 -0.2497 -0.2924 +vn -0.9696 -0.1589 -0.1862 +vn -0.9775 -0.1362 -0.1612 +vn -0.9859 -0.1052 -0.1300 +vn -0.9624 -0.1764 -0.2064 +vn -0.9682 -0.1626 -0.1903 +vn -0.9758 -0.1426 -0.1657 +vn -0.9843 -0.1174 -0.1321 +vn -0.9994 -0.0230 -0.0260 +vn 0.7071 0.4592 0.5377 +vn -0.0015 -0.9989 -0.0472 +usemtl Default +s 1 +f 104/1/1 103/2/2 101/3/3 +f 54/4/4 56/5/5 55/6/6 +f 182/7/7 56/8/7 184/9/7 +f 55/6/6 53/10/8 54/4/4 +f 85/11/9 88/12/10 87/13/11 +f 763/14/7 491/15/7 487/16/7 +f 16/17/12 12/18/13 17/19/14 +f 64/20/15 63/21/16 57/22/17 +f 36/23/18 35/24/19 33/25/20 +f 68/26/21 67/27/22 63/28/16 +f 87/13/11 89/29/23 90/30/24 +f 42/31/25 39/32/26 41/33/27 +f 455/34/28 594/35/28 478/36/28 +f 62/37/29 59/38/30 60/39/31 +f 58/40/32 57/22/17 53/10/8 +f 32/41/33 29/42/34 30/43/35 +f 94/44/36 90/30/24 91/45/37 +f 650/46/28 646/47/28 641/48/28 +f 37/49/38 35/24/19 38/50/39 +f 70/51/40 73/52/41 69/53/42 +f 17/19/14 7/54/43 13/55/44 +f 6/56/7 130/57/7 128/58/7 +f 227/59/28 768/60/28 225/61/28 +f 96/62/45 95/63/46 93/64/47 +f 97/65/48 98/66/49 95/63/46 +f 100/67/50 99/68/51 98/66/49 +f 102/69/52 101/3/3 99/70/51 +f 75/71/53 60/39/31 71/72/54 +f 478/36/28 590/73/28 476/74/28 +f 10/75/55 15/76/56 14/77/57 +f 219/78/28 758/79/28 755/80/28 +f 779/81/58 783/82/58 782/83/58 +f 14/77/57 19/84/59 18/85/60 +f 34/86/61 33/25/20 31/87/62 +f 20/88/63 25/89/64 24/90/65 +f 22/91/66 27/92/67 26/93/68 +f 292/94/7 337/95/7 338/96/7 +f 26/93/68 9/97/69 8/98/70 +f 40/99/71 38/100/39 39/32/26 +f 73/52/41 74/101/72 77/102/73 +f 570/103/7 210/104/7 565/105/7 +f 756/106/7 482/107/7 481/108/7 +f 5/109/74 11/110/75 10/75/55 +f 79/111/76 78/112/77 76/113/78 +f 66/114/79 69/115/42 65/116/80 +f 77/102/73 76/113/78 73/52/41 +f 90/30/24 89/29/23 91/45/37 +f 72/117/81 71/72/54 67/27/22 +f 51/118/82 4/119/83 2/120/84 +f 47/121/85 50/122/86 49/123/87 +f 49/123/87 52/124/88 51/125/82 +f 46/126/89 43/127/90 45/128/47 +f 502/129/7 738/130/7 504/131/7 +f 83/132/91 78/112/77 81/133/92 +f 600/134/93 597/135/94 598/136/94 +f 757/137/95 760/138/96 759/139/96 +f 134/140/97 129/141/98 132/142/98 +f 436/143/99 438/144/100 437/145/100 +f 741/146/101 733/147/102 737/148/102 +f 405/149/103 410/150/104 409/151/104 +f 586/152/105 587/153/106 588/154/106 +f 253/155/103 254/156/104 208/157/104 +f 312/158/107 319/159/108 318/160/108 +f 613/161/109 638/162/110 611/163/110 +f 324/164/111 327/165/112 326/166/112 +f 269/167/108 274/168/113 273/169/113 +f 188/170/97 189/171/114 187/172/97 +f 184/173/115 185/174/98 183/175/115 +f 747/176/116 742/177/117 745/178/117 +f 536/179/118 539/180/119 538/181/119 +f 197/182/120 199/183/121 198/184/120 +f 751/185/122 746/186/116 747/176/116 +f 275/187/123 265/188/58 267/189/58 +f 281/190/124 284/191/125 283/192/125 +f 735/193/126 806/194/58 817/195/127 +f 190/196/114 191/197/128 189/171/114 +f 759/139/96 762/198/129 761/199/129 +f 631/200/130 651/201/131 630/202/131 +f 273/203/113 278/204/111 277/205/111 +f 750/206/122 675/207/132 674/208/133 +f 124/209/134 119/210/135 122/211/135 +f 120/212/136 111/213/137 117/214/137 +f 745/178/117 738/215/101 741/146/101 +f 446/216/138 443/217/139 444/218/139 +f 604/219/140 601/220/141 602/221/141 +f 216/222/123 210/223/58 209/224/58 +f 118/225/142 108/226/143 115/227/143 +f 320/228/123 313/229/58 315/230/58 +f 734/231/126 736/232/144 739/233/144 +f 428/234/112 430/235/124 429/236/124 +f 154/237/145 149/238/146 152/239/146 +f 209/224/58 211/240/107 214/241/107 +f 772/242/140 769/243/141 770/244/141 +f 732/245/147 730/246/148 731/247/148 +f 549/248/149 546/249/150 547/250/150 +f 417/251/151 423/252/123 422/253/123 +f 582/254/152 583/255/105 586/152/105 +f 754/256/105 755/257/106 756/258/106 +f 520/259/153 525/260/154 524/261/154 +f 544/262/155 547/250/150 546/249/150 +f 693/263/156 674/208/133 675/207/132 +f 554/264/157 556/265/109 557/266/109 +f 152/239/146 147/267/158 150/268/158 +f 271/269/151 276/270/159 275/187/123 +f 372/271/113 375/272/111 374/273/111 +f 148/274/160 144/275/121 146/276/121 +f 277/205/111 279/277/112 280/278/112 +f 299/279/161 302/280/162 301/281/162 +f 310/282/163 317/283/151 316/284/151 +f 296/285/139 293/286/164 294/287/164 +f 130/288/115 125/289/165 128/290/165 +f 408/291/166 407/292/103 405/149/103 +f 254/156/104 205/293/163 208/157/104 +f 565/294/126 567/295/144 570/296/144 +f 627/297/167 655/298/168 626/299/168 +f 412/300/107 420/301/108 419/302/108 +f 223/303/112 224/304/124 225/305/124 +f 595/306/169 598/136/94 597/135/94 +f 517/307/28 610/308/170 530/309/28 +f 259/310/171 257/311/166 255/312/166 +f 280/278/112 282/313/124 281/190/124 +f 518/314/172 516/315/173 517/316/173 +f 355/317/103 357/318/104 359/319/104 +f 305/320/103 307/321/104 309/322/104 +f 289/323/100 292/324/174 291/325/174 +f 359/319/104 360/326/163 361/327/163 +f 529/328/175 530/329/176 531/330/176 +f 658/331/149 625/332/150 657/333/150 +f 331/334/125 332/335/177 333/336/177 +f 194/337/178 195/338/179 196/339/179 +f 170/340/136 173/341/135 169/342/136 +f 661/343/157 614/344/180 660/345/180 +f 558/346/110 509/347/181 510/348/110 +f 602/221/141 599/349/182 600/134/93 +f 315/230/58 314/350/107 312/158/107 +f 200/351/121 201/352/160 199/183/121 +f 309/322/104 311/353/163 310/354/163 +f 396/355/161 399/356/162 398/357/162 +f 534/358/131 537/359/118 536/360/118 +f 219/361/113 220/362/111 221/363/111 +f 202/364/160 203/365/158 201/366/160 +f 297/367/138 300/368/161 299/279/161 +f 424/369/113 425/370/111 426/371/111 +f 568/372/101 573/373/117 572/374/117 +f 578/375/183 579/376/152 582/254/152 +f 139/377/178 135/378/128 138/379/128 +f 566/380/126 819/381/127 816/382/58 +f 589/383/95 592/384/96 591/385/96 +f 117/214/137 112/386/184 113/387/156 +f 106/388/185 151/389/145 154/237/145 +f 409/151/104 411/390/163 415/391/163 +f 519/392/186 521/393/153 520/259/153 +f 283/192/125 286/394/177 285/395/177 +f 606/396/187 603/397/140 604/219/140 +f 752/398/152 753/399/105 754/256/105 +f 685/400/184 584/401/133 585/402/132 +f 628/403/119 654/404/167 627/297/167 +f 235/405/174 236/406/164 237/407/164 +f 366/408/58 365/409/107 363/410/107 +f 731/247/148 775/411/188 776/412/188 +f 774/413/187 771/414/140 772/242/140 +f 538/181/119 541/415/167 540/416/167 +f 260/417/103 262/418/104 261/419/104 +f 351/420/189 353/421/171 352/422/171 +f 367/423/151 368/424/159 371/425/123 +f 105/426/190 110/427/191 109/428/191 +f 217/429/108 218/430/113 219/431/113 +f 247/432/189 248/433/171 249/434/171 +f 153/435/185 107/436/190 105/426/190 +f 770/244/141 767/437/182 768/438/93 +f 150/268/158 145/439/160 148/440/160 +f 419/302/108 421/441/113 424/442/113 +f 404/443/166 355/317/103 358/444/166 +f 316/284/151 321/445/123 320/228/123 +f 659/446/192 623/447/149 658/331/149 +f 761/199/129 764/448/169 763/449/169 +f 233/450/100 234/451/174 235/405/174 +f 376/452/112 379/453/124 378/454/124 +f 739/233/144 740/455/193 743/456/193 +f 445/457/138 447/458/161 448/459/161 +f 157/460/145 159/461/185 155/462/145 +f 660/345/180 616/463/192 659/446/192 +f 626/299/168 656/464/155 624/465/155 +f 763/449/169 766/466/94 765/467/94 +f 452/468/189 454/469/171 453/470/171 +f 180/471/194 181/472/165 179/473/194 +f 138/379/128 133/474/114 136/475/114 +f 334/476/99 336/477/100 337/478/100 +f 343/479/139 344/480/138 345/481/138 +f 255/312/166 258/482/103 260/417/103 +f 378/454/124 381/483/125 380/484/125 +f 768/438/93 765/467/94 766/466/94 +f 448/459/161 450/485/162 449/486/162 +f 348/487/162 350/488/189 351/420/189 +f 322/489/113 325/490/111 324/164/111 +f 143/491/120 140/492/179 141/493/179 +f 422/253/123 413/494/58 416/495/58 +f 337/478/100 339/496/174 338/497/174 +f 433/498/177 435/499/99 436/500/99 +f 251/501/166 252/502/103 253/155/103 +f 398/503/162 400/504/189 401/505/189 +f 737/148/102 729/506/147 732/507/147 +f 214/241/107 215/508/108 217/429/108 +f 268/509/163 272/510/151 271/269/151 +f 191/197/128 193/511/178 194/337/178 +f 136/475/114 131/512/97 134/513/97 +f 115/227/143 109/514/191 110/515/191 +f 231/516/99 232/517/100 233/450/100 +f 562/518/148 561/519/147 559/520/147 +f 650/521/176 618/522/175 649/523/175 +f 249/434/171 250/524/166 251/501/166 +f 168/525/191 171/526/143 167/527/191 +f 347/528/161 349/529/162 348/530/162 +f 243/531/161 244/532/162 245/533/162 +f 542/534/168 545/535/155 544/262/155 +f 304/536/189 256/537/171 259/310/171 +f 239/538/139 240/539/138 241/540/138 +f 122/541/135 116/542/136 120/212/136 +f 397/543/161 395/544/138 394/545/138 +f 522/546/195 528/547/196 527/548/196 +f 141/493/179 137/549/178 139/377/178 +f 227/550/125 228/551/177 229/552/177 +f 629/553/118 653/554/119 628/403/119 +f 415/391/163 418/555/151 417/251/151 +f 166/556/184 163/557/137 164/558/156 +f 437/145/100 440/559/174 439/560/174 +f 622/561/197 643/562/186 621/563/186 +f 176/564/142 164/558/156 175/565/142 +f 527/548/196 533/566/130 532/567/130 +f 455/34/28 280/568/28 281/569/28 +f 455/34/28 281/569/28 456/570/28 +f 457/571/28 458/572/28 268/573/28 +f 295/574/28 459/575/28 460/576/28 +f 268/573/28 458/572/28 261/577/28 +f 295/574/28 460/576/28 293/578/28 +f 461/579/28 457/571/28 271/580/28 +f 457/571/28 268/573/28 271/580/28 +f 456/570/28 281/569/28 283/581/28 +f 261/577/28 458/572/28 462/582/28 +f 456/570/28 283/581/28 463/583/28 +f 261/577/28 462/582/28 260/584/28 +f 464/585/28 461/579/28 275/586/28 +f 293/578/28 460/576/28 465/587/28 +f 461/579/28 271/580/28 275/586/28 +f 291/588/28 293/578/28 465/587/28 +f 260/584/28 462/582/28 466/589/28 +f 463/583/28 283/581/28 285/590/28 +f 260/584/28 466/589/28 255/591/28 +f 464/585/28 275/586/28 267/592/28 +f 463/583/28 285/590/28 467/593/28 +f 285/590/28 287/594/28 467/593/28 +f 289/595/28 291/588/28 468/596/28 +f 464/585/28 267/592/28 469/597/28 +f 291/588/28 465/587/28 468/596/28 +f 467/593/28 287/594/28 470/598/28 +f 255/591/28 466/589/28 471/599/28 +f 287/594/28 289/595/28 470/598/28 +f 289/595/28 468/596/28 470/598/28 +f 255/591/28 471/599/28 259/600/28 +f 469/597/28 267/592/28 264/601/28 +f 469/597/28 264/601/28 472/602/28 +f 259/600/28 471/599/28 473/603/28 +f 259/600/28 473/603/28 304/604/28 +f 472/602/28 264/601/28 269/605/28 +f 472/602/28 269/605/28 474/606/28 +f 304/604/28 473/603/28 475/607/28 +f 304/604/28 475/607/28 301/608/28 +f 474/606/28 269/605/28 273/609/28 +f 474/606/28 273/609/28 476/74/28 +f 301/608/28 475/607/28 477/610/28 +f 301/608/28 477/610/28 299/611/28 +f 476/74/28 273/609/28 277/612/28 +f 476/74/28 277/612/28 478/36/28 +f 299/611/28 477/610/28 479/613/28 +f 299/611/28 479/613/28 297/614/28 +f 478/36/28 277/612/28 280/568/28 +f 478/36/28 280/568/28 455/34/28 +f 297/614/28 479/613/28 459/575/28 +f 297/614/28 459/575/28 295/574/28 +f 388/615/7 480/616/7 391/617/7 +f 481/108/7 482/107/7 373/618/7 +f 483/619/7 356/620/7 404/621/7 +f 483/619/7 404/621/7 484/622/7 +f 391/617/7 480/616/7 485/623/7 +f 373/618/7 482/107/7 375/624/7 +f 486/625/7 481/108/7 370/626/7 +f 391/617/7 485/623/7 392/627/7 +f 481/108/7 373/618/7 370/626/7 +f 484/622/7 404/621/7 402/628/7 +f 375/624/7 482/107/7 487/16/7 +f 484/622/7 402/628/7 488/629/7 +f 375/624/7 487/16/7 377/630/7 +f 489/631/7 486/625/7 365/632/7 +f 486/625/7 370/626/7 365/632/7 +f 392/627/7 485/623/7 490/633/7 +f 394/634/7 392/627/7 490/633/7 +f 377/630/7 487/16/7 491/15/7 +f 488/629/7 402/628/7 400/635/7 +f 377/630/7 491/15/7 379/636/7 +f 489/631/7 365/632/7 364/637/7 +f 400/635/7 399/638/7 492/639/7 +f 489/631/7 364/637/7 493/640/7 +f 488/629/7 400/635/7 492/639/7 +f 379/636/7 491/15/7 494/641/7 +f 397/642/7 394/634/7 495/643/7 +f 394/634/7 490/633/7 495/643/7 +f 492/639/7 399/638/7 496/644/7 +f 399/638/7 397/642/7 496/644/7 +f 379/636/7 494/641/7 381/645/7 +f 397/642/7 495/643/7 496/644/7 +f 493/640/7 364/637/7 368/646/7 +f 493/640/7 368/646/7 497/647/7 +f 381/645/7 494/641/7 498/648/7 +f 381/645/7 498/648/7 382/649/7 +f 497/647/7 368/646/7 362/650/7 +f 497/647/7 362/650/7 499/651/7 +f 382/649/7 498/648/7 500/652/7 +f 382/649/7 500/652/7 385/653/7 +f 499/651/7 362/650/7 360/654/7 +f 499/651/7 360/654/7 501/655/7 +f 385/653/7 500/652/7 502/129/7 +f 385/653/7 502/129/7 387/656/7 +f 501/655/7 360/654/7 357/657/7 +f 501/655/7 357/657/7 503/658/7 +f 387/656/7 502/129/7 504/131/7 +f 387/656/7 504/131/7 388/615/7 +f 503/658/7 357/657/7 356/620/7 +f 503/658/7 356/620/7 483/619/7 +f 388/615/7 504/131/7 480/616/7 +f 167/659/28 505/660/170 161/661/28 +f 505/660/170 167/659/28 171/662/28 +f 24/90/65 30/43/35 29/42/34 +f 161/661/28 505/660/170 159/663/28 +f 505/660/170 171/662/28 175/664/28 +f 531/665/7 157/666/7 516/667/7 +f 159/663/28 505/660/170 155/668/28 +f 505/660/170 175/664/28 164/669/28 +f 173/670/28 57/671/28 63/672/28 +f 505/660/170 164/669/28 163/673/28 +f 99/674/28 187/675/28 98/676/28 +f 187/675/28 189/677/28 98/676/28 +f 505/660/170 163/673/28 169/678/28 +f 191/679/28 506/680/170 95/681/28 +f 98/676/28 189/677/28 95/681/28 +f 189/677/28 191/679/28 95/681/28 +f 95/681/28 506/680/170 93/682/28 +f 198/683/28 199/684/28 506/680/170 +f 199/684/28 201/685/28 506/680/170 +f 201/685/28 203/686/28 506/680/170 +f 203/686/28 156/687/28 506/680/170 +f 156/687/28 155/668/28 506/680/170 +f 60/688/28 59/689/28 507/690/198 +f 155/668/28 505/660/170 506/680/170 +f 59/689/28 65/691/28 507/690/198 +f 65/691/28 69/692/28 507/690/198 +f 69/692/28 73/693/28 507/690/198 +f 198/683/28 506/680/170 196/694/28 +f 73/693/28 76/695/28 507/690/198 +f 76/695/28 78/696/28 507/690/198 +f 505/660/170 71/697/28 507/690/198 +f 71/697/28 60/688/28 507/690/198 +f 196/694/28 506/680/170 194/698/28 +f 194/698/28 506/680/170 191/679/28 +f 78/696/28 80/699/28 508/700/198 +f 80/699/28 82/701/28 508/700/198 +f 82/701/28 85/702/28 508/700/198 +f 85/702/28 87/703/28 508/700/198 +f 87/703/28 90/704/28 508/700/198 +f 90/704/28 92/705/28 508/700/198 +f 92/705/28 93/682/28 508/700/198 +f 507/690/198 78/696/28 508/700/198 +f 93/682/28 506/680/170 508/700/198 +f 169/678/28 173/670/28 63/672/28 +f 15/706/7 122/707/7 19/708/7 +f 169/678/28 63/672/28 67/709/28 +f 505/660/170 169/678/28 67/709/28 +f 178/710/7 58/711/7 180/712/7 +f 505/660/170 67/709/28 71/697/28 +f 813/713/199 7/714/200 12/715/201 +f 429/236/124 431/716/125 432/717/125 +f 212/718/151 213/719/123 216/222/123 +f 182/720/165 183/175/115 181/472/165 +f 555/721/157 553/722/180 552/723/180 +f 572/374/117 577/724/116 576/725/116 +f 532/567/130 535/726/131 534/358/131 +f 132/142/98 127/727/115 130/288/115 +f 524/261/154 526/728/175 529/328/175 +f 559/729/147 564/730/102 563/731/102 +f 341/732/164 342/733/139 343/479/139 +f 267/189/58 266/734/107 264/735/107 +f 558/346/110 557/266/109 556/265/109 +f 294/287/164 291/325/174 292/324/174 +f 162/736/190 167/737/191 161/738/190 +f 588/739/106 590/740/95 589/383/95 +f 326/166/112 329/741/124 328/742/124 +f 245/743/162 246/744/189 247/432/189 +f 374/273/111 377/745/112 376/452/112 +f 540/416/167 543/746/168 542/534/168 +f 513/747/197 509/748/181 511/749/181 +f 318/160/108 323/750/113 322/751/113 +f 328/742/124 330/752/125 331/334/125 +f 748/753/183 749/754/152 752/398/152 +f 178/755/134 179/473/194 177/756/134 +f 756/757/106 758/758/95 757/137/95 +f 285/395/177 288/759/99 287/760/99 +f 160/761/185 161/738/190 159/461/185 +f 386/762/100 388/763/174 389/764/174 +f 426/371/111 427/765/112 428/234/112 +f 261/419/104 263/766/163 268/767/163 +f 624/465/155 657/333/150 625/332/150 +f 333/336/177 335/768/99 334/769/99 +f 241/540/138 242/770/161 243/531/161 +f 369/771/108 373/772/113 372/773/113 +f 639/774/181 611/163/110 638/162/110 +f 633/775/172 644/776/195 634/777/195 +f 679/778/202 815/779/203 826/780/202 +f 512/781/197 514/782/186 519/392/186 +f 403/783/171 404/443/166 358/444/166 +f 237/407/164 238/784/139 239/538/139 +f 444/218/139 441/785/164 442/786/164 +f 352/422/171 354/787/166 308/788/166 +f 607/789/188 560/790/148 562/518/148 +f 221/363/111 222/791/112 223/303/112 +f 621/563/186 645/792/153 620/793/153 +f 635/794/173 642/795/172 633/775/172 +f 301/796/162 303/797/189 304/536/189 +f 615/798/157 662/799/109 613/161/109 +f 556/800/28 511/801/28 558/802/28 +f 551/803/28 555/804/28 552/805/28 +f 530/309/28 526/806/28 525/807/28 +f 530/309/28 525/807/28 521/808/28 +f 530/309/28 521/808/28 514/809/28 +f 530/309/28 514/809/28 513/810/28 +f 530/309/28 513/810/28 511/801/28 +f 530/309/28 556/800/28 555/804/28 +f 530/309/28 511/801/28 556/800/28 +f 530/309/28 555/804/28 551/803/28 +f 545/811/28 551/803/28 549/812/28 +f 545/811/28 549/812/28 547/813/28 +f 545/811/28 530/309/28 551/803/28 +f 539/814/28 545/811/28 543/815/28 +f 539/814/28 543/815/28 541/816/28 +f 539/814/28 530/309/28 545/811/28 +f 535/817/28 539/814/28 537/818/28 +f 533/819/28 539/814/28 535/817/28 +f 518/820/28 533/819/28 528/821/28 +f 518/820/28 528/821/28 523/822/28 +f 518/820/28 530/309/28 539/814/28 +f 518/820/28 539/814/28 533/819/28 +f 517/307/28 530/309/28 518/820/28 +f 515/823/172 523/824/195 522/546/195 +f 611/825/7 612/826/7 613/827/7 +f 614/828/7 615/829/7 616/830/7 +f 617/831/7 618/832/7 619/833/7 +f 620/834/7 617/831/7 619/833/7 +f 621/835/7 620/834/7 619/833/7 +f 622/836/7 621/835/7 619/833/7 +f 612/826/7 622/836/7 619/833/7 +f 615/829/7 613/827/7 619/833/7 +f 613/827/7 612/826/7 619/833/7 +f 616/830/7 615/829/7 619/833/7 +f 623/837/7 616/830/7 624/838/7 +f 625/839/7 623/837/7 624/838/7 +f 626/840/7 624/838/7 627/841/7 +f 616/830/7 619/833/7 627/841/7 +f 624/838/7 616/830/7 627/841/7 +f 627/841/7 619/833/7 628/842/7 +f 629/843/7 628/842/7 630/844/7 +f 630/844/7 628/842/7 631/845/7 +f 632/846/7 631/845/7 633/847/7 +f 634/848/204 632/846/7 633/847/7 +f 628/842/7 619/833/7 633/847/7 +f 631/845/7 628/842/7 633/847/7 +f 633/847/7 619/833/7 635/849/7 +f 808/850/205 665/851/206 664/852/205 +f 605/853/187 608/854/188 607/789/188 +f 390/855/164 392/856/139 393/857/139 +f 612/858/181 640/859/197 622/561/197 +f 204/860/158 156/861/146 203/365/158 +f 126/862/194 121/863/134 124/209/134 +f 391/864/164 389/764/174 388/763/174 +f 550/865/192 552/723/180 553/722/180 +f 576/725/116 581/866/122 580/867/122 +f 620/793/153 647/868/154 617/869/154 +f 383/870/177 385/871/99 384/872/99 +f 617/869/154 649/523/175 618/522/175 +f 158/873/146 155/462/145 156/861/146 +f 551/874/192 548/875/149 549/248/149 +f 298/876/138 295/877/139 296/285/139 +f 361/878/163 362/879/151 367/423/151 +f 380/484/125 382/880/177 383/870/177 +f 574/881/193 575/882/183 578/375/183 +f 371/425/123 364/883/58 366/408/58 +f 632/884/196 648/885/130 631/200/130 +f 416/495/58 414/886/107 412/300/107 +f 634/777/195 646/887/196 632/884/196 +f 591/385/96 594/888/129 593/889/129 +f 593/889/129 596/890/169 595/306/169 +f 619/833/7 637/891/207 635/849/7 +f 663/892/184 664/893/184 665/894/184 +f 184/9/7 104/895/7 186/896/7 +f 667/897/184 669/898/184 668/899/184 +f 671/900/184 672/901/184 673/902/184 +f 442/786/164 439/560/174 440/559/174 +f 186/903/98 187/904/97 185/174/98 +f 663/892/184 665/894/184 678/905/184 +f 436/906/7 422/907/7 412/908/7 +f 663/892/184 678/905/184 680/909/156 +f 817/910/208 251/911/28 253/912/28 +f 681/913/184 682/914/184 508/915/156 +f 681/913/184 508/915/156 683/916/184 +f 676/917/184 694/918/184 697/919/156 +f 671/900/184 673/902/184 686/920/184 +f 683/916/184 508/915/156 687/921/184 +f 635/794/173 637/922/184 641/923/173 +f 688/924/184 689/925/184 641/923/173 +f 689/925/184 690/926/156 641/923/173 +f 690/926/156 686/920/184 641/923/173 +f 637/922/184 688/924/184 641/923/173 +f 507/927/58 779/81/58 838/928/58 +f 687/921/184 508/915/156 506/929/184 +f 585/930/28 460/576/28 459/575/28 +f 695/931/184 691/932/184 696/933/184 +f 692/934/156 691/932/184 684/935/184 +f 698/936/184 699/937/184 700/938/184 +f 506/929/184 701/939/156 516/315/173 +f 701/939/156 702/940/184 516/315/173 +f 703/941/184 698/936/184 700/938/184 +f 702/940/184 704/942/184 516/315/173 +f 516/315/173 704/942/184 609/943/184 +f 704/942/184 705/944/156 609/943/184 +f 705/944/156 706/945/184 609/943/184 +f 695/931/184 696/933/184 707/946/184 +f 516/315/173 609/943/184 517/316/173 +f 506/929/184 516/315/173 687/921/184 +f 686/920/184 673/902/184 641/923/173 +f 708/947/184 709/948/156 637/922/184 +f 709/948/156 688/924/184 637/922/184 +f 679/949/184 710/950/184 711/951/184 +f 666/952/184 668/899/184 670/953/184 +f 712/954/184 695/931/184 713/955/184 +f 663/892/184 508/915/156 682/914/184 +f 714/956/156 716/957/184 715/958/184 +f 695/931/184 707/946/184 713/955/184 +f 716/957/184 717/959/184 715/958/184 +f 717/959/184 718/960/184 715/958/184 +f 718/960/184 719/961/184 715/958/184 +f 719/961/184 721/962/184 715/958/184 +f 721/962/184 722/963/156 715/958/184 +f 722/963/156 723/964/156 715/958/184 +f 707/946/184 663/892/184 713/955/184 +f 671/900/184 720/965/184 724/966/184 +f 767/967/7 491/15/7 765/968/7 +f 725/969/156 726/970/156 663/892/184 +f 726/970/156 727/971/184 663/892/184 +f 727/971/184 728/972/184 663/892/184 +f 671/900/184 724/966/184 672/901/184 +f 703/941/184 700/938/184 670/953/184 +f 700/938/184 666/952/184 670/953/184 +f 663/892/184 728/972/184 664/893/184 +f 743/456/193 744/973/183 748/753/183 +f 363/410/107 370/974/108 369/771/108 +f 563/731/102 569/975/101 568/372/101 +f 229/552/177 230/976/99 231/977/99 +f 205/978/163 207/979/151 212/718/151 +f 384/980/99 387/981/100 386/762/100 +f 453/470/171 406/982/166 408/291/166 +f 345/481/138 346/983/161 347/528/161 +f 113/387/156 114/984/142 118/225/142 +f 172/985/143 175/565/142 171/526/143 +f 165/986/137 169/342/136 163/557/137 +f 585/402/132 580/867/122 581/866/122 +f 393/857/139 394/545/138 395/544/138 +f 449/987/162 451/988/189 452/468/189 +f 668/989/209 825/990/210 797/991/209 +f 338/497/174 340/992/164 341/732/164 +f 354/787/166 305/320/103 308/788/166 +f 128/290/165 123/993/194 126/862/194 +f 174/994/135 177/756/134 173/995/135 +f 225/305/124 226/996/125 227/550/125 +f 196/339/179 197/182/120 198/184/120 +f 776/412/188 773/997/187 774/413/187 +f 264/735/107 270/998/108 269/167/108 +f 630/202/131 652/999/118 629/1000/118 +f 531/330/176 777/1001/58 778/1002/58 +f 779/81/58 780/1003/58 781/1004/58 +f 531/330/176 778/1002/58 505/1005/58 +f 636/1006/58 619/1007/176 650/521/176 +f 822/1008/58 791/1009/58 834/1010/58 +f 784/1011/58 782/83/58 783/82/58 +f 785/1012/58 636/1006/58 786/1013/127 +f 787/1014/58 784/1011/58 788/1015/58 +f 636/1006/58 650/521/176 789/1016/58 +f 784/1011/58 783/82/58 788/1015/58 +f 786/1013/127 636/1006/58 789/1016/58 +f 790/1017/58 791/1009/58 792/1018/58 +f 791/1009/58 794/1019/58 792/1018/58 +f 789/1016/58 650/521/176 795/1020/58 +f 779/81/58 781/1004/58 796/1021/58 +f 712/954/184 711/951/184 710/950/184 +f 697/919/156 699/937/184 698/936/184 +f 792/1018/58 794/1019/58 798/1022/58 +f 795/1020/58 650/521/176 800/1023/58 +f 787/1014/58 799/1024/58 803/1025/58 +f 790/1017/58 792/1018/58 802/1026/58 +f 800/1023/58 650/521/176 804/1027/58 +f 793/1028/58 779/81/58 805/1029/58 +f 685/400/184 684/935/184 677/1030/156 +f 779/81/58 796/1021/58 808/1031/58 +f 805/1029/58 779/81/58 809/1032/58 +f 779/81/58 808/1031/58 811/1033/58 +f 812/1034/58 813/1035/58 814/1036/58 +f 809/1032/58 779/81/58 811/1033/58 +f 810/1037/58 797/1038/58 815/1039/58 +f 807/1040/58 806/194/58 801/1041/58 +f 804/1027/58 812/1034/58 814/1036/58 +f 814/1036/58 813/1035/58 818/1042/58 +f 401/505/189 402/1043/171 403/783/171 +f 814/1036/58 818/1042/58 820/1044/58 +f 804/1027/58 650/521/176 812/1034/58 +f 505/1005/58 821/1045/58 531/330/176 +f 671/900/184 715/958/184 720/965/184 +f 823/1046/58 824/1047/58 822/1008/58 +f 711/951/184 669/898/184 679/949/184 +f 824/1047/58 827/1048/58 822/1008/58 +f 827/1048/58 828/1049/58 822/1008/58 +f 823/1046/58 822/1008/58 829/1050/58 +f 826/1051/58 825/1052/58 830/1053/58 +f 829/1050/58 822/1008/58 831/1054/58 +f 570/296/144 571/1055/193 574/881/193 +f 831/1054/58 822/1008/58 832/1056/58 +f 797/1038/58 798/1022/58 794/1019/58 +f 832/1056/58 822/1008/58 834/1010/58 +f 833/1057/58 782/83/58 784/1011/58 +f 531/330/176 530/329/176 610/1058/58 +f 703/941/184 715/958/184 723/964/156 +f 610/1058/58 835/1059/58 836/1060/127 +f 531/330/176 610/1058/58 837/1061/58 +f 610/1058/58 836/1060/127 837/1061/58 +f 531/330/176 837/1061/58 777/1001/58 +f 814/1036/58 822/1008/58 828/1049/58 +f 838/928/58 839/1062/58 507/927/58 +f 839/1062/58 840/1063/58 507/927/58 +f 840/1063/58 821/1045/58 507/927/58 +f 821/1045/58 505/1005/58 507/927/58 +f 287/1064/99 290/1065/100 289/323/100 +f 565/105/7 213/1066/7 207/1067/7 +f 231/1068/28 776/1069/28 229/1070/28 +f 565/105/7 207/1067/7 206/1071/7 +f 230/1072/7 562/1073/7 559/1074/7 +f 233/1075/28 732/1076/28 231/1068/28 +f 232/1077/7 563/1078/7 568/1079/7 +f 235/1080/28 741/1081/28 233/1075/28 +f 583/1082/28 476/74/28 587/1083/28 +f 586/1084/7 588/1085/7 218/1086/7 +f 221/1087/28 762/1088/28 760/1089/28 +f 589/1090/7 591/1091/7 220/1092/7 +f 234/1093/7 572/1094/7 576/1095/7 +f 568/1079/7 234/1093/7 232/1077/7 +f 237/1096/28 747/1097/28 235/1080/28 +f 578/1098/7 582/1099/7 215/1100/7 +f 244/1101/7 242/1102/7 584/1103/7 +f 242/1102/7 240/1104/7 584/1103/7 +f 240/1104/7 238/1105/7 584/1103/7 +f 18/1106/60 23/1107/211 22/91/66 +f 565/105/7 206/1071/7 819/1108/212 +f 223/1109/28 766/1110/28 764/1111/28 +f 206/1071/7 254/1112/7 819/1108/212 +f 593/1113/7 595/1114/7 222/1115/7 +f 254/1112/7 252/1116/7 819/1108/212 +f 484/622/7 806/1117/213 483/619/7 +f 214/1118/28 744/1119/28 740/1120/28 +f 570/103/7 574/1121/7 211/1122/7 +f 244/1101/7 584/1103/7 677/1123/212 +f 250/1124/7 248/1125/7 677/1123/212 +f 248/1125/7 246/1126/7 677/1123/212 +f 246/1126/7 244/1101/7 677/1123/212 +f 597/1127/7 599/1128/7 224/1129/7 +f 209/1130/28 736/1131/28 735/1132/28 +f 601/1133/7 603/1134/7 226/1135/7 +f 489/631/7 734/1136/7 739/1137/7 +f 565/105/7 210/104/7 213/1066/7 +f 605/1138/7 607/1139/7 228/1140/7 +f 573/1141/28 468/596/28 465/587/28 +f 762/1088/28 223/1109/28 764/1111/28 +f 567/1142/28 472/602/28 571/1143/28 +f 236/1144/7 584/1103/7 238/1105/7 +f 239/1145/28 241/1146/28 675/1147/28 +f 241/1146/28 243/1148/28 675/1147/28 +f 735/1132/28 817/910/208 205/1149/28 +f 243/1148/28 245/1150/28 675/1147/28 +f 245/1150/28 693/1151/208 675/1147/28 +f 766/1110/28 225/61/28 768/60/28 +f 480/616/7 674/1152/7 485/623/7 +f 205/1149/28 817/910/208 208/1153/28 +f 735/1132/28 205/1149/28 212/1154/28 +f 208/1153/28 817/910/208 253/912/28 +f 735/1132/28 212/1154/28 216/1155/28 +f 771/1156/7 494/641/7 769/1157/7 +f 250/1124/7 819/1108/212 252/1116/7 +f 603/1134/7 228/1140/7 226/1135/7 +f 770/1158/28 227/59/28 772/1159/28 +f 456/570/28 602/1160/28 600/1161/28 +f 735/1132/28 216/1155/28 209/1130/28 +f 235/1080/28 747/1097/28 745/1162/28 +f 251/911/28 693/1151/208 249/1163/28 +f 775/1164/7 498/648/7 773/1165/7 +f 740/1120/28 736/1131/28 214/1118/28 +f 463/583/28 606/1166/28 604/1167/28 +f 774/1168/28 229/1070/28 776/1069/28 +f 481/108/7 752/1169/7 754/1170/7 +f 233/1075/28 741/1081/28 737/1171/28 +f 249/1163/28 693/1151/208 247/1172/28 +f 749/1173/28 744/1119/28 217/1174/28 +f 13/55/44 8/98/70 9/97/69 +f 586/1084/7 215/1100/7 582/1099/7 +f 731/1175/28 231/1068/28 732/1076/28 +f 247/1172/28 693/1151/208 245/1150/28 +f 753/1176/28 219/78/28 755/80/28 +f 589/1090/7 218/1086/7 588/1085/7 +f 758/79/28 221/1087/28 760/1089/28 +f 575/1177/28 474/606/28 579/1178/28 +f 102/1179/7 100/1180/7 687/1181/214 +f 100/1180/7 97/1182/7 687/1181/214 +f 97/1182/7 96/1183/215 687/1181/214 +f 516/667/7 195/1184/7 687/1181/214 +f 195/1184/7 193/1185/7 687/1181/214 +f 193/1185/7 192/1186/7 687/1181/214 +f 192/1186/7 190/1187/7 687/1181/214 +f 190/1187/7 188/1188/7 687/1181/214 +f 516/667/7 158/1189/7 204/1190/7 +f 188/1188/7 102/1179/7 687/1181/214 +f 516/667/7 204/1190/7 202/1191/7 +f 516/667/7 202/1191/7 200/1192/7 +f 512/1193/7 519/1194/7 520/1195/7 +f 509/1196/7 512/1193/7 520/1195/7 +f 510/1197/7 509/1196/7 520/1195/7 +f 516/667/7 200/1192/7 197/1198/7 +f 516/667/7 197/1198/7 195/1184/7 +f 557/1199/7 510/1197/7 550/1200/7 +f 554/1201/7 557/1199/7 550/1200/7 +f 553/1202/7 554/1201/7 550/1200/7 +f 524/1203/7 529/1204/7 531/665/7 +f 520/1195/7 524/1203/7 531/665/7 +f 548/1205/7 550/1200/7 546/1206/7 +f 176/1207/7 531/665/7 821/1208/216 +f 166/1209/7 176/1207/7 821/1208/216 +f 544/1210/7 546/1206/7 542/1211/7 +f 174/1212/7 170/1213/7 821/1208/216 +f 170/1213/7 165/1214/7 821/1208/216 +f 165/1214/7 166/1209/7 821/1208/216 +f 174/1212/7 821/1208/216 64/1215/7 +f 178/710/7 174/1212/7 64/1215/7 +f 64/1215/7 821/1208/216 68/1216/7 +f 534/1217/7 536/1218/7 532/1219/7 +f 532/1219/7 536/1218/7 527/1220/7 +f 121/1221/28 10/1222/28 14/1223/28 +f 68/1216/7 821/1208/216 72/1224/7 +f 339/1225/28 314/1226/28 353/1227/28 +f 527/1220/7 536/1218/7 516/667/7 +f 540/1228/7 542/1211/7 516/667/7 +f 538/1229/7 540/1228/7 516/667/7 +f 536/1218/7 538/1229/7 516/667/7 +f 522/1230/7 527/1220/7 516/667/7 +f 72/1224/7 821/1208/216 75/1231/217 +f 515/1232/7 522/1230/7 516/667/7 +f 510/1197/7 520/1195/7 516/667/7 +f 550/1200/7 510/1197/7 516/667/7 +f 546/1206/7 550/1200/7 516/667/7 +f 520/1195/7 531/665/7 516/667/7 +f 542/1211/7 546/1206/7 516/667/7 +f 125/1233/28 1/1234/28 5/1235/28 +f 531/665/7 168/1236/7 162/1237/7 +f 127/1238/28 2/1239/28 1/1234/28 +f 168/1236/7 531/665/7 172/1240/7 +f 531/665/7 162/1237/7 160/1241/7 +f 129/1242/28 51/1243/28 2/1239/28 +f 172/1240/7 531/665/7 176/1207/7 +f 650/46/28 151/1244/28 153/1245/28 +f 516/667/7 157/666/7 158/1189/7 +f 432/717/125 434/1246/177 433/498/177 +f 46/1247/218 47/1248/28 673/1249/219 +f 47/1248/28 49/1250/28 673/1249/219 +f 49/1250/28 51/1243/28 673/1249/219 +f 147/1251/28 641/48/28 145/1252/28 +f 131/1253/28 133/1254/28 673/1249/219 +f 133/1254/28 135/1255/28 673/1249/219 +f 135/1255/28 137/1256/28 673/1249/219 +f 137/1256/28 140/1257/28 673/1249/219 +f 51/1243/28 131/1253/28 673/1249/219 +f 140/1257/28 641/48/28 673/1249/219 +f 145/1252/28 641/48/28 144/1258/28 +f 638/1259/28 662/1260/28 661/1261/28 +f 144/1258/28 641/48/28 142/1262/28 +f 640/1263/28 639/1264/28 645/1265/28 +f 643/1266/28 640/1263/28 645/1265/28 +f 639/1264/28 638/1259/28 660/1267/28 +f 638/1259/28 661/1261/28 660/1267/28 +f 142/1262/28 641/48/28 140/1257/28 +f 647/1268/28 645/1265/28 649/1269/28 +f 645/1265/28 639/1264/28 649/1269/28 +f 659/1270/28 658/1271/28 657/1272/28 +f 660/1267/28 659/1270/28 657/1272/28 +f 639/1264/28 660/1267/28 657/1272/28 +f 649/1269/28 639/1264/28 657/1272/28 +f 650/46/28 114/1273/28 812/1274/220 +f 112/1275/28 111/1276/28 812/1274/220 +f 657/1272/28 656/1277/28 655/1278/28 +f 111/1276/28 116/1279/28 812/1274/220 +f 116/1279/28 119/1280/28 812/1274/220 +f 114/1273/28 112/1275/28 812/1274/220 +f 119/1280/28 121/1221/28 14/1223/28 +f 812/1274/220 119/1280/28 14/1223/28 +f 654/1281/28 653/1282/28 652/1283/28 +f 812/1274/220 14/1223/28 18/1284/28 +f 186/896/7 102/1179/7 188/1188/7 +f 651/1285/28 648/1286/28 646/47/28 +f 652/1283/28 651/1285/28 646/47/28 +f 655/1278/28 654/1281/28 646/47/28 +f 654/1281/28 652/1283/28 646/47/28 +f 649/1269/28 657/1272/28 646/47/28 +f 657/1272/28 655/1278/28 646/47/28 +f 812/1274/220 18/1284/28 22/1287/28 +f 180/712/7 55/1288/7 182/7/7 +f 803/1025/58 816/382/58 819/381/127 +f 644/1289/28 642/1290/28 641/48/28 +f 646/47/28 644/1289/28 641/48/28 +f 812/1274/220 22/1287/28 26/1291/221 +f 1/1292/222 6/1293/223 5/109/74 +f 109/1294/28 650/46/28 105/1295/28 +f 650/46/28 109/1294/28 108/1296/28 +f 4/1297/7 130/57/7 3/1298/7 +f 105/1295/28 650/46/28 153/1245/28 +f 650/46/28 108/1296/28 114/1273/28 +f 52/1299/7 132/1300/7 4/1297/7 +f 797/1038/58 826/1051/58 815/1039/58 +f 151/1244/28 641/48/28 149/1301/28 +f 149/1301/28 641/48/28 147/1251/28 +f 578/1098/7 211/1122/7 574/1121/7 +f 61/1302/224 65/116/80 59/38/30 +f 566/1303/28 816/1304/225 458/572/28 +f 596/1305/28 455/34/28 598/1306/28 +f 457/571/28 566/1303/28 458/572/28 +f 566/1303/28 469/597/28 567/1142/28 +f 459/575/28 479/613/28 585/930/28 +f 566/1303/28 457/571/28 461/579/28 +f 479/613/28 477/610/28 585/930/28 +f 477/610/28 475/607/28 585/930/28 +f 475/607/28 685/1307/225 585/930/28 +f 458/572/28 816/1304/225 462/582/28 +f 566/1303/28 461/579/28 464/585/28 +f 504/131/7 746/1308/7 480/616/7 +f 456/570/28 598/1306/28 455/34/28 +f 415/1309/7 443/1310/7 448/1311/7 +f 462/582/28 816/1304/225 466/589/28 +f 44/1312/226 672/1313/227 42/1314/228 +f 602/1160/28 463/583/28 604/1167/28 +f 593/1113/7 220/1092/7 591/1091/7 +f 465/587/28 577/1315/28 573/1141/28 +f 581/1316/28 465/587/28 460/576/28 +f 575/1177/28 571/1143/28 472/602/28 +f 44/1317/229 41/33/27 43/127/90 +f 471/599/28 685/1307/225 473/603/28 +f 606/1166/28 467/593/28 608/1318/28 +f 96/62/45 92/1319/230 94/44/36 +f 583/1082/28 579/1178/28 474/606/28 +f 468/596/28 569/1320/28 564/1321/28 +f 2/120/84 3/1322/231 1/1292/222 +f 217/1174/28 753/1176/28 749/1173/28 +f 473/603/28 685/1307/225 475/607/28 +f 560/1323/28 470/598/28 561/1324/28 +f 564/1321/28 470/598/28 468/596/28 +f 467/593/28 560/1323/28 608/1318/28 +f 587/1083/28 476/74/28 590/73/28 +f 592/1325/28 478/36/28 594/35/28 +f 185/1326/28 103/1327/28 183/1328/28 +f 54/1329/28 183/1328/28 103/1327/28 +f 21/1330/7 814/1331/232 25/1332/7 +f 23/1333/7 120/1334/7 804/1335/207 +f 27/1336/7 23/1333/7 804/1335/207 +f 117/1337/7 113/1338/7 804/1335/207 +f 814/1331/232 21/1330/7 17/1339/7 +f 120/1334/7 117/1337/7 804/1335/207 +f 814/1331/232 27/1336/7 804/1335/207 +f 804/1335/207 113/1338/7 118/1340/7 +f 25/1332/7 814/1331/232 30/1341/7 +f 814/1331/232 17/1339/7 13/1342/7 +f 185/1326/28 99/674/28 101/1343/28 +f 814/1331/232 671/1344/232 32/1345/7 +f 804/1335/207 118/1340/7 115/1346/7 +f 30/1341/7 814/1331/232 32/1345/7 +f 52/1299/7 50/1347/7 134/1348/7 +f 804/1335/207 115/1346/7 110/1349/7 +f 814/1331/232 13/1342/7 9/1350/7 +f 32/1345/7 671/1344/232 34/1351/7 +f 50/1347/7 48/1352/7 136/1353/7 +f 814/1331/232 9/1350/7 27/1336/7 +f 134/1348/7 50/1347/7 136/1353/7 +f 804/1335/207 110/1349/7 107/1354/7 +f 34/1351/7 671/1344/232 36/1355/7 +f 136/1353/7 48/1352/7 138/1356/7 +f 36/1355/7 671/1344/232 38/1357/7 +f 804/1335/207 107/1354/7 106/1358/7 +f 38/1357/7 671/1344/232 39/1359/7 +f 804/1335/207 106/1358/7 154/1360/7 +f 39/1359/7 671/1344/232 41/1361/7 +f 41/1361/7 671/1344/232 43/1362/7 +f 43/1362/7 671/1344/232 45/1363/7 +f 48/1352/7 45/1363/7 686/1364/207 +f 138/1356/7 48/1352/7 686/1364/207 +f 139/1365/7 138/1356/7 686/1364/207 +f 141/1366/7 139/1365/7 686/1364/207 +f 143/1367/7 141/1366/7 686/1364/207 +f 146/1368/7 143/1367/7 686/1364/207 +f 148/1369/7 146/1368/7 686/1364/207 +f 150/1370/7 148/1369/7 686/1364/207 +f 152/1371/7 150/1370/7 686/1364/207 +f 804/1335/207 154/1360/7 686/1364/207 +f 154/1360/7 152/1371/7 686/1364/207 +f 45/1363/7 671/1344/232 686/1364/207 +f 177/1372/28 53/1373/28 57/671/28 +f 23/1333/7 19/708/7 120/1334/7 +f 19/708/7 122/707/7 120/1334/7 +f 181/1374/28 53/1373/28 179/1375/28 +f 759/1376/7 487/16/7 482/107/7 +f 771/1156/7 773/1165/7 498/648/7 +f 82/1377/233 86/1378/234 85/1379/9 +f 734/1136/7 497/647/7 499/651/7 +f 775/1164/7 730/1380/7 500/652/7 +f 559/1074/7 232/1077/7 230/1072/7 +f 734/1136/7 499/651/7 501/655/7 +f 502/129/7 729/1381/7 733/1382/7 +f 607/1139/7 230/1072/7 228/1140/7 +f 504/131/7 738/130/7 742/1383/7 +f 754/1170/7 756/106/7 481/108/7 +f 32/41/33 31/87/62 28/1384/235 +f 486/625/7 743/1385/7 748/1386/7 +f 757/1387/7 759/1376/7 482/107/7 +f 729/1381/7 500/652/7 730/1380/7 +f 480/616/7 746/1308/7 750/1388/7 +f 748/1386/7 752/1169/7 486/625/7 +f 229/1070/28 772/1159/28 227/59/28 +f 496/644/7 495/643/7 674/1152/7 +f 495/643/7 490/633/7 674/1152/7 +f 490/633/7 485/623/7 674/1152/7 +f 599/1128/7 226/1135/7 224/1129/7 +f 734/1136/7 501/655/7 806/1117/213 +f 501/655/7 503/658/7 806/1117/213 +f 503/658/7 483/619/7 806/1117/213 +f 685/1307/225 466/589/28 816/1304/225 +f 761/1389/7 763/14/7 487/16/7 +f 496/644/7 674/1152/7 676/1390/213 +f 84/1391/236 80/1392/237 83/132/91 +f 484/622/7 488/629/7 676/1390/213 +f 488/629/7 492/639/7 676/1390/213 +f 492/639/7 496/644/7 676/1390/213 +f 739/1137/7 743/1385/7 489/631/7 +f 597/1127/7 222/1115/7 595/1114/7 +f 675/1147/28 237/1096/28 239/1145/28 +f 576/1095/7 236/1144/7 234/1093/7 +f 767/967/7 769/1157/7 494/641/7 +f 734/1136/7 493/640/7 497/647/7 +f 818/1393/238 720/1394/239 820/1395/239 +f 778/1396/240 702/1397/241 701/1398/240 +f 807/1399/242 699/1400/243 694/1401/242 +f 809/1402/244 726/1403/245 805/1404/245 +f 788/1405/205 707/1406/244 696/1407/205 +f 692/1408/246 816/1304/225 799/1409/247 +f 808/850/205 728/1410/248 811/1411/248 +f 789/1412/249 689/1413/250 688/1414/249 +f 803/1415/251 691/1416/252 787/1417/252 +f 790/1418/253 703/1419/254 791/1420/254 +f 806/1117/213 697/1421/255 801/1422/256 +f 831/1423/254 722/1424/257 721/1425/254 +f 777/1426/241 704/1427/258 702/1397/241 +f 791/1428/254 723/1429/259 834/1430/259 +f 46/126/89 48/1431/46 47/121/85 +f 790/1418/253 697/1421/255 698/1432/253 +f 809/1402/244 728/1433/248 727/1434/244 +f 831/1423/254 719/1435/260 829/1436/260 +f 835/1437/240 705/1438/241 836/1439/241 +f 828/1440/261 716/1441/256 714/1442/261 +f 783/1443/244 725/1444/262 707/1445/244 +f 830/1446/263 712/1447/264 710/1448/263 +f 785/1449/265 709/1450/250 708/1451/265 +f 824/1452/266 716/1441/256 827/1453/256 +f 780/1454/267 678/1455/247 781/1456/247 +f 823/1457/253 717/1458/266 824/1452/266 +f 829/1459/260 718/1460/253 823/1457/253 +f 805/1404/245 725/1444/262 793/1461/262 +f 802/1462/243 700/1463/268 699/1400/243 +f 832/1464/257 723/1429/259 722/1424/257 +f 837/1465/258 705/1438/241 704/1427/258 +f 810/1466/269 669/1467/203 667/1468/269 +f 828/1440/261 671/1344/232 814/1331/232 +f 826/780/202 710/1448/263 679/778/202 +f 507/690/198 680/1469/267 780/1454/267 +f 795/1470/250 690/1471/265 689/1413/250 +f 687/1181/214 96/1183/215 94/1472/270 +f 687/1181/214 94/1472/270 91/1473/271 +f 123/1474/28 5/1235/28 10/1222/28 +f 683/1475/272 89/1476/273 88/1477/274 +f 62/1478/275 75/1231/217 821/1208/216 +f 61/1479/276 62/1478/275 821/1208/216 +f 91/1473/271 683/1475/272 687/1181/214 +f 683/1475/272 88/1477/274 86/1480/277 +f 683/1475/272 86/1480/277 84/1481/278 +f 683/1475/272 84/1481/278 83/1482/279 +f 83/1482/279 81/1483/280 681/1484/281 +f 683/1475/272 83/1482/279 681/1484/281 +f 70/1485/282 66/1486/283 840/1487/284 +f 74/1488/285 70/1485/282 840/1487/284 +f 77/1489/286 74/1488/285 840/1487/284 +f 79/1490/287 77/1489/286 840/1487/284 +f 506/680/170 778/1396/240 701/1398/240 +f 81/1483/280 79/1490/287 839/1491/288 +f 681/1484/281 81/1483/280 839/1491/288 +f 79/1490/287 840/1487/284 839/1491/288 +f 782/1492/289 663/1493/290 779/1494/290 +f 792/1495/268 666/1496/291 700/1497/268 +f 822/1498/292 670/1499/293 794/1500/293 +f 779/1494/290 682/1501/294 838/1502/294 +f 794/1500/293 668/989/209 797/991/209 +f 693/1151/208 807/1399/242 694/1401/242 +f 839/1491/288 682/1503/294 681/1484/281 +f 672/1313/227 724/1504/295 31/1505/296 +f 672/1313/227 31/1505/296 33/1506/297 +f 724/1504/295 818/1393/238 28/1507/298 +f 31/1505/296 724/1504/295 28/1507/298 +f 672/1313/227 33/1506/297 35/1508/299 +f 672/1313/227 35/1508/299 37/1509/300 +f 672/1313/227 37/1509/300 40/1510/301 +f 128/58/7 11/1511/7 6/56/7 +f 672/1313/227 40/1510/301 42/1314/228 +f 29/1512/302 28/1507/298 813/713/199 +f 24/1513/303 29/1512/302 813/713/199 +f 20/1514/304 24/1513/303 813/713/199 +f 16/1515/305 20/1514/304 813/713/199 +f 12/715/201 16/1515/305 813/713/199 +f 28/1507/298 818/1393/238 813/713/199 +f 673/1249/219 44/1312/226 46/1247/218 +f 840/1487/284 61/1479/276 821/1208/216 +f 8/1516/306 7/714/200 812/1274/220 +f 26/1291/221 8/1516/306 812/1274/220 +f 785/1449/265 637/891/207 636/1517/207 +f 666/1496/291 810/1466/269 667/1468/269 +f 796/1518/206 678/1455/247 665/851/206 +f 800/1519/265 686/1364/207 690/1471/265 +f 822/1498/292 720/1520/239 715/1521/292 +f 825/990/210 713/1522/289 782/1492/289 +f 803/1415/251 677/1123/212 684/1523/251 +f 692/1408/246 788/1405/205 696/1407/205 +f 787/1417/252 695/1524/307 784/1525/307 +f 784/1526/307 712/1447/264 833/1527/264 +f 789/1412/249 709/1450/250 786/1528/250 +f 610/308/170 706/1529/240 835/1437/240 +f 452/1530/7 448/1311/7 449/1531/7 +f 443/1310/7 445/1532/7 448/1311/7 +f 405/1533/7 452/1530/7 453/1534/7 +f 405/1533/7 453/1534/7 408/1535/7 +f 439/1536/7 441/1537/7 443/1310/7 +f 415/1309/7 405/1533/7 409/1538/7 +f 415/1309/7 448/1311/7 452/1530/7 +f 415/1309/7 452/1530/7 405/1533/7 +f 802/1026/58 801/1041/58 790/1017/58 +f 422/907/7 437/1539/7 439/1536/7 +f 422/907/7 415/1309/7 417/1540/7 +f 126/1541/7 15/706/7 11/1511/7 +f 422/907/7 439/1536/7 443/1310/7 +f 432/1542/7 433/1543/7 436/906/7 +f 412/908/7 422/907/7 416/1544/7 +f 428/1545/7 429/1546/7 432/1542/7 +f 419/1547/7 432/1542/7 436/906/7 +f 419/1547/7 428/1545/7 432/1542/7 +f 419/1547/7 436/906/7 412/908/7 +f 424/1548/7 426/1549/7 428/1545/7 +f 424/1548/7 428/1545/7 419/1547/7 +f 343/1550/7 298/1551/7 296/1552/7 +f 265/1553/7 312/1554/7 266/1555/7 +f 326/1556/7 282/1557/7 279/1558/7 +f 341/1559/7 296/1552/7 294/1560/7 +f 434/1561/28 380/1562/28 383/1563/28 +f 347/1564/7 298/1551/7 345/1565/7 +f 262/1566/7 310/1567/7 263/1568/7 +f 294/1560/7 338/96/7 341/1559/7 +f 16/17/12 21/1569/308 20/1570/63 +f 284/1571/7 333/1572/7 286/1573/7 +f 258/1574/7 308/1575/7 305/1576/7 +f 363/1577/28 420/1578/28 414/1579/28 +f 265/1553/7 320/1580/7 315/1581/7 +f 423/1582/28 366/1583/28 413/1584/28 +f 257/1585/7 352/1586/7 308/1575/7 +f 440/1587/28 390/1588/28 442/1589/28 +f 359/1590/28 411/1591/28 410/1592/28 +f 256/1593/7 351/1594/7 352/1586/7 +f 318/1595/7 266/1555/7 312/1554/7 +f 427/1596/28 378/1597/28 430/1598/28 +f 270/1599/7 322/1600/7 274/1601/7 +f 395/1602/28 444/1603/28 393/1604/28 +f 355/1605/28 406/1606/28 358/1607/28 +f 258/1574/7 309/1608/7 262/1566/7 +f 286/1573/7 334/1609/7 288/1610/7 +f 321/1611/28 317/1612/28 311/1613/28 +f 354/1614/28 307/1615/28 306/1616/28 +f 353/1227/28 311/1613/28 307/1615/28 +f 353/1227/28 307/1615/28 354/1614/28 +f 314/1226/28 313/1617/28 321/1611/28 +f 314/1226/28 321/1611/28 311/1613/28 +f 314/1226/28 311/1613/28 353/1227/28 +f 346/1618/28 350/1619/28 349/1620/28 +f 346/1618/28 353/1227/28 350/1619/28 +f 325/1621/28 319/1622/28 314/1226/28 +f 325/1621/28 323/1623/28 319/1622/28 +f 825/1052/58 833/1057/58 830/1053/58 +f 344/1624/28 353/1227/28 346/1618/28 +f 340/1625/28 344/1624/28 342/1626/28 +f 340/1625/28 353/1227/28 344/1624/28 +f 330/1627/28 329/1628/28 327/1629/28 +f 339/1225/28 327/1629/28 325/1621/28 +f 339/1225/28 330/1627/28 327/1629/28 +f 339/1225/28 353/1227/28 340/1625/28 +f 332/1630/28 330/1627/28 339/1225/28 +f 335/1631/28 339/1225/28 336/1632/28 +f 335/1631/28 332/1630/28 339/1225/28 +f 450/1633/28 396/1634/28 398/1635/28 +f 430/1598/28 380/1562/28 431/1636/28 +f 398/1635/28 451/1637/28 450/1633/28 +f 334/1609/7 290/1638/7 288/1610/7 +f 369/1639/28 421/1640/28 420/1578/28 +f 395/1602/28 447/1641/28 446/1642/28 +f 302/1643/7 351/1594/7 303/1644/7 +f 403/1645/28 451/1637/28 401/1646/28 +f 358/1607/28 454/1647/28 403/1645/28 +f 427/1596/28 374/1648/28 376/1649/28 +f 284/1571/7 328/1650/7 331/1651/7 +f 326/1556/7 278/1652/7 324/1653/7 +f 425/1654/28 372/1655/28 374/1648/28 +f 324/1653/7 274/1601/7 322/1600/7 +f 300/1656/7 348/1657/7 302/1643/7 +f 320/1580/7 272/1658/7 316/1659/7 +f 355/1605/28 410/1592/28 407/1660/28 +f 389/1661/28 438/1662/28 386/1663/28 +f 414/1579/28 366/1583/28 363/1577/28 +f 386/1663/28 435/1664/28 384/1665/28 +f 361/1666/28 418/1667/28 411/1591/28 +f 435/1664/28 383/1563/28 384/1665/28 +f 367/1668/28 423/1582/28 418/1667/28 +f 442/1589/28 393/1604/28 444/1603/28 +f 316/1659/7 263/1568/7 310/1567/7 +f 146/276/121 142/1669/120 143/491/120 +f 104/1/1 56/5/5 103/2/2 +f 54/4/4 103/2/2 56/5/5 +f 182/7/7 55/1288/7 56/8/7 +f 55/6/6 58/40/32 53/10/8 +f 85/11/9 86/1670/234 88/12/10 +f 763/14/7 765/968/7 491/15/7 +f 64/20/15 68/1671/21 63/21/16 +f 36/23/18 38/50/39 35/24/19 +f 68/26/21 72/117/81 67/27/22 +f 87/13/11 88/12/10 89/29/23 +f 42/31/25 40/99/71 39/32/26 +f 455/34/28 596/1305/28 594/35/28 +f 62/37/29 61/1302/224 59/38/30 +f 58/40/32 64/20/15 57/22/17 +f 32/41/33 28/1384/235 29/42/34 +f 94/44/36 92/1319/230 90/30/24 +f 650/46/28 649/1269/28 646/47/28 +f 70/51/40 74/101/72 73/52/41 +f 17/19/14 12/18/13 7/54/43 +f 6/56/7 3/1298/7 130/57/7 +f 227/59/28 770/1158/28 768/60/28 +f 96/62/45 97/65/48 95/63/46 +f 97/65/48 100/67/50 98/66/49 +f 100/67/50 102/1672/52 99/68/51 +f 102/69/52 104/1/1 101/3/3 +f 75/71/53 62/37/29 60/39/31 +f 478/36/28 592/1325/28 590/73/28 +f 10/75/55 11/110/75 15/76/56 +f 219/78/28 221/1087/28 758/79/28 +f 779/81/58 793/1028/58 783/82/58 +f 14/77/57 15/76/56 19/84/59 +f 34/86/61 36/23/18 33/25/20 +f 20/88/63 21/1673/308 25/89/64 +f 22/91/66 23/1107/211 27/92/67 +f 292/94/7 290/1638/7 337/95/7 +f 26/93/68 27/92/67 9/97/69 +f 40/99/71 37/1674/38 38/100/39 +f 570/103/7 211/1122/7 210/104/7 +f 756/106/7 757/1387/7 482/107/7 +f 5/109/74 6/1293/223 11/110/75 +f 79/111/76 81/133/92 78/112/77 +f 66/114/79 70/1675/40 69/115/42 +f 77/102/73 79/111/76 76/113/78 +f 72/117/81 75/71/53 71/72/54 +f 51/118/82 52/1676/88 4/119/83 +f 47/121/85 48/1431/46 50/122/86 +f 49/123/87 50/122/86 52/124/88 +f 46/126/89 44/1317/229 43/127/90 +f 502/129/7 733/1382/7 738/130/7 +f 83/132/91 80/1392/237 78/112/77 +f 600/134/93 599/349/182 597/135/94 +f 757/137/95 758/758/95 760/138/96 +f 134/140/97 131/1677/97 129/141/98 +f 436/143/99 435/1678/99 438/144/100 +f 741/146/101 738/215/101 733/147/102 +f 405/149/103 407/292/103 410/150/104 +f 586/152/105 583/255/105 587/153/106 +f 253/155/103 252/502/103 254/156/104 +f 312/158/107 314/350/107 319/159/108 +f 613/161/109 662/799/109 638/162/110 +f 324/164/111 325/490/111 327/165/112 +f 269/167/108 270/998/108 274/168/113 +f 188/170/97 190/196/114 189/171/114 +f 184/173/115 186/903/98 185/174/98 +f 747/176/116 746/186/116 742/177/117 +f 536/179/118 537/1679/118 539/180/119 +f 197/182/120 200/351/121 199/183/121 +f 751/185/122 750/206/122 746/186/116 +f 275/187/123 276/270/159 265/188/58 +f 281/190/124 282/313/124 284/191/125 +f 735/193/126 734/231/126 806/194/58 +f 190/196/114 192/1680/128 191/197/128 +f 759/139/96 760/138/96 762/198/129 +f 631/200/130 648/885/130 651/201/131 +f 273/203/113 274/1681/113 278/204/111 +f 750/206/122 751/185/122 675/207/132 +f 124/209/134 121/863/134 119/210/135 +f 120/212/136 116/542/136 111/213/137 +f 745/178/117 742/177/117 738/215/101 +f 446/216/138 445/457/138 443/217/139 +f 604/219/140 603/397/140 601/220/141 +f 216/222/123 213/719/123 210/223/58 +f 118/225/142 114/984/142 108/226/143 +f 320/228/123 321/445/123 313/229/58 +f 734/231/126 735/193/126 736/232/144 +f 428/234/112 427/765/112 430/235/124 +f 154/237/145 151/389/145 149/238/146 +f 209/224/58 210/223/58 211/240/107 +f 772/242/140 771/414/140 769/243/141 +f 732/245/147 729/1682/147 730/246/148 +f 549/248/149 548/875/149 546/249/150 +f 417/251/151 418/555/151 423/252/123 +f 582/254/152 579/376/152 583/255/105 +f 754/256/105 753/399/105 755/257/106 +f 520/259/153 521/393/153 525/260/154 +f 544/262/155 545/535/155 547/250/150 +f 693/263/156 676/917/184 674/208/133 +f 554/264/157 555/721/157 556/265/109 +f 152/239/146 149/238/146 147/267/158 +f 271/269/151 272/510/151 276/270/159 +f 372/271/113 373/1683/113 375/272/111 +f 148/274/160 145/1684/160 144/275/121 +f 277/205/111 278/204/111 279/277/112 +f 299/279/161 300/368/161 302/280/162 +f 310/282/163 311/1685/163 317/283/151 +f 296/285/139 295/877/139 293/286/164 +f 130/288/115 127/727/115 125/289/165 +f 408/291/166 406/982/166 407/292/103 +f 254/156/104 206/1686/163 205/293/163 +f 565/294/126 566/380/126 567/295/144 +f 627/297/167 654/404/167 655/298/168 +f 412/300/107 414/886/107 420/301/108 +f 223/303/112 222/791/112 224/304/124 +f 595/306/169 596/890/169 598/136/94 +f 517/307/28 609/1687/170 610/308/170 +f 259/310/171 256/537/171 257/311/166 +f 280/278/112 279/277/112 282/313/124 +f 518/314/172 515/823/172 516/315/173 +f 355/317/103 356/1688/103 357/318/104 +f 305/320/103 306/1689/103 307/321/104 +f 289/323/100 290/1065/100 292/324/174 +f 359/319/104 357/318/104 360/326/163 +f 529/328/175 526/728/175 530/329/176 +f 658/331/149 623/447/149 625/332/150 +f 331/334/125 330/752/125 332/335/177 +f 194/337/178 193/511/178 195/338/179 +f 170/340/136 174/1690/135 173/341/135 +f 661/343/157 615/798/157 614/344/180 +f 558/346/110 511/1691/181 509/347/181 +f 602/221/141 601/220/141 599/349/182 +f 315/230/58 313/229/58 314/350/107 +f 200/351/121 202/1692/160 201/352/160 +f 309/322/104 307/321/104 311/353/163 +f 396/355/161 397/543/161 399/356/162 +f 534/358/131 535/726/131 537/359/118 +f 219/361/113 218/1693/113 220/362/111 +f 202/364/160 204/860/158 203/365/158 +f 297/367/138 298/876/138 300/368/161 +f 424/369/113 421/1694/113 425/370/111 +f 568/372/101 569/975/101 573/373/117 +f 578/375/183 575/882/183 579/376/152 +f 139/377/178 137/549/178 135/378/128 +f 566/380/126 565/294/126 819/381/127 +f 589/383/95 590/740/95 592/384/96 +f 117/214/137 111/213/137 112/386/184 +f 106/388/185 153/435/185 151/389/145 +f 409/151/104 410/150/104 411/390/163 +f 519/392/186 514/782/186 521/393/153 +f 283/192/125 284/191/125 286/394/177 +f 606/396/187 605/853/187 603/397/140 +f 752/398/152 749/754/152 753/399/105 +f 685/400/184 677/1030/156 584/401/133 +f 628/403/119 653/554/119 654/404/167 +f 235/405/174 234/451/174 236/406/164 +f 366/408/58 364/883/58 365/409/107 +f 731/247/148 730/246/148 775/411/188 +f 774/413/187 773/997/187 771/414/140 +f 538/181/119 539/180/119 541/415/167 +f 260/417/103 258/482/103 262/418/104 +f 351/420/189 350/488/189 353/421/171 +f 367/423/151 362/879/151 368/424/159 +f 105/426/190 107/436/190 110/427/191 +f 217/429/108 215/508/108 218/430/113 +f 247/432/189 246/744/189 248/433/171 +f 153/435/185 106/388/185 107/436/190 +f 770/244/141 769/243/141 767/437/182 +f 150/268/158 147/267/158 145/439/160 +f 419/302/108 420/301/108 421/441/113 +f 404/443/166 356/1688/103 355/317/103 +f 316/284/151 317/283/151 321/445/123 +f 659/446/192 616/463/192 623/447/149 +f 761/199/129 762/198/129 764/448/169 +f 233/450/100 232/517/100 234/451/174 +f 376/452/112 377/745/112 379/453/124 +f 739/233/144 736/232/144 740/455/193 +f 445/457/138 446/216/138 447/458/161 +f 157/460/145 160/761/185 159/461/185 +f 660/345/180 614/344/180 616/463/192 +f 626/299/168 655/298/168 656/464/155 +f 763/449/169 764/448/169 766/466/94 +f 452/468/189 451/988/189 454/469/171 +f 180/471/194 182/720/165 181/472/165 +f 138/379/128 135/378/128 133/474/114 +f 334/476/99 335/1695/99 336/477/100 +f 343/479/139 342/733/139 344/480/138 +f 255/312/166 257/311/166 258/482/103 +f 378/454/124 379/453/124 381/483/125 +f 768/438/93 767/437/182 765/467/94 +f 448/459/161 447/458/161 450/485/162 +f 348/487/162 349/1696/162 350/488/189 +f 322/489/113 323/1697/113 325/490/111 +f 143/491/120 142/1669/120 140/492/179 +f 422/253/123 423/252/123 413/494/58 +f 337/478/100 336/477/100 339/496/174 +f 433/498/177 434/1246/177 435/499/99 +f 251/501/166 250/524/166 252/502/103 +f 398/503/162 399/1698/162 400/504/189 +f 737/148/102 733/147/102 729/506/147 +f 214/241/107 211/240/107 215/508/108 +f 268/509/163 263/1699/163 272/510/151 +f 191/197/128 192/1680/128 193/511/178 +f 136/475/114 133/474/114 131/512/97 +f 115/227/143 108/226/143 109/514/191 +f 231/516/99 230/1700/99 232/517/100 +f 562/518/148 560/790/148 561/519/147 +f 650/521/176 619/1007/176 618/522/175 +f 249/434/171 248/433/171 250/524/166 +f 168/525/191 172/985/143 171/526/143 +f 347/528/161 346/983/161 349/529/162 +f 243/531/161 242/770/161 244/532/162 +f 542/534/168 543/746/168 545/535/155 +f 304/536/189 303/797/189 256/537/171 +f 239/538/139 238/784/139 240/539/138 +f 122/541/135 119/1701/135 116/542/136 +f 397/543/161 396/355/161 395/544/138 +f 522/546/195 523/824/195 528/547/196 +f 141/493/179 140/492/179 137/549/178 +f 227/550/125 226/996/125 228/551/177 +f 629/553/118 652/1702/118 653/554/119 +f 415/391/163 411/390/163 418/555/151 +f 166/556/184 165/986/137 163/557/137 +f 437/145/100 438/144/100 440/559/174 +f 622/561/197 640/859/197 643/562/186 +f 176/564/142 166/556/184 164/558/156 +f 527/548/196 528/547/196 533/566/130 +f 24/90/65 25/89/64 30/43/35 +f 531/665/7 160/1241/7 157/666/7 +f 173/670/28 177/1372/28 57/671/28 +f 15/706/7 124/1703/7 122/707/7 +f 178/710/7 64/1215/7 58/711/7 +f 813/713/199 812/1274/220 7/714/200 +f 429/236/124 430/235/124 431/716/125 +f 212/718/151 207/979/151 213/719/123 +f 182/720/165 184/173/115 183/175/115 +f 555/721/157 554/264/157 553/722/180 +f 572/374/117 573/373/117 577/724/116 +f 532/567/130 533/566/130 535/726/131 +f 132/142/98 129/141/98 127/727/115 +f 524/261/154 525/260/154 526/728/175 +f 559/729/147 561/1704/147 564/730/102 +f 341/732/164 340/992/164 342/733/139 +f 267/189/58 265/188/58 266/734/107 +f 558/346/110 510/348/110 557/266/109 +f 294/287/164 293/286/164 291/325/174 +f 162/736/190 168/1705/191 167/737/191 +f 588/739/106 587/1706/106 590/740/95 +f 326/166/112 327/165/112 329/741/124 +f 245/743/162 244/1707/162 246/744/189 +f 374/273/111 375/272/111 377/745/112 +f 540/416/167 541/415/167 543/746/168 +f 513/747/197 512/781/197 509/748/181 +f 318/160/108 319/159/108 323/750/113 +f 328/742/124 329/741/124 330/752/125 +f 748/753/183 744/973/183 749/754/152 +f 178/755/134 180/471/194 179/473/194 +f 756/757/106 755/1708/106 758/758/95 +f 285/395/177 286/394/177 288/759/99 +f 160/761/185 162/736/190 161/738/190 +f 386/762/100 387/981/100 388/763/174 +f 426/371/111 425/370/111 427/765/112 +f 261/419/104 262/418/104 263/766/163 +f 624/465/155 656/464/155 657/333/150 +f 333/336/177 332/335/177 335/768/99 +f 241/540/138 240/539/138 242/770/161 +f 369/771/108 370/974/108 373/772/113 +f 639/774/181 612/1709/181 611/163/110 +f 633/775/172 642/795/172 644/776/195 +f 679/778/202 669/1467/203 815/779/203 +f 512/781/197 513/747/197 514/782/186 +f 403/783/171 402/1043/171 404/443/166 +f 237/407/164 236/406/164 238/784/139 +f 444/218/139 443/217/139 441/785/164 +f 352/422/171 353/421/171 354/787/166 +f 607/789/188 608/854/188 560/790/148 +f 221/363/111 220/362/111 222/791/112 +f 621/563/186 643/562/186 645/792/153 +f 635/794/173 641/923/173 642/795/172 +f 301/796/162 302/1710/162 303/797/189 +f 615/798/157 661/343/157 662/799/109 +f 515/823/172 518/314/172 523/824/195 +f 808/850/205 796/1518/206 665/851/206 +f 605/853/187 606/396/187 608/854/188 +f 390/855/164 391/864/164 392/856/139 +f 612/858/181 639/1711/181 640/859/197 +f 204/860/158 158/873/146 156/861/146 +f 126/862/194 123/993/194 121/863/134 +f 391/864/164 390/855/164 389/764/174 +f 550/865/192 551/874/192 552/723/180 +f 576/725/116 577/724/116 581/866/122 +f 620/793/153 645/792/153 647/868/154 +f 383/870/177 382/880/177 385/871/99 +f 617/869/154 647/868/154 649/523/175 +f 158/873/146 157/460/145 155/462/145 +f 551/874/192 550/865/192 548/875/149 +f 298/876/138 297/367/138 295/877/139 +f 361/878/163 360/1712/163 362/879/151 +f 380/484/125 381/483/125 382/880/177 +f 574/881/193 571/1055/193 575/882/183 +f 371/425/123 368/424/159 364/883/58 +f 632/884/196 646/887/196 648/885/130 +f 416/495/58 413/494/58 414/886/107 +f 634/777/195 644/776/195 646/887/196 +f 591/385/96 592/384/96 594/888/129 +f 593/889/129 594/888/129 596/890/169 +f 619/833/7 636/1517/207 637/891/207 +f 184/9/7 56/8/7 104/895/7 +f 442/786/164 441/785/164 439/560/174 +f 186/903/98 188/1713/97 187/904/97 +f 436/906/7 437/1539/7 422/907/7 +f 817/910/208 693/1151/208 251/911/28 +f 676/917/184 693/263/156 694/918/184 +f 507/927/58 780/1003/58 779/81/58 +f 585/930/28 581/1316/28 460/576/28 +f 692/934/156 696/933/184 691/932/184 +f 666/952/184 667/897/184 668/899/184 +f 663/892/184 680/909/156 508/915/156 +f 707/946/184 725/969/156 663/892/184 +f 767/967/7 494/641/7 491/15/7 +f 743/456/193 740/455/193 744/973/183 +f 363/410/107 365/409/107 370/974/108 +f 563/731/102 564/730/102 569/975/101 +f 229/552/177 228/551/177 230/976/99 +f 205/978/163 206/1714/163 207/979/151 +f 384/980/99 385/1715/99 387/981/100 +f 453/470/171 454/469/171 406/982/166 +f 345/481/138 344/480/138 346/983/161 +f 113/387/156 112/386/184 114/984/142 +f 172/985/143 176/564/142 175/565/142 +f 165/986/137 170/340/136 169/342/136 +f 585/402/132 584/401/133 580/867/122 +f 393/857/139 392/856/139 394/545/138 +f 449/987/162 450/1716/162 451/988/189 +f 668/989/209 711/1717/210 825/990/210 +f 338/497/174 339/496/174 340/992/164 +f 354/787/166 306/1689/103 305/320/103 +f 128/290/165 125/289/165 123/993/194 +f 174/994/135 178/755/134 177/756/134 +f 225/305/124 224/304/124 226/996/125 +f 196/339/179 195/338/179 197/182/120 +f 776/412/188 775/411/188 773/997/187 +f 264/735/107 266/734/107 270/998/108 +f 630/202/131 651/201/131 652/999/118 +f 822/1008/58 794/1019/58 791/1009/58 +f 712/954/184 713/955/184 711/951/184 +f 697/919/156 694/918/184 699/937/184 +f 787/1014/58 788/1015/58 799/1024/58 +f 685/400/184 692/934/156 684/935/184 +f 807/1040/58 817/195/127 806/194/58 +f 401/505/189 400/504/189 402/1043/171 +f 671/900/184 714/956/156 715/958/184 +f 711/951/184 668/899/184 669/898/184 +f 570/296/144 567/295/144 571/1055/193 +f 797/1038/58 810/1037/58 798/1022/58 +f 703/941/184 670/953/184 715/958/184 +f 814/1036/58 820/1044/58 822/1008/58 +f 287/1064/99 288/1718/99 290/1065/100 +f 231/1068/28 731/1175/28 776/1069/28 +f 233/1075/28 737/1171/28 732/1076/28 +f 235/1080/28 745/1162/28 741/1081/28 +f 583/1082/28 474/606/28 476/74/28 +f 221/1087/28 223/1109/28 762/1088/28 +f 568/1079/7 572/1094/7 234/1093/7 +f 237/1096/28 751/1719/28 747/1097/28 +f 18/1106/60 19/1720/59 23/1107/211 +f 223/1109/28 225/61/28 766/1110/28 +f 484/622/7 676/1390/213 806/1117/213 +f 214/1118/28 217/1174/28 744/1119/28 +f 209/1130/28 214/1118/28 736/1131/28 +f 489/631/7 493/640/7 734/1136/7 +f 573/1141/28 569/1320/28 468/596/28 +f 567/1142/28 469/597/28 472/602/28 +f 236/1144/7 580/1721/7 584/1103/7 +f 480/616/7 750/1388/7 674/1152/7 +f 771/1156/7 498/648/7 494/641/7 +f 250/1124/7 677/1123/212 819/1108/212 +f 603/1134/7 605/1138/7 228/1140/7 +f 456/570/28 463/583/28 602/1160/28 +f 775/1164/7 500/652/7 498/648/7 +f 463/583/28 467/593/28 606/1166/28 +f 481/108/7 486/625/7 752/1169/7 +f 13/55/44 7/54/43 8/98/70 +f 586/1084/7 218/1086/7 215/1100/7 +f 589/1090/7 220/1092/7 218/1086/7 +f 575/1177/28 472/602/28 474/606/28 +f 121/1221/28 123/1474/28 10/1222/28 +f 339/1225/28 325/1621/28 314/1226/28 +f 125/1233/28 127/1238/28 1/1234/28 +f 127/1238/28 129/1242/28 2/1239/28 +f 129/1242/28 131/1253/28 51/1243/28 +f 650/46/28 641/48/28 151/1244/28 +f 432/717/125 431/716/125 434/1246/177 +f 186/896/7 104/895/7 102/1179/7 +f 180/712/7 58/711/7 55/1288/7 +f 803/1025/58 799/1024/58 816/382/58 +f 1/1292/222 3/1322/231 6/1293/223 +f 4/1297/7 132/1300/7 130/57/7 +f 52/1299/7 134/1348/7 132/1300/7 +f 797/1038/58 825/1052/58 826/1051/58 +f 578/1098/7 215/1100/7 211/1122/7 +f 61/1302/224 66/114/79 65/116/80 +f 566/1303/28 464/585/28 469/597/28 +f 504/131/7 742/1383/7 746/1308/7 +f 456/570/28 600/1161/28 598/1306/28 +f 415/1309/7 422/907/7 443/1310/7 +f 44/1312/226 673/1249/219 672/1313/227 +f 593/1113/7 222/1115/7 220/1092/7 +f 581/1316/28 577/1315/28 465/587/28 +f 44/1317/229 42/31/25 41/33/27 +f 96/62/45 93/64/47 92/1319/230 +f 2/120/84 4/119/83 3/1322/231 +f 217/1174/28 219/78/28 753/1176/28 +f 564/1321/28 561/1324/28 470/598/28 +f 467/593/28 470/598/28 560/1323/28 +f 185/1326/28 101/1343/28 103/1327/28 +f 54/1329/28 181/1374/28 183/1328/28 +f 185/1326/28 187/675/28 99/674/28 +f 177/1372/28 179/1375/28 53/1373/28 +f 181/1374/28 54/1329/28 53/1373/28 +f 759/1376/7 761/1389/7 487/16/7 +f 82/1377/233 84/1391/236 86/1378/234 +f 559/1074/7 563/1078/7 232/1077/7 +f 607/1139/7 562/1073/7 230/1072/7 +f 32/41/33 34/86/61 31/87/62 +f 486/625/7 489/631/7 743/1385/7 +f 729/1381/7 502/129/7 500/652/7 +f 229/1070/28 774/1168/28 772/1159/28 +f 599/1128/7 601/1133/7 226/1135/7 +f 685/1307/225 471/599/28 466/589/28 +f 84/1391/236 82/1377/233 80/1392/237 +f 597/1127/7 224/1129/7 222/1115/7 +f 675/1147/28 751/1719/28 237/1096/28 +f 576/1095/7 580/1721/7 236/1144/7 +f 818/1393/238 724/1504/295 720/1394/239 +f 778/1396/240 777/1426/241 702/1397/241 +f 807/1399/242 802/1462/243 699/1400/243 +f 809/1402/244 727/1434/244 726/1403/245 +f 788/1405/205 783/1722/244 707/1406/244 +f 692/1408/246 685/1307/225 816/1304/225 +f 808/850/205 664/852/205 728/1410/248 +f 789/1412/249 795/1470/250 689/1413/250 +f 803/1415/251 684/1523/251 691/1416/252 +f 790/1418/253 698/1432/253 703/1419/254 +f 806/1117/213 676/1390/213 697/1421/255 +f 831/1423/254 832/1464/257 722/1424/257 +f 777/1426/241 837/1465/258 704/1427/258 +f 791/1428/254 703/1723/254 723/1429/259 +f 46/126/89 45/128/47 48/1431/46 +f 790/1418/253 801/1422/256 697/1421/255 +f 809/1402/244 811/1724/248 728/1433/248 +f 831/1423/254 721/1425/254 719/1435/260 +f 835/1437/240 706/1529/240 705/1438/241 +f 828/1440/261 827/1453/256 716/1441/256 +f 783/1443/244 793/1461/262 725/1444/262 +f 830/1446/263 833/1527/264 712/1447/264 +f 785/1449/265 786/1528/250 709/1450/250 +f 824/1452/266 717/1458/266 716/1441/256 +f 780/1454/267 680/1469/267 678/1455/247 +f 823/1457/253 718/1460/253 717/1458/266 +f 829/1459/260 719/1725/260 718/1460/253 +f 805/1404/245 726/1403/245 725/1444/262 +f 802/1462/243 792/1726/268 700/1463/268 +f 832/1464/257 834/1430/259 723/1429/259 +f 837/1465/258 836/1439/241 705/1438/241 +f 810/1466/269 815/779/203 669/1467/203 +f 828/1440/261 714/1442/261 671/1344/232 +f 826/780/202 830/1446/263 710/1448/263 +f 507/690/198 508/700/198 680/1469/267 +f 795/1470/250 800/1519/265 690/1471/265 +f 123/1474/28 125/1233/28 5/1235/28 +f 91/1473/271 89/1476/273 683/1475/272 +f 506/680/170 505/660/170 778/1396/240 +f 782/1492/289 713/1522/289 663/1493/290 +f 792/1495/268 798/1727/291 666/1496/291 +f 822/1498/292 715/1521/292 670/1499/293 +f 779/1494/290 663/1493/290 682/1501/294 +f 794/1500/293 670/1499/293 668/989/209 +f 693/1151/208 817/910/208 807/1399/242 +f 839/1491/288 838/1728/294 682/1503/294 +f 128/58/7 126/1541/7 11/1511/7 +f 840/1487/284 66/1486/283 61/1479/276 +f 785/1449/265 708/1451/265 637/891/207 +f 666/1496/291 798/1727/291 810/1466/269 +f 796/1518/206 781/1456/247 678/1455/247 +f 800/1519/265 804/1335/207 686/1364/207 +f 822/1498/292 820/1729/239 720/1520/239 +f 825/990/210 711/1717/210 713/1522/289 +f 803/1415/251 819/1108/212 677/1123/212 +f 692/1408/246 799/1409/247 788/1405/205 +f 787/1417/252 691/1416/252 695/1524/307 +f 784/1526/307 695/1730/307 712/1447/264 +f 789/1412/249 688/1414/249 709/1450/250 +f 610/308/170 609/1687/170 706/1529/240 +f 802/1026/58 807/1040/58 801/1041/58 +f 126/1541/7 124/1703/7 15/706/7 +f 343/1550/7 345/1565/7 298/1551/7 +f 265/1553/7 315/1581/7 312/1554/7 +f 326/1556/7 328/1650/7 282/1557/7 +f 341/1559/7 343/1550/7 296/1552/7 +f 434/1561/28 431/1636/28 380/1562/28 +f 347/1564/7 300/1656/7 298/1551/7 +f 262/1566/7 309/1608/7 310/1567/7 +f 294/1560/7 292/94/7 338/96/7 +f 16/17/12 17/19/14 21/1569/308 +f 284/1571/7 331/1651/7 333/1572/7 +f 258/1574/7 257/1585/7 308/1575/7 +f 363/1577/28 369/1639/28 420/1578/28 +f 265/1553/7 276/1731/7 320/1580/7 +f 423/1582/28 371/1732/28 366/1583/28 +f 257/1585/7 256/1593/7 352/1586/7 +f 440/1587/28 389/1661/28 390/1588/28 +f 359/1590/28 361/1666/28 411/1591/28 +f 256/1593/7 303/1644/7 351/1594/7 +f 318/1595/7 270/1599/7 266/1555/7 +f 427/1596/28 376/1649/28 378/1597/28 +f 270/1599/7 318/1595/7 322/1600/7 +f 395/1602/28 446/1642/28 444/1603/28 +f 355/1605/28 407/1660/28 406/1606/28 +f 258/1574/7 305/1576/7 309/1608/7 +f 286/1573/7 333/1572/7 334/1609/7 +f 825/1052/58 782/83/58 833/1057/58 +f 450/1633/28 447/1641/28 396/1634/28 +f 430/1598/28 378/1597/28 380/1562/28 +f 398/1635/28 401/1646/28 451/1637/28 +f 334/1609/7 337/95/7 290/1638/7 +f 369/1639/28 372/1655/28 421/1640/28 +f 395/1602/28 396/1634/28 447/1641/28 +f 302/1643/7 348/1657/7 351/1594/7 +f 403/1645/28 454/1647/28 451/1637/28 +f 358/1607/28 406/1606/28 454/1647/28 +f 427/1596/28 425/1654/28 374/1648/28 +f 284/1571/7 282/1557/7 328/1650/7 +f 326/1556/7 279/1558/7 278/1652/7 +f 425/1654/28 421/1640/28 372/1655/28 +f 324/1653/7 278/1652/7 274/1601/7 +f 300/1656/7 347/1564/7 348/1657/7 +f 320/1580/7 276/1731/7 272/1658/7 +f 355/1605/28 359/1590/28 410/1592/28 +f 389/1661/28 440/1587/28 438/1662/28 +f 414/1579/28 413/1584/28 366/1583/28 +f 386/1663/28 438/1662/28 435/1664/28 +f 361/1666/28 367/1668/28 418/1667/28 +f 435/1664/28 434/1561/28 383/1563/28 +f 367/1668/28 371/1732/28 423/1582/28 +f 442/1589/28 390/1588/28 393/1604/28 +f 316/1659/7 272/1658/7 263/1568/7 +f 146/276/121 144/275/121 142/1669/120 diff --git a/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.stl b/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.stl new file mode 100644 index 0000000000000000000000000000000000000000..01ec1e2a5616b1e85b51e0d64f8ac8250b386306 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq-2f-spring_link.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fb74a8a0d76c0e471cf19fd48bc676fd5b19123798e7a39eb6aa56869354283 +size 84884 diff --git a/cliport/environments/assets/ur5/gripper/robotiq_2f_85.urdf b/cliport/environments/assets/ur5/gripper/robotiq_2f_85.urdf new file mode 100644 index 0000000000000000000000000000000000000000..8ac122905a5a584f7cf9c6829bec263a5b19fc42 --- /dev/null +++ b/cliport/environments/assets/ur5/gripper/robotiq_2f_85.urdf @@ -0,0 +1,299 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + transmission_interface/SimpleTransmission + + hardware_interface/PositionJointInterface + + + 1 + + + + diff --git a/cliport/environments/assets/ur5/gripper/textures/gripper-2f_BaseColor.jpg b/cliport/environments/assets/ur5/gripper/textures/gripper-2f_BaseColor.jpg new file mode 100644 index 0000000000000000000000000000000000000000..3f5c689516ba0d1626a86a71888f94f0fec3d7e1 Binary files /dev/null and b/cliport/environments/assets/ur5/gripper/textures/gripper-2f_BaseColor.jpg differ diff --git a/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Metallic.jpg b/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Metallic.jpg new file mode 100644 index 0000000000000000000000000000000000000000..841d164ca63f902b7418e6d9f1c9c58350f35ec1 Binary files /dev/null and b/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Metallic.jpg differ diff --git a/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Normal.jpg b/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Normal.jpg new file mode 100644 index 0000000000000000000000000000000000000000..77cc5095021c9ef82b40d8de75c5fb4041f9460c Binary files /dev/null and b/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Normal.jpg differ diff --git a/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Roughness.jpg b/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Roughness.jpg new file mode 100644 index 0000000000000000000000000000000000000000..84439d4d6772b11202907033b3d39799fd91224b Binary files /dev/null and b/cliport/environments/assets/ur5/gripper/textures/gripper-2f_Roughness.jpg differ diff --git a/cliport/environments/assets/ur5/license.txt b/cliport/environments/assets/ur5/license.txt new file mode 100644 index 0000000000000000000000000000000000000000..55378df259580aed7990223ead89687c086c8cd7 --- /dev/null +++ b/cliport/environments/assets/ur5/license.txt @@ -0,0 +1,32 @@ +Original work Copyright 2018 ROS Industrial (https://rosindustrial.org/) +Modified work Copyright 2018 Virtana, Inc (www.virtanatech.com) + +Licensed under the Apache License, Version 2.0 (the "License"); +you may not use this file except in compliance with the License. +You may obtain a copy of the License at + +http://www.apache.org/licenses/LICENSE-2.0 + +Unless required by applicable law or agreed to in writing, software +distributed under the License is distributed on an "AS IS" BASIS, +WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express +or implied. See the License for the specific language governing +permissions and limitations under the License. + +Changenotes: + +2018-05-08: Vijay Pradeep (vijay@virtanatech.com) +The visual/ mesh files were generated from the dae files in the +ros-industrial universal robot repo [1]. Since the collada pyBullet +parser is somewhat limited, it is unable to parse the UR collada mesh +files. Thus, we imported these collada files into blender and +converted them into STL files. We lost material definitions during +the conversion, but that's ok. + +The URDF was generated by running the xacro xml preprocessor on the +URDF included in the ur_description repo already mentioned here. +Additional manual tweaking was required to update resource paths and +to remove errors caused by missing inertia elements. Varios Gazebo +plugin tags were also removed. + +[1] - https://github.com/ros-industrial/universal_robot/tree/kinetic-devel/ur_description/meshes/ur5/visual diff --git a/cliport/environments/assets/ur5/plane.obj b/cliport/environments/assets/ur5/plane.obj new file mode 100644 index 0000000000000000000000000000000000000000..6062095314e3d3f5b9da26a580ca2e6ee14623e6 --- /dev/null +++ b/cliport/environments/assets/ur5/plane.obj @@ -0,0 +1,18 @@ +# Blender v2.66 (sub 1) OBJ File: '' +# www.blender.org +mtllib plane.mtl +o Plane +v 15.000000 -15.000000 0.000000 +v 15.000000 15.000000 0.000000 +v -15.000000 15.000000 0.000000 +v -15.000000 -15.000000 0.000000 + +vt 15.000000 0.000000 +vt 15.000000 15.000000 +vt 0.000000 15.000000 +vt 0.000000 0.000000 + +usemtl Material +s off +f 1/1 2/2 3/3 +f 1/1 3/3 4/4 diff --git a/cliport/environments/assets/ur5/spatula/base.obj b/cliport/environments/assets/ur5/spatula/base.obj new file mode 100644 index 0000000000000000000000000000000000000000..e3fc8e71a08372d30e27a12a3a4b272262b9b802 --- /dev/null +++ b/cliport/environments/assets/ur5/spatula/base.obj @@ -0,0 +1,396 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 7.413 37.27 25 +v 7.413 37.27 0 +v 33.513 17.913 25 +v 35.107 14.542 25 +v 35.107 14.542 0 +v 33.513 17.913 0 +v -31.596 21.112 25 +v -31.596 21.112 0 +v -33.513 17.913 0 +v -33.513 17.913 25 +v 3.725 37.817 0 +v 3.725 37.817 25 +v -29.374 24.107 25 +v -29.374 24.107 0 +v 0 38 0 +v 11.031 36.364 25 +v 11.031 36.364 0 +v 14.542 35.107 25 +v 14.542 35.107 0 +v -37.27 -7.413 25 +v 17.913 33.513 25 +v -37.27 -7.413 0 +v -11.031 -36.364 25 +v 17.913 33.513 0 +v -36.364 -11.031 0 +v -14.542 -35.107 25 +v -26.87 26.87 25 +v -36.364 -11.031 25 +v -14.542 -35.107 0 +v -26.87 26.87 0 +v -3.725 37.817 0 +v -11.031 -36.364 0 +v 24.107 -29.374 25 +v -17.913 -33.513 25 +v -17.913 -33.513 0 +v 21.112 -31.596 25 +v 21.112 -31.596 0 +v 24.107 -29.374 0 +v -3.725 37.817 25 +v 0 38 25 +v 17.913 -33.513 25 +v 17.913 -33.513 0 +v 37.817 -3.725 25 +v -37.817 -3.725 25 +v -37.817 -3.725 0 +v 37.817 -3.725 0 +v 38 0 0 +v -21.112 -31.596 25 +v 38 0 25 +v 14.542 -35.107 25 +v -21.112 -31.596 0 +v 36.364 11.031 25 +v 14.542 -35.107 0 +v 36.364 11.031 0 +v 37.27 -7.413 25 +v 37.27 -7.413 0 +v -24.107 29.374 25 +v 21.112 31.596 25 +v -24.107 29.374 0 +v 36.364 -11.031 25 +v 21.112 31.596 0 +v 36.364 -11.031 0 +v -38 0 25 +v 11.031 -36.364 25 +v 11.031 -36.364 0 +v -21.112 31.596 25 +v -21.112 31.596 0 +v 7.413 -37.27 25 +v 7.413 -37.27 0 +v -17.913 33.513 25 +v -17.913 33.513 0 +v 24.107 29.374 0 +v -38 0 0 +v 26.87 26.87 0 +v 35.107 -14.542 25 +v 29.374 24.107 0 +v 35.107 -14.542 0 +v 31.596 21.112 0 +v 3.725 -37.817 25 +v 37.27 7.413 25 +v 3.725 -37.817 0 +v 24.107 29.374 25 +v -24.107 -29.374 25 +v -14.542 35.107 25 +v -24.107 -29.374 0 +v -14.542 35.107 0 +v 37.27 7.413 0 +v 33.513 -17.913 25 +v 37.817 3.725 0 +v 33.513 -17.913 0 +v -11.031 36.364 25 +v -11.031 36.364 0 +v -7.413 37.27 25 +v 26.87 26.87 25 +v -7.413 37.27 0 +v -26.87 -26.87 25 +v -26.87 -26.87 0 +v 37.817 3.725 25 +v 0 -38 25 +v 31.596 -21.112 25 +v 0 -38 0 +v 31.596 -21.112 0 +v 29.374 24.107 25 +v -29.374 -24.107 25 +v -29.374 -24.107 0 +v 29.374 -24.107 25 +v 31.596 21.112 25 +v 29.374 -24.107 0 +v -3.725 -37.817 25 +v -31.596 -21.112 25 +v -3.725 -37.817 0 +v -31.596 -21.112 0 +v -37.817 3.725 25 +v -37.817 3.725 0 +v 26.87 -26.87 25 +v 26.87 -26.87 0 +v -37.27 7.413 0 +v -37.27 7.413 25 +v -7.413 -37.27 25 +v -33.513 -17.913 25 +v -33.513 -17.913 0 +v -7.413 -37.27 0 +v -36.364 11.031 25 +v -36.364 11.031 0 +v -35.107 -14.542 25 +v -35.107 -14.542 0 +v -35.107 14.542 25 +v -35.107 14.542 0 +# 128 vertices + +g group_0_2829873 + +usemtl color_2829873 +s 0 + +f 3 4 5 +f 3 5 6 +f 7 8 9 +f 7 9 10 +f 1 2 11 +f 1 11 12 +f 16 17 2 +f 16 2 1 +f 13 14 8 +f 13 8 7 +f 18 19 17 +f 18 17 16 +f 23 26 29 +f 23 29 32 +f 26 34 35 +f 26 35 29 +f 33 36 37 +f 33 37 38 +f 15 31 39 +f 15 39 40 +f 20 22 25 +f 20 25 28 +f 36 41 42 +f 36 42 37 +f 44 45 22 +f 44 22 20 +f 21 24 19 +f 21 19 18 +f 43 46 47 +f 43 47 49 +f 27 30 14 +f 27 14 13 +f 41 50 53 +f 41 53 42 +f 43 55 56 +f 43 56 46 +f 34 48 51 +f 34 51 35 +f 4 52 54 +f 4 54 5 +f 50 64 65 +f 50 65 53 +f 57 59 30 +f 57 30 27 +f 55 60 62 +f 55 62 56 +f 66 67 59 +f 66 59 57 +f 64 68 69 +f 64 69 65 +f 58 61 24 +f 58 24 21 +f 63 73 45 +f 63 45 44 +f 70 71 67 +f 70 67 66 +f 60 75 77 +f 60 77 62 +f 82 72 61 +f 82 61 58 +f 68 79 81 +f 68 81 69 +f 48 83 85 +f 48 85 51 +f 84 86 71 +f 84 71 70 +f 75 88 90 +f 75 90 77 +f 91 92 86 +f 91 86 84 +f 15 11 2 +f 15 2 17 +f 15 17 19 +f 15 19 24 +f 15 24 61 +f 15 61 72 +f 15 72 74 +f 15 74 76 +f 15 76 78 +f 15 78 6 +f 15 6 5 +f 15 5 54 +f 15 54 87 +f 15 87 89 +f 15 89 47 +f 52 80 87 +f 52 87 54 +f 94 74 72 +f 94 72 82 +f 93 95 92 +f 93 92 91 +f 83 96 97 +f 83 97 85 +f 80 98 89 +f 80 89 87 +f 79 99 101 +f 79 101 81 +f 88 100 102 +f 88 102 90 +f 94 103 76 +f 94 76 74 +f 39 31 95 +f 39 95 93 +f 104 105 97 +f 104 97 96 +f 98 49 47 +f 98 47 89 +f 100 106 108 +f 100 108 102 +f 103 107 78 +f 103 78 76 +f 101 99 109 +f 101 109 111 +f 110 112 105 +f 110 105 104 +f 113 114 73 +f 113 73 63 +f 106 115 116 +f 106 116 108 +f 107 3 6 +f 107 6 78 +f 118 117 114 +f 118 114 113 +f 120 121 112 +f 120 112 110 +f 109 119 122 +f 109 122 111 +f 123 124 117 +f 123 117 118 +f 125 126 121 +f 125 121 120 +f 127 128 124 +f 127 124 123 +f 115 33 38 +f 115 38 116 +f 10 9 128 +f 10 128 127 +f 28 25 126 +f 28 126 125 +f 119 23 32 +f 119 32 122 +f 73 114 117 +f 73 117 124 +f 73 124 128 +f 73 128 9 +f 73 9 8 +f 73 8 14 +f 73 14 30 +f 73 30 59 +f 73 59 67 +f 73 67 71 +f 73 71 86 +f 73 86 92 +f 73 92 95 +f 73 95 31 +f 73 31 15 +f 81 101 15 +f 47 46 15 +f 46 56 15 +f 56 62 15 +f 62 77 15 +f 77 90 15 +f 90 102 15 +f 102 108 15 +f 108 116 15 +f 116 38 15 +f 38 37 15 +f 37 42 15 +f 42 53 15 +f 53 65 15 +f 69 15 65 +f 81 15 69 +f 45 73 15 +f 101 111 15 +f 111 122 15 +f 122 32 15 +f 32 29 15 +f 29 35 15 +f 35 51 15 +f 51 85 15 +f 85 97 15 +f 97 105 15 +f 105 112 15 +f 112 121 15 +f 121 126 15 +f 126 25 15 +f 22 15 25 +f 45 15 22 +f 49 98 80 +f 49 80 52 +f 49 52 4 +f 49 4 3 +f 49 3 107 +f 49 107 103 +f 49 103 94 +f 49 94 82 +f 49 82 58 +f 49 58 21 +f 49 21 18 +f 49 18 16 +f 49 16 1 +f 49 1 12 +f 49 12 40 +f 40 39 93 +f 40 93 91 +f 40 91 84 +f 40 84 70 +f 40 70 66 +f 40 66 57 +f 40 57 27 +f 40 27 13 +f 40 13 7 +f 40 7 10 +f 40 10 127 +f 40 127 123 +f 40 123 118 +f 40 118 113 +f 63 40 113 +f 68 40 79 +f 64 40 68 +f 50 40 64 +f 41 40 50 +f 36 40 41 +f 33 40 36 +f 115 40 33 +f 106 40 115 +f 100 40 106 +f 88 40 100 +f 75 40 88 +f 60 40 75 +f 55 40 60 +f 43 40 55 +f 49 40 43 +f 99 79 40 +f 20 40 44 +f 28 40 20 +f 125 40 28 +f 120 40 125 +f 110 40 120 +f 104 40 110 +f 96 40 104 +f 83 40 96 +f 48 40 83 +f 34 40 48 +f 26 40 34 +f 23 40 26 +f 119 40 23 +f 109 40 119 +f 99 40 109 +f 63 44 40 +f 12 11 15 +f 12 15 40 +# 252 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/spatula/spatula-base.urdf b/cliport/environments/assets/ur5/spatula/spatula-base.urdf new file mode 100644 index 0000000000000000000000000000000000000000..5c81d543ee08e6de5964a59c49d8398c3e9a0993 --- /dev/null +++ b/cliport/environments/assets/ur5/spatula/spatula-base.urdf @@ -0,0 +1,73 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/ur5/spatula/suction/base.obj b/cliport/environments/assets/ur5/spatula/suction/base.obj new file mode 100644 index 0000000000000000000000000000000000000000..e3fc8e71a08372d30e27a12a3a4b272262b9b802 --- /dev/null +++ b/cliport/environments/assets/ur5/spatula/suction/base.obj @@ -0,0 +1,396 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 7.413 37.27 25 +v 7.413 37.27 0 +v 33.513 17.913 25 +v 35.107 14.542 25 +v 35.107 14.542 0 +v 33.513 17.913 0 +v -31.596 21.112 25 +v -31.596 21.112 0 +v -33.513 17.913 0 +v -33.513 17.913 25 +v 3.725 37.817 0 +v 3.725 37.817 25 +v -29.374 24.107 25 +v -29.374 24.107 0 +v 0 38 0 +v 11.031 36.364 25 +v 11.031 36.364 0 +v 14.542 35.107 25 +v 14.542 35.107 0 +v -37.27 -7.413 25 +v 17.913 33.513 25 +v -37.27 -7.413 0 +v -11.031 -36.364 25 +v 17.913 33.513 0 +v -36.364 -11.031 0 +v -14.542 -35.107 25 +v -26.87 26.87 25 +v -36.364 -11.031 25 +v -14.542 -35.107 0 +v -26.87 26.87 0 +v -3.725 37.817 0 +v -11.031 -36.364 0 +v 24.107 -29.374 25 +v -17.913 -33.513 25 +v -17.913 -33.513 0 +v 21.112 -31.596 25 +v 21.112 -31.596 0 +v 24.107 -29.374 0 +v -3.725 37.817 25 +v 0 38 25 +v 17.913 -33.513 25 +v 17.913 -33.513 0 +v 37.817 -3.725 25 +v -37.817 -3.725 25 +v -37.817 -3.725 0 +v 37.817 -3.725 0 +v 38 0 0 +v -21.112 -31.596 25 +v 38 0 25 +v 14.542 -35.107 25 +v -21.112 -31.596 0 +v 36.364 11.031 25 +v 14.542 -35.107 0 +v 36.364 11.031 0 +v 37.27 -7.413 25 +v 37.27 -7.413 0 +v -24.107 29.374 25 +v 21.112 31.596 25 +v -24.107 29.374 0 +v 36.364 -11.031 25 +v 21.112 31.596 0 +v 36.364 -11.031 0 +v -38 0 25 +v 11.031 -36.364 25 +v 11.031 -36.364 0 +v -21.112 31.596 25 +v -21.112 31.596 0 +v 7.413 -37.27 25 +v 7.413 -37.27 0 +v -17.913 33.513 25 +v -17.913 33.513 0 +v 24.107 29.374 0 +v -38 0 0 +v 26.87 26.87 0 +v 35.107 -14.542 25 +v 29.374 24.107 0 +v 35.107 -14.542 0 +v 31.596 21.112 0 +v 3.725 -37.817 25 +v 37.27 7.413 25 +v 3.725 -37.817 0 +v 24.107 29.374 25 +v -24.107 -29.374 25 +v -14.542 35.107 25 +v -24.107 -29.374 0 +v -14.542 35.107 0 +v 37.27 7.413 0 +v 33.513 -17.913 25 +v 37.817 3.725 0 +v 33.513 -17.913 0 +v -11.031 36.364 25 +v -11.031 36.364 0 +v -7.413 37.27 25 +v 26.87 26.87 25 +v -7.413 37.27 0 +v -26.87 -26.87 25 +v -26.87 -26.87 0 +v 37.817 3.725 25 +v 0 -38 25 +v 31.596 -21.112 25 +v 0 -38 0 +v 31.596 -21.112 0 +v 29.374 24.107 25 +v -29.374 -24.107 25 +v -29.374 -24.107 0 +v 29.374 -24.107 25 +v 31.596 21.112 25 +v 29.374 -24.107 0 +v -3.725 -37.817 25 +v -31.596 -21.112 25 +v -3.725 -37.817 0 +v -31.596 -21.112 0 +v -37.817 3.725 25 +v -37.817 3.725 0 +v 26.87 -26.87 25 +v 26.87 -26.87 0 +v -37.27 7.413 0 +v -37.27 7.413 25 +v -7.413 -37.27 25 +v -33.513 -17.913 25 +v -33.513 -17.913 0 +v -7.413 -37.27 0 +v -36.364 11.031 25 +v -36.364 11.031 0 +v -35.107 -14.542 25 +v -35.107 -14.542 0 +v -35.107 14.542 25 +v -35.107 14.542 0 +# 128 vertices + +g group_0_2829873 + +usemtl color_2829873 +s 0 + +f 3 4 5 +f 3 5 6 +f 7 8 9 +f 7 9 10 +f 1 2 11 +f 1 11 12 +f 16 17 2 +f 16 2 1 +f 13 14 8 +f 13 8 7 +f 18 19 17 +f 18 17 16 +f 23 26 29 +f 23 29 32 +f 26 34 35 +f 26 35 29 +f 33 36 37 +f 33 37 38 +f 15 31 39 +f 15 39 40 +f 20 22 25 +f 20 25 28 +f 36 41 42 +f 36 42 37 +f 44 45 22 +f 44 22 20 +f 21 24 19 +f 21 19 18 +f 43 46 47 +f 43 47 49 +f 27 30 14 +f 27 14 13 +f 41 50 53 +f 41 53 42 +f 43 55 56 +f 43 56 46 +f 34 48 51 +f 34 51 35 +f 4 52 54 +f 4 54 5 +f 50 64 65 +f 50 65 53 +f 57 59 30 +f 57 30 27 +f 55 60 62 +f 55 62 56 +f 66 67 59 +f 66 59 57 +f 64 68 69 +f 64 69 65 +f 58 61 24 +f 58 24 21 +f 63 73 45 +f 63 45 44 +f 70 71 67 +f 70 67 66 +f 60 75 77 +f 60 77 62 +f 82 72 61 +f 82 61 58 +f 68 79 81 +f 68 81 69 +f 48 83 85 +f 48 85 51 +f 84 86 71 +f 84 71 70 +f 75 88 90 +f 75 90 77 +f 91 92 86 +f 91 86 84 +f 15 11 2 +f 15 2 17 +f 15 17 19 +f 15 19 24 +f 15 24 61 +f 15 61 72 +f 15 72 74 +f 15 74 76 +f 15 76 78 +f 15 78 6 +f 15 6 5 +f 15 5 54 +f 15 54 87 +f 15 87 89 +f 15 89 47 +f 52 80 87 +f 52 87 54 +f 94 74 72 +f 94 72 82 +f 93 95 92 +f 93 92 91 +f 83 96 97 +f 83 97 85 +f 80 98 89 +f 80 89 87 +f 79 99 101 +f 79 101 81 +f 88 100 102 +f 88 102 90 +f 94 103 76 +f 94 76 74 +f 39 31 95 +f 39 95 93 +f 104 105 97 +f 104 97 96 +f 98 49 47 +f 98 47 89 +f 100 106 108 +f 100 108 102 +f 103 107 78 +f 103 78 76 +f 101 99 109 +f 101 109 111 +f 110 112 105 +f 110 105 104 +f 113 114 73 +f 113 73 63 +f 106 115 116 +f 106 116 108 +f 107 3 6 +f 107 6 78 +f 118 117 114 +f 118 114 113 +f 120 121 112 +f 120 112 110 +f 109 119 122 +f 109 122 111 +f 123 124 117 +f 123 117 118 +f 125 126 121 +f 125 121 120 +f 127 128 124 +f 127 124 123 +f 115 33 38 +f 115 38 116 +f 10 9 128 +f 10 128 127 +f 28 25 126 +f 28 126 125 +f 119 23 32 +f 119 32 122 +f 73 114 117 +f 73 117 124 +f 73 124 128 +f 73 128 9 +f 73 9 8 +f 73 8 14 +f 73 14 30 +f 73 30 59 +f 73 59 67 +f 73 67 71 +f 73 71 86 +f 73 86 92 +f 73 92 95 +f 73 95 31 +f 73 31 15 +f 81 101 15 +f 47 46 15 +f 46 56 15 +f 56 62 15 +f 62 77 15 +f 77 90 15 +f 90 102 15 +f 102 108 15 +f 108 116 15 +f 116 38 15 +f 38 37 15 +f 37 42 15 +f 42 53 15 +f 53 65 15 +f 69 15 65 +f 81 15 69 +f 45 73 15 +f 101 111 15 +f 111 122 15 +f 122 32 15 +f 32 29 15 +f 29 35 15 +f 35 51 15 +f 51 85 15 +f 85 97 15 +f 97 105 15 +f 105 112 15 +f 112 121 15 +f 121 126 15 +f 126 25 15 +f 22 15 25 +f 45 15 22 +f 49 98 80 +f 49 80 52 +f 49 52 4 +f 49 4 3 +f 49 3 107 +f 49 107 103 +f 49 103 94 +f 49 94 82 +f 49 82 58 +f 49 58 21 +f 49 21 18 +f 49 18 16 +f 49 16 1 +f 49 1 12 +f 49 12 40 +f 40 39 93 +f 40 93 91 +f 40 91 84 +f 40 84 70 +f 40 70 66 +f 40 66 57 +f 40 57 27 +f 40 27 13 +f 40 13 7 +f 40 7 10 +f 40 10 127 +f 40 127 123 +f 40 123 118 +f 40 118 113 +f 63 40 113 +f 68 40 79 +f 64 40 68 +f 50 40 64 +f 41 40 50 +f 36 40 41 +f 33 40 36 +f 115 40 33 +f 106 40 115 +f 100 40 106 +f 88 40 100 +f 75 40 88 +f 60 40 75 +f 55 40 60 +f 43 40 55 +f 49 40 43 +f 99 79 40 +f 20 40 44 +f 28 40 20 +f 125 40 28 +f 120 40 125 +f 110 40 120 +f 104 40 110 +f 96 40 104 +f 83 40 96 +f 48 40 83 +f 34 40 48 +f 26 40 34 +f 23 40 26 +f 119 40 23 +f 109 40 119 +f 99 40 109 +f 63 44 40 +f 12 11 15 +f 12 15 40 +# 252 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/spatula/suction/spatula-base.urdf b/cliport/environments/assets/ur5/spatula/suction/spatula-base.urdf new file mode 100644 index 0000000000000000000000000000000000000000..5c81d543ee08e6de5964a59c49d8398c3e9a0993 --- /dev/null +++ b/cliport/environments/assets/ur5/spatula/suction/spatula-base.urdf @@ -0,0 +1,73 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/ur5/suction/base.obj b/cliport/environments/assets/ur5/suction/base.obj new file mode 100644 index 0000000000000000000000000000000000000000..e3fc8e71a08372d30e27a12a3a4b272262b9b802 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/base.obj @@ -0,0 +1,396 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 7.413 37.27 25 +v 7.413 37.27 0 +v 33.513 17.913 25 +v 35.107 14.542 25 +v 35.107 14.542 0 +v 33.513 17.913 0 +v -31.596 21.112 25 +v -31.596 21.112 0 +v -33.513 17.913 0 +v -33.513 17.913 25 +v 3.725 37.817 0 +v 3.725 37.817 25 +v -29.374 24.107 25 +v -29.374 24.107 0 +v 0 38 0 +v 11.031 36.364 25 +v 11.031 36.364 0 +v 14.542 35.107 25 +v 14.542 35.107 0 +v -37.27 -7.413 25 +v 17.913 33.513 25 +v -37.27 -7.413 0 +v -11.031 -36.364 25 +v 17.913 33.513 0 +v -36.364 -11.031 0 +v -14.542 -35.107 25 +v -26.87 26.87 25 +v -36.364 -11.031 25 +v -14.542 -35.107 0 +v -26.87 26.87 0 +v -3.725 37.817 0 +v -11.031 -36.364 0 +v 24.107 -29.374 25 +v -17.913 -33.513 25 +v -17.913 -33.513 0 +v 21.112 -31.596 25 +v 21.112 -31.596 0 +v 24.107 -29.374 0 +v -3.725 37.817 25 +v 0 38 25 +v 17.913 -33.513 25 +v 17.913 -33.513 0 +v 37.817 -3.725 25 +v -37.817 -3.725 25 +v -37.817 -3.725 0 +v 37.817 -3.725 0 +v 38 0 0 +v -21.112 -31.596 25 +v 38 0 25 +v 14.542 -35.107 25 +v -21.112 -31.596 0 +v 36.364 11.031 25 +v 14.542 -35.107 0 +v 36.364 11.031 0 +v 37.27 -7.413 25 +v 37.27 -7.413 0 +v -24.107 29.374 25 +v 21.112 31.596 25 +v -24.107 29.374 0 +v 36.364 -11.031 25 +v 21.112 31.596 0 +v 36.364 -11.031 0 +v -38 0 25 +v 11.031 -36.364 25 +v 11.031 -36.364 0 +v -21.112 31.596 25 +v -21.112 31.596 0 +v 7.413 -37.27 25 +v 7.413 -37.27 0 +v -17.913 33.513 25 +v -17.913 33.513 0 +v 24.107 29.374 0 +v -38 0 0 +v 26.87 26.87 0 +v 35.107 -14.542 25 +v 29.374 24.107 0 +v 35.107 -14.542 0 +v 31.596 21.112 0 +v 3.725 -37.817 25 +v 37.27 7.413 25 +v 3.725 -37.817 0 +v 24.107 29.374 25 +v -24.107 -29.374 25 +v -14.542 35.107 25 +v -24.107 -29.374 0 +v -14.542 35.107 0 +v 37.27 7.413 0 +v 33.513 -17.913 25 +v 37.817 3.725 0 +v 33.513 -17.913 0 +v -11.031 36.364 25 +v -11.031 36.364 0 +v -7.413 37.27 25 +v 26.87 26.87 25 +v -7.413 37.27 0 +v -26.87 -26.87 25 +v -26.87 -26.87 0 +v 37.817 3.725 25 +v 0 -38 25 +v 31.596 -21.112 25 +v 0 -38 0 +v 31.596 -21.112 0 +v 29.374 24.107 25 +v -29.374 -24.107 25 +v -29.374 -24.107 0 +v 29.374 -24.107 25 +v 31.596 21.112 25 +v 29.374 -24.107 0 +v -3.725 -37.817 25 +v -31.596 -21.112 25 +v -3.725 -37.817 0 +v -31.596 -21.112 0 +v -37.817 3.725 25 +v -37.817 3.725 0 +v 26.87 -26.87 25 +v 26.87 -26.87 0 +v -37.27 7.413 0 +v -37.27 7.413 25 +v -7.413 -37.27 25 +v -33.513 -17.913 25 +v -33.513 -17.913 0 +v -7.413 -37.27 0 +v -36.364 11.031 25 +v -36.364 11.031 0 +v -35.107 -14.542 25 +v -35.107 -14.542 0 +v -35.107 14.542 25 +v -35.107 14.542 0 +# 128 vertices + +g group_0_2829873 + +usemtl color_2829873 +s 0 + +f 3 4 5 +f 3 5 6 +f 7 8 9 +f 7 9 10 +f 1 2 11 +f 1 11 12 +f 16 17 2 +f 16 2 1 +f 13 14 8 +f 13 8 7 +f 18 19 17 +f 18 17 16 +f 23 26 29 +f 23 29 32 +f 26 34 35 +f 26 35 29 +f 33 36 37 +f 33 37 38 +f 15 31 39 +f 15 39 40 +f 20 22 25 +f 20 25 28 +f 36 41 42 +f 36 42 37 +f 44 45 22 +f 44 22 20 +f 21 24 19 +f 21 19 18 +f 43 46 47 +f 43 47 49 +f 27 30 14 +f 27 14 13 +f 41 50 53 +f 41 53 42 +f 43 55 56 +f 43 56 46 +f 34 48 51 +f 34 51 35 +f 4 52 54 +f 4 54 5 +f 50 64 65 +f 50 65 53 +f 57 59 30 +f 57 30 27 +f 55 60 62 +f 55 62 56 +f 66 67 59 +f 66 59 57 +f 64 68 69 +f 64 69 65 +f 58 61 24 +f 58 24 21 +f 63 73 45 +f 63 45 44 +f 70 71 67 +f 70 67 66 +f 60 75 77 +f 60 77 62 +f 82 72 61 +f 82 61 58 +f 68 79 81 +f 68 81 69 +f 48 83 85 +f 48 85 51 +f 84 86 71 +f 84 71 70 +f 75 88 90 +f 75 90 77 +f 91 92 86 +f 91 86 84 +f 15 11 2 +f 15 2 17 +f 15 17 19 +f 15 19 24 +f 15 24 61 +f 15 61 72 +f 15 72 74 +f 15 74 76 +f 15 76 78 +f 15 78 6 +f 15 6 5 +f 15 5 54 +f 15 54 87 +f 15 87 89 +f 15 89 47 +f 52 80 87 +f 52 87 54 +f 94 74 72 +f 94 72 82 +f 93 95 92 +f 93 92 91 +f 83 96 97 +f 83 97 85 +f 80 98 89 +f 80 89 87 +f 79 99 101 +f 79 101 81 +f 88 100 102 +f 88 102 90 +f 94 103 76 +f 94 76 74 +f 39 31 95 +f 39 95 93 +f 104 105 97 +f 104 97 96 +f 98 49 47 +f 98 47 89 +f 100 106 108 +f 100 108 102 +f 103 107 78 +f 103 78 76 +f 101 99 109 +f 101 109 111 +f 110 112 105 +f 110 105 104 +f 113 114 73 +f 113 73 63 +f 106 115 116 +f 106 116 108 +f 107 3 6 +f 107 6 78 +f 118 117 114 +f 118 114 113 +f 120 121 112 +f 120 112 110 +f 109 119 122 +f 109 122 111 +f 123 124 117 +f 123 117 118 +f 125 126 121 +f 125 121 120 +f 127 128 124 +f 127 124 123 +f 115 33 38 +f 115 38 116 +f 10 9 128 +f 10 128 127 +f 28 25 126 +f 28 126 125 +f 119 23 32 +f 119 32 122 +f 73 114 117 +f 73 117 124 +f 73 124 128 +f 73 128 9 +f 73 9 8 +f 73 8 14 +f 73 14 30 +f 73 30 59 +f 73 59 67 +f 73 67 71 +f 73 71 86 +f 73 86 92 +f 73 92 95 +f 73 95 31 +f 73 31 15 +f 81 101 15 +f 47 46 15 +f 46 56 15 +f 56 62 15 +f 62 77 15 +f 77 90 15 +f 90 102 15 +f 102 108 15 +f 108 116 15 +f 116 38 15 +f 38 37 15 +f 37 42 15 +f 42 53 15 +f 53 65 15 +f 69 15 65 +f 81 15 69 +f 45 73 15 +f 101 111 15 +f 111 122 15 +f 122 32 15 +f 32 29 15 +f 29 35 15 +f 35 51 15 +f 51 85 15 +f 85 97 15 +f 97 105 15 +f 105 112 15 +f 112 121 15 +f 121 126 15 +f 126 25 15 +f 22 15 25 +f 45 15 22 +f 49 98 80 +f 49 80 52 +f 49 52 4 +f 49 4 3 +f 49 3 107 +f 49 107 103 +f 49 103 94 +f 49 94 82 +f 49 82 58 +f 49 58 21 +f 49 21 18 +f 49 18 16 +f 49 16 1 +f 49 1 12 +f 49 12 40 +f 40 39 93 +f 40 93 91 +f 40 91 84 +f 40 84 70 +f 40 70 66 +f 40 66 57 +f 40 57 27 +f 40 27 13 +f 40 13 7 +f 40 7 10 +f 40 10 127 +f 40 127 123 +f 40 123 118 +f 40 118 113 +f 63 40 113 +f 68 40 79 +f 64 40 68 +f 50 40 64 +f 41 40 50 +f 36 40 41 +f 33 40 36 +f 115 40 33 +f 106 40 115 +f 100 40 106 +f 88 40 100 +f 75 40 88 +f 60 40 75 +f 55 40 60 +f 43 40 55 +f 49 40 43 +f 99 79 40 +f 20 40 44 +f 28 40 20 +f 125 40 28 +f 120 40 125 +f 110 40 120 +f 104 40 110 +f 96 40 104 +f 83 40 96 +f 48 40 83 +f 34 40 48 +f 26 40 34 +f 23 40 26 +f 119 40 23 +f 109 40 119 +f 99 40 109 +f 63 44 40 +f 12 11 15 +f 12 15 40 +# 252 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/suction/head.obj b/cliport/environments/assets/ur5/suction/head.obj new file mode 100644 index 0000000000000000000000000000000000000000..4d7ca048f5487ee00079986b662674259fd5f8c6 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/head.obj @@ -0,0 +1,396 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0.001 5.001 0 +v 0.492 4.977 0 +v 0.977 4.905 0 +v 1.453 4.786 0 +v 1.915 4.621 0 +v 2.358 4.411 0 +v 2.779 4.159 0 +v 3.173 3.866 0 +v 3.537 3.537 0 +v 3.866 3.173 0 +v 4.159 2.779 0 +v 4.411 2.358 0 +v 4.621 1.915 0 +v 4.786 1.453 0 +v 4.905 0.977 0 +v 4.977 0.492 0 +v 5.001 0.001 0 +v -2.776 4.159 0 +v 4.159 -2.776 30 +v -2.356 4.411 0 +v -1.912 4.621 0 +v -1.45 4.786 0 +v -0.974 4.905 0 +v -0.489 4.977 0 +v 4.411 -2.356 30 +v 4.621 -1.912 30 +v 4.786 -1.45 30 +v -4.999 0.001 0 +v -4.974 0.492 0 +v -4.903 0.977 0 +v -4.783 1.453 0 +v -4.618 1.915 0 +v -4.408 2.358 0 +v 4.905 -0.974 30 +v -4.156 2.779 0 +v -3.864 3.173 0 +v -3.534 3.537 0 +v -3.171 3.866 0 +v 4.977 -0.489 30 +v 4.977 -0.489 0 +v 4.905 -0.974 0 +v 4.786 -1.45 0 +v 4.621 -1.912 0 +v 4.411 -2.356 0 +v 4.159 -2.776 0 +v 0.001 -4.999 30 +v 3.866 -3.171 0 +v 3.537 -3.534 0 +v 3.173 -3.864 0 +v 2.779 -4.156 0 +v 2.358 -4.408 0 +v 1.915 -4.618 0 +v 0.492 -4.974 30 +v 1.453 -4.783 0 +v 0.977 -4.902 0 +v 0.492 -4.974 0 +v 0.001 -4.999 0 +v 0.977 -4.902 30 +v 1.453 -4.783 30 +v 1.915 -4.618 30 +v -3.171 -3.864 0 +v -3.534 -3.534 0 +v -3.864 -3.171 0 +v -4.156 -2.776 0 +v -4.408 -2.356 0 +v -4.618 -1.912 0 +v -4.783 -1.45 0 +v -4.903 -0.974 0 +v -4.974 -0.489 0 +v 2.358 -4.408 30 +v 2.779 -4.156 30 +v -0.489 -4.974 0 +v -0.974 -4.902 0 +v -1.45 -4.783 0 +v -1.912 -4.618 0 +v -2.356 -4.408 0 +v -2.776 -4.156 0 +v 3.173 -3.864 30 +v 3.537 -3.534 30 +v 0.001 5.001 30 +v 2.779 4.159 30 +v 2.358 4.411 30 +v 1.915 4.621 30 +v 3.866 -3.171 30 +v 1.453 4.786 30 +v 0.977 4.905 30 +v 0.492 4.977 30 +v 5.001 0.001 30 +v 4.977 0.492 30 +v 4.905 0.977 30 +v 4.786 1.453 30 +v 4.621 1.915 30 +v 4.411 2.358 30 +v 4.159 2.779 30 +v 3.866 3.173 30 +v 3.537 3.537 30 +v 3.173 3.866 30 +v -0.489 4.977 30 +v -0.974 4.905 30 +v -1.45 4.786 30 +v -1.912 4.621 30 +v -2.356 4.411 30 +v -2.776 4.159 30 +v -3.171 3.866 30 +v -3.534 3.537 30 +v -3.864 3.173 30 +v -4.156 2.779 30 +v -4.408 2.358 30 +v -4.618 1.915 30 +v -4.783 1.453 30 +v -4.903 0.977 30 +v -4.974 0.492 30 +v -4.999 0.001 30 +v -4.974 -0.489 30 +v -4.903 -0.974 30 +v -4.783 -1.45 30 +v -4.618 -1.912 30 +v -4.408 -2.356 30 +v -4.156 -2.776 30 +v -3.864 -3.171 30 +v -3.534 -3.534 30 +v -3.171 -3.864 30 +v -0.489 -4.974 30 +v -2.776 -4.156 30 +v -2.356 -4.408 30 +v -1.912 -4.618 30 +v -1.45 -4.783 30 +v -0.974 -4.902 30 +# 128 vertices + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 2 3 1 +f 1 3 4 +f 1 4 5 +f 1 5 6 +f 1 6 7 +f 1 7 8 +f 9 10 8 +f 8 10 11 +f 8 11 12 +f 8 12 13 +f 8 13 14 +f 8 14 15 +f 8 15 16 +f 8 16 17 +f 8 17 40 +f 22 8 21 +f 20 21 8 +f 23 8 22 +f 24 8 23 +f 1 8 24 +f 18 20 8 +f 31 8 30 +f 32 8 31 +f 33 8 32 +f 35 8 33 +f 29 30 8 +f 36 8 35 +f 37 8 36 +f 38 8 37 +f 18 8 38 +f 28 29 8 +f 44 8 43 +f 42 43 8 +f 41 42 8 +f 45 8 44 +f 47 8 45 +f 50 8 49 +f 51 8 50 +f 48 49 8 +f 52 8 51 +f 54 8 52 +f 55 8 54 +f 56 8 55 +f 57 8 56 +f 72 8 57 +f 47 48 8 +f 40 41 8 +f 64 8 63 +f 65 8 64 +f 66 8 65 +f 62 63 8 +f 67 8 66 +f 68 8 67 +f 69 8 68 +f 28 8 69 +f 61 62 8 +f 72 73 8 +f 75 8 74 +f 73 74 8 +f 76 8 75 +f 77 8 76 +f 61 8 77 +f 98 82 80 +f 80 83 85 +f 80 85 86 +f 80 86 87 +f 19 45 44 +f 19 44 25 +f 43 26 44 +f 43 42 27 +f 42 41 27 +f 89 90 88 +f 88 90 91 +f 88 91 92 +f 88 92 93 +f 88 93 94 +f 88 94 95 +f 96 97 88 +f 97 81 88 +f 82 88 81 +f 95 96 88 +f 114 115 82 +f 25 44 26 +f 34 27 41 +f 43 27 26 +f 34 41 40 +f 99 82 98 +f 100 82 99 +f 101 82 100 +f 102 82 101 +f 103 82 102 +f 83 80 82 +f 55 58 53 +f 34 40 39 +f 58 55 54 +f 82 103 104 +f 82 104 105 +f 82 105 106 +f 82 106 107 +f 82 107 108 +f 82 108 109 +f 82 109 110 +f 82 110 111 +f 82 111 112 +f 82 112 113 +f 82 113 114 +f 56 53 57 +f 53 56 55 +f 39 88 82 +f 19 25 82 +f 25 26 82 +f 27 82 26 +f 34 82 27 +f 39 82 34 +f 57 53 46 +f 70 82 60 +f 59 60 82 +f 58 59 82 +f 71 82 70 +f 53 58 82 +f 78 82 71 +f 79 82 78 +f 84 82 79 +f 19 82 84 +f 46 53 82 +f 122 124 82 +f 71 50 78 +f 54 59 58 +f 5 83 82 +f 71 51 50 +f 48 78 49 +f 59 54 60 +f 52 60 54 +f 5 85 83 +f 49 78 50 +f 52 51 60 +f 70 60 51 +f 116 82 115 +f 117 82 116 +f 118 82 117 +f 119 82 118 +f 120 82 119 +f 121 82 120 +f 122 82 121 +f 85 4 3 +f 71 70 51 +f 46 82 123 +f 125 126 82 +f 123 82 128 +f 127 82 126 +f 128 82 127 +f 124 125 82 +f 48 79 78 +f 24 98 80 +f 48 47 79 +f 84 79 47 +f 16 89 88 +f 84 47 19 +f 16 90 89 +f 95 94 11 +f 14 91 90 +f 82 7 6 +f 92 91 13 +f 12 92 13 +f 80 1 24 +f 8 97 96 +f 76 75 125 +f 57 46 72 +f 126 75 127 +f 72 123 128 +f 46 123 72 +f 81 97 7 +f 7 82 81 +f 69 68 114 +f 85 3 86 +f 115 67 116 +f 117 116 66 +f 86 3 87 +f 2 87 3 +f 37 105 104 +f 116 67 66 +f 2 80 87 +f 121 120 62 +f 66 65 118 +f 66 118 117 +f 121 62 122 +f 61 122 62 +f 65 119 118 +f 120 119 63 +f 107 35 33 +f 115 114 68 +f 122 61 124 +f 120 63 62 +f 68 67 115 +f 14 13 91 +f 77 124 61 +f 113 29 28 +f 77 76 124 +f 125 124 76 +f 12 93 92 +f 126 125 75 +f 119 65 64 +f 113 28 114 +f 69 114 28 +f 127 75 74 +f 112 111 29 +f 94 93 12 +f 74 73 127 +f 64 63 119 +f 128 73 72 +f 112 29 113 +f 104 18 38 +f 104 38 37 +f 98 24 23 +f 8 7 97 +f 35 107 106 +f 40 88 39 +f 110 109 31 +f 101 21 20 +f 128 127 73 +f 98 23 99 +f 23 100 99 +f 6 5 82 +f 101 20 102 +f 85 5 4 +f 20 18 103 +f 20 103 102 +f 18 104 103 +f 1 80 2 +f 37 106 105 +f 107 33 108 +f 33 109 108 +f 88 17 16 +f 15 90 16 +f 15 14 90 +f 94 12 11 +f 10 95 11 +f 95 10 96 +f 9 96 10 +f 9 8 96 +f 40 17 88 +f 100 22 101 +f 109 33 32 +f 32 31 109 +f 111 110 30 +f 31 30 110 +f 111 30 29 +f 100 23 22 +f 21 101 22 +f 37 36 106 +f 36 35 106 +f 19 47 45 +# 252 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/suction/mid.obj b/cliport/environments/assets/ur5/suction/mid.obj new file mode 100644 index 0000000000000000000000000000000000000000..260fe0669e6a1fb73287c5bb469d1d2c4c1f68b4 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/mid.obj @@ -0,0 +1,2134 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 24.107 -29.374 0 +v 21.112 -31.596 0 +v 30.297 8.013 24.448 +v 17.913 -33.513 0 +v 26.312 25.97 20.313 +v 14.542 -35.107 0 +v 31.366 0 24.448 +v 29 0 24.7348 +v -29.4178 -24.048 15.875 +v -29.3593 -24.1232 15.875 +v -17.841 30.499 22.151 +v 23.821 -23.511 23.561 +v -9.235 34.018 22.151 +v 34.5141 -15.7959 17 +v 35.107 -14.542 17 +v 35.4949 -13.4585 17 +v 35.0704 -14.4701 17 +v 35.107 -14.542 16.5646 +v 19.086 -32.629 18.172 +v 34.7754 -15.2433 16.808 +v 36.871 -9.751 18.172 +v 0 35.218 22.151 +v 23.0418 -29.8391 17 +v 19.2451 -32.7147 17 +v 21.112 -31.596 17 +v 24.107 -29.374 17 +v 0 33.25 23.561 +v 27.224 26.87 15.875 +v -27.224 -26.87 15.875 +v -20.1874 32.1501 16.1531 +v -20.4974 31.9643 15.875 +v 38.172 0 18.172 +v 18.605 -31.807 20.313 +v -9.3502 36.7849 15.875 +v 35.943 -9.506 20.313 +v -9.965 36.705 15.875 +v 37.21 0 20.313 +v 17.84 -30.499 22.151 +v -10.342 36.5365 15.9699 +v -10.4325 36.5139 15.875 +v 27.751 -8.418 24.75 +v 26.792 -11.098 24.75 +v 26.792 -11.098 24.6977 +v 27.751 -8.418 24.7164 +v 34.465 -9.115 22.151 +v 35.681 0 22.151 +v 25.576 -13.67 24.7131 +v 22.179 -21.891 24.448 +v 33.687 0 23.561 +v 27.0371 26.6856 14.025 +v -27.0371 -26.6856 14.025 +v 37.188 -9.835 15.875 +v -32.6246 -19.3954 13.578 +v 20.1874 -32.1501 16.1531 +v 20.4974 -31.9643 15.875 +v 26.87 26.87 14.3533 +v 38.5 0 15.875 +v -26.87 -26.87 14.3533 +v -31.596 -21.112 15.2913 +v -32.4905 -19.6194 13.8015 +v 25.576 -13.67 24.75 +v -15.683 -26.811 24.448 +v 25.1718 -14.3444 24.7268 +v 24.6473 -15.2195 24.7117 +v -19.1645 32.763 14.6776 +v -36.871 -9.751 18.172 +v 24.113 -16.111 24.6963 +v -38.172 0 18.172 +v -35.4943 -13.4603 17 +v -35.107 -14.542 17 +v -35.1653 -14.2444 17 +v -35.3852 -13.7649 16.8777 +v -13.1265 13.1265 35.747 +v -18.625 18.625 24.75 +v -13.1265 -13.1265 35.747 +v 25.23 24.903 22.151 +v -9.9461 36.6357 15.3646 +v -9.4809 36.7522 15.7634 +v -18.625 -18.625 24.75 +v 16.844 -28.795 23.561 +v -34.5149 -15.7941 17 +v -35.107 -14.542 16.5651 +v -13 -13 35.747 +v -13 -10 35.747 +v -13 10 35.747 +v -13 13 35.747 +v -13.671 25.576 24.75 +v -16.112 24.113 24.75 +v -18.397 22.417 24.75 +v -20.506 20.506 24.75 +v -22.417 18.397 24.75 +v -24.113 16.112 24.75 +v -25.576 13.671 24.75 +v -35.943 -9.506 20.313 +v -26.793 11.098 24.75 +v -27.751 8.418 24.75 +v -37.211 0 20.313 +v -28.443 5.658 24.75 +v -28.86 2.843 24.75 +v 24.113 -16.111 24.75 +v -29 0 24.75 +v 36.6961 -9.7048 13.1747 +v 36.523 -10.3962 13.4177 +v 36.4086 -10.8531 13.578 +v -8.719 32.117 23.561 +v -28.86 -2.842 24.75 +v -28.443 -5.658 24.75 +v -27.751 -8.418 24.75 +v -26.793 -11.098 24.75 +v -25.576 -13.67 24.75 +v -24.113 -16.111 24.75 +v -22.417 -18.397 24.75 +v -20.506 -20.506 24.75 +v 36.871 -9.751 13.578 +v 22.417 -18.397 24.6885 +v -34.465 -9.115 22.151 +v -18.397 -22.417 24.75 +v -16.112 -24.113 24.75 +v -13.671 -25.576 24.75 +v -35.681 0 22.151 +v 37.9544 -0.9279 13.3691 +v -27.9473 25.6813 17 +v 37.8998 -2.0405 13.578 +v 19.1645 -32.763 14.6776 +v -28.6531 24.9024 16.4377 +v -8.118 29.904 24.448 +v 37.0837 -8.1571 13.578 +v -33.688 0 23.561 +v 38.172 0 13.578 +v 0 30.959 24.448 +v 22.417 -18.397 24.75 +v -25.23 -24.903 22.151 +v 20.6333 -20.3655 24.7131 +v 20.506 -20.506 24.7087 +v 0 29 24.6886 +v 38 0 13.1954 +v -38.5 0 15.875 +v -37.188 -9.835 15.875 +v 13 13 35.747 +v 15.683 -26.811 24.448 +v 11.098 26.793 24.75 +v 8.418 27.751 24.75 +v 5.658 28.443 24.75 +v 35.3852 -13.7649 14.8723 +v 2.842 28.86 24.75 +v 35.107 -14.542 15.1849 +v 0 29 24.75 +v 17.913 -33.513 17 +v 19.107 -32.7975 17 +v 18.2144 -33.3324 15.875 +v -2.843 28.86 24.75 +v -5.658 28.443 24.75 +v -8.418 27.751 24.75 +v -11.098 26.793 24.75 +v 28.6531 24.9024 15.3123 +v 19.25 -32.909 15.875 +v 20.506 -20.506 24.75 +v 36.364 -11.031 13.7743 +v 2.2501 28.8892 24.6663 +v 19.5525 -21.3699 24.6948 +v 18.397 -22.417 24.6779 +v 2.842 28.86 24.6604 +v 37.817 -3.725 14.5724 +v 37.3366 -6.964 14.2345 +v 37.27 -7.413 14.1876 +v 37.2447 -7.5139 14.105 +v 5.658 28.443 24.6667 +v 18.397 -22.417 24.75 +v 16.111 -24.113 24.6813 +v 7.5897 27.9587 24.6954 +v 8.418 27.751 24.6804 +v 18.3829 -33.2314 15.6624 +v 15.683 26.811 24.448 +v 16.111 -24.113 24.75 +v 33.058 -18.838 18.172 +v 14.6252 -25.0035 24.7044 +v -28.6531 -24.9024 15.3123 +v 13.67 -25.576 24.6836 +v 9.5463 27.3477 24.6737 +v 33.342 -19 15.875 +v 11.098 26.793 24.6646 +v 13.67 -25.576 24.75 +v 14.4322 -34.7087 17 +v 14.542 -35.107 17 +v -23.821 -23.511 23.561 +v 13 10 78 +v 13 -10 78 +v 13 -10 35.747 +v 13 10 35.747 +v 13 13 78 +v -36.6961 -9.7048 13.1747 +v -36.9012 -8.8859 13.3881 +v -37.0837 -8.1571 13.578 +v 13 -13 78 +v 13 -13 35.747 +v -38 0 0 +v -37.817 3.725 0 +v -37.27 7.413 0 +v -36.364 11.031 0 +v -35.107 14.542 0 +v -33.513 17.913 0 +v -31.596 21.112 0 +v -29.374 24.107 0 +v 32.9839 -18.7959 13.3878 +v 32.787 -19.1245 13.492 +v -37.8998 -2.0405 13.578 +v -38 0 13.195 +v 33.058 -18.838 13.578 +v -37.817 -3.725 0 +v -36.871 -9.751 13.578 +v -29.374 -24.107 0 +v -31.596 -21.112 0 +v -33.513 -17.913 0 +v -35.107 -14.542 0 +v -36.364 -11.031 0 +v -37.27 -7.413 0 +v -12.9343 25.9244 24.6781 +v -11.098 26.793 24.6646 +v -29 0 24.7348 +v -28.9728 0.5514 24.7292 +v 23.821 23.511 23.561 +v -28.86 2.843 24.7058 +v -38.172 0 13.578 +v 33.29 -18.2852 13.578 +v -26.87 26.87 0 +v -8.418 27.751 24.6804 +v -26.4007 27.2953 17 +v -26.992 26.641 18.172 +v -7.5897 27.9587 24.6954 +v -5.658 28.443 24.6667 +v 33.513 -17.913 14.0141 +v -36.4086 -10.8531 13.578 +v 33.3822 -18.1313 13.7583 +v -26.312 25.97 20.313 +v -5.3976 28.4816 24.6661 +v -2.843 28.86 24.6604 +v 29.374 24.107 0 +v 31.596 21.112 0 +v 33.513 17.913 0 +v 35.107 14.542 0 +v 36.364 11.031 0 +v 37.27 7.413 0 +v 37.817 3.725 0 +v 38 0 0 +v -29.374 24.107 17 +v -31.596 21.112 17 +v -37.7626 -4.0915 14.5336 +v -30.0813 22.9362 17 +v -37.817 -3.725 14.5719 +v 30.297 -8.013 24.448 +v -37.8341 -3.3776 14.3669 +v -13.671 -25.576 24.6835 +v 37.817 -3.725 0 +v 37.27 -7.413 0 +v 36.364 -11.031 0 +v 35.107 -14.542 0 +v 33.513 -17.913 0 +v 31.596 -21.112 0 +v 29.374 -24.107 0 +v -13 13 78 +v -22.179 -21.891 24.448 +v 14.542 35.107 0 +v 17.913 33.513 0 +v 21.112 31.596 0 +v 24.107 29.374 0 +v -10 10 35.747 +v -10 -10 35.747 +v 10 -10 35.747 +v 10 10 35.747 +v -10 10 78 +v -10 -10 78 +v 26.87 26.87 0 +v -31.921 20.5697 17 +v 10 10 78 +v 10 -10 78 +v -31.596 21.112 16.4587 +v 22.179 21.891 24.448 +v -37.27 -7.413 14.1873 +v 32.54 -8.606 23.561 +v 11.031 -36.364 0 +v -25.0698 28.5015 15.875 +v 7.413 -37.27 0 +v -27.224 26.87 15.875 +v 3.725 -37.817 0 +v -32.225 18.364 20.313 +v 0 -38 0 +v -3.725 -37.817 0 +v -7.413 -37.27 0 +v -11.031 -36.364 0 +v -30.901 17.609 22.151 +v -34.7754 -15.2433 14.942 +v 13.67 25.576 24.6836 +v -35.107 -14.542 15.1854 +v 8.719 -32.117 23.561 +v -36.0809 -11.8217 14.0923 +v -36.364 -11.031 13.7744 +v 13.67 25.576 24.75 +v 13 10 0 +v 13 13 0 +v 26.87 -26.87 0 +v -16.112 -24.113 24.6813 +v 29.374 -24.107 17 +v 31.596 -21.112 17 +v 30.0813 -22.9362 17 +v -14.6261 -25.0036 24.7044 +v -29.174 16.625 23.561 +v 8.118 -29.904 24.448 +v -33.058 -18.838 18.172 +v 31.921 -20.5697 17 +v 0 -30.959 24.448 +v 31.596 -21.112 16.4587 +v -25.6086 28.0132 15.419 +v -33.342 -19 15.875 +v 13 -13 0 +v 13 -10 0 +v 0 -29 24.6886 +v -27.0371 26.6856 14.025 +v -26.87 26.87 14.3533 +v 14.6252 25.0035 24.7044 +v 32.225 -18.364 20.313 +v -29.4178 24.048 15.875 +v 0 -38 17 +v 3.725 -37.817 17 +v 7.413 -37.27 17 +v 4.8389 -37.2129 17 +v 16.111 24.113 24.6813 +v 0 -37.8413 17 +v -29.3593 24.1232 15.875 +v 30.901 -17.609 22.151 +v -27.164 15.479 24.448 +v 9.88 -36.393 18.172 +v 0 -37.676 18.172 +v 16.111 24.113 24.75 +v 9.9234 -36.5522 17 +v 9.9461 -36.6357 16.3854 +v -16.2025 -24.0458 24.6812 +v 29.174 -16.625 23.561 +v 11.031 -36.364 17 +v -18.397 -22.417 24.6779 +v 33.058 18.838 18.172 +v -33.1638 -18.4957 13.4995 +v 18.397 22.417 24.6779 +v -33.29 -18.2852 13.578 +v 16.2014 24.0459 24.6812 +v -33.058 -18.838 13.578 +v -28.443 5.658 24.7109 +v 33.342 19 15.875 +v -32.9839 -18.7959 13.3878 +v 9.631 -35.476 20.313 +v 18.397 22.417 24.75 +v -27.164 -15.479 24.448 +v 29.4178 -24.048 15.875 +v 29.3593 -24.1232 15.875 +v 0 -36.727 20.313 +v -33.513 -17.913 14.0143 +v -32.6246 19.3954 13.578 +v -25.23 24.903 22.151 +v 20.506 20.506 24.7087 +v 9.235 -34.018 22.151 +v -20.506 -20.506 24.7087 +v 27.164 15.479 24.448 +v 0 -35.218 22.151 +v -31.6197 21.0725 15.252 +v -31.596 21.112 15.2914 +v 33.1638 18.4957 13.4995 +v 33.29 18.2852 13.578 +v 33.058 18.838 13.578 +v -14.542 -35.107 0 +v -17.913 -33.513 0 +v -21.112 -31.596 0 +v -24.107 -29.374 0 +v 0 -33.25 23.561 +v 32.9839 18.7959 13.3878 +v 20.506 20.506 24.75 +v -21.5138 -19.3937 24.7009 +v -22.417 -18.397 24.6885 +v -20.6333 -20.3655 24.7131 +v 32.6246 -19.3954 13.578 +v 21.5138 19.3937 24.7009 +v 22.417 18.397 24.6885 +v 33.513 17.913 14.0143 +v 20.6333 20.3655 24.7131 +v -32.54 8.606 23.561 +v 9.3502 -36.7849 15.875 +v -24.113 -16.111 24.6964 +v 31.596 -21.112 15.2914 +v 31.6197 -21.0725 15.252 +v 9.965 -36.705 15.875 +v -24.107 -29.374 17 +v -21.112 -31.596 17 +v 10.342 -36.5365 15.9699 +v -23.2383 -29.6906 17 +v 10.4325 -36.5139 15.875 +v 22.417 18.397 24.75 +v -19.086 -32.629 18.172 +v 36.871 9.751 18.172 +v -19.2451 -32.7147 17 +v -25.172 -14.344 24.7269 +v 35.4943 13.4603 17 +v -25.576 -13.67 24.7132 +v 35.107 14.542 17 +v 35.1653 14.2444 17 +v -30.297 8.013 24.448 +v 35.3852 13.7649 16.8777 +v 24.113 16.112 24.6962 +v -31.366 0 24.448 +v -18.605 -31.807 20.313 +v 34.5149 15.7941 17 +v 24.113 16.112 24.75 +v 19.25 32.909 15.875 +v 35.107 14.542 16.5651 +v 25.1722 14.3447 24.7267 +v 25.576 13.671 24.7131 +v 19.107 32.7975 17 +v 17.913 33.513 17 +v 18.3829 33.2314 16.0876 +v -25.6732 -13.4645 24.712 +v -26.793 -11.098 24.6976 +v -17.841 -30.499 22.151 +v 35.943 9.506 20.313 +v 25.576 13.671 24.75 +v -33.058 18.838 18.172 +v 18.2144 33.3324 15.875 +v -33.342 19 15.875 +v -27.751 8.418 24.7164 +v -28.0047 7.4061 24.7357 +v -27.8234 8.1291 24.7219 +v 25.6751 13.4612 24.7118 +v -27.751 -8.418 24.7164 +v 34.465 9.115 22.151 +v 26.792 11.098 24.6977 +v -20.4974 -31.9643 15.875 +v -28.1502 -6.8258 24.7275 +v -28.443 -5.658 24.7109 +v -28.0047 -7.4061 24.7357 +v 26.792 11.098 24.75 +v 27.751 8.418 24.7164 +v 9.9461 -36.6357 15.3646 +v 9.4809 -36.7522 15.7634 +v 27.751 8.418 24.75 +v -28.86 -2.842 24.7059 +v 28.1502 6.8258 24.7275 +v 28.443 5.658 24.7109 +v -32.9839 18.7959 13.3878 +v -32.787 19.1245 13.492 +v 28.0047 7.4061 24.7357 +v -33.058 18.838 13.578 +v -13 10 78 +v 37.188 9.835 15.875 +v -13 -10 78 +v 28.443 5.658 24.75 +v 14.542 35.107 17 +v -23.821 23.511 23.561 +v 14.6609 34.6154 17 +v -13 -13 78 +v 28.86 2.843 24.7058 +v -8.719 -32.117 23.561 +v 28.86 2.843 24.75 +v -33.29 18.2852 13.578 +v 29 0 24.75 +v 0 38 0 +v 3.725 37.817 0 +v 7.413 37.27 0 +v 11.031 36.364 0 +v -3.725 37.817 0 +v -8.118 -29.904 24.448 +v 28.9728 -0.5513 24.7292 +v -11.031 36.364 0 +v -7.413 37.27 0 +v 28.86 -2.842 24.7059 +v -19.1645 -32.763 14.6776 +v -20.1874 -32.1501 15.5969 +v -33.513 17.913 14.0141 +v -33.3822 18.1313 13.7583 +v -26.793 11.098 24.6976 +v -34.5141 15.7959 17 +v -35.107 14.542 17 +v -35.4949 13.4585 17 +v -35.0704 14.4701 17 +v -35.107 14.542 16.5646 +v -34.7754 15.2433 16.808 +v -14.542 -35.107 17 +v -36.871 9.751 18.172 +v -14.6609 -34.6154 17 +v -13 13 0 +v 24.107 29.374 17 +v 21.112 31.596 17 +v 23.2383 29.6906 17 +v 10 10 0 +v 10 -10 0 +v -10 -10 0 +v -10 10 0 +v -13 -10 0 +v -13 10 0 +v -11.031 -36.364 17 +v 19.086 32.629 18.172 +v -9.88 -36.393 18.172 +v 19.2451 32.7147 17 +v 27.9473 -25.6813 17 +v -22.179 21.891 24.448 +v -9.9234 -36.5522 17 +v 28.6531 -24.9024 16.4377 +v -9.9461 -36.6357 16.3854 +v -35.943 9.506 20.313 +v -7.413 -37.27 17 +v -3.725 -37.817 17 +v -5.0844 -37.1806 17 +v 36.6961 9.7048 13.1747 +v 36.9011 8.8863 13.3882 +v 18.605 31.807 20.313 +v 37.0837 8.1571 13.578 +v 37.8998 2.0405 13.578 +v -25.576 13.671 24.7132 +v -34.465 9.115 22.151 +v 36.871 9.751 13.578 +v -13 -13 0 +v -19.25 -32.909 15.875 +v -9.631 -35.476 20.313 +v -19.107 -32.7975 17 +v -17.913 -33.513 17 +v 17.84 30.499 22.151 +v -16.844 28.795 23.561 +v -18.3829 -33.2314 16.0876 +v -9.235 -34.018 22.151 +v -18.2144 -33.3324 15.875 +v 11.031 36.364 17 +v -37.188 9.835 15.875 +v 20.4974 31.9643 15.875 +v 9.88 36.393 18.172 +v 36.4086 10.8531 13.578 +v 9.9234 36.5522 17 +v -10.4325 -36.5139 15.875 +v 9.9461 36.6357 16.3854 +v -24.113 16.112 24.6963 +v -9.965 -36.705 15.875 +v -25.1725 14.3443 24.7268 +v -24.6486 15.2183 24.7117 +v 37.7626 4.0915 14.5336 +v 7.413 37.27 17 +v 37.817 3.725 14.5719 +v 3.725 37.817 17 +v 0 38 17 +v 0 37.8413 17 +v 5.0844 37.1806 17 +v -9.4809 -36.7522 15.9866 +v -9.3502 -36.7849 15.875 +v 37.8341 3.3776 14.3669 +v 28.86 -2.842 24.75 +v 0 37.676 18.172 +v 28.443 -5.658 24.7109 +v 27.164 -15.479 24.448 +v 9.631 35.476 20.313 +v 37.27 7.413 14.1873 +v -24.107 29.374 0 +v -21.112 31.596 0 +v -17.913 33.513 0 +v -14.542 35.107 0 +v 0 36.727 20.313 +v 9.235 34.018 22.151 +v 19.1645 32.763 14.6776 +v 20.1874 32.1501 15.5969 +v -22.417 18.397 24.6885 +v 35.107 14.542 15.1854 +v 34.7754 15.2433 14.942 +v 36.0809 11.8217 14.0923 +v 36.364 11.031 13.7744 +v -15.683 26.811 24.448 +v 10.4325 36.5139 15.875 +v -36.6961 9.7048 13.1747 +v -36.523 10.3962 13.4177 +v -36.4086 10.8531 13.578 +v 9.965 36.705 15.875 +v 26.4007 -27.2953 17 +v -26.87 -26.87 0 +v -36.871 9.751 13.578 +v 26.992 -26.641 18.172 +v 9.4809 36.7522 15.9866 +v 9.3502 36.7849 15.875 +v 31.921 20.5696 17 +v 31.596 21.112 17 +v 29.374 24.107 17 +v 30.232 22.7423 17 +v -37.9544 0.9279 13.3691 +v 31.596 21.112 16.4586 +v -37.8998 2.0405 13.578 +v 31.6197 21.0725 16.498 +v 26.312 -25.97 20.313 +v -20.6333 20.3655 24.7131 +v -20.506 20.506 24.7087 +v -37.0837 8.1571 13.578 +v 13.1265 13.1265 35.747 +v 13.1265 -13.1265 35.747 +v 18.625 18.625 24.75 +v 18.625 -18.625 24.75 +v -9.9461 -36.6357 15.3646 +v -10.342 -36.5365 15.7801 +v 25.0698 -28.5015 15.875 +v 32.225 18.364 20.313 +v 27.224 -26.87 15.875 +v -19.5525 21.3699 24.6948 +v -18.397 22.417 24.6779 +v -35.3852 13.7649 14.8723 +v -35.107 14.542 15.1849 +v 30.901 17.609 22.151 +v -14.4322 34.7087 17 +v -14.542 35.107 17 +v 0 -29 24.75 +v 2.842 -28.86 24.75 +v 5.658 -28.443 24.75 +v 8.418 -27.751 24.75 +v 11.098 -26.792 24.75 +v -16.112 24.113 24.6813 +v 28.443 -5.658 24.75 +v -11.098 -26.792 24.75 +v -8.418 -27.751 24.75 +v -5.658 -28.443 24.75 +v -36.364 11.031 13.7743 +v -2.843 -28.86 24.75 +v 29.174 16.625 23.561 +v -14.6261 25.0036 24.7044 +v -13.671 25.576 24.6836 +v -37.817 3.725 14.5724 +v -37.3366 6.964 14.2345 +v -37.27 7.413 14.1876 +v 25.6086 -28.0132 15.419 +v -37.2447 7.5139 14.105 +v 27.0371 -26.6856 14.025 +v 26.87 -26.87 14.3533 +v 12.9343 -25.9238 24.6782 +v 11.098 -26.792 24.6647 +v 9.9461 36.6357 15.3646 +v 10.342 36.5365 15.7801 +v 29.3593 24.1232 15.875 +v 29.4178 24.048 15.875 +v 16.844 28.795 23.561 +v 8.418 -27.751 24.6804 +v 27.8234 -8.1291 24.7219 +v 28.0047 -7.4061 24.7357 +v -30.297 -8.013 24.448 +v 7.5897 -27.9587 24.6954 +v 5.658 -28.443 24.6667 +v 25.6086 28.0132 16.331 +v 8.719 32.117 23.561 +v 25.0698 28.5015 15.875 +v 5.3977 -28.4816 24.6661 +v 2.842 -28.86 24.6604 +v -17.913 33.513 17 +v -19.107 32.7975 17 +v -18.2144 33.3324 15.875 +v -16.844 -28.795 23.561 +v 8.118 29.904 24.448 +v -32.54 -8.606 23.561 +v -19.25 32.909 15.875 +v -2.2503 -28.8892 24.6663 +v -2.843 -28.86 24.6604 +v -30.232 -22.7423 17 +v -31.921 -20.5696 17 +v -31.596 -21.112 17 +v -29.374 -24.107 17 +v -5.658 -28.443 24.6667 +v -25.6086 -28.0132 16.331 +v -31.596 -21.112 16.4586 +v -31.6197 -21.0725 16.498 +v -3.725 37.817 17 +v -7.413 37.27 17 +v -4.8389 37.2129 17 +v -25.0698 -28.5015 15.875 +v -7.5897 -27.9587 24.6954 +v -8.418 -27.751 24.6804 +v 25.23 -24.903 22.151 +v -18.3829 33.2314 15.6624 +v -9.88 36.393 18.172 +v -9.9234 36.5522 17 +v -9.9461 36.6357 16.3854 +v 32.6246 19.3954 13.578 +v -9.5447 -27.3478 24.6738 +v 27.9472 25.6814 17 +v -11.098 -26.792 24.6647 +v -32.225 -18.364 20.313 +v 26.992 26.641 18.172 +v -11.031 36.364 17 +v 31.596 21.112 15.2913 +v 32.4905 19.6194 13.8015 +v -30.901 -17.609 22.151 +v 26.4004 27.2956 17 +v -9.631 35.476 20.313 +v -19.086 32.629 18.172 +v -29.174 -16.625 23.561 +v -23.0418 29.8391 17 +v -19.2451 32.7147 17 +v -21.112 31.596 17 +v -24.107 29.374 17 +v -27.9472 -25.6814 17 +v 32.54 8.606 23.561 +v -26.992 -26.641 18.172 +v -18.605 31.807 20.313 +v -26.4004 -27.2956 17 +v -26.312 -25.97 20.313 +# 698 vertices + +g group_0_40919 + +usemtl color_40919 +s 0 + +f 139 190 189 +f 186 189 190 +f 139 86 190 +f 260 190 86 +f 266 269 270 +f 274 270 269 +f 85 448 86 +f 260 86 448 +f 448 270 260 +f 190 260 270 +f 190 270 274 +f 190 274 186 +f 494 485 492 +f 489 492 485 +f 485 299 489 +f 298 489 299 +# 16 faces + +g group_0_4634441 + +usemtl color_4634441 +s 0 + +f 186 187 188 +f 188 189 186 +f 269 268 274 +f 275 274 268 +f 186 274 275 +f 186 275 187 +f 489 298 490 +f 315 490 298 +# 8 faces + +g group_0_8273816 + +usemtl color_8273816 +s 0 + +f 267 266 271 +f 270 271 266 +f 84 448 85 +f 450 448 84 +f 271 270 448 +f 271 448 450 +f 492 491 493 +f 492 493 494 +# 8 faces + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 188 187 194 +f 194 195 188 +f 268 267 275 +f 271 275 267 +f 83 455 84 +f 450 84 455 +f 271 455 275 +f 450 455 271 +f 455 194 275 +f 187 275 194 +f 493 491 516 +f 314 516 491 +f 314 491 490 +f 314 490 315 +f 455 195 194 +f 83 195 455 +# 16 faces + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 7 456 8 +f 16 17 15 +f 14 15 17 +f 15 18 16 +f 15 14 20 +f 15 20 18 +f 17 16 21 +f 24 25 23 +f 23 25 26 +f 18 52 16 +f 20 180 18 +f 52 18 180 +f 24 54 25 +f 691 30 31 +f 21 175 17 +f 14 17 175 +f 24 23 19 +f 180 20 14 +f 19 156 24 +f 21 52 32 +f 469 78 34 +f 175 21 35 +f 21 32 37 +f 21 37 35 +f 468 681 40 +f 40 681 39 +f 36 40 39 +f 43 44 42 +f 41 42 44 +f 40 77 468 +f 35 46 45 +f 9 59 211 +f 211 574 51 +f 35 37 46 +f 556 555 65 +f 46 49 45 +f 2 1 25 +f 25 54 55 +f 21 16 52 +f 59 60 212 +f 57 32 52 +f 26 25 1 +f 124 2 55 +f 212 211 59 +f 644 28 56 +f 50 56 28 +f 38 12 80 +f 51 58 29 +f 61 47 42 +f 59 313 60 +f 53 212 60 +f 47 43 42 +f 691 31 555 +f 68 137 66 +f 692 691 554 +f 69 70 71 +f 244 136 253 +f 65 555 31 +f 69 72 70 +f 69 71 66 +f 66 71 308 +f 76 598 5 +f 73 79 75 +f 64 67 48 +f 78 469 77 +f 66 138 69 +f 74 79 73 +f 70 81 71 +f 82 81 70 +f 78 77 36 +f 72 82 70 +f 73 75 84 +f 85 73 84 +f 86 73 85 +f 83 84 75 +f 71 81 308 +f 81 82 313 +f 81 313 308 +f 80 12 48 +f 90 74 89 +f 89 74 88 +f 91 74 90 +f 87 88 74 +f 34 78 36 +f 61 100 63 +f 63 47 61 +f 163 164 253 +f 469 468 77 +f 94 97 68 +f 95 79 93 +f 93 79 92 +f 96 79 95 +f 98 79 96 +f 99 79 98 +f 101 79 99 +f 79 74 92 +f 91 92 74 +f 77 40 36 +f 64 63 100 +f 67 64 100 +f 103 255 102 +f 104 255 103 +f 255 254 102 +f 115 48 67 +f 66 94 68 +f 146 256 144 +f 144 256 158 +f 22 13 105 +f 134 160 48 +f 133 134 48 +f 108 79 107 +f 106 107 79 +f 109 79 108 +f 110 79 109 +f 111 79 110 +f 112 79 111 +f 113 79 112 +f 117 79 113 +f 101 106 79 +f 103 102 114 +f 48 115 133 +f 22 105 27 +f 97 94 116 +f 127 102 254 +f 79 117 118 +f 79 118 119 +f 114 104 103 +f 116 120 97 +f 695 656 693 +f 124 4 2 +f 80 48 140 +f 163 253 123 +f 121 123 253 +f 105 126 27 +f 254 253 164 +f 165 166 254 +f 27 126 130 +f 100 131 67 +f 25 55 2 +f 115 67 131 +f 652 120 116 +f 123 121 129 +f 122 245 248 +f 102 127 114 +f 122 125 245 +f 422 228 248 +f 217 218 126 +f 218 226 126 +f 66 137 138 +f 72 69 138 +f 48 160 140 +f 591 74 73 +f 86 139 591 +f 86 591 73 +f 80 359 38 +f 121 136 129 +f 132 419 650 +f 140 294 80 +f 145 74 143 +f 142 143 74 +f 147 74 145 +f 141 142 74 +f 237 272 50 +f 148 4 150 +f 148 150 149 +f 153 74 152 +f 154 74 153 +f 87 74 154 +f 151 152 74 +f 147 151 74 +f 156 19 149 +f 183 149 19 +f 155 237 50 +f 146 144 52 +f 150 156 149 +f 313 82 138 +f 82 72 138 +f 52 180 146 +f 157 134 133 +f 115 131 133 +f 255 104 158 +f 157 133 131 +f 50 28 155 +f 651 130 159 +f 160 161 140 +f 159 162 651 +f 162 167 651 +f 172 156 150 +f 114 52 104 +f 158 104 52 +f 144 158 52 +f 145 162 159 +f 135 147 159 +f 145 159 147 +f 51 177 211 +f 55 54 156 +f 165 254 164 +f 156 124 55 +f 171 179 651 +f 127 254 166 +f 24 156 54 +f 170 651 167 +f 129 57 123 +f 161 160 168 +f 157 168 160 +f 163 123 57 +f 157 160 134 +f 164 163 57 +f 140 161 169 +f 114 127 166 +f 143 167 145 +f 145 167 162 +f 10 29 693 +f 184 6 4 +f 179 173 651 +f 169 176 140 +f 124 172 4 +f 150 4 172 +f 174 169 168 +f 57 52 164 +f 165 164 52 +f 114 166 52 +f 58 51 574 +f 161 168 169 +f 165 52 166 +f 142 171 170 +f 142 170 143 +f 143 170 167 +f 176 178 140 +f 216 215 191 +f 156 172 124 +f 179 181 173 +f 177 29 10 +f 141 181 179 +f 171 142 179 +f 141 179 142 +f 184 148 183 +f 149 183 148 +f 177 10 211 +f 182 178 176 +f 176 174 182 +f 319 326 173 +f 177 51 29 +f 14 175 180 +f 176 169 174 +f 141 292 181 +f 35 320 175 +f 181 292 173 +f 193 216 192 +f 191 192 216 +f 349 33 38 +f 216 278 209 +f 185 132 650 +f 198 494 197 +f 205 204 208 +f 196 209 207 +f 4 148 184 +f 224 204 257 +f 192 191 210 +f 204 224 208 +f 197 494 196 +f 493 516 214 +f 214 215 493 +f 216 493 215 +f 583 197 207 +f 222 346 403 +f 426 403 346 +f 154 218 217 +f 621 87 217 +f 154 217 87 +f 257 256 231 +f 99 222 220 +f 219 101 220 +f 99 220 101 +f 231 233 257 +f 193 192 210 +f 635 221 76 +f 223 207 206 +f 387 378 180 +f 233 231 180 +f 208 233 180 +f 153 226 154 +f 218 154 226 +f 689 227 228 +f 208 224 233 +f 283 227 281 +f 229 230 126 +f 235 126 230 +f 126 226 229 +f 191 215 232 +f 152 229 153 +f 293 295 214 +f 635 173 221 +f 152 230 229 +f 226 153 229 +f 62 261 185 +f 122 248 228 +f 277 173 344 +f 231 146 180 +f 224 257 233 +f 301 336 62 +f 130 235 236 +f 232 210 191 +f 130 126 235 +f 206 207 209 +f 151 236 235 +f 151 235 152 +f 319 173 292 +f 62 305 301 +f 235 230 152 +f 228 285 234 +f 246 248 245 +f 249 209 247 +f 228 422 285 +f 130 236 135 +f 239 299 238 +f 240 299 239 +f 241 298 240 +f 242 298 241 +f 253 315 244 +f 243 298 242 +f 244 298 243 +f 249 251 209 +f 62 252 305 +f 245 276 246 +f 135 236 151 +f 135 151 147 +f 125 328 245 +f 266 267 268 +f 266 268 269 +f 265 299 264 +f 263 264 299 +f 137 249 138 +f 246 273 248 +f 247 138 249 +f 237 238 299 +f 8 467 7 +f 7 467 250 +f 246 276 273 +f 249 137 251 +f 223 251 137 +f 467 470 250 +f 193 278 216 +f 248 273 422 +f 261 62 336 +f 247 209 278 +f 251 206 209 +f 221 173 277 +f 276 424 273 +f 228 227 283 +f 193 210 138 +f 193 138 278 +f 247 278 138 +f 344 342 277 +f 45 49 279 +f 125 122 283 +f 283 122 228 +f 326 344 173 +f 223 206 251 +f 279 250 337 +f 279 7 250 +f 279 49 7 +f 215 214 296 +f 295 296 214 +f 297 292 141 +f 296 232 215 +f 299 240 298 +f 254 315 253 +f 234 285 290 +f 255 315 254 +f 1 314 300 +f 257 314 256 +f 210 232 296 +f 210 296 295 +f 259 300 314 +f 303 304 302 +f 285 514 290 +f 2 314 1 +f 259 352 302 +f 303 302 311 +f 293 291 313 +f 138 293 313 +f 140 307 294 +f 314 2 4 +f 293 138 295 +f 210 295 138 +f 304 175 576 +f 303 309 304 +f 303 311 309 +f 312 554 318 +f 261 336 339 +f 304 309 175 +f 256 315 255 +f 258 259 314 +f 257 258 314 +f 315 256 314 +f 298 244 315 +f 645 646 310 +f 283 281 312 +f 311 180 309 +f 309 180 175 +f 640 641 307 +f 310 307 645 +f 318 225 317 +f 629 630 307 +f 688 185 261 +f 317 283 318 +f 312 318 283 +f 307 140 629 +f 261 351 688 +f 276 245 321 +f 324 325 323 +f 338 334 324 +f 325 327 323 +f 322 323 327 +f 305 118 301 +f 679 66 308 +f 119 118 305 +f 292 297 319 +f 119 305 252 +f 333 319 297 +f 424 276 321 +f 66 679 94 +f 331 332 325 +f 327 325 332 +f 121 253 136 +f 319 333 326 +f 325 324 334 +f 125 283 328 +f 320 35 45 +f 338 324 335 +f 255 158 256 +f 320 45 329 +f 146 231 256 +f 334 331 325 +f 212 348 213 +f 212 53 348 +f 379 361 277 +f 377 375 261 +f 279 337 329 +f 184 183 338 +f 334 338 183 +f 360 261 339 +f 329 45 279 +f 291 214 355 +f 213 355 214 +f 293 214 291 +f 343 213 341 +f 355 213 343 +f 335 391 338 +f 334 183 331 +f 19 331 183 +f 341 345 343 +f 222 99 346 +f 98 346 99 +f 339 336 117 +f 118 117 336 +f 118 336 301 +f 445 202 444 +f 332 331 349 +f 213 348 341 +f 344 350 342 +f 311 302 352 +f 348 345 341 +f 326 333 344 +f 350 344 333 +f 259 302 353 +f 349 354 332 +f 347 579 340 +f 364 203 202 +f 348 53 345 +f 328 317 203 +f 352 180 311 +f 379 380 361 +f 687 228 234 +f 33 349 331 +f 364 202 363 +f 382 379 277 +f 375 351 261 +f 331 19 33 +f 277 342 358 +f 277 358 382 +f 354 349 359 +f 345 313 343 +f 291 355 313 +f 343 313 355 +f 261 360 377 +f 345 60 313 +f 359 362 354 +f 345 53 60 +f 113 360 117 +f 234 290 357 +f 245 203 321 +f 364 321 203 +f 349 38 359 +f 117 360 339 +f 365 366 239 +f 381 239 366 +f 9 313 59 +f 225 203 317 +f 245 328 203 +f 294 362 359 +f 357 290 306 +f 257 204 258 +f 564 240 381 +f 372 362 294 +f 398 400 351 +f 367 366 365 +f 365 239 373 +f 204 205 258 +f 294 359 80 +f 321 364 424 +f 363 424 364 +f 342 350 358 +f 373 367 365 +f 375 376 351 +f 372 294 307 +f 374 358 350 +f 310 372 307 +f 283 317 328 +f 258 205 378 +f 112 376 375 +f 377 113 375 +f 112 375 113 +f 113 377 360 +f 383 306 290 +f 384 335 324 +f 208 378 205 +f 367 347 366 +f 381 366 347 +f 347 564 381 +f 453 357 306 +f 378 387 258 +f 386 258 387 +f 335 384 388 +f 352 259 386 +f 258 386 259 +f 330 453 306 +f 184 338 280 +f 400 417 351 +f 403 306 383 +f 338 391 393 +f 338 393 280 +f 390 392 389 +f 227 692 281 +f 351 376 385 +f 370 432 390 +f 388 393 391 +f 380 379 394 +f 374 394 379 +f 379 382 374 +f 390 389 370 +f 208 180 378 +f 306 403 330 +f 367 683 347 +f 111 385 112 +f 376 112 385 +f 374 382 358 +f 386 387 180 +f 398 351 385 +f 390 397 392 +f 388 391 335 +f 352 386 180 +f 417 418 639 +f 396 32 57 +f 361 412 413 +f 413 428 361 +f 639 351 417 +f 399 401 402 +f 397 395 392 +f 318 554 225 +f 432 517 397 +f 401 399 404 +f 110 398 111 +f 412 361 405 +f 184 280 6 +f 312 281 554 +f 399 402 396 +f 402 340 396 +f 380 405 361 +f 383 406 403 +f 110 400 398 +f 385 111 398 +f 396 449 399 +f 323 284 324 +f 401 408 402 +f 380 394 405 +f 409 405 394 +f 323 286 284 +f 411 408 401 +f 3 361 428 +f 401 404 411 +f 402 408 340 +f 281 692 554 +f 416 423 415 +f 414 416 415 +f 282 324 284 +f 428 431 3 +f 411 347 408 +f 408 347 340 +f 426 427 403 +f 330 403 427 +f 418 429 639 +f 529 496 454 +f 109 418 417 +f 109 417 110 +f 420 37 32 +f 219 220 406 +f 220 403 406 +f 536 537 330 +f 110 417 400 +f 421 413 412 +f 410 416 414 +f 220 222 403 +f 405 409 412 +f 396 420 32 +f 421 412 409 +f 439 384 282 +f 410 423 416 +f 425 475 330 +f 475 513 330 +f 273 424 422 +f 435 639 429 +f 37 420 430 +f 286 323 322 +f 418 109 429 +f 108 429 109 +f 330 427 425 +f 397 390 432 +f 476 422 424 +f 406 433 434 +f 430 46 37 +f 3 437 446 +f 406 639 433 +f 96 425 427 +f 96 427 426 +f 96 426 98 +f 431 428 436 +f 421 436 428 +f 421 428 413 +f 504 285 422 +f 439 282 438 +f 426 346 98 +f 514 285 504 +f 107 434 433 +f 433 435 107 +f 324 282 384 +f 107 435 108 +f 7 3 442 +f 439 438 388 +f 435 429 108 +f 436 440 437 +f 436 437 431 +f 434 441 406 +f 438 282 280 +f 106 441 434 +f 106 434 107 +f 696 234 357 +f 438 393 388 +f 7 442 443 +f 443 456 7 +f 384 439 388 +f 441 219 406 +f 201 444 202 +f 356 363 202 +f 356 202 445 +f 263 262 415 +f 357 453 11 +f 446 442 3 +f 447 445 444 +f 441 106 219 +f 101 219 106 +f 415 423 263 +f 396 57 449 +f 393 438 280 +f 451 443 442 +f 347 411 449 +f 440 451 446 +f 442 446 451 +f 415 452 454 +f 414 415 454 +f 57 547 540 +f 540 449 57 +f 446 437 440 +f 356 445 447 +f 456 443 458 +f 451 458 443 +f 404 399 449 +f 444 201 459 +f 473 474 201 +f 452 526 454 +f 458 460 8 +f 458 8 456 +f 237 299 272 +f 262 263 299 +f 272 299 265 +f 449 411 404 +f 444 459 447 +f 638 637 250 +f 363 356 424 +f 447 424 356 +f 457 310 466 +f 330 500 453 +f 457 372 310 +f 470 550 250 +f 638 250 550 +f 370 472 432 +f 463 299 462 +f 462 299 461 +f 389 371 370 +f 262 299 464 +f 512 136 243 +f 464 299 463 +f 485 461 299 +f 527 424 603 +f 447 474 424 +f 330 537 500 +f 473 424 474 +f 459 201 474 +f 459 474 447 +f 465 485 469 +f 536 330 513 +f 478 479 477 +f 476 477 479 +f 576 175 320 +f 477 480 478 +f 95 475 425 +f 95 425 96 +f 480 477 481 +f 476 481 477 +f 262 452 415 +f 11 696 357 +f 479 478 483 +f 316 654 310 +f 466 310 654 +f 461 485 465 +f 487 488 486 +f 587 320 329 +f 489 490 491 +f 489 491 492 +f 654 655 466 +f 264 528 487 +f 480 527 478 +f 505 501 495 +f 481 424 480 +f 527 480 424 +f 453 522 11 +f 482 495 484 +f 395 497 518 +f 483 422 479 +f 476 479 422 +f 286 314 284 +f 282 284 314 +f 6 280 314 +f 280 282 314 +f 487 498 488 +f 499 302 304 +f 395 518 407 +f 424 481 476 +f 501 484 495 +f 244 243 136 +f 499 502 302 +f 565 566 240 +f 505 495 503 +f 576 499 304 +f 410 496 498 +f 498 496 488 +f 4 6 314 +f 497 484 501 +f 414 454 496 +f 322 327 506 +f 505 506 507 +f 507 506 327 +f 501 505 507 +f 410 414 496 +f 287 516 286 +f 353 302 502 +f 422 483 504 +f 511 242 509 +f 508 509 242 +f 508 242 241 +f 483 68 97 +f 503 545 505 +f 545 546 505 +f 370 516 369 +f 507 327 332 +f 368 516 289 +f 483 97 504 +f 552 496 529 +f 332 497 507 +f 501 507 497 +f 504 120 514 +f 513 95 93 +f 504 97 120 +f 509 508 515 +f 288 289 516 +f 287 288 516 +f 314 286 516 +f 395 397 517 +f 496 552 510 +f 95 513 475 +f 484 519 520 +f 484 520 482 +f 530 508 241 +f 482 520 369 +f 520 519 523 +f 523 525 520 +f 497 354 518 +f 497 332 354 +f 497 395 484 +f 519 484 395 +f 517 519 395 +f 290 514 383 +f 136 512 129 +f 559 521 510 +f 514 120 128 +f 524 419 407 +f 599 502 499 +f 664 465 469 +f 517 523 519 +f 522 453 500 +f 514 128 383 +f 511 509 515 +f 518 524 407 +f 664 461 465 +f 128 406 383 +f 518 362 524 +f 369 520 525 +f 525 471 369 +f 539 531 526 +f 517 525 523 +f 518 354 362 +f 239 381 240 +f 599 353 502 +f 524 457 419 +f 483 478 527 +f 498 487 528 +f 563 565 240 +f 524 372 457 +f 527 68 483 +f 264 487 486 +f 524 362 372 +f 482 369 368 +f 137 68 527 +f 531 454 526 +f 495 289 532 +f 532 503 495 +f 515 508 530 +f 528 410 498 +f 353 627 259 +f 539 526 533 +f 495 482 289 +f 471 472 370 +f 370 369 471 +f 500 537 534 +f 503 532 535 +f 529 454 531 +f 199 617 200 +f 472 471 517 +f 603 473 200 +f 540 243 538 +f 242 553 243 +f 542 543 541 +f 539 541 544 +f 544 541 543 +f 531 539 544 +f 535 546 545 +f 540 547 243 +f 57 129 547 +f 548 470 467 +f 8 460 467 +f 548 467 460 +f 533 577 539 +f 92 534 537 +f 92 537 536 +f 92 536 93 +f 517 432 472 +f 544 543 549 +f 531 544 529 +f 93 536 513 +f 549 529 544 +f 535 545 503 +f 449 540 538 +f 471 525 517 +f 242 511 553 +f 538 243 553 +f 556 557 485 +f 555 556 485 +f 469 485 468 +f 547 512 243 +f 569 199 198 +f 529 558 552 +f 423 560 263 +f 337 250 551 +f 225 554 485 +f 529 549 558 +f 200 494 199 +f 511 515 449 +f 522 500 567 +f 553 511 449 +f 202 203 485 +f 538 553 449 +f 552 22 559 +f 201 200 473 +f 589 600 500 +f 588 589 500 +f 129 512 547 +f 552 558 22 +f 623 198 197 +f 554 555 485 +f 557 468 485 +f 528 264 561 +f 560 561 264 +f 560 264 263 +f 200 201 485 +f 563 240 564 +f 196 207 197 +f 534 562 500 +f 265 264 486 +f 559 27 643 +f 562 534 91 +f 241 240 566 +f 22 27 559 +f 622 623 197 +f 566 530 241 +f 92 91 534 +f 561 560 410 +f 595 289 288 +f 526 464 568 +f 526 568 533 +f 105 567 126 +f 515 530 566 +f 515 566 565 +f 482 368 289 +f 570 199 569 +f 571 199 570 +f 452 262 464 +f 526 452 464 +f 201 202 485 +f 203 225 485 +f 485 494 200 +f 493 196 494 +f 12 337 551 +f 602 200 617 +f 572 533 568 +f 286 322 287 +f 561 410 528 +f 211 516 574 +f 563 564 347 +f 449 563 347 +f 288 287 505 +f 570 569 575 +f 560 423 410 +f 573 597 599 +f 23 573 576 +f 505 546 288 +f 563 449 565 +f 515 565 449 +f 624 626 198 +f 577 578 539 +f 576 573 599 +f 572 578 577 +f 581 582 580 +f 579 580 582 +f 575 571 570 +f 371 574 516 +f 559 510 552 +f 581 580 584 +f 584 634 581 +f 622 197 585 +f 585 197 583 +f 600 601 567 +f 287 506 505 +f 580 579 586 +f 580 586 584 +f 572 631 578 +f 600 567 500 +f 572 577 533 +f 569 198 590 +f 626 590 198 +f 19 576 587 +f 500 562 588 +f 347 584 586 +f 506 287 322 +f 213 214 516 +f 493 216 209 +f 587 576 320 +f 541 463 462 +f 589 588 90 +f 562 91 588 +f 680 340 582 +f 579 582 340 +f 90 588 91 +f 594 593 592 +f 591 592 593 +f 199 494 198 +f 585 583 223 +f 596 289 595 +f 532 289 596 +f 593 74 591 +f 569 590 575 +f 586 579 347 +f 620 621 567 +f 79 594 75 +f 596 595 535 +f 396 340 598 +f 139 189 591 +f 592 591 189 +f 592 189 188 +f 592 188 195 +f 209 196 493 +f 212 213 516 +f 368 369 516 +f 370 371 516 +f 516 211 212 +f 598 420 396 +f 532 596 535 +f 583 207 223 +f 462 461 541 +f 499 576 599 +f 567 601 612 +f 199 571 617 +f 595 288 546 +f 440 593 451 +f 436 593 440 +f 458 451 593 +f 421 593 436 +f 409 593 421 +f 394 593 409 +f 374 593 394 +f 350 333 593 +f 460 458 593 +f 603 200 602 +f 89 601 600 +f 89 600 90 +f 595 546 535 +f 90 600 589 +f 539 463 541 +f 592 75 594 +f 606 647 605 +f 648 605 647 +f 83 75 195 +f 592 195 75 +f 74 593 333 +f 141 74 297 +f 333 297 74 +f 374 350 593 +f 603 602 527 +f 598 604 420 +f 607 608 79 +f 608 609 79 +f 79 609 610 +f 79 610 611 +f 79 611 182 +f 473 603 424 +f 601 89 612 +f 61 593 100 +f 42 593 61 +f 131 100 594 +f 41 593 42 +f 613 593 41 +f 548 593 613 +f 460 593 548 +f 594 100 593 +f 157 131 594 +f 616 79 615 +f 614 615 79 +f 607 79 618 +f 618 79 616 +f 119 614 79 +f 598 76 604 +f 88 612 89 +f 300 259 627 +f 621 217 567 +f 182 174 79 +f 168 594 174 +f 79 174 594 +f 594 168 157 +f 617 571 527 +f 527 571 575 +f 567 612 620 +f 602 617 527 +f 621 620 87 +f 619 604 221 +f 685 642 486 +f 624 198 623 +f 76 221 604 +f 87 620 88 +f 612 88 620 +f 496 680 488 +f 126 567 217 +f 223 137 585 +f 361 694 619 +f 625 599 597 +f 221 277 619 +f 622 585 137 +f 178 629 140 +f 300 627 628 +f 619 277 361 +f 623 622 137 +f 575 590 626 +f 627 599 628 +f 631 464 463 +f 539 578 463 +f 631 463 578 +f 630 636 307 +f 625 628 599 +f 632 464 631 +f 568 464 632 +f 419 457 650 +f 510 521 5 +f 611 630 629 +f 611 629 182 +f 137 527 623 +f 624 623 527 +f 575 626 527 +f 457 466 650 +f 353 599 627 +f 521 76 5 +f 632 631 572 +f 629 178 182 +f 624 527 626 +f 548 613 550 +f 548 550 470 +f 634 584 347 +f 640 307 636 +f 392 697 389 +f 521 635 76 +f 581 237 633 +f 568 632 572 +f 630 611 636 +f 681 468 557 +f 667 389 661 +f 661 389 697 +f 461 542 541 +f 610 636 611 +f 347 682 634 +f 697 392 695 +f 395 695 392 +f 645 307 641 +f 128 639 406 +f 695 395 407 +f 641 640 609 +f 610 609 640 +f 610 640 636 +f 559 643 521 +f 435 433 639 +f 637 44 551 +f 44 43 551 +f 606 681 557 +f 551 250 637 +f 644 642 28 +f 646 645 608 +f 609 608 645 +f 329 670 587 +f 609 645 641 +f 647 556 649 +f 647 649 648 +f 310 646 316 +f 329 337 670 +f 608 607 316 +f 608 316 646 +f 653 687 648 +f 652 128 120 +f 649 653 648 +f 56 272 265 +f 30 690 653 +f 64 48 551 +f 652 639 128 +f 643 130 651 +f 655 660 466 +f 671 653 649 +f 265 644 56 +f 351 639 652 +f 670 337 12 +f 618 655 654 +f 316 607 654 +f 618 654 607 +f 12 551 48 +f 643 27 130 +f 642 644 486 +f 31 30 653 +f 170 171 651 +f 675 373 238 +f 26 573 23 +f 653 65 31 +f 466 668 669 +f 597 573 26 +f 657 658 656 +f 658 659 656 +f 656 659 693 +f 239 238 373 +f 660 668 466 +f 135 159 130 +f 576 19 23 +f 658 662 659 +f 644 265 486 +f 662 658 663 +f 657 663 658 +f 587 33 19 +f 665 666 664 +f 681 673 665 +f 666 543 664 +f 542 664 543 +f 655 618 660 +f 616 660 618 +f 634 682 237 +f 469 34 665 +f 34 674 665 +f 313 662 663 +f 669 676 466 +f 676 62 466 +f 665 664 469 +f 556 647 557 +f 667 661 29 +f 635 521 643 +f 542 461 664 +f 33 670 38 +f 676 678 62 +f 657 308 313 +f 649 556 671 +f 65 671 556 +f 635 643 651 +f 672 549 666 +f 543 666 549 +f 389 667 371 +f 606 557 647 +f 695 308 656 +f 656 308 657 +f 669 668 615 +f 616 615 668 +f 651 173 635 +f 670 33 587 +f 666 665 673 +f 616 668 660 +f 663 657 313 +f 681 665 674 +f 674 39 681 +f 56 50 272 +f 683 675 238 +f 682 683 238 +f 653 671 65 +f 581 677 582 +f 633 677 581 +f 373 675 367 +f 673 672 666 +f 678 676 614 +f 615 614 676 +f 615 676 669 +f 698 679 308 +f 680 582 677 +f 677 28 680 +f 36 674 34 +f 633 237 155 +f 252 62 678 +f 667 58 371 +f 670 12 38 +f 606 605 681 +f 673 681 605 +f 678 614 252 +f 238 237 682 +f 581 634 237 +f 695 698 308 +f 633 28 677 +f 574 371 58 +f 119 252 614 +f 11 13 686 +f 633 155 28 +f 13 522 105 +f 58 667 29 +f 687 672 605 +f 673 605 672 +f 488 685 486 +f 11 522 13 +f 94 684 116 +f 36 39 674 +f 682 347 683 +f 567 105 522 +f 300 628 1 +f 679 684 94 +f 549 672 686 +f 605 648 687 +f 679 698 132 +f 62 185 650 +f 367 675 683 +f 679 132 684 +f 684 688 116 +f 625 1 628 +f 604 430 420 +f 488 680 685 +f 28 685 680 +f 686 558 549 +f 116 688 652 +f 62 650 466 +f 690 691 689 +f 691 692 689 +f 689 692 227 +f 185 688 684 +f 642 685 28 +f 132 185 684 +f 555 554 691 +f 351 652 688 +f 340 680 5 +f 597 26 1 +f 690 30 691 +f 29 695 693 +f 46 430 694 +f 510 5 680 +f 211 10 659 +f 693 659 10 +f 659 662 9 +f 659 9 211 +f 604 619 430 +f 558 686 13 +f 662 313 9 +f 340 5 598 +f 228 687 689 +f 690 689 687 +f 653 690 687 +f 694 430 619 +f 680 496 510 +f 29 697 695 +f 13 22 558 +f 672 696 686 +f 625 597 1 +f 637 638 41 +f 44 637 41 +f 696 672 687 +f 638 550 613 +f 613 41 638 +f 29 661 697 +f 63 64 551 +f 687 234 696 +f 47 63 551 +f 3 431 437 +f 47 551 43 +f 686 696 11 +f 695 407 698 +f 694 49 46 +f 698 407 419 +f 3 49 694 +f 419 132 698 +f 694 361 3 +f 49 3 7 +# 1344 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/suction/suction-base.urdf b/cliport/environments/assets/ur5/suction/suction-base.urdf new file mode 100644 index 0000000000000000000000000000000000000000..2f8b8a4cdd95db78b94d4c270f21b7e869ea5ba8 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/suction-base.urdf @@ -0,0 +1,54 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/ur5/suction/suction-head.urdf b/cliport/environments/assets/ur5/suction/suction-head.urdf new file mode 100644 index 0000000000000000000000000000000000000000..8dc6aa87735992ca4c8f38c216b0c4e4d4b09be9 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/suction-head.urdf @@ -0,0 +1,101 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/ur5/suction/suction/base.obj b/cliport/environments/assets/ur5/suction/suction/base.obj new file mode 100644 index 0000000000000000000000000000000000000000..e3fc8e71a08372d30e27a12a3a4b272262b9b802 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/suction/base.obj @@ -0,0 +1,396 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 7.413 37.27 25 +v 7.413 37.27 0 +v 33.513 17.913 25 +v 35.107 14.542 25 +v 35.107 14.542 0 +v 33.513 17.913 0 +v -31.596 21.112 25 +v -31.596 21.112 0 +v -33.513 17.913 0 +v -33.513 17.913 25 +v 3.725 37.817 0 +v 3.725 37.817 25 +v -29.374 24.107 25 +v -29.374 24.107 0 +v 0 38 0 +v 11.031 36.364 25 +v 11.031 36.364 0 +v 14.542 35.107 25 +v 14.542 35.107 0 +v -37.27 -7.413 25 +v 17.913 33.513 25 +v -37.27 -7.413 0 +v -11.031 -36.364 25 +v 17.913 33.513 0 +v -36.364 -11.031 0 +v -14.542 -35.107 25 +v -26.87 26.87 25 +v -36.364 -11.031 25 +v -14.542 -35.107 0 +v -26.87 26.87 0 +v -3.725 37.817 0 +v -11.031 -36.364 0 +v 24.107 -29.374 25 +v -17.913 -33.513 25 +v -17.913 -33.513 0 +v 21.112 -31.596 25 +v 21.112 -31.596 0 +v 24.107 -29.374 0 +v -3.725 37.817 25 +v 0 38 25 +v 17.913 -33.513 25 +v 17.913 -33.513 0 +v 37.817 -3.725 25 +v -37.817 -3.725 25 +v -37.817 -3.725 0 +v 37.817 -3.725 0 +v 38 0 0 +v -21.112 -31.596 25 +v 38 0 25 +v 14.542 -35.107 25 +v -21.112 -31.596 0 +v 36.364 11.031 25 +v 14.542 -35.107 0 +v 36.364 11.031 0 +v 37.27 -7.413 25 +v 37.27 -7.413 0 +v -24.107 29.374 25 +v 21.112 31.596 25 +v -24.107 29.374 0 +v 36.364 -11.031 25 +v 21.112 31.596 0 +v 36.364 -11.031 0 +v -38 0 25 +v 11.031 -36.364 25 +v 11.031 -36.364 0 +v -21.112 31.596 25 +v -21.112 31.596 0 +v 7.413 -37.27 25 +v 7.413 -37.27 0 +v -17.913 33.513 25 +v -17.913 33.513 0 +v 24.107 29.374 0 +v -38 0 0 +v 26.87 26.87 0 +v 35.107 -14.542 25 +v 29.374 24.107 0 +v 35.107 -14.542 0 +v 31.596 21.112 0 +v 3.725 -37.817 25 +v 37.27 7.413 25 +v 3.725 -37.817 0 +v 24.107 29.374 25 +v -24.107 -29.374 25 +v -14.542 35.107 25 +v -24.107 -29.374 0 +v -14.542 35.107 0 +v 37.27 7.413 0 +v 33.513 -17.913 25 +v 37.817 3.725 0 +v 33.513 -17.913 0 +v -11.031 36.364 25 +v -11.031 36.364 0 +v -7.413 37.27 25 +v 26.87 26.87 25 +v -7.413 37.27 0 +v -26.87 -26.87 25 +v -26.87 -26.87 0 +v 37.817 3.725 25 +v 0 -38 25 +v 31.596 -21.112 25 +v 0 -38 0 +v 31.596 -21.112 0 +v 29.374 24.107 25 +v -29.374 -24.107 25 +v -29.374 -24.107 0 +v 29.374 -24.107 25 +v 31.596 21.112 25 +v 29.374 -24.107 0 +v -3.725 -37.817 25 +v -31.596 -21.112 25 +v -3.725 -37.817 0 +v -31.596 -21.112 0 +v -37.817 3.725 25 +v -37.817 3.725 0 +v 26.87 -26.87 25 +v 26.87 -26.87 0 +v -37.27 7.413 0 +v -37.27 7.413 25 +v -7.413 -37.27 25 +v -33.513 -17.913 25 +v -33.513 -17.913 0 +v -7.413 -37.27 0 +v -36.364 11.031 25 +v -36.364 11.031 0 +v -35.107 -14.542 25 +v -35.107 -14.542 0 +v -35.107 14.542 25 +v -35.107 14.542 0 +# 128 vertices + +g group_0_2829873 + +usemtl color_2829873 +s 0 + +f 3 4 5 +f 3 5 6 +f 7 8 9 +f 7 9 10 +f 1 2 11 +f 1 11 12 +f 16 17 2 +f 16 2 1 +f 13 14 8 +f 13 8 7 +f 18 19 17 +f 18 17 16 +f 23 26 29 +f 23 29 32 +f 26 34 35 +f 26 35 29 +f 33 36 37 +f 33 37 38 +f 15 31 39 +f 15 39 40 +f 20 22 25 +f 20 25 28 +f 36 41 42 +f 36 42 37 +f 44 45 22 +f 44 22 20 +f 21 24 19 +f 21 19 18 +f 43 46 47 +f 43 47 49 +f 27 30 14 +f 27 14 13 +f 41 50 53 +f 41 53 42 +f 43 55 56 +f 43 56 46 +f 34 48 51 +f 34 51 35 +f 4 52 54 +f 4 54 5 +f 50 64 65 +f 50 65 53 +f 57 59 30 +f 57 30 27 +f 55 60 62 +f 55 62 56 +f 66 67 59 +f 66 59 57 +f 64 68 69 +f 64 69 65 +f 58 61 24 +f 58 24 21 +f 63 73 45 +f 63 45 44 +f 70 71 67 +f 70 67 66 +f 60 75 77 +f 60 77 62 +f 82 72 61 +f 82 61 58 +f 68 79 81 +f 68 81 69 +f 48 83 85 +f 48 85 51 +f 84 86 71 +f 84 71 70 +f 75 88 90 +f 75 90 77 +f 91 92 86 +f 91 86 84 +f 15 11 2 +f 15 2 17 +f 15 17 19 +f 15 19 24 +f 15 24 61 +f 15 61 72 +f 15 72 74 +f 15 74 76 +f 15 76 78 +f 15 78 6 +f 15 6 5 +f 15 5 54 +f 15 54 87 +f 15 87 89 +f 15 89 47 +f 52 80 87 +f 52 87 54 +f 94 74 72 +f 94 72 82 +f 93 95 92 +f 93 92 91 +f 83 96 97 +f 83 97 85 +f 80 98 89 +f 80 89 87 +f 79 99 101 +f 79 101 81 +f 88 100 102 +f 88 102 90 +f 94 103 76 +f 94 76 74 +f 39 31 95 +f 39 95 93 +f 104 105 97 +f 104 97 96 +f 98 49 47 +f 98 47 89 +f 100 106 108 +f 100 108 102 +f 103 107 78 +f 103 78 76 +f 101 99 109 +f 101 109 111 +f 110 112 105 +f 110 105 104 +f 113 114 73 +f 113 73 63 +f 106 115 116 +f 106 116 108 +f 107 3 6 +f 107 6 78 +f 118 117 114 +f 118 114 113 +f 120 121 112 +f 120 112 110 +f 109 119 122 +f 109 122 111 +f 123 124 117 +f 123 117 118 +f 125 126 121 +f 125 121 120 +f 127 128 124 +f 127 124 123 +f 115 33 38 +f 115 38 116 +f 10 9 128 +f 10 128 127 +f 28 25 126 +f 28 126 125 +f 119 23 32 +f 119 32 122 +f 73 114 117 +f 73 117 124 +f 73 124 128 +f 73 128 9 +f 73 9 8 +f 73 8 14 +f 73 14 30 +f 73 30 59 +f 73 59 67 +f 73 67 71 +f 73 71 86 +f 73 86 92 +f 73 92 95 +f 73 95 31 +f 73 31 15 +f 81 101 15 +f 47 46 15 +f 46 56 15 +f 56 62 15 +f 62 77 15 +f 77 90 15 +f 90 102 15 +f 102 108 15 +f 108 116 15 +f 116 38 15 +f 38 37 15 +f 37 42 15 +f 42 53 15 +f 53 65 15 +f 69 15 65 +f 81 15 69 +f 45 73 15 +f 101 111 15 +f 111 122 15 +f 122 32 15 +f 32 29 15 +f 29 35 15 +f 35 51 15 +f 51 85 15 +f 85 97 15 +f 97 105 15 +f 105 112 15 +f 112 121 15 +f 121 126 15 +f 126 25 15 +f 22 15 25 +f 45 15 22 +f 49 98 80 +f 49 80 52 +f 49 52 4 +f 49 4 3 +f 49 3 107 +f 49 107 103 +f 49 103 94 +f 49 94 82 +f 49 82 58 +f 49 58 21 +f 49 21 18 +f 49 18 16 +f 49 16 1 +f 49 1 12 +f 49 12 40 +f 40 39 93 +f 40 93 91 +f 40 91 84 +f 40 84 70 +f 40 70 66 +f 40 66 57 +f 40 57 27 +f 40 27 13 +f 40 13 7 +f 40 7 10 +f 40 10 127 +f 40 127 123 +f 40 123 118 +f 40 118 113 +f 63 40 113 +f 68 40 79 +f 64 40 68 +f 50 40 64 +f 41 40 50 +f 36 40 41 +f 33 40 36 +f 115 40 33 +f 106 40 115 +f 100 40 106 +f 88 40 100 +f 75 40 88 +f 60 40 75 +f 55 40 60 +f 43 40 55 +f 49 40 43 +f 99 79 40 +f 20 40 44 +f 28 40 20 +f 125 40 28 +f 120 40 125 +f 110 40 120 +f 104 40 110 +f 96 40 104 +f 83 40 96 +f 48 40 83 +f 34 40 48 +f 26 40 34 +f 23 40 26 +f 119 40 23 +f 109 40 119 +f 99 40 109 +f 63 44 40 +f 12 11 15 +f 12 15 40 +# 252 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/suction/suction/head.obj b/cliport/environments/assets/ur5/suction/suction/head.obj new file mode 100644 index 0000000000000000000000000000000000000000..4d7ca048f5487ee00079986b662674259fd5f8c6 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/suction/head.obj @@ -0,0 +1,396 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 0.001 5.001 0 +v 0.492 4.977 0 +v 0.977 4.905 0 +v 1.453 4.786 0 +v 1.915 4.621 0 +v 2.358 4.411 0 +v 2.779 4.159 0 +v 3.173 3.866 0 +v 3.537 3.537 0 +v 3.866 3.173 0 +v 4.159 2.779 0 +v 4.411 2.358 0 +v 4.621 1.915 0 +v 4.786 1.453 0 +v 4.905 0.977 0 +v 4.977 0.492 0 +v 5.001 0.001 0 +v -2.776 4.159 0 +v 4.159 -2.776 30 +v -2.356 4.411 0 +v -1.912 4.621 0 +v -1.45 4.786 0 +v -0.974 4.905 0 +v -0.489 4.977 0 +v 4.411 -2.356 30 +v 4.621 -1.912 30 +v 4.786 -1.45 30 +v -4.999 0.001 0 +v -4.974 0.492 0 +v -4.903 0.977 0 +v -4.783 1.453 0 +v -4.618 1.915 0 +v -4.408 2.358 0 +v 4.905 -0.974 30 +v -4.156 2.779 0 +v -3.864 3.173 0 +v -3.534 3.537 0 +v -3.171 3.866 0 +v 4.977 -0.489 30 +v 4.977 -0.489 0 +v 4.905 -0.974 0 +v 4.786 -1.45 0 +v 4.621 -1.912 0 +v 4.411 -2.356 0 +v 4.159 -2.776 0 +v 0.001 -4.999 30 +v 3.866 -3.171 0 +v 3.537 -3.534 0 +v 3.173 -3.864 0 +v 2.779 -4.156 0 +v 2.358 -4.408 0 +v 1.915 -4.618 0 +v 0.492 -4.974 30 +v 1.453 -4.783 0 +v 0.977 -4.902 0 +v 0.492 -4.974 0 +v 0.001 -4.999 0 +v 0.977 -4.902 30 +v 1.453 -4.783 30 +v 1.915 -4.618 30 +v -3.171 -3.864 0 +v -3.534 -3.534 0 +v -3.864 -3.171 0 +v -4.156 -2.776 0 +v -4.408 -2.356 0 +v -4.618 -1.912 0 +v -4.783 -1.45 0 +v -4.903 -0.974 0 +v -4.974 -0.489 0 +v 2.358 -4.408 30 +v 2.779 -4.156 30 +v -0.489 -4.974 0 +v -0.974 -4.902 0 +v -1.45 -4.783 0 +v -1.912 -4.618 0 +v -2.356 -4.408 0 +v -2.776 -4.156 0 +v 3.173 -3.864 30 +v 3.537 -3.534 30 +v 0.001 5.001 30 +v 2.779 4.159 30 +v 2.358 4.411 30 +v 1.915 4.621 30 +v 3.866 -3.171 30 +v 1.453 4.786 30 +v 0.977 4.905 30 +v 0.492 4.977 30 +v 5.001 0.001 30 +v 4.977 0.492 30 +v 4.905 0.977 30 +v 4.786 1.453 30 +v 4.621 1.915 30 +v 4.411 2.358 30 +v 4.159 2.779 30 +v 3.866 3.173 30 +v 3.537 3.537 30 +v 3.173 3.866 30 +v -0.489 4.977 30 +v -0.974 4.905 30 +v -1.45 4.786 30 +v -1.912 4.621 30 +v -2.356 4.411 30 +v -2.776 4.159 30 +v -3.171 3.866 30 +v -3.534 3.537 30 +v -3.864 3.173 30 +v -4.156 2.779 30 +v -4.408 2.358 30 +v -4.618 1.915 30 +v -4.783 1.453 30 +v -4.903 0.977 30 +v -4.974 0.492 30 +v -4.999 0.001 30 +v -4.974 -0.489 30 +v -4.903 -0.974 30 +v -4.783 -1.45 30 +v -4.618 -1.912 30 +v -4.408 -2.356 30 +v -4.156 -2.776 30 +v -3.864 -3.171 30 +v -3.534 -3.534 30 +v -3.171 -3.864 30 +v -0.489 -4.974 30 +v -2.776 -4.156 30 +v -2.356 -4.408 30 +v -1.912 -4.618 30 +v -1.45 -4.783 30 +v -0.974 -4.902 30 +# 128 vertices + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 2 3 1 +f 1 3 4 +f 1 4 5 +f 1 5 6 +f 1 6 7 +f 1 7 8 +f 9 10 8 +f 8 10 11 +f 8 11 12 +f 8 12 13 +f 8 13 14 +f 8 14 15 +f 8 15 16 +f 8 16 17 +f 8 17 40 +f 22 8 21 +f 20 21 8 +f 23 8 22 +f 24 8 23 +f 1 8 24 +f 18 20 8 +f 31 8 30 +f 32 8 31 +f 33 8 32 +f 35 8 33 +f 29 30 8 +f 36 8 35 +f 37 8 36 +f 38 8 37 +f 18 8 38 +f 28 29 8 +f 44 8 43 +f 42 43 8 +f 41 42 8 +f 45 8 44 +f 47 8 45 +f 50 8 49 +f 51 8 50 +f 48 49 8 +f 52 8 51 +f 54 8 52 +f 55 8 54 +f 56 8 55 +f 57 8 56 +f 72 8 57 +f 47 48 8 +f 40 41 8 +f 64 8 63 +f 65 8 64 +f 66 8 65 +f 62 63 8 +f 67 8 66 +f 68 8 67 +f 69 8 68 +f 28 8 69 +f 61 62 8 +f 72 73 8 +f 75 8 74 +f 73 74 8 +f 76 8 75 +f 77 8 76 +f 61 8 77 +f 98 82 80 +f 80 83 85 +f 80 85 86 +f 80 86 87 +f 19 45 44 +f 19 44 25 +f 43 26 44 +f 43 42 27 +f 42 41 27 +f 89 90 88 +f 88 90 91 +f 88 91 92 +f 88 92 93 +f 88 93 94 +f 88 94 95 +f 96 97 88 +f 97 81 88 +f 82 88 81 +f 95 96 88 +f 114 115 82 +f 25 44 26 +f 34 27 41 +f 43 27 26 +f 34 41 40 +f 99 82 98 +f 100 82 99 +f 101 82 100 +f 102 82 101 +f 103 82 102 +f 83 80 82 +f 55 58 53 +f 34 40 39 +f 58 55 54 +f 82 103 104 +f 82 104 105 +f 82 105 106 +f 82 106 107 +f 82 107 108 +f 82 108 109 +f 82 109 110 +f 82 110 111 +f 82 111 112 +f 82 112 113 +f 82 113 114 +f 56 53 57 +f 53 56 55 +f 39 88 82 +f 19 25 82 +f 25 26 82 +f 27 82 26 +f 34 82 27 +f 39 82 34 +f 57 53 46 +f 70 82 60 +f 59 60 82 +f 58 59 82 +f 71 82 70 +f 53 58 82 +f 78 82 71 +f 79 82 78 +f 84 82 79 +f 19 82 84 +f 46 53 82 +f 122 124 82 +f 71 50 78 +f 54 59 58 +f 5 83 82 +f 71 51 50 +f 48 78 49 +f 59 54 60 +f 52 60 54 +f 5 85 83 +f 49 78 50 +f 52 51 60 +f 70 60 51 +f 116 82 115 +f 117 82 116 +f 118 82 117 +f 119 82 118 +f 120 82 119 +f 121 82 120 +f 122 82 121 +f 85 4 3 +f 71 70 51 +f 46 82 123 +f 125 126 82 +f 123 82 128 +f 127 82 126 +f 128 82 127 +f 124 125 82 +f 48 79 78 +f 24 98 80 +f 48 47 79 +f 84 79 47 +f 16 89 88 +f 84 47 19 +f 16 90 89 +f 95 94 11 +f 14 91 90 +f 82 7 6 +f 92 91 13 +f 12 92 13 +f 80 1 24 +f 8 97 96 +f 76 75 125 +f 57 46 72 +f 126 75 127 +f 72 123 128 +f 46 123 72 +f 81 97 7 +f 7 82 81 +f 69 68 114 +f 85 3 86 +f 115 67 116 +f 117 116 66 +f 86 3 87 +f 2 87 3 +f 37 105 104 +f 116 67 66 +f 2 80 87 +f 121 120 62 +f 66 65 118 +f 66 118 117 +f 121 62 122 +f 61 122 62 +f 65 119 118 +f 120 119 63 +f 107 35 33 +f 115 114 68 +f 122 61 124 +f 120 63 62 +f 68 67 115 +f 14 13 91 +f 77 124 61 +f 113 29 28 +f 77 76 124 +f 125 124 76 +f 12 93 92 +f 126 125 75 +f 119 65 64 +f 113 28 114 +f 69 114 28 +f 127 75 74 +f 112 111 29 +f 94 93 12 +f 74 73 127 +f 64 63 119 +f 128 73 72 +f 112 29 113 +f 104 18 38 +f 104 38 37 +f 98 24 23 +f 8 7 97 +f 35 107 106 +f 40 88 39 +f 110 109 31 +f 101 21 20 +f 128 127 73 +f 98 23 99 +f 23 100 99 +f 6 5 82 +f 101 20 102 +f 85 5 4 +f 20 18 103 +f 20 103 102 +f 18 104 103 +f 1 80 2 +f 37 106 105 +f 107 33 108 +f 33 109 108 +f 88 17 16 +f 15 90 16 +f 15 14 90 +f 94 12 11 +f 10 95 11 +f 95 10 96 +f 9 96 10 +f 9 8 96 +f 40 17 88 +f 100 22 101 +f 109 33 32 +f 32 31 109 +f 111 110 30 +f 31 30 110 +f 111 30 29 +f 100 23 22 +f 21 101 22 +f 37 36 106 +f 36 35 106 +f 19 47 45 +# 252 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/suction/suction/mid.obj b/cliport/environments/assets/ur5/suction/suction/mid.obj new file mode 100644 index 0000000000000000000000000000000000000000..260fe0669e6a1fb73287c5bb469d1d2c4c1f68b4 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/suction/mid.obj @@ -0,0 +1,2134 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 24.107 -29.374 0 +v 21.112 -31.596 0 +v 30.297 8.013 24.448 +v 17.913 -33.513 0 +v 26.312 25.97 20.313 +v 14.542 -35.107 0 +v 31.366 0 24.448 +v 29 0 24.7348 +v -29.4178 -24.048 15.875 +v -29.3593 -24.1232 15.875 +v -17.841 30.499 22.151 +v 23.821 -23.511 23.561 +v -9.235 34.018 22.151 +v 34.5141 -15.7959 17 +v 35.107 -14.542 17 +v 35.4949 -13.4585 17 +v 35.0704 -14.4701 17 +v 35.107 -14.542 16.5646 +v 19.086 -32.629 18.172 +v 34.7754 -15.2433 16.808 +v 36.871 -9.751 18.172 +v 0 35.218 22.151 +v 23.0418 -29.8391 17 +v 19.2451 -32.7147 17 +v 21.112 -31.596 17 +v 24.107 -29.374 17 +v 0 33.25 23.561 +v 27.224 26.87 15.875 +v -27.224 -26.87 15.875 +v -20.1874 32.1501 16.1531 +v -20.4974 31.9643 15.875 +v 38.172 0 18.172 +v 18.605 -31.807 20.313 +v -9.3502 36.7849 15.875 +v 35.943 -9.506 20.313 +v -9.965 36.705 15.875 +v 37.21 0 20.313 +v 17.84 -30.499 22.151 +v -10.342 36.5365 15.9699 +v -10.4325 36.5139 15.875 +v 27.751 -8.418 24.75 +v 26.792 -11.098 24.75 +v 26.792 -11.098 24.6977 +v 27.751 -8.418 24.7164 +v 34.465 -9.115 22.151 +v 35.681 0 22.151 +v 25.576 -13.67 24.7131 +v 22.179 -21.891 24.448 +v 33.687 0 23.561 +v 27.0371 26.6856 14.025 +v -27.0371 -26.6856 14.025 +v 37.188 -9.835 15.875 +v -32.6246 -19.3954 13.578 +v 20.1874 -32.1501 16.1531 +v 20.4974 -31.9643 15.875 +v 26.87 26.87 14.3533 +v 38.5 0 15.875 +v -26.87 -26.87 14.3533 +v -31.596 -21.112 15.2913 +v -32.4905 -19.6194 13.8015 +v 25.576 -13.67 24.75 +v -15.683 -26.811 24.448 +v 25.1718 -14.3444 24.7268 +v 24.6473 -15.2195 24.7117 +v -19.1645 32.763 14.6776 +v -36.871 -9.751 18.172 +v 24.113 -16.111 24.6963 +v -38.172 0 18.172 +v -35.4943 -13.4603 17 +v -35.107 -14.542 17 +v -35.1653 -14.2444 17 +v -35.3852 -13.7649 16.8777 +v -13.1265 13.1265 35.747 +v -18.625 18.625 24.75 +v -13.1265 -13.1265 35.747 +v 25.23 24.903 22.151 +v -9.9461 36.6357 15.3646 +v -9.4809 36.7522 15.7634 +v -18.625 -18.625 24.75 +v 16.844 -28.795 23.561 +v -34.5149 -15.7941 17 +v -35.107 -14.542 16.5651 +v -13 -13 35.747 +v -13 -10 35.747 +v -13 10 35.747 +v -13 13 35.747 +v -13.671 25.576 24.75 +v -16.112 24.113 24.75 +v -18.397 22.417 24.75 +v -20.506 20.506 24.75 +v -22.417 18.397 24.75 +v -24.113 16.112 24.75 +v -25.576 13.671 24.75 +v -35.943 -9.506 20.313 +v -26.793 11.098 24.75 +v -27.751 8.418 24.75 +v -37.211 0 20.313 +v -28.443 5.658 24.75 +v -28.86 2.843 24.75 +v 24.113 -16.111 24.75 +v -29 0 24.75 +v 36.6961 -9.7048 13.1747 +v 36.523 -10.3962 13.4177 +v 36.4086 -10.8531 13.578 +v -8.719 32.117 23.561 +v -28.86 -2.842 24.75 +v -28.443 -5.658 24.75 +v -27.751 -8.418 24.75 +v -26.793 -11.098 24.75 +v -25.576 -13.67 24.75 +v -24.113 -16.111 24.75 +v -22.417 -18.397 24.75 +v -20.506 -20.506 24.75 +v 36.871 -9.751 13.578 +v 22.417 -18.397 24.6885 +v -34.465 -9.115 22.151 +v -18.397 -22.417 24.75 +v -16.112 -24.113 24.75 +v -13.671 -25.576 24.75 +v -35.681 0 22.151 +v 37.9544 -0.9279 13.3691 +v -27.9473 25.6813 17 +v 37.8998 -2.0405 13.578 +v 19.1645 -32.763 14.6776 +v -28.6531 24.9024 16.4377 +v -8.118 29.904 24.448 +v 37.0837 -8.1571 13.578 +v -33.688 0 23.561 +v 38.172 0 13.578 +v 0 30.959 24.448 +v 22.417 -18.397 24.75 +v -25.23 -24.903 22.151 +v 20.6333 -20.3655 24.7131 +v 20.506 -20.506 24.7087 +v 0 29 24.6886 +v 38 0 13.1954 +v -38.5 0 15.875 +v -37.188 -9.835 15.875 +v 13 13 35.747 +v 15.683 -26.811 24.448 +v 11.098 26.793 24.75 +v 8.418 27.751 24.75 +v 5.658 28.443 24.75 +v 35.3852 -13.7649 14.8723 +v 2.842 28.86 24.75 +v 35.107 -14.542 15.1849 +v 0 29 24.75 +v 17.913 -33.513 17 +v 19.107 -32.7975 17 +v 18.2144 -33.3324 15.875 +v -2.843 28.86 24.75 +v -5.658 28.443 24.75 +v -8.418 27.751 24.75 +v -11.098 26.793 24.75 +v 28.6531 24.9024 15.3123 +v 19.25 -32.909 15.875 +v 20.506 -20.506 24.75 +v 36.364 -11.031 13.7743 +v 2.2501 28.8892 24.6663 +v 19.5525 -21.3699 24.6948 +v 18.397 -22.417 24.6779 +v 2.842 28.86 24.6604 +v 37.817 -3.725 14.5724 +v 37.3366 -6.964 14.2345 +v 37.27 -7.413 14.1876 +v 37.2447 -7.5139 14.105 +v 5.658 28.443 24.6667 +v 18.397 -22.417 24.75 +v 16.111 -24.113 24.6813 +v 7.5897 27.9587 24.6954 +v 8.418 27.751 24.6804 +v 18.3829 -33.2314 15.6624 +v 15.683 26.811 24.448 +v 16.111 -24.113 24.75 +v 33.058 -18.838 18.172 +v 14.6252 -25.0035 24.7044 +v -28.6531 -24.9024 15.3123 +v 13.67 -25.576 24.6836 +v 9.5463 27.3477 24.6737 +v 33.342 -19 15.875 +v 11.098 26.793 24.6646 +v 13.67 -25.576 24.75 +v 14.4322 -34.7087 17 +v 14.542 -35.107 17 +v -23.821 -23.511 23.561 +v 13 10 78 +v 13 -10 78 +v 13 -10 35.747 +v 13 10 35.747 +v 13 13 78 +v -36.6961 -9.7048 13.1747 +v -36.9012 -8.8859 13.3881 +v -37.0837 -8.1571 13.578 +v 13 -13 78 +v 13 -13 35.747 +v -38 0 0 +v -37.817 3.725 0 +v -37.27 7.413 0 +v -36.364 11.031 0 +v -35.107 14.542 0 +v -33.513 17.913 0 +v -31.596 21.112 0 +v -29.374 24.107 0 +v 32.9839 -18.7959 13.3878 +v 32.787 -19.1245 13.492 +v -37.8998 -2.0405 13.578 +v -38 0 13.195 +v 33.058 -18.838 13.578 +v -37.817 -3.725 0 +v -36.871 -9.751 13.578 +v -29.374 -24.107 0 +v -31.596 -21.112 0 +v -33.513 -17.913 0 +v -35.107 -14.542 0 +v -36.364 -11.031 0 +v -37.27 -7.413 0 +v -12.9343 25.9244 24.6781 +v -11.098 26.793 24.6646 +v -29 0 24.7348 +v -28.9728 0.5514 24.7292 +v 23.821 23.511 23.561 +v -28.86 2.843 24.7058 +v -38.172 0 13.578 +v 33.29 -18.2852 13.578 +v -26.87 26.87 0 +v -8.418 27.751 24.6804 +v -26.4007 27.2953 17 +v -26.992 26.641 18.172 +v -7.5897 27.9587 24.6954 +v -5.658 28.443 24.6667 +v 33.513 -17.913 14.0141 +v -36.4086 -10.8531 13.578 +v 33.3822 -18.1313 13.7583 +v -26.312 25.97 20.313 +v -5.3976 28.4816 24.6661 +v -2.843 28.86 24.6604 +v 29.374 24.107 0 +v 31.596 21.112 0 +v 33.513 17.913 0 +v 35.107 14.542 0 +v 36.364 11.031 0 +v 37.27 7.413 0 +v 37.817 3.725 0 +v 38 0 0 +v -29.374 24.107 17 +v -31.596 21.112 17 +v -37.7626 -4.0915 14.5336 +v -30.0813 22.9362 17 +v -37.817 -3.725 14.5719 +v 30.297 -8.013 24.448 +v -37.8341 -3.3776 14.3669 +v -13.671 -25.576 24.6835 +v 37.817 -3.725 0 +v 37.27 -7.413 0 +v 36.364 -11.031 0 +v 35.107 -14.542 0 +v 33.513 -17.913 0 +v 31.596 -21.112 0 +v 29.374 -24.107 0 +v -13 13 78 +v -22.179 -21.891 24.448 +v 14.542 35.107 0 +v 17.913 33.513 0 +v 21.112 31.596 0 +v 24.107 29.374 0 +v -10 10 35.747 +v -10 -10 35.747 +v 10 -10 35.747 +v 10 10 35.747 +v -10 10 78 +v -10 -10 78 +v 26.87 26.87 0 +v -31.921 20.5697 17 +v 10 10 78 +v 10 -10 78 +v -31.596 21.112 16.4587 +v 22.179 21.891 24.448 +v -37.27 -7.413 14.1873 +v 32.54 -8.606 23.561 +v 11.031 -36.364 0 +v -25.0698 28.5015 15.875 +v 7.413 -37.27 0 +v -27.224 26.87 15.875 +v 3.725 -37.817 0 +v -32.225 18.364 20.313 +v 0 -38 0 +v -3.725 -37.817 0 +v -7.413 -37.27 0 +v -11.031 -36.364 0 +v -30.901 17.609 22.151 +v -34.7754 -15.2433 14.942 +v 13.67 25.576 24.6836 +v -35.107 -14.542 15.1854 +v 8.719 -32.117 23.561 +v -36.0809 -11.8217 14.0923 +v -36.364 -11.031 13.7744 +v 13.67 25.576 24.75 +v 13 10 0 +v 13 13 0 +v 26.87 -26.87 0 +v -16.112 -24.113 24.6813 +v 29.374 -24.107 17 +v 31.596 -21.112 17 +v 30.0813 -22.9362 17 +v -14.6261 -25.0036 24.7044 +v -29.174 16.625 23.561 +v 8.118 -29.904 24.448 +v -33.058 -18.838 18.172 +v 31.921 -20.5697 17 +v 0 -30.959 24.448 +v 31.596 -21.112 16.4587 +v -25.6086 28.0132 15.419 +v -33.342 -19 15.875 +v 13 -13 0 +v 13 -10 0 +v 0 -29 24.6886 +v -27.0371 26.6856 14.025 +v -26.87 26.87 14.3533 +v 14.6252 25.0035 24.7044 +v 32.225 -18.364 20.313 +v -29.4178 24.048 15.875 +v 0 -38 17 +v 3.725 -37.817 17 +v 7.413 -37.27 17 +v 4.8389 -37.2129 17 +v 16.111 24.113 24.6813 +v 0 -37.8413 17 +v -29.3593 24.1232 15.875 +v 30.901 -17.609 22.151 +v -27.164 15.479 24.448 +v 9.88 -36.393 18.172 +v 0 -37.676 18.172 +v 16.111 24.113 24.75 +v 9.9234 -36.5522 17 +v 9.9461 -36.6357 16.3854 +v -16.2025 -24.0458 24.6812 +v 29.174 -16.625 23.561 +v 11.031 -36.364 17 +v -18.397 -22.417 24.6779 +v 33.058 18.838 18.172 +v -33.1638 -18.4957 13.4995 +v 18.397 22.417 24.6779 +v -33.29 -18.2852 13.578 +v 16.2014 24.0459 24.6812 +v -33.058 -18.838 13.578 +v -28.443 5.658 24.7109 +v 33.342 19 15.875 +v -32.9839 -18.7959 13.3878 +v 9.631 -35.476 20.313 +v 18.397 22.417 24.75 +v -27.164 -15.479 24.448 +v 29.4178 -24.048 15.875 +v 29.3593 -24.1232 15.875 +v 0 -36.727 20.313 +v -33.513 -17.913 14.0143 +v -32.6246 19.3954 13.578 +v -25.23 24.903 22.151 +v 20.506 20.506 24.7087 +v 9.235 -34.018 22.151 +v -20.506 -20.506 24.7087 +v 27.164 15.479 24.448 +v 0 -35.218 22.151 +v -31.6197 21.0725 15.252 +v -31.596 21.112 15.2914 +v 33.1638 18.4957 13.4995 +v 33.29 18.2852 13.578 +v 33.058 18.838 13.578 +v -14.542 -35.107 0 +v -17.913 -33.513 0 +v -21.112 -31.596 0 +v -24.107 -29.374 0 +v 0 -33.25 23.561 +v 32.9839 18.7959 13.3878 +v 20.506 20.506 24.75 +v -21.5138 -19.3937 24.7009 +v -22.417 -18.397 24.6885 +v -20.6333 -20.3655 24.7131 +v 32.6246 -19.3954 13.578 +v 21.5138 19.3937 24.7009 +v 22.417 18.397 24.6885 +v 33.513 17.913 14.0143 +v 20.6333 20.3655 24.7131 +v -32.54 8.606 23.561 +v 9.3502 -36.7849 15.875 +v -24.113 -16.111 24.6964 +v 31.596 -21.112 15.2914 +v 31.6197 -21.0725 15.252 +v 9.965 -36.705 15.875 +v -24.107 -29.374 17 +v -21.112 -31.596 17 +v 10.342 -36.5365 15.9699 +v -23.2383 -29.6906 17 +v 10.4325 -36.5139 15.875 +v 22.417 18.397 24.75 +v -19.086 -32.629 18.172 +v 36.871 9.751 18.172 +v -19.2451 -32.7147 17 +v -25.172 -14.344 24.7269 +v 35.4943 13.4603 17 +v -25.576 -13.67 24.7132 +v 35.107 14.542 17 +v 35.1653 14.2444 17 +v -30.297 8.013 24.448 +v 35.3852 13.7649 16.8777 +v 24.113 16.112 24.6962 +v -31.366 0 24.448 +v -18.605 -31.807 20.313 +v 34.5149 15.7941 17 +v 24.113 16.112 24.75 +v 19.25 32.909 15.875 +v 35.107 14.542 16.5651 +v 25.1722 14.3447 24.7267 +v 25.576 13.671 24.7131 +v 19.107 32.7975 17 +v 17.913 33.513 17 +v 18.3829 33.2314 16.0876 +v -25.6732 -13.4645 24.712 +v -26.793 -11.098 24.6976 +v -17.841 -30.499 22.151 +v 35.943 9.506 20.313 +v 25.576 13.671 24.75 +v -33.058 18.838 18.172 +v 18.2144 33.3324 15.875 +v -33.342 19 15.875 +v -27.751 8.418 24.7164 +v -28.0047 7.4061 24.7357 +v -27.8234 8.1291 24.7219 +v 25.6751 13.4612 24.7118 +v -27.751 -8.418 24.7164 +v 34.465 9.115 22.151 +v 26.792 11.098 24.6977 +v -20.4974 -31.9643 15.875 +v -28.1502 -6.8258 24.7275 +v -28.443 -5.658 24.7109 +v -28.0047 -7.4061 24.7357 +v 26.792 11.098 24.75 +v 27.751 8.418 24.7164 +v 9.9461 -36.6357 15.3646 +v 9.4809 -36.7522 15.7634 +v 27.751 8.418 24.75 +v -28.86 -2.842 24.7059 +v 28.1502 6.8258 24.7275 +v 28.443 5.658 24.7109 +v -32.9839 18.7959 13.3878 +v -32.787 19.1245 13.492 +v 28.0047 7.4061 24.7357 +v -33.058 18.838 13.578 +v -13 10 78 +v 37.188 9.835 15.875 +v -13 -10 78 +v 28.443 5.658 24.75 +v 14.542 35.107 17 +v -23.821 23.511 23.561 +v 14.6609 34.6154 17 +v -13 -13 78 +v 28.86 2.843 24.7058 +v -8.719 -32.117 23.561 +v 28.86 2.843 24.75 +v -33.29 18.2852 13.578 +v 29 0 24.75 +v 0 38 0 +v 3.725 37.817 0 +v 7.413 37.27 0 +v 11.031 36.364 0 +v -3.725 37.817 0 +v -8.118 -29.904 24.448 +v 28.9728 -0.5513 24.7292 +v -11.031 36.364 0 +v -7.413 37.27 0 +v 28.86 -2.842 24.7059 +v -19.1645 -32.763 14.6776 +v -20.1874 -32.1501 15.5969 +v -33.513 17.913 14.0141 +v -33.3822 18.1313 13.7583 +v -26.793 11.098 24.6976 +v -34.5141 15.7959 17 +v -35.107 14.542 17 +v -35.4949 13.4585 17 +v -35.0704 14.4701 17 +v -35.107 14.542 16.5646 +v -34.7754 15.2433 16.808 +v -14.542 -35.107 17 +v -36.871 9.751 18.172 +v -14.6609 -34.6154 17 +v -13 13 0 +v 24.107 29.374 17 +v 21.112 31.596 17 +v 23.2383 29.6906 17 +v 10 10 0 +v 10 -10 0 +v -10 -10 0 +v -10 10 0 +v -13 -10 0 +v -13 10 0 +v -11.031 -36.364 17 +v 19.086 32.629 18.172 +v -9.88 -36.393 18.172 +v 19.2451 32.7147 17 +v 27.9473 -25.6813 17 +v -22.179 21.891 24.448 +v -9.9234 -36.5522 17 +v 28.6531 -24.9024 16.4377 +v -9.9461 -36.6357 16.3854 +v -35.943 9.506 20.313 +v -7.413 -37.27 17 +v -3.725 -37.817 17 +v -5.0844 -37.1806 17 +v 36.6961 9.7048 13.1747 +v 36.9011 8.8863 13.3882 +v 18.605 31.807 20.313 +v 37.0837 8.1571 13.578 +v 37.8998 2.0405 13.578 +v -25.576 13.671 24.7132 +v -34.465 9.115 22.151 +v 36.871 9.751 13.578 +v -13 -13 0 +v -19.25 -32.909 15.875 +v -9.631 -35.476 20.313 +v -19.107 -32.7975 17 +v -17.913 -33.513 17 +v 17.84 30.499 22.151 +v -16.844 28.795 23.561 +v -18.3829 -33.2314 16.0876 +v -9.235 -34.018 22.151 +v -18.2144 -33.3324 15.875 +v 11.031 36.364 17 +v -37.188 9.835 15.875 +v 20.4974 31.9643 15.875 +v 9.88 36.393 18.172 +v 36.4086 10.8531 13.578 +v 9.9234 36.5522 17 +v -10.4325 -36.5139 15.875 +v 9.9461 36.6357 16.3854 +v -24.113 16.112 24.6963 +v -9.965 -36.705 15.875 +v -25.1725 14.3443 24.7268 +v -24.6486 15.2183 24.7117 +v 37.7626 4.0915 14.5336 +v 7.413 37.27 17 +v 37.817 3.725 14.5719 +v 3.725 37.817 17 +v 0 38 17 +v 0 37.8413 17 +v 5.0844 37.1806 17 +v -9.4809 -36.7522 15.9866 +v -9.3502 -36.7849 15.875 +v 37.8341 3.3776 14.3669 +v 28.86 -2.842 24.75 +v 0 37.676 18.172 +v 28.443 -5.658 24.7109 +v 27.164 -15.479 24.448 +v 9.631 35.476 20.313 +v 37.27 7.413 14.1873 +v -24.107 29.374 0 +v -21.112 31.596 0 +v -17.913 33.513 0 +v -14.542 35.107 0 +v 0 36.727 20.313 +v 9.235 34.018 22.151 +v 19.1645 32.763 14.6776 +v 20.1874 32.1501 15.5969 +v -22.417 18.397 24.6885 +v 35.107 14.542 15.1854 +v 34.7754 15.2433 14.942 +v 36.0809 11.8217 14.0923 +v 36.364 11.031 13.7744 +v -15.683 26.811 24.448 +v 10.4325 36.5139 15.875 +v -36.6961 9.7048 13.1747 +v -36.523 10.3962 13.4177 +v -36.4086 10.8531 13.578 +v 9.965 36.705 15.875 +v 26.4007 -27.2953 17 +v -26.87 -26.87 0 +v -36.871 9.751 13.578 +v 26.992 -26.641 18.172 +v 9.4809 36.7522 15.9866 +v 9.3502 36.7849 15.875 +v 31.921 20.5696 17 +v 31.596 21.112 17 +v 29.374 24.107 17 +v 30.232 22.7423 17 +v -37.9544 0.9279 13.3691 +v 31.596 21.112 16.4586 +v -37.8998 2.0405 13.578 +v 31.6197 21.0725 16.498 +v 26.312 -25.97 20.313 +v -20.6333 20.3655 24.7131 +v -20.506 20.506 24.7087 +v -37.0837 8.1571 13.578 +v 13.1265 13.1265 35.747 +v 13.1265 -13.1265 35.747 +v 18.625 18.625 24.75 +v 18.625 -18.625 24.75 +v -9.9461 -36.6357 15.3646 +v -10.342 -36.5365 15.7801 +v 25.0698 -28.5015 15.875 +v 32.225 18.364 20.313 +v 27.224 -26.87 15.875 +v -19.5525 21.3699 24.6948 +v -18.397 22.417 24.6779 +v -35.3852 13.7649 14.8723 +v -35.107 14.542 15.1849 +v 30.901 17.609 22.151 +v -14.4322 34.7087 17 +v -14.542 35.107 17 +v 0 -29 24.75 +v 2.842 -28.86 24.75 +v 5.658 -28.443 24.75 +v 8.418 -27.751 24.75 +v 11.098 -26.792 24.75 +v -16.112 24.113 24.6813 +v 28.443 -5.658 24.75 +v -11.098 -26.792 24.75 +v -8.418 -27.751 24.75 +v -5.658 -28.443 24.75 +v -36.364 11.031 13.7743 +v -2.843 -28.86 24.75 +v 29.174 16.625 23.561 +v -14.6261 25.0036 24.7044 +v -13.671 25.576 24.6836 +v -37.817 3.725 14.5724 +v -37.3366 6.964 14.2345 +v -37.27 7.413 14.1876 +v 25.6086 -28.0132 15.419 +v -37.2447 7.5139 14.105 +v 27.0371 -26.6856 14.025 +v 26.87 -26.87 14.3533 +v 12.9343 -25.9238 24.6782 +v 11.098 -26.792 24.6647 +v 9.9461 36.6357 15.3646 +v 10.342 36.5365 15.7801 +v 29.3593 24.1232 15.875 +v 29.4178 24.048 15.875 +v 16.844 28.795 23.561 +v 8.418 -27.751 24.6804 +v 27.8234 -8.1291 24.7219 +v 28.0047 -7.4061 24.7357 +v -30.297 -8.013 24.448 +v 7.5897 -27.9587 24.6954 +v 5.658 -28.443 24.6667 +v 25.6086 28.0132 16.331 +v 8.719 32.117 23.561 +v 25.0698 28.5015 15.875 +v 5.3977 -28.4816 24.6661 +v 2.842 -28.86 24.6604 +v -17.913 33.513 17 +v -19.107 32.7975 17 +v -18.2144 33.3324 15.875 +v -16.844 -28.795 23.561 +v 8.118 29.904 24.448 +v -32.54 -8.606 23.561 +v -19.25 32.909 15.875 +v -2.2503 -28.8892 24.6663 +v -2.843 -28.86 24.6604 +v -30.232 -22.7423 17 +v -31.921 -20.5696 17 +v -31.596 -21.112 17 +v -29.374 -24.107 17 +v -5.658 -28.443 24.6667 +v -25.6086 -28.0132 16.331 +v -31.596 -21.112 16.4586 +v -31.6197 -21.0725 16.498 +v -3.725 37.817 17 +v -7.413 37.27 17 +v -4.8389 37.2129 17 +v -25.0698 -28.5015 15.875 +v -7.5897 -27.9587 24.6954 +v -8.418 -27.751 24.6804 +v 25.23 -24.903 22.151 +v -18.3829 33.2314 15.6624 +v -9.88 36.393 18.172 +v -9.9234 36.5522 17 +v -9.9461 36.6357 16.3854 +v 32.6246 19.3954 13.578 +v -9.5447 -27.3478 24.6738 +v 27.9472 25.6814 17 +v -11.098 -26.792 24.6647 +v -32.225 -18.364 20.313 +v 26.992 26.641 18.172 +v -11.031 36.364 17 +v 31.596 21.112 15.2913 +v 32.4905 19.6194 13.8015 +v -30.901 -17.609 22.151 +v 26.4004 27.2956 17 +v -9.631 35.476 20.313 +v -19.086 32.629 18.172 +v -29.174 -16.625 23.561 +v -23.0418 29.8391 17 +v -19.2451 32.7147 17 +v -21.112 31.596 17 +v -24.107 29.374 17 +v -27.9472 -25.6814 17 +v 32.54 8.606 23.561 +v -26.992 -26.641 18.172 +v -18.605 31.807 20.313 +v -26.4004 -27.2956 17 +v -26.312 -25.97 20.313 +# 698 vertices + +g group_0_40919 + +usemtl color_40919 +s 0 + +f 139 190 189 +f 186 189 190 +f 139 86 190 +f 260 190 86 +f 266 269 270 +f 274 270 269 +f 85 448 86 +f 260 86 448 +f 448 270 260 +f 190 260 270 +f 190 270 274 +f 190 274 186 +f 494 485 492 +f 489 492 485 +f 485 299 489 +f 298 489 299 +# 16 faces + +g group_0_4634441 + +usemtl color_4634441 +s 0 + +f 186 187 188 +f 188 189 186 +f 269 268 274 +f 275 274 268 +f 186 274 275 +f 186 275 187 +f 489 298 490 +f 315 490 298 +# 8 faces + +g group_0_8273816 + +usemtl color_8273816 +s 0 + +f 267 266 271 +f 270 271 266 +f 84 448 85 +f 450 448 84 +f 271 270 448 +f 271 448 450 +f 492 491 493 +f 492 493 494 +# 8 faces + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 188 187 194 +f 194 195 188 +f 268 267 275 +f 271 275 267 +f 83 455 84 +f 450 84 455 +f 271 455 275 +f 450 455 271 +f 455 194 275 +f 187 275 194 +f 493 491 516 +f 314 516 491 +f 314 491 490 +f 314 490 315 +f 455 195 194 +f 83 195 455 +# 16 faces + +g group_0_16089887 + +usemtl color_16089887 +s 0 + +f 7 456 8 +f 16 17 15 +f 14 15 17 +f 15 18 16 +f 15 14 20 +f 15 20 18 +f 17 16 21 +f 24 25 23 +f 23 25 26 +f 18 52 16 +f 20 180 18 +f 52 18 180 +f 24 54 25 +f 691 30 31 +f 21 175 17 +f 14 17 175 +f 24 23 19 +f 180 20 14 +f 19 156 24 +f 21 52 32 +f 469 78 34 +f 175 21 35 +f 21 32 37 +f 21 37 35 +f 468 681 40 +f 40 681 39 +f 36 40 39 +f 43 44 42 +f 41 42 44 +f 40 77 468 +f 35 46 45 +f 9 59 211 +f 211 574 51 +f 35 37 46 +f 556 555 65 +f 46 49 45 +f 2 1 25 +f 25 54 55 +f 21 16 52 +f 59 60 212 +f 57 32 52 +f 26 25 1 +f 124 2 55 +f 212 211 59 +f 644 28 56 +f 50 56 28 +f 38 12 80 +f 51 58 29 +f 61 47 42 +f 59 313 60 +f 53 212 60 +f 47 43 42 +f 691 31 555 +f 68 137 66 +f 692 691 554 +f 69 70 71 +f 244 136 253 +f 65 555 31 +f 69 72 70 +f 69 71 66 +f 66 71 308 +f 76 598 5 +f 73 79 75 +f 64 67 48 +f 78 469 77 +f 66 138 69 +f 74 79 73 +f 70 81 71 +f 82 81 70 +f 78 77 36 +f 72 82 70 +f 73 75 84 +f 85 73 84 +f 86 73 85 +f 83 84 75 +f 71 81 308 +f 81 82 313 +f 81 313 308 +f 80 12 48 +f 90 74 89 +f 89 74 88 +f 91 74 90 +f 87 88 74 +f 34 78 36 +f 61 100 63 +f 63 47 61 +f 163 164 253 +f 469 468 77 +f 94 97 68 +f 95 79 93 +f 93 79 92 +f 96 79 95 +f 98 79 96 +f 99 79 98 +f 101 79 99 +f 79 74 92 +f 91 92 74 +f 77 40 36 +f 64 63 100 +f 67 64 100 +f 103 255 102 +f 104 255 103 +f 255 254 102 +f 115 48 67 +f 66 94 68 +f 146 256 144 +f 144 256 158 +f 22 13 105 +f 134 160 48 +f 133 134 48 +f 108 79 107 +f 106 107 79 +f 109 79 108 +f 110 79 109 +f 111 79 110 +f 112 79 111 +f 113 79 112 +f 117 79 113 +f 101 106 79 +f 103 102 114 +f 48 115 133 +f 22 105 27 +f 97 94 116 +f 127 102 254 +f 79 117 118 +f 79 118 119 +f 114 104 103 +f 116 120 97 +f 695 656 693 +f 124 4 2 +f 80 48 140 +f 163 253 123 +f 121 123 253 +f 105 126 27 +f 254 253 164 +f 165 166 254 +f 27 126 130 +f 100 131 67 +f 25 55 2 +f 115 67 131 +f 652 120 116 +f 123 121 129 +f 122 245 248 +f 102 127 114 +f 122 125 245 +f 422 228 248 +f 217 218 126 +f 218 226 126 +f 66 137 138 +f 72 69 138 +f 48 160 140 +f 591 74 73 +f 86 139 591 +f 86 591 73 +f 80 359 38 +f 121 136 129 +f 132 419 650 +f 140 294 80 +f 145 74 143 +f 142 143 74 +f 147 74 145 +f 141 142 74 +f 237 272 50 +f 148 4 150 +f 148 150 149 +f 153 74 152 +f 154 74 153 +f 87 74 154 +f 151 152 74 +f 147 151 74 +f 156 19 149 +f 183 149 19 +f 155 237 50 +f 146 144 52 +f 150 156 149 +f 313 82 138 +f 82 72 138 +f 52 180 146 +f 157 134 133 +f 115 131 133 +f 255 104 158 +f 157 133 131 +f 50 28 155 +f 651 130 159 +f 160 161 140 +f 159 162 651 +f 162 167 651 +f 172 156 150 +f 114 52 104 +f 158 104 52 +f 144 158 52 +f 145 162 159 +f 135 147 159 +f 145 159 147 +f 51 177 211 +f 55 54 156 +f 165 254 164 +f 156 124 55 +f 171 179 651 +f 127 254 166 +f 24 156 54 +f 170 651 167 +f 129 57 123 +f 161 160 168 +f 157 168 160 +f 163 123 57 +f 157 160 134 +f 164 163 57 +f 140 161 169 +f 114 127 166 +f 143 167 145 +f 145 167 162 +f 10 29 693 +f 184 6 4 +f 179 173 651 +f 169 176 140 +f 124 172 4 +f 150 4 172 +f 174 169 168 +f 57 52 164 +f 165 164 52 +f 114 166 52 +f 58 51 574 +f 161 168 169 +f 165 52 166 +f 142 171 170 +f 142 170 143 +f 143 170 167 +f 176 178 140 +f 216 215 191 +f 156 172 124 +f 179 181 173 +f 177 29 10 +f 141 181 179 +f 171 142 179 +f 141 179 142 +f 184 148 183 +f 149 183 148 +f 177 10 211 +f 182 178 176 +f 176 174 182 +f 319 326 173 +f 177 51 29 +f 14 175 180 +f 176 169 174 +f 141 292 181 +f 35 320 175 +f 181 292 173 +f 193 216 192 +f 191 192 216 +f 349 33 38 +f 216 278 209 +f 185 132 650 +f 198 494 197 +f 205 204 208 +f 196 209 207 +f 4 148 184 +f 224 204 257 +f 192 191 210 +f 204 224 208 +f 197 494 196 +f 493 516 214 +f 214 215 493 +f 216 493 215 +f 583 197 207 +f 222 346 403 +f 426 403 346 +f 154 218 217 +f 621 87 217 +f 154 217 87 +f 257 256 231 +f 99 222 220 +f 219 101 220 +f 99 220 101 +f 231 233 257 +f 193 192 210 +f 635 221 76 +f 223 207 206 +f 387 378 180 +f 233 231 180 +f 208 233 180 +f 153 226 154 +f 218 154 226 +f 689 227 228 +f 208 224 233 +f 283 227 281 +f 229 230 126 +f 235 126 230 +f 126 226 229 +f 191 215 232 +f 152 229 153 +f 293 295 214 +f 635 173 221 +f 152 230 229 +f 226 153 229 +f 62 261 185 +f 122 248 228 +f 277 173 344 +f 231 146 180 +f 224 257 233 +f 301 336 62 +f 130 235 236 +f 232 210 191 +f 130 126 235 +f 206 207 209 +f 151 236 235 +f 151 235 152 +f 319 173 292 +f 62 305 301 +f 235 230 152 +f 228 285 234 +f 246 248 245 +f 249 209 247 +f 228 422 285 +f 130 236 135 +f 239 299 238 +f 240 299 239 +f 241 298 240 +f 242 298 241 +f 253 315 244 +f 243 298 242 +f 244 298 243 +f 249 251 209 +f 62 252 305 +f 245 276 246 +f 135 236 151 +f 135 151 147 +f 125 328 245 +f 266 267 268 +f 266 268 269 +f 265 299 264 +f 263 264 299 +f 137 249 138 +f 246 273 248 +f 247 138 249 +f 237 238 299 +f 8 467 7 +f 7 467 250 +f 246 276 273 +f 249 137 251 +f 223 251 137 +f 467 470 250 +f 193 278 216 +f 248 273 422 +f 261 62 336 +f 247 209 278 +f 251 206 209 +f 221 173 277 +f 276 424 273 +f 228 227 283 +f 193 210 138 +f 193 138 278 +f 247 278 138 +f 344 342 277 +f 45 49 279 +f 125 122 283 +f 283 122 228 +f 326 344 173 +f 223 206 251 +f 279 250 337 +f 279 7 250 +f 279 49 7 +f 215 214 296 +f 295 296 214 +f 297 292 141 +f 296 232 215 +f 299 240 298 +f 254 315 253 +f 234 285 290 +f 255 315 254 +f 1 314 300 +f 257 314 256 +f 210 232 296 +f 210 296 295 +f 259 300 314 +f 303 304 302 +f 285 514 290 +f 2 314 1 +f 259 352 302 +f 303 302 311 +f 293 291 313 +f 138 293 313 +f 140 307 294 +f 314 2 4 +f 293 138 295 +f 210 295 138 +f 304 175 576 +f 303 309 304 +f 303 311 309 +f 312 554 318 +f 261 336 339 +f 304 309 175 +f 256 315 255 +f 258 259 314 +f 257 258 314 +f 315 256 314 +f 298 244 315 +f 645 646 310 +f 283 281 312 +f 311 180 309 +f 309 180 175 +f 640 641 307 +f 310 307 645 +f 318 225 317 +f 629 630 307 +f 688 185 261 +f 317 283 318 +f 312 318 283 +f 307 140 629 +f 261 351 688 +f 276 245 321 +f 324 325 323 +f 338 334 324 +f 325 327 323 +f 322 323 327 +f 305 118 301 +f 679 66 308 +f 119 118 305 +f 292 297 319 +f 119 305 252 +f 333 319 297 +f 424 276 321 +f 66 679 94 +f 331 332 325 +f 327 325 332 +f 121 253 136 +f 319 333 326 +f 325 324 334 +f 125 283 328 +f 320 35 45 +f 338 324 335 +f 255 158 256 +f 320 45 329 +f 146 231 256 +f 334 331 325 +f 212 348 213 +f 212 53 348 +f 379 361 277 +f 377 375 261 +f 279 337 329 +f 184 183 338 +f 334 338 183 +f 360 261 339 +f 329 45 279 +f 291 214 355 +f 213 355 214 +f 293 214 291 +f 343 213 341 +f 355 213 343 +f 335 391 338 +f 334 183 331 +f 19 331 183 +f 341 345 343 +f 222 99 346 +f 98 346 99 +f 339 336 117 +f 118 117 336 +f 118 336 301 +f 445 202 444 +f 332 331 349 +f 213 348 341 +f 344 350 342 +f 311 302 352 +f 348 345 341 +f 326 333 344 +f 350 344 333 +f 259 302 353 +f 349 354 332 +f 347 579 340 +f 364 203 202 +f 348 53 345 +f 328 317 203 +f 352 180 311 +f 379 380 361 +f 687 228 234 +f 33 349 331 +f 364 202 363 +f 382 379 277 +f 375 351 261 +f 331 19 33 +f 277 342 358 +f 277 358 382 +f 354 349 359 +f 345 313 343 +f 291 355 313 +f 343 313 355 +f 261 360 377 +f 345 60 313 +f 359 362 354 +f 345 53 60 +f 113 360 117 +f 234 290 357 +f 245 203 321 +f 364 321 203 +f 349 38 359 +f 117 360 339 +f 365 366 239 +f 381 239 366 +f 9 313 59 +f 225 203 317 +f 245 328 203 +f 294 362 359 +f 357 290 306 +f 257 204 258 +f 564 240 381 +f 372 362 294 +f 398 400 351 +f 367 366 365 +f 365 239 373 +f 204 205 258 +f 294 359 80 +f 321 364 424 +f 363 424 364 +f 342 350 358 +f 373 367 365 +f 375 376 351 +f 372 294 307 +f 374 358 350 +f 310 372 307 +f 283 317 328 +f 258 205 378 +f 112 376 375 +f 377 113 375 +f 112 375 113 +f 113 377 360 +f 383 306 290 +f 384 335 324 +f 208 378 205 +f 367 347 366 +f 381 366 347 +f 347 564 381 +f 453 357 306 +f 378 387 258 +f 386 258 387 +f 335 384 388 +f 352 259 386 +f 258 386 259 +f 330 453 306 +f 184 338 280 +f 400 417 351 +f 403 306 383 +f 338 391 393 +f 338 393 280 +f 390 392 389 +f 227 692 281 +f 351 376 385 +f 370 432 390 +f 388 393 391 +f 380 379 394 +f 374 394 379 +f 379 382 374 +f 390 389 370 +f 208 180 378 +f 306 403 330 +f 367 683 347 +f 111 385 112 +f 376 112 385 +f 374 382 358 +f 386 387 180 +f 398 351 385 +f 390 397 392 +f 388 391 335 +f 352 386 180 +f 417 418 639 +f 396 32 57 +f 361 412 413 +f 413 428 361 +f 639 351 417 +f 399 401 402 +f 397 395 392 +f 318 554 225 +f 432 517 397 +f 401 399 404 +f 110 398 111 +f 412 361 405 +f 184 280 6 +f 312 281 554 +f 399 402 396 +f 402 340 396 +f 380 405 361 +f 383 406 403 +f 110 400 398 +f 385 111 398 +f 396 449 399 +f 323 284 324 +f 401 408 402 +f 380 394 405 +f 409 405 394 +f 323 286 284 +f 411 408 401 +f 3 361 428 +f 401 404 411 +f 402 408 340 +f 281 692 554 +f 416 423 415 +f 414 416 415 +f 282 324 284 +f 428 431 3 +f 411 347 408 +f 408 347 340 +f 426 427 403 +f 330 403 427 +f 418 429 639 +f 529 496 454 +f 109 418 417 +f 109 417 110 +f 420 37 32 +f 219 220 406 +f 220 403 406 +f 536 537 330 +f 110 417 400 +f 421 413 412 +f 410 416 414 +f 220 222 403 +f 405 409 412 +f 396 420 32 +f 421 412 409 +f 439 384 282 +f 410 423 416 +f 425 475 330 +f 475 513 330 +f 273 424 422 +f 435 639 429 +f 37 420 430 +f 286 323 322 +f 418 109 429 +f 108 429 109 +f 330 427 425 +f 397 390 432 +f 476 422 424 +f 406 433 434 +f 430 46 37 +f 3 437 446 +f 406 639 433 +f 96 425 427 +f 96 427 426 +f 96 426 98 +f 431 428 436 +f 421 436 428 +f 421 428 413 +f 504 285 422 +f 439 282 438 +f 426 346 98 +f 514 285 504 +f 107 434 433 +f 433 435 107 +f 324 282 384 +f 107 435 108 +f 7 3 442 +f 439 438 388 +f 435 429 108 +f 436 440 437 +f 436 437 431 +f 434 441 406 +f 438 282 280 +f 106 441 434 +f 106 434 107 +f 696 234 357 +f 438 393 388 +f 7 442 443 +f 443 456 7 +f 384 439 388 +f 441 219 406 +f 201 444 202 +f 356 363 202 +f 356 202 445 +f 263 262 415 +f 357 453 11 +f 446 442 3 +f 447 445 444 +f 441 106 219 +f 101 219 106 +f 415 423 263 +f 396 57 449 +f 393 438 280 +f 451 443 442 +f 347 411 449 +f 440 451 446 +f 442 446 451 +f 415 452 454 +f 414 415 454 +f 57 547 540 +f 540 449 57 +f 446 437 440 +f 356 445 447 +f 456 443 458 +f 451 458 443 +f 404 399 449 +f 444 201 459 +f 473 474 201 +f 452 526 454 +f 458 460 8 +f 458 8 456 +f 237 299 272 +f 262 263 299 +f 272 299 265 +f 449 411 404 +f 444 459 447 +f 638 637 250 +f 363 356 424 +f 447 424 356 +f 457 310 466 +f 330 500 453 +f 457 372 310 +f 470 550 250 +f 638 250 550 +f 370 472 432 +f 463 299 462 +f 462 299 461 +f 389 371 370 +f 262 299 464 +f 512 136 243 +f 464 299 463 +f 485 461 299 +f 527 424 603 +f 447 474 424 +f 330 537 500 +f 473 424 474 +f 459 201 474 +f 459 474 447 +f 465 485 469 +f 536 330 513 +f 478 479 477 +f 476 477 479 +f 576 175 320 +f 477 480 478 +f 95 475 425 +f 95 425 96 +f 480 477 481 +f 476 481 477 +f 262 452 415 +f 11 696 357 +f 479 478 483 +f 316 654 310 +f 466 310 654 +f 461 485 465 +f 487 488 486 +f 587 320 329 +f 489 490 491 +f 489 491 492 +f 654 655 466 +f 264 528 487 +f 480 527 478 +f 505 501 495 +f 481 424 480 +f 527 480 424 +f 453 522 11 +f 482 495 484 +f 395 497 518 +f 483 422 479 +f 476 479 422 +f 286 314 284 +f 282 284 314 +f 6 280 314 +f 280 282 314 +f 487 498 488 +f 499 302 304 +f 395 518 407 +f 424 481 476 +f 501 484 495 +f 244 243 136 +f 499 502 302 +f 565 566 240 +f 505 495 503 +f 576 499 304 +f 410 496 498 +f 498 496 488 +f 4 6 314 +f 497 484 501 +f 414 454 496 +f 322 327 506 +f 505 506 507 +f 507 506 327 +f 501 505 507 +f 410 414 496 +f 287 516 286 +f 353 302 502 +f 422 483 504 +f 511 242 509 +f 508 509 242 +f 508 242 241 +f 483 68 97 +f 503 545 505 +f 545 546 505 +f 370 516 369 +f 507 327 332 +f 368 516 289 +f 483 97 504 +f 552 496 529 +f 332 497 507 +f 501 507 497 +f 504 120 514 +f 513 95 93 +f 504 97 120 +f 509 508 515 +f 288 289 516 +f 287 288 516 +f 314 286 516 +f 395 397 517 +f 496 552 510 +f 95 513 475 +f 484 519 520 +f 484 520 482 +f 530 508 241 +f 482 520 369 +f 520 519 523 +f 523 525 520 +f 497 354 518 +f 497 332 354 +f 497 395 484 +f 519 484 395 +f 517 519 395 +f 290 514 383 +f 136 512 129 +f 559 521 510 +f 514 120 128 +f 524 419 407 +f 599 502 499 +f 664 465 469 +f 517 523 519 +f 522 453 500 +f 514 128 383 +f 511 509 515 +f 518 524 407 +f 664 461 465 +f 128 406 383 +f 518 362 524 +f 369 520 525 +f 525 471 369 +f 539 531 526 +f 517 525 523 +f 518 354 362 +f 239 381 240 +f 599 353 502 +f 524 457 419 +f 483 478 527 +f 498 487 528 +f 563 565 240 +f 524 372 457 +f 527 68 483 +f 264 487 486 +f 524 362 372 +f 482 369 368 +f 137 68 527 +f 531 454 526 +f 495 289 532 +f 532 503 495 +f 515 508 530 +f 528 410 498 +f 353 627 259 +f 539 526 533 +f 495 482 289 +f 471 472 370 +f 370 369 471 +f 500 537 534 +f 503 532 535 +f 529 454 531 +f 199 617 200 +f 472 471 517 +f 603 473 200 +f 540 243 538 +f 242 553 243 +f 542 543 541 +f 539 541 544 +f 544 541 543 +f 531 539 544 +f 535 546 545 +f 540 547 243 +f 57 129 547 +f 548 470 467 +f 8 460 467 +f 548 467 460 +f 533 577 539 +f 92 534 537 +f 92 537 536 +f 92 536 93 +f 517 432 472 +f 544 543 549 +f 531 544 529 +f 93 536 513 +f 549 529 544 +f 535 545 503 +f 449 540 538 +f 471 525 517 +f 242 511 553 +f 538 243 553 +f 556 557 485 +f 555 556 485 +f 469 485 468 +f 547 512 243 +f 569 199 198 +f 529 558 552 +f 423 560 263 +f 337 250 551 +f 225 554 485 +f 529 549 558 +f 200 494 199 +f 511 515 449 +f 522 500 567 +f 553 511 449 +f 202 203 485 +f 538 553 449 +f 552 22 559 +f 201 200 473 +f 589 600 500 +f 588 589 500 +f 129 512 547 +f 552 558 22 +f 623 198 197 +f 554 555 485 +f 557 468 485 +f 528 264 561 +f 560 561 264 +f 560 264 263 +f 200 201 485 +f 563 240 564 +f 196 207 197 +f 534 562 500 +f 265 264 486 +f 559 27 643 +f 562 534 91 +f 241 240 566 +f 22 27 559 +f 622 623 197 +f 566 530 241 +f 92 91 534 +f 561 560 410 +f 595 289 288 +f 526 464 568 +f 526 568 533 +f 105 567 126 +f 515 530 566 +f 515 566 565 +f 482 368 289 +f 570 199 569 +f 571 199 570 +f 452 262 464 +f 526 452 464 +f 201 202 485 +f 203 225 485 +f 485 494 200 +f 493 196 494 +f 12 337 551 +f 602 200 617 +f 572 533 568 +f 286 322 287 +f 561 410 528 +f 211 516 574 +f 563 564 347 +f 449 563 347 +f 288 287 505 +f 570 569 575 +f 560 423 410 +f 573 597 599 +f 23 573 576 +f 505 546 288 +f 563 449 565 +f 515 565 449 +f 624 626 198 +f 577 578 539 +f 576 573 599 +f 572 578 577 +f 581 582 580 +f 579 580 582 +f 575 571 570 +f 371 574 516 +f 559 510 552 +f 581 580 584 +f 584 634 581 +f 622 197 585 +f 585 197 583 +f 600 601 567 +f 287 506 505 +f 580 579 586 +f 580 586 584 +f 572 631 578 +f 600 567 500 +f 572 577 533 +f 569 198 590 +f 626 590 198 +f 19 576 587 +f 500 562 588 +f 347 584 586 +f 506 287 322 +f 213 214 516 +f 493 216 209 +f 587 576 320 +f 541 463 462 +f 589 588 90 +f 562 91 588 +f 680 340 582 +f 579 582 340 +f 90 588 91 +f 594 593 592 +f 591 592 593 +f 199 494 198 +f 585 583 223 +f 596 289 595 +f 532 289 596 +f 593 74 591 +f 569 590 575 +f 586 579 347 +f 620 621 567 +f 79 594 75 +f 596 595 535 +f 396 340 598 +f 139 189 591 +f 592 591 189 +f 592 189 188 +f 592 188 195 +f 209 196 493 +f 212 213 516 +f 368 369 516 +f 370 371 516 +f 516 211 212 +f 598 420 396 +f 532 596 535 +f 583 207 223 +f 462 461 541 +f 499 576 599 +f 567 601 612 +f 199 571 617 +f 595 288 546 +f 440 593 451 +f 436 593 440 +f 458 451 593 +f 421 593 436 +f 409 593 421 +f 394 593 409 +f 374 593 394 +f 350 333 593 +f 460 458 593 +f 603 200 602 +f 89 601 600 +f 89 600 90 +f 595 546 535 +f 90 600 589 +f 539 463 541 +f 592 75 594 +f 606 647 605 +f 648 605 647 +f 83 75 195 +f 592 195 75 +f 74 593 333 +f 141 74 297 +f 333 297 74 +f 374 350 593 +f 603 602 527 +f 598 604 420 +f 607 608 79 +f 608 609 79 +f 79 609 610 +f 79 610 611 +f 79 611 182 +f 473 603 424 +f 601 89 612 +f 61 593 100 +f 42 593 61 +f 131 100 594 +f 41 593 42 +f 613 593 41 +f 548 593 613 +f 460 593 548 +f 594 100 593 +f 157 131 594 +f 616 79 615 +f 614 615 79 +f 607 79 618 +f 618 79 616 +f 119 614 79 +f 598 76 604 +f 88 612 89 +f 300 259 627 +f 621 217 567 +f 182 174 79 +f 168 594 174 +f 79 174 594 +f 594 168 157 +f 617 571 527 +f 527 571 575 +f 567 612 620 +f 602 617 527 +f 621 620 87 +f 619 604 221 +f 685 642 486 +f 624 198 623 +f 76 221 604 +f 87 620 88 +f 612 88 620 +f 496 680 488 +f 126 567 217 +f 223 137 585 +f 361 694 619 +f 625 599 597 +f 221 277 619 +f 622 585 137 +f 178 629 140 +f 300 627 628 +f 619 277 361 +f 623 622 137 +f 575 590 626 +f 627 599 628 +f 631 464 463 +f 539 578 463 +f 631 463 578 +f 630 636 307 +f 625 628 599 +f 632 464 631 +f 568 464 632 +f 419 457 650 +f 510 521 5 +f 611 630 629 +f 611 629 182 +f 137 527 623 +f 624 623 527 +f 575 626 527 +f 457 466 650 +f 353 599 627 +f 521 76 5 +f 632 631 572 +f 629 178 182 +f 624 527 626 +f 548 613 550 +f 548 550 470 +f 634 584 347 +f 640 307 636 +f 392 697 389 +f 521 635 76 +f 581 237 633 +f 568 632 572 +f 630 611 636 +f 681 468 557 +f 667 389 661 +f 661 389 697 +f 461 542 541 +f 610 636 611 +f 347 682 634 +f 697 392 695 +f 395 695 392 +f 645 307 641 +f 128 639 406 +f 695 395 407 +f 641 640 609 +f 610 609 640 +f 610 640 636 +f 559 643 521 +f 435 433 639 +f 637 44 551 +f 44 43 551 +f 606 681 557 +f 551 250 637 +f 644 642 28 +f 646 645 608 +f 609 608 645 +f 329 670 587 +f 609 645 641 +f 647 556 649 +f 647 649 648 +f 310 646 316 +f 329 337 670 +f 608 607 316 +f 608 316 646 +f 653 687 648 +f 652 128 120 +f 649 653 648 +f 56 272 265 +f 30 690 653 +f 64 48 551 +f 652 639 128 +f 643 130 651 +f 655 660 466 +f 671 653 649 +f 265 644 56 +f 351 639 652 +f 670 337 12 +f 618 655 654 +f 316 607 654 +f 618 654 607 +f 12 551 48 +f 643 27 130 +f 642 644 486 +f 31 30 653 +f 170 171 651 +f 675 373 238 +f 26 573 23 +f 653 65 31 +f 466 668 669 +f 597 573 26 +f 657 658 656 +f 658 659 656 +f 656 659 693 +f 239 238 373 +f 660 668 466 +f 135 159 130 +f 576 19 23 +f 658 662 659 +f 644 265 486 +f 662 658 663 +f 657 663 658 +f 587 33 19 +f 665 666 664 +f 681 673 665 +f 666 543 664 +f 542 664 543 +f 655 618 660 +f 616 660 618 +f 634 682 237 +f 469 34 665 +f 34 674 665 +f 313 662 663 +f 669 676 466 +f 676 62 466 +f 665 664 469 +f 556 647 557 +f 667 661 29 +f 635 521 643 +f 542 461 664 +f 33 670 38 +f 676 678 62 +f 657 308 313 +f 649 556 671 +f 65 671 556 +f 635 643 651 +f 672 549 666 +f 543 666 549 +f 389 667 371 +f 606 557 647 +f 695 308 656 +f 656 308 657 +f 669 668 615 +f 616 615 668 +f 651 173 635 +f 670 33 587 +f 666 665 673 +f 616 668 660 +f 663 657 313 +f 681 665 674 +f 674 39 681 +f 56 50 272 +f 683 675 238 +f 682 683 238 +f 653 671 65 +f 581 677 582 +f 633 677 581 +f 373 675 367 +f 673 672 666 +f 678 676 614 +f 615 614 676 +f 615 676 669 +f 698 679 308 +f 680 582 677 +f 677 28 680 +f 36 674 34 +f 633 237 155 +f 252 62 678 +f 667 58 371 +f 670 12 38 +f 606 605 681 +f 673 681 605 +f 678 614 252 +f 238 237 682 +f 581 634 237 +f 695 698 308 +f 633 28 677 +f 574 371 58 +f 119 252 614 +f 11 13 686 +f 633 155 28 +f 13 522 105 +f 58 667 29 +f 687 672 605 +f 673 605 672 +f 488 685 486 +f 11 522 13 +f 94 684 116 +f 36 39 674 +f 682 347 683 +f 567 105 522 +f 300 628 1 +f 679 684 94 +f 549 672 686 +f 605 648 687 +f 679 698 132 +f 62 185 650 +f 367 675 683 +f 679 132 684 +f 684 688 116 +f 625 1 628 +f 604 430 420 +f 488 680 685 +f 28 685 680 +f 686 558 549 +f 116 688 652 +f 62 650 466 +f 690 691 689 +f 691 692 689 +f 689 692 227 +f 185 688 684 +f 642 685 28 +f 132 185 684 +f 555 554 691 +f 351 652 688 +f 340 680 5 +f 597 26 1 +f 690 30 691 +f 29 695 693 +f 46 430 694 +f 510 5 680 +f 211 10 659 +f 693 659 10 +f 659 662 9 +f 659 9 211 +f 604 619 430 +f 558 686 13 +f 662 313 9 +f 340 5 598 +f 228 687 689 +f 690 689 687 +f 653 690 687 +f 694 430 619 +f 680 496 510 +f 29 697 695 +f 13 22 558 +f 672 696 686 +f 625 597 1 +f 637 638 41 +f 44 637 41 +f 696 672 687 +f 638 550 613 +f 613 41 638 +f 29 661 697 +f 63 64 551 +f 687 234 696 +f 47 63 551 +f 3 431 437 +f 47 551 43 +f 686 696 11 +f 695 407 698 +f 694 49 46 +f 698 407 419 +f 3 49 694 +f 419 132 698 +f 694 361 3 +f 49 3 7 +# 1344 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/suction/suction/tip.obj b/cliport/environments/assets/ur5/suction/suction/tip.obj new file mode 100644 index 0000000000000000000000000000000000000000..2b24048cb88aa619dcb1e9a43145a64c3cb777a9 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/suction/tip.obj @@ -0,0 +1,4182 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -7.73 6.3469 14.497 +v -8.315 5.5589 14.497 +v -8.819 4.7169 14.497 +v -9.239 3.8299 14.497 +v -9.57 2.9059 14.497 +v -9.808 1.9539 14.497 +v -9.952 0.9829 14.497 +v -10 0.0029 14.497 +v -9.952 -0.9771 14.497 +v -9.808 -1.9481 14.497 +v -9.57 -2.9001 14.497 +v -9.239 -3.8241 14.497 +v -8.819 -4.7111 14.497 +v -8.315 -5.5531 14.497 +v -7.73 -6.3411 14.497 +v 5.752 -3.3181 8.031 +v 5.913 -3.4111 7.997 +v 1.6906 6.3125 9.8999 +v 4.696 4.6989 5.963 +v 1.6906 6.3125 9.8999 +v 3.321 -5.7491 4.031 +v -6.224 3.5959 9.863 +v 3.321 -5.7491 9.963 +v 3.414 -5.9101 3.997 +v 4.619 4.6219 5.8999 +v 0 -9.9971 14.497 +v 0.98 -9.9491 14.497 +v 1.951 -9.8051 14.497 +v 2.903 -9.5671 14.497 +v 3.827 -9.2361 14.497 +v 4.3254 -9.0001 14.497 +v -4.3254 -9.0001 14.497 +v -3.827 -9.2361 14.497 +v -2.903 -9.5671 14.497 +v 1.86 6.9439 9.863 +v -1.951 -9.8051 14.497 +v -0.98 -9.9491 14.497 +v -6.503 -7.583 14.497 +v 6.3422 -7.7249 14.495 +v 3.2663 -5.6544 4.0941 +v 5.5544 -8.3098 14.495 +v -6.352 3.6699 9.704 +v 3.2661 -5.6545 4.0941 +v 4.7127 -8.8136 14.495 +v 4.828 4.8309 5.997 +v 4.3187 -9.0001 14.495 +v -3.7724 5.2718 4.0942 +v 1.898 7.0879 9.704 +v 3.414 -5.9101 9.997 +v 5.6573 -3.2632 8.0941 +v 5.6572 -3.2634 8.0941 +v 4.959 4.9619 5.963 +v -6.451 3.7269 9.497 +v 3.506 -6.0711 9.963 +v 1.928 7.1979 9.497 +v 5.081 5.0839 5.863 +v 2.6786 -4.6364 6.997 +v 1.3864 -5.1721 6.997 +v 3.2661 -5.6545 9.8999 +v 3.2663 -5.6544 9.8999 +v 3.7879 -3.785 6.997 +v -4.3187 -9.0001 14.495 +v -4.7127 -8.8136 14.495 +v -5.5544 -8.3098 14.495 +v -6.3422 -7.7249 14.495 +v -6.503 -7.5792 14.495 +v 5.081 5.0839 4.131 +v 0 5.36 6.997 +v 1.3864 5.1771 6.997 +v 7.069 7.0718 14.495 +v 4.959 4.9619 4.031 +v 2.6748 -5.8996 5.8999 +v 0.975 4.9069 0.999 +v 1.451 4.7879 0.999 +v 1.913 4.6219 0.999 +v 2.357 4.4119 0.999 +v 2.778 4.1599 0.999 +v 0 5.0029 0.999 +v 0.49 4.9789 0.999 +v -1.3864 5.1771 6.997 +v 3.172 3.8679 0.999 +v 3.535 3.5379 0.999 +v 3.865 3.1749 0.999 +v 4.157 2.7809 0.999 +v 0.8324 3.1095 0.999 +v 0 3.2193 0.999 +v 5.1743 1.3893 6.997 +v -2.778 4.1599 0.999 +v -2.357 4.4119 0.999 +v -1.914 4.6219 0.999 +v -1.452 4.7879 0.999 +v 5.3571 0.0029 6.997 +v -0.976 4.9069 0.999 +v -0.49 4.9789 0.999 +v -3.172 3.8679 0.999 +v 4.6393 2.6814 6.997 +v 0.49 4.9789 2.7016 +v 0 5.0029 2.6637 +v 0.975 4.9069 2.6941 +v 1.2927 4.8274 2.6591 +v 4.828 4.8309 3.997 +v 2.2842 -6.0614 4.0939 +v -4.9704 1.5106 11.1312 +v -5.0256 1.3493 11.1413 +v 5.0251 1.3493 11.1412 +v -5.1562 0.5106 11.1223 +v -5.0863 1.0146 11.1257 +v 3.593 -6.2201 5.863 +v 0.5554 2.0757 0 +v 0 2.1489 0 +v 0 5.2078 11.139 +v 4.696 4.6989 4.031 +v -4.828 4.8309 7.997 +v 4.409 2.3599 0.999 +v 4.619 1.9159 0.999 +v 1.6082 2.7883 0.999 +v 1.451 4.7879 2.6816 +v 4.7851 1.9849 11.121 +v 1.913 4.6219 2.7036 +v 4.9698 1.5106 11.1311 +v 2.357 4.4119 2.6809 +v 2.4972 4.328 2.6584 +v 3.7731 -5.2654 8.0941 +v 4.1127 5.0106 4.0942 +v 4.619 4.6219 4.0941 +v -1.0117 5.0889 11.1255 +v -4.697 4.6989 8.031 +v 1.073 1.8614 0 +v -0.5077 5.1589 11.1222 +v -5.318 5.3209 4.738 +v 3.506 -6.0711 8.031 +v -5.335 5.3379 4.997 +v -4.6192 4.6217 8.0942 +v -4.6191 4.6219 8.0942 +v 3.414 -5.9101 7.997 +v 4.785 1.4539 0.999 +v 4.904 0.9779 0.999 +v 4.976 0.4929 0.999 +v 2.2742 2.2771 0.999 +v 3.772 -6.5311 4.997 +v 2.778 4.1599 2.6938 +v -5.267 5.2699 4.497 +v 2.8644 4.0959 2.6955 +v 3.172 3.8679 2.7016 +v 3.535 3.5379 2.6632 +v -5.187 5.1889 4.29 +v 6.415 1.7219 9.963 +v 3.321 -5.7491 8.031 +v 1.5174 1.5203 0 +v -5.0077 4.1155 8.0942 +v -5.187 5.1889 5.704 +v 3.593 6.2259 5.863 +v 3.2663 -5.6544 8.0941 +v 6.595 1.7699 9.997 +v 3.2661 -5.6545 8.0941 +v -5.267 5.2699 5.497 +v 3.772 6.5369 4.997 +v 6.774 1.8179 9.963 +v 3.667 6.3549 5.704 +v 5 0.0029 0.999 +v 2.7854 1.6111 0.999 +v 4.976 -0.4871 0.999 +v 4.904 -0.9731 0.999 +v -5.318 5.3209 5.256 +v 3.865 3.1749 2.7016 +v 3.667 -6.3491 5.704 +v 4.157 2.7809 2.6938 +v 4.3251 2.5 2.6584 +v 6.3933 1.0597 9.8999 +v 3.724 -6.4481 5.497 +v 6.3096 1.6935 9.8999 +v 6.3096 1.6935 9.8999 +v 2.6748 -5.8996 9.8999 +v 1.8585 1.0759 0 +v 6.941 1.8629 9.863 +v 3.76 -6.5101 5.256 +v -4.1127 5.0106 5.8998 +v 3.414 5.9159 7.997 +v 7.085 1.9009 9.704 +v 2.2842 -6.0614 8.0939 +v 3.724 6.4539 5.497 +v 3.1066 0.8353 0.999 +v 3.76 -6.5101 4.738 +v -4.697 4.6989 5.963 +v 4.785 -1.4491 0.999 +v 4.619 -1.9111 0.999 +v 3.321 5.7549 8.031 +v 4.409 2.3599 2.6809 +v 3.724 -6.4481 4.497 +v 4.619 1.9159 2.7036 +v 3.76 6.5159 5.256 +v -4.6191 4.6219 5.8998 +v 4.785 1.4539 2.6816 +v -4.6192 4.6217 5.8998 +v 4.8246 1.2956 2.6591 +v -4.828 4.8309 5.997 +v 3.772 -6.5311 8.997 +v 3.667 -6.3491 4.29 +v 3.593 -6.2201 9.863 +v 2.0728 0.5583 0 +v 3.2661 5.6602 8.0941 +v 3.2663 5.6601 8.0941 +v 3.593 -6.2201 4.131 +v -4.959 4.9619 5.963 +v 3.667 -6.3491 9.704 +v 3.76 6.5159 4.738 +v -5.082 5.0839 5.863 +v 3.724 -6.4481 9.497 +v 3.2164 0.0029 0.999 +v 4.409 -2.3541 0.999 +v 3.724 6.4539 4.497 +v 4.157 -2.7751 0.999 +v 3.865 -3.1691 0.999 +v -6.074 3.5089 8.031 +v 4.904 0.9779 2.6941 +v 4.976 0.4929 2.7016 +v 5 0.0029 2.6637 +v -5.082 5.0839 4.131 +v 3.76 -6.5101 9.256 +v 3.667 6.3549 4.29 +v -4.959 4.9619 4.031 +v 2.6746 5.9051 8.0941 +v -4.828 4.8309 3.997 +v 3.593 6.2259 4.131 +v 2.1461 0.0029 0 +v 3.76 -6.5101 8.738 +v 3.724 -6.4481 8.497 +v 3.216 -0.0001 0.999 +v 3.535 -3.5331 0.999 +v 3.172 -3.8621 0.999 +v -4.697 4.6989 4.031 +v 2.778 -4.1541 0.999 +v 3.1066 -0.8296 0.999 +v 4.9999 -0.0001 2.6639 +v 4.976 -0.4871 2.7016 +v 4.904 -0.9731 2.6942 +v 4.8248 -1.2899 2.6593 +v 3.667 -6.3491 8.29 +v 7.195 1.9309 9.497 +v 1.953 7.2909 8.997 +v 3.593 -6.2201 8.131 +v -4.6192 4.6217 4.0942 +v -4.6191 4.6219 4.0942 +v 2.0728 -0.5525 0 +v -6.0642 2.2871 9.9001 +v 2.357 -4.4071 0.999 +v 1.913 -4.6171 0.999 +v 2.7854 -1.6054 0.999 +v 4.785 -1.4491 2.682 +v 4.619 -1.9111 2.704 +v 4.409 -2.3541 2.6809 +v 1.946 7.2669 9.256 +v -6.534 3.7749 8.997 +v 4.3251 -2.4943 2.6584 +v 1.0536 -6.3912 5.9001 +v -5.0077 4.1155 4.0942 +v 1.6906 -6.3075 5.9001 +v 1.6907 -6.3074 5.9001 +v 1.719 -6.4131 5.963 +v 1.8585 -1.0702 0 +v -6.513 3.7629 9.256 +v 1.767 -6.5921 5.997 +v 1.946 7.2669 8.738 +v 0.49 -4.9731 0.999 +v 2.2742 -2.2714 0.999 +v 1.451 -4.7821 0.999 +v 0.975 -4.9011 0.999 +v 4.157 -2.7751 2.6938 +v 1.815 -6.7711 5.963 +v 4.093 -2.8615 2.6955 +v 1.928 7.1979 8.497 +v 3.865 -3.1691 2.7016 +v 3.5355 -3.5326 2.6639 +v 1.86 -6.9381 5.863 +v -6.513 3.7629 8.738 +v 1.953 -7.2851 4.997 +v 1.898 -7.0821 5.704 +v 1.5174 -1.5146 0 +v 1.898 7.0879 8.29 +v -6.451 3.7269 8.497 +v 1.898 7.0879 8.29 +v 1.898 7.0879 8.29 +v 1.928 -7.1921 5.497 +v 3.7746 5.2698 5.9 +v 1.86 6.9439 8.131 +v 1.898 7.0879 8.29 +v -6.352 3.6699 8.29 +v 0 -4.9971 0.999 +v 1.6082 -2.7826 0.999 +v 3.2663 5.6601 5.8999 +v 1.946 -7.2611 5.256 +v -0.49 -4.9731 0.999 +v -0.976 -4.9011 0.999 +v 3.2661 5.6602 5.8999 +v 3.321 5.7549 5.963 +v 3.535 -3.5331 2.664 +v 3.172 -3.8621 2.7016 +v 1.815 6.7769 8.031 +v 2.778 -4.1541 2.6938 +v 2.4975 -4.3227 2.6589 +v -6.224 3.5959 8.131 +v 1.719 -6.4131 9.963 +v 3.414 5.9159 5.997 +v 1.898 -7.0821 4.29 +v 1.767 -6.5921 9.997 +v 3.506 6.0759 5.963 +v 1.073 -1.8556 0 +v 1.86 -6.9381 4.131 +v 1.815 -6.7711 9.963 +v 0.8324 -3.1042 0.999 +v -5.2683 3.7759 5.8999 +v -1.452 -4.7821 0.999 +v -1.914 -4.6171 0.999 +v 1.815 -6.7711 4.031 +v 2.357 -4.4071 2.6817 +v 1.913 -4.6171 2.7042 +v 1.451 -4.7821 2.6811 +v 1.953 -7.2851 8.997 +v 1.2926 -4.8218 2.6585 +v 3.506 6.0759 4.031 +v -5.752 3.3239 5.963 +v 1.767 -6.5921 3.997 +v 0 6.6449 9.963 +v 1.0536 -6.3912 9.9001 +v 1.6906 -6.3075 9.9001 +v -5.6572 3.2692 5.8999 +v -5.6573 3.269 5.8999 +v 1.6907 -6.3074 9.9001 +v 0.5554 -2.0702 0 +v 3.414 5.9159 3.997 +v 1.719 -6.4131 4.031 +v 1.86 -6.9381 9.863 +v -5.913 3.4169 5.997 +v 0 6.8299 9.997 +v 1.898 -7.0821 9.704 +v -6.074 3.5089 5.963 +v 3.321 5.7549 4.031 +v 0 7.0159 9.963 +v 0 -3.2136 0.999 +v -2.357 -4.4071 0.999 +v -2.778 -4.1541 0.999 +v -3.172 -3.8621 0.999 +v 0.975 -4.9011 2.6936 +v 1.928 -7.1921 9.497 +v 0.49 -4.9731 2.7013 +v 0 -4.9971 2.6637 +v 0 7.1889 9.863 +v 3.2661 5.6602 4.0941 +v 3.2663 5.6601 4.0941 +v 1.6907 -6.3074 4.0939 +v 1.6906 -6.3075 4.0939 +v 1.946 -7.2611 9.256 +v -6.416 1.7219 9.963 +v 0 7.3379 9.704 +v 1.946 -7.2611 4.738 +v 0 -2.1432 0 +v 1.928 -7.1921 4.497 +v -6.595 1.7699 9.997 +v 0 7.4519 9.497 +v -0.003 -3.2132 0.999 +v -3.536 -3.5331 0.999 +v -3.865 -3.1691 0.999 +v -4.157 -2.7751 0.999 +v 1.898 -7.0821 8.29 +v -0.8324 -3.1042 0.999 +v -0.003 -4.997 2.6639 +v -6.774 1.8179 9.963 +v -0.49 -4.9731 2.7013 +v -0.976 -4.9011 2.6937 +v -1.2926 -4.822 2.6587 +v 0 -6.6391 5.963 +v 1.86 -6.9381 8.131 +v -6.074 3.5089 4.031 +v 0 -6.5298 5.8998 +v 2.2813 6.068 5.8999 +v -6.3103 1.6935 9.9001 +v -6.3103 1.6934 9.9001 +v -5.913 3.4169 3.997 +v 0 -6.8251 5.997 +v 0.6335 6.452 9.8999 +v -0.5554 -2.0702 0 +v 1.815 -6.7711 8.031 +v -6.941 1.8629 9.863 +v 0 -7.0101 5.963 +v -4.41 -2.3541 0.999 +v -4.62 -1.9111 0.999 +v -1.6082 -2.7826 0.999 +v 0 6.5356 9.8998 +v 1.767 -6.5921 7.997 +v -1.452 -4.7821 2.6815 +v 0 -7.1831 5.863 +v -1.914 -4.6171 2.7046 +v -7.085 1.9009 9.704 +v -2.357 -4.4071 2.6817 +v -5.752 3.3239 4.031 +v -2.4975 -4.3227 2.6589 +v 7.545 0.0029 8.997 +v 0 -7.5421 4.997 +v 1.719 -6.4131 8.031 +v -7.195 1.9309 9.497 +v 0 -7.3321 5.704 +v 7.52 0.0029 9.256 +v -5.6572 3.2692 4.0941 +v -5.6573 3.269 4.0941 +v -1.073 -1.8556 0 +v 0 -7.4461 5.497 +v -6.0642 2.2871 5.9001 +v 0 -7.5181 5.256 +v -4.976 -0.4871 0.999 +v -2.2742 -2.2714 0.999 +v -4.785 -1.4491 0.999 +v -4.904 -0.9731 0.999 +v -2.778 -4.1541 2.6938 +v -3.172 -3.8621 2.7016 +v -3.536 -3.5331 2.6645 +v 1.6907 -6.3074 8.0939 +v 1.6906 -6.3075 8.0939 +v 0 -7.0101 4.031 +v -5.9025 2.6776 4.0941 +v 1.946 -7.2611 8.738 +v 2.6746 5.9051 4.0941 +v -2.6786 4.6421 6.997 +v -6.224 3.5959 5.863 +v 0 -6.8251 3.997 +v -1.5174 -1.5146 0 +v 1.928 -7.1921 8.497 +v -6.534 3.7749 4.997 +v -5.205 0.0029 11.139 +v -6.352 3.6699 5.704 +v 3.7879 3.7907 6.997 +v -5 0.0029 0.999 +v -4.976 0.4929 0.999 +v -4.904 0.9779 0.999 +v 7.52 0.0029 8.738 +v 0 -6.6391 4.031 +v -2.7854 -1.6054 0.999 +v -6.451 3.7269 5.497 +v 0 -6.6391 9.963 +v 7.449 0.0029 8.497 +v -6.513 3.7629 5.256 +v -3.865 -3.1691 2.7016 +v -5.0863 -1.0089 11.1257 +v -4.157 -2.7751 2.6938 +v -5.1562 -0.5049 11.1223 +v 0 -6.8251 9.997 +v -4.3256 -2.4946 2.6589 +v -7.071 7.0739 14.497 +v 0 -6.5298 4.0942 +v 0.6333 -6.4466 4.0942 +v 0 -7.0101 9.963 +v -1.8585 -1.0702 0 +v -6.513 3.7629 4.738 +v 0 -7.5181 4.738 +v -6.451 3.7269 4.497 +v 0 -7.4461 4.497 +v 7.335 0.0029 8.29 +v 0 -6.5298 9.8998 +v -4.785 1.4539 0.999 +v -4.62 1.9159 0.999 +v -5.913 3.4169 7.997 +v -3.1071 -0.8296 0.999 +v -6.352 3.6699 4.29 +v 0 -7.3321 4.29 +v 7.186 0.0029 8.131 +v -6.224 3.5959 4.131 +v 0 -7.1831 4.131 +v -4.41 -2.3541 2.6817 +v 0 -7.1831 9.863 +v -4.62 -1.9111 2.7046 +v -4.785 -1.4491 2.6815 +v 7.013 0.0029 8.031 +v -4.8248 -1.2898 2.6587 +v -5.752 3.3239 8.031 +v 0 -7.1831 9.863 +v 0 -7.1831 9.863 +v 0 -7.3321 9.704 +v 0 -7.1831 9.863 +v -1.3465 5.0279 11.1412 +v -2.0731 -0.5525 0 +v 0 -7.4461 9.497 +v -5.6572 3.2692 8.0941 +v -5.6573 3.269 8.0941 +v -4.41 2.3599 0.999 +v -4.157 2.7809 0.999 +v -3.865 3.1749 0.999 +v -3.2164 0.0029 0.999 +v -3.216 -0.0001 0.999 +v -1.9821 4.7879 11.121 +v -4.9999 -0.0001 2.6639 +v -5 0.0029 2.6637 +v -1.5077 4.9727 11.1311 +v 0 -7.0101 8.031 +v -5.9025 2.6776 8.0941 +v -4.904 -0.9731 2.6937 +v -4.976 -0.4871 2.7013 +v 1.719 6.4179 5.963 +v -2.1461 0.0029 0 +v 0 -6.8251 7.997 +v -3.1071 0.8353 0.999 +v 1.767 6.5979 7.997 +v -3.536 3.5379 0.999 +v -4.976 0.4929 2.7013 +v 1.6906 6.3125 5.8999 +v -4.904 0.9779 2.6936 +v 1.6906 6.3125 5.8999 +v -4.8246 1.2954 2.6585 +v 1.767 6.5979 5.997 +v 6.595 -1.7641 7.997 +v 1.815 6.7769 5.963 +v 1.719 6.4179 8.031 +v -2.0731 0.5583 0 +v -6.4495 -0.6304 4.0942 +v 1.86 6.9439 5.863 +v -6.3103 1.6934 5.9001 +v -6.3103 1.6935 5.9001 +v 6.415 -1.7161 8.031 +v -6.416 1.7219 5.963 +v -2.7854 1.6111 0.999 +v -6.394 -1.0508 5.9001 +v -4.785 1.4539 2.6811 +v -4.62 1.9159 2.7042 +v -6.595 1.7699 5.997 +v 1.0569 6.3961 8.0941 +v 1.6906 6.3125 8.0941 +v -6.3103 -1.6877 5.9001 +v 1.6906 6.3125 8.0941 +v -4.41 2.3599 2.6817 +v -6.3103 -1.6878 5.9001 +v -6.416 -1.7161 5.963 +v -4.3256 2.5003 2.6589 +v 6.3933 -1.054 8.0941 +v 1.953 7.2909 4.997 +v 6.3096 -1.6877 8.0941 +v 6.3096 -1.6878 8.0941 +v -6.774 1.8179 5.963 +v 1.898 7.0879 5.704 +v 0 7.5479 8.997 +v -6.595 -1.7641 5.997 +v -1.8585 1.0759 0 +v -6.941 1.8629 5.863 +v 0 7.5229 9.256 +v 1.928 7.1979 5.497 +v -6.774 -1.8121 5.963 +v -7.288 1.9559 8.997 +v -7.288 1.9559 4.997 +v 1.946 7.2669 5.256 +v 4.6393 -2.6757 6.997 +v 0 7.5229 8.738 +v -6.941 -1.8571 5.863 +v -2.2742 2.2771 0.999 +v 0 7.4519 8.497 +v -7.085 1.9009 5.704 +v -4.157 2.7809 2.6938 +v -7.288 -1.9501 4.997 +v -3.865 3.1749 2.7016 +v -3.536 3.5379 2.664 +v -7.085 -1.8951 5.704 +v -3.5355 3.5383 2.6639 +v 0 7.3379 8.29 +v 1.946 7.2669 4.738 +v -7.195 1.9309 5.497 +v -1.5174 1.5203 0 +v -7.195 -1.9251 5.497 +v -7.264 1.9489 9.256 +v 0 7.1889 8.131 +v 1.928 7.1979 4.497 +v -7.264 1.9489 5.256 +v -7.264 -1.9441 5.256 +v -1.6082 2.7883 0.999 +v -2.778 4.1599 2.6938 +v -2.8644 4.0959 2.6955 +v -2.4972 4.328 2.6584 +v 0 7.0159 8.031 +v 1.898 7.0879 4.29 +v 4.5804 2.4512 11.1312 +v 4.5055 2.6042 11.1412 +v -7.085 1.9009 8.29 +v -3.172 3.8679 2.7016 +v -7.085 1.9009 4.29 +v 1.898 7.0879 4.29 +v 1.898 7.0879 4.29 +v -7.085 1.9009 8.29 +v -1.073 1.8614 0 +v -7.085 -1.8951 4.29 +v -7.085 1.9009 4.29 +v 0 -6.6391 8.031 +v -7.085 1.9009 4.29 +v -7.085 1.9009 8.29 +v -7.085 1.9009 8.29 +v -6.941 1.8629 4.131 +v -7.085 1.9009 4.29 +v 4.3118 2.884 11.1255 +v -6.941 1.8629 8.131 +v -7.085 1.9009 8.29 +v -6.941 -1.8571 4.131 +v 4.0048 3.2896 11.1222 +v -6.774 1.8179 4.031 +v -0.8324 3.1095 0.999 +v -2.357 4.4119 2.6809 +v -6.774 1.8179 8.031 +v 0 -6.5298 8.0942 +v -1.914 4.6219 2.704 +v 0.6333 -6.4466 8.0942 +v -1.452 4.7879 2.682 +v -6.774 -1.8121 4.031 +v -1.2928 4.8277 2.6593 +v -0.5554 2.0757 0 +v -6.595 1.7699 3.997 +v -6.595 -1.7641 3.997 +v 0 -7.4461 8.497 +v -0.003 3.2189 0.999 +v 6.223 3.5959 9.863 +v -0.003 5.0027 2.6639 +v 0 -7.3321 8.29 +v -6.416 1.7219 4.031 +v -0.976 4.9069 2.6942 +v -6.416 -1.7161 4.031 +v 6.352 3.6699 9.704 +v -0.49 4.9789 2.7016 +v 0 -7.1831 8.131 +v -6.394 1.0565 4.0939 +v 6.451 3.7269 9.497 +v -6.3103 1.6934 4.0939 +v -6.3103 1.6935 4.0939 +v 1.86 6.9439 4.131 +v 1.898 7.0879 4.29 +v 8.3126 5.5573 14.495 +v 8.8165 4.7155 14.495 +v -7.264 1.9489 8.738 +v 9.2364 3.8288 14.495 +v -6.3103 -1.6878 4.0939 +v -6.3103 -1.6877 4.0939 +v 9.5663 2.905 14.495 +v -7.264 1.9489 4.738 +v 9.8052 1.9533 14.495 +v 9.9492 0.9826 14.495 +v 9.9971 0.0029 14.495 +v -7.195 1.9309 8.497 +v -7.195 1.9309 4.497 +v -7.264 -1.9441 4.738 +v 7.7278 6.345 14.495 +v -7.195 -1.9251 4.497 +v -6.4495 0.6361 5.8998 +v -5.752 -3.3181 9.963 +v -5.9025 -2.6719 5.8999 +v -6.642 0.0029 9.963 +v 9.9492 -0.9769 14.495 +v 9.8052 -1.9476 14.495 +v 9.5663 -2.8993 14.495 +v 9.2364 -3.823 14.495 +v -6.642 0.0029 5.963 +v 8.8165 -4.7098 14.495 +v 8.3126 -5.5516 14.495 +v 7.7278 -6.3393 14.495 +v -5.913 -3.4111 9.997 +v -6.5327 0.0029 5.8998 +v -6.503 7.5887 14.497 +v 0 10 14.495 +v 0.9797 9.952 14.495 +v 1.9504 9.8081 14.495 +v -6.074 -3.5041 9.963 +v 2.9022 9.5691 14.495 +v -6.828 0.0029 9.997 +v 3.8259 9.2392 14.495 +v -1.719 6.4179 9.963 +v 4.7127 8.8193 14.495 +v -6.0642 -2.2814 4.0939 +v 5.5544 8.3155 14.495 +v -6.828 0.0029 5.997 +v -7.013 0.0029 9.963 +v -7.013 0.0029 5.963 +v -1.767 6.5979 9.997 +v 6.3422 7.7307 14.495 +v 1.815 6.7769 4.031 +v -7.186 0.0029 5.863 +v -5.6573 -3.2632 9.8999 +v -5.6572 -3.2634 9.8999 +v -6.503 7.5849 14.495 +v -6.3422 7.7307 14.495 +v -1.815 6.7769 9.963 +v -5.5544 8.3155 14.495 +v -7.545 0.0029 4.997 +v -6.4495 0.6361 9.8998 +v -4.7127 8.8193 14.495 +v -3.8259 9.2392 14.495 +v -2.9022 9.5691 14.495 +v -1.9504 9.8081 14.495 +v -7.335 0.0029 5.704 +v -0.9797 9.952 14.495 +v -6.5327 0.0029 9.8998 +v -1.0569 6.3961 9.8999 +v -5.752 -3.3181 5.963 +v -7.449 0.0029 5.497 +v 5.752 3.3239 9.963 +v -1.6906 6.3125 9.8999 +v -1.6906 6.3125 9.8999 +v -7.521 0.0029 5.256 +v -5.6573 -3.2632 5.8999 +v -5.6572 -3.2634 5.8999 +v -6.224 -3.5901 9.863 +v 5.913 3.4169 9.997 +v -1.86 6.9439 9.863 +v -5.913 -3.4111 5.997 +v -6.352 -3.6641 9.704 +v -1.899 7.0879 9.704 +v -7.186 0.0029 9.863 +v 6.073 3.5089 9.963 +v -6.074 -3.5041 5.963 +v -7.013 0.0029 4.031 +v -6.451 -3.7211 9.497 +v -7.186 0.0029 9.863 +v -7.186 0.0029 9.863 +v -1.928 7.1979 9.497 +v -7.335 0.0029 9.704 +v -7.186 0.0029 9.863 +v -6.828 0.0029 3.997 +v 5.6573 3.269 9.8999 +v 5.6572 3.2692 9.8999 +v -7.545 0.0029 8.997 +v -7.521 0.0029 9.256 +v -7.449 0.0029 9.497 +v -6.074 -3.5041 4.031 +v -6.642 0.0029 4.031 +v -5.913 -3.4111 3.997 +v -7.521 0.0029 8.738 +v -6.5327 0.0029 4.0942 +v 5.9022 2.6774 9.8999 +v -5.752 -3.3181 4.031 +v -7.521 0.0029 4.738 +v -0.6333 -6.4466 9.8998 +v -7.449 0.0029 4.497 +v 7.288 1.9559 8.997 +v -5.6572 -3.2634 4.0941 +v -5.6573 -3.2632 4.0941 +v -7.335 0.0029 4.29 +v 7.264 1.9489 9.256 +v -7.186 0.0029 4.131 +v 2.6786 4.6421 6.997 +v 1.767 6.5979 3.997 +v 7.264 1.9489 8.738 +v 7.195 1.9309 8.497 +v 6.4491 -0.6307 5.8999 +v -5.269 -3.7694 4.0942 +v 1.719 6.4179 4.031 +v 0 -7.5421 8.997 +v 7.085 1.9009 8.29 +v 0 -7.5181 9.256 +v -3.7879 3.7907 6.997 +v 6.941 1.8629 8.131 +v -5.0256 -1.3436 11.1413 +v 0 -7.5181 8.738 +v 6.774 1.8179 8.031 +v 1.0569 6.3961 4.0941 +v 1.6906 6.3125 4.0941 +v 1.6906 6.3125 4.0941 +v -2.4483 4.5832 11.1312 +v -2.6013 4.5083 11.1412 +v -4.9704 -1.5049 11.1312 +v 0 -5.3543 6.997 +v -3.2868 4.0077 11.1222 +v -2.8811 4.3147 11.1255 +v -7.071 -7.0681 14.497 +v 7.069 -7.0661 14.495 +v -6.224 -3.5901 5.863 +v -1.719 -6.4131 9.963 +v 0 6.8299 7.997 +v -6.595 1.7699 7.997 +v 1.0118 -5.0835 11.1257 +v 1.3464 -5.0228 11.1413 +v 0.5077 -5.1533 11.1223 +v 6.415 -1.7161 5.963 +v 0 -5.2021 11.139 +v 0.6335 6.452 5.8999 +v -1.767 -6.5921 9.997 +v 6.3096 -1.6878 5.8999 +v 6.3096 -1.6877 5.8999 +v 0 6.6449 8.031 +v 6.827 0.0029 7.997 +v -1.815 -6.7711 9.963 +v -6.416 1.7219 8.031 +v 0 6.5356 5.8998 +v 6.595 -1.7641 5.997 +v 0 6.6449 5.963 +v -1.953 -7.2851 8.997 +v 6.774 -1.8121 5.963 +v 0 6.5356 8.0942 +v 6.642 0.0029 8.031 +v 0 6.8299 5.997 +v -6.394 1.0565 8.0939 +v -1.6907 -6.3074 9.9001 +v -1.6906 -6.3075 9.9001 +v 6.941 -1.8571 5.863 +v -6.534 -3.7701 4.997 +v -6.3103 1.6934 8.0939 +v -1.86 -6.9381 9.863 +v -6.3103 1.6935 8.0939 +v 6.4491 0.6364 8.0941 +v 0 7.0159 5.963 +v 6.5327 0.0029 8.0942 +v 7.288 -1.9501 4.997 +v -1.899 -7.0821 9.704 +v 0 7.1889 5.863 +v 7.085 -1.8951 5.704 +v 0 7.5479 4.997 +v -1.928 -7.1921 9.497 +v 7.195 -1.9251 5.497 +v 0 7.3379 5.704 +v -7.013 0.0029 8.031 +v 7.264 -1.9441 5.256 +v -0.6335 6.452 8.0941 +v -1.947 -7.2611 9.256 +v -6.352 -3.6641 5.704 +v -1.953 7.2909 8.997 +v -6.451 -3.7211 5.497 +v 2.4484 -4.5775 11.1312 +v 5.1743 -1.3836 6.997 +v 2.6013 -4.5026 11.1412 +v 1.9822 -4.7824 11.1211 +v 7.264 -1.9441 4.738 +v 1.5077 -4.9675 11.1312 +v -1.899 -7.0821 8.29 +v -1.947 7.2669 9.256 +v -6.513 -3.7571 5.256 +v 7.195 -1.9251 4.497 +v -1.86 -6.9381 8.131 +v -6.513 -3.7571 4.738 +v -1.947 7.2669 8.738 +v -1.815 -6.7711 8.031 +v -6.451 -3.7211 4.497 +v 7.085 -1.8951 4.29 +v -7.449 0.0029 8.497 +v -1.928 7.1979 8.497 +v 7.085 -1.8952 4.29 +v 7.085 -1.8952 4.29 +v -6.352 -3.6641 4.29 +v 6.941 -1.8571 4.131 +v -1.767 -6.5921 7.997 +v 3.6803 3.6832 11.1389 +v 7.085 -1.8952 4.29 +v -7.335 0.0029 8.29 +v -6.224 -3.5901 4.131 +v 6.774 -1.8121 4.031 +v 3.6803 -3.6775 11.1389 +v -1.899 7.0879 8.29 +v 6.595 -1.7641 3.997 +v 3.2868 -4.002 11.1222 +v -7.186 0.0029 8.131 +v 2.8811 -4.309 11.1255 +v -1.719 -6.4131 8.031 +v 2.8811 4.3147 11.1255 +v -1.86 6.9439 8.131 +v -0.6333 -6.4466 5.8998 +v 3.2868 4.0077 11.1222 +v -1.0536 -6.3912 8.0939 +v 6.415 -1.7161 4.031 +v 0 7.4519 5.497 +v -1.6906 -6.3075 8.0939 +v -1.815 6.7769 8.031 +v -1.6907 -6.3074 8.0939 +v 0 7.5229 5.256 +v 6.3933 -1.054 4.0941 +v 6.3096 -1.6877 4.0941 +v 6.3096 -1.6878 4.0941 +v -1.947 -7.2611 8.738 +v -1.928 -7.1921 8.497 +v 4.3118 -2.8782 11.1255 +v 4.5055 -2.5985 11.1412 +v 4.0048 -3.2839 11.1222 +v 0 7.5229 4.738 +v 0 7.4519 4.497 +v 5.186 5.1889 9.704 +v 0 7.3379 4.29 +v 5.267 5.2699 9.497 +v 0 7.1889 4.131 +v 4.9698 -1.5049 11.1311 +v 5.0251 -1.3436 11.1412 +v 4.7851 -1.9792 11.121 +v 4.5804 -2.4455 11.1312 +v -2.2842 -6.0614 9.9001 +v 0 7.0159 4.031 +v 0 6.8299 3.997 +v 5.156 -0.5049 11.1222 +v 5.086 -1.0089 11.1255 +v -2.6767 -5.8989 8.0942 +v -3.321 -5.7491 9.963 +v -6.416 -1.7161 9.963 +v 6.223 -3.5901 5.863 +v -3.414 -5.9101 9.997 +v -6.595 -1.7641 9.997 +v 6.534 -3.7701 4.997 +v -3.507 -6.0711 9.963 +v 6.352 -3.6641 5.704 +v -6.774 -1.8121 9.963 +v 6.451 -3.7211 5.497 +v -3.7709 -5.2674 9.8997 +v 6.513 -3.7571 5.256 +v 0 6.6449 4.031 +v -3.2666 -5.6543 9.8998 +v -3.2664 -5.6545 9.8998 +v 4.696 4.6989 9.963 +v -6.394 -1.0508 9.9001 +v -6.3103 -1.6877 9.9001 +v -6.3103 -1.6878 9.9001 +v 6.513 -3.7571 4.738 +v 4.828 4.8309 9.997 +v 0 6.5356 4.0942 +v -6.941 -1.8571 9.863 +v 4.959 4.9619 9.963 +v 6.451 -3.7211 4.497 +v 6.223 3.5959 5.863 +v -3.593 6.2259 9.863 +v -7.085 -1.8951 9.704 +v 5.0077 4.1155 9.8998 +v 6.352 -3.6641 4.29 +v -3.668 6.3549 9.704 +v 4.619 4.6219 9.8999 +v 6.223 -3.5901 4.131 +v -3.725 6.4539 9.497 +v -7.195 -1.9251 9.497 +v 5.081 5.0839 9.863 +v -3.507 -6.0711 8.031 +v 6.534 3.7749 8.997 +v 6.0651 -2.2784 5.8999 +v -1.6906 -6.3075 5.9001 +v -1.6907 -6.3074 5.9001 +v -1.719 -6.4131 5.963 +v -3.414 -5.9101 7.997 +v 6.513 3.7629 9.256 +v -1.767 -6.5921 5.997 +v -4.5804 -2.4455 11.1312 +v -4.5055 -2.5985 11.1412 +v -4.7853 -1.9793 11.1211 +v 6.513 3.7629 8.738 +v 5.9022 -2.6717 4.0941 +v -1.815 -6.7711 5.963 +v -3.321 -5.7491 8.031 +v 6.451 3.7269 8.497 +v 5.2677 -3.7709 5.8999 +v 6.352 3.6699 8.29 +v 6.534 3.7749 4.997 +v -1.86 -6.9381 5.863 +v 5.6572 -3.2634 5.8999 +v -2.6765 5.9044 9.8998 +v 5.6573 -3.2632 5.8999 +v 5.752 -3.3181 5.963 +v -3.2664 -5.6545 8.0942 +v -3.2666 -5.6543 8.0942 +v 6.223 3.5959 8.131 +v -3.321 5.7549 9.963 +v -1.953 -7.2851 4.997 +v 5.913 -3.4111 5.997 +v -3.6803 -3.6775 11.1389 +v -1.899 -7.0821 5.704 +v -3.414 5.9159 9.997 +v -4.0048 -3.2839 11.1222 +v -4.3118 -2.8782 11.1255 +v 6.073 -3.5041 5.963 +v -1.928 -7.1921 5.497 +v -4.6393 2.6814 6.997 +v -3.507 6.0759 9.963 +v -6.828 0.0029 7.997 +v -1.947 -7.2611 5.256 +v 6.073 -3.5041 4.031 +v 5.913 -3.4111 3.997 +v -2.8811 -4.309 11.1255 +v -3.2664 5.6602 9.8998 +v -2.6013 -4.5026 11.1412 +v -3.2666 5.66 9.8998 +v -3.2868 -4.002 11.1222 +v -6.642 0.0029 8.031 +v -1.899 -7.0821 4.29 +v 5.752 -3.3181 4.031 +v -1.86 -6.9381 4.131 +v -6.5327 0.0029 8.0942 +v -1.815 -6.7711 4.031 +v -1.5077 -4.9675 11.1312 +v -1.3464 -5.0228 11.1413 +v -1.9822 -4.7824 11.1211 +v -2.4484 -4.5775 11.1312 +v 5.6573 -3.2632 4.0941 +v 5.6572 -3.2634 4.0941 +v -1.767 -6.5921 3.997 +v -0.5077 -5.1533 11.1223 +v -1.0118 -5.0835 11.1257 +v 6.073 3.5089 8.031 +v -1.719 -6.4131 4.031 +v -3.773 -6.5311 8.997 +v -3.593 -6.2201 9.863 +v -3.6803 3.6832 11.1389 +v -6.4495 -0.6304 8.0942 +v -3.668 -6.3491 9.704 +v -1.0536 -6.3912 4.0939 +v -1.6906 -6.3075 4.0939 +v -1.6907 -6.3074 4.0939 +v -4.3118 2.884 11.1255 +v -7.288 -1.9501 8.997 +v -4.0048 3.2896 11.1222 +v 6.352 3.6699 5.704 +v -1.947 -7.2611 4.738 +v -1.928 -7.1921 4.497 +v 6.451 3.7269 5.497 +v 6.415 -1.7161 9.963 +v -7.264 -1.9441 9.256 +v 6.0651 2.2841 8.0941 +v -1.767 6.5979 7.997 +v 6.595 -1.7641 9.997 +v 6.513 3.7629 5.256 +v 6.774 -1.8121 9.963 +v -7.085 -1.8951 8.29 +v 6.595 1.7699 7.997 +v 6.513 3.7629 4.738 +v -2.2842 -6.0614 5.9001 +v -1.719 6.4179 8.031 +v 6.451 3.7269 4.497 +v 6.3096 -1.6878 9.8999 +v 6.3096 -1.6877 9.8999 +v -6.941 -1.8571 8.131 +v 6.352 3.6699 4.29 +v 6.415 1.7219 8.031 +v 6.941 -1.8571 9.863 +v 6.223 3.5959 4.131 +v 7.085 -1.8951 9.704 +v -1.6906 6.3125 8.0941 +v -6.774 -1.8121 8.031 +v -1.6906 6.3125 8.0941 +v -2.6767 -5.8989 4.0942 +v 6.3096 1.6935 8.0941 +v 6.3096 1.6935 8.0941 +v 7.195 -1.9251 9.497 +v -3.7709 -5.2674 5.8997 +v -3.321 -5.7491 5.963 +v -3.2664 -5.6545 5.8998 +v 4.1127 -5.0049 5.8998 +v -3.2666 -5.6543 5.8998 +v -3.414 -5.9101 5.997 +v 4.696 -4.6941 5.963 +v -3.507 -6.0711 5.963 +v 4.6189 -4.6164 5.8998 +v 4.6191 -4.6162 5.8998 +v -3.773 6.5369 8.997 +v -3.725 -6.4481 9.497 +v 4.828 -4.8251 5.997 +v 2.6013 4.5083 11.1412 +v -7.264 -1.9441 8.738 +v -3.76 -6.5101 9.256 +v -3.76 6.5159 9.256 +v 4.959 -4.9561 5.963 +v -7.195 -1.9251 8.497 +v 5.081 -5.0781 5.863 +v 1.9821 4.7879 11.121 +v 2.4483 4.5832 11.1312 +v -3.76 6.5159 8.738 +v -3.725 6.4539 8.497 +v -3.76 -6.5101 8.738 +v 6.534 -3.7701 8.997 +v -3.725 -6.4481 8.497 +v 6.223 -3.5901 9.863 +v -3.668 6.3549 8.29 +v 5.0077 -4.1098 4.0942 +v 6.352 -3.6641 9.704 +v -3.668 -6.3491 8.29 +v 5.318 5.3209 8.738 +v -3.507 -6.0711 4.031 +v 5.081 -5.0781 4.131 +v -5.9025 -2.6719 9.8999 +v 5.335 5.3379 8.997 +v 6.451 -3.7211 9.497 +v 4.959 -4.9561 4.031 +v -3.593 -6.2201 8.131 +v -3.593 6.2259 8.131 +v -3.414 -5.9101 3.997 +v 5.267 5.2699 8.497 +v 6.513 -3.7571 9.256 +v 4.828 -4.8251 3.997 +v 5.186 5.1889 8.29 +v -4.697 -4.6941 9.963 +v -3.321 -5.7491 4.031 +v 4.696 -4.6941 4.031 +v 6.513 -3.7571 8.738 +v 5.318 5.3209 9.256 +v -4.828 -4.8251 9.997 +v -3.2664 -5.6545 4.0942 +v -2.2813 6.068 8.0941 +v -3.2666 -5.6543 4.0942 +v 6.451 -3.7211 8.497 +v 4.6191 -4.6162 4.0942 +v 4.6189 -4.6164 4.0942 +v -4.959 -4.9561 9.963 +v 6.352 -3.6641 8.29 +v 5.318 -5.3151 4.738 +v -5.0077 -4.1098 9.8998 +v 5.335 -5.3321 4.997 +v 6.223 -3.5901 8.131 +v 5.267 -5.2641 4.497 +v -4.6191 -4.6163 9.8997 +v -5.082 -5.0781 9.863 +v 5.186 -5.1841 4.29 +v -5.082 -5.0781 8.131 +v 5.186 -5.1841 5.704 +v 6.0651 -2.2784 9.8999 +v -4.959 -4.9561 8.031 +v 5.752 -3.3181 9.963 +v 5.267 -5.2641 5.497 +v 5.318 -5.3151 5.256 +v -3.507 6.0759 8.031 +v 5.913 -3.4111 9.997 +v 6.073 -3.5041 9.963 +v -3.593 -6.2201 5.863 +v 5.2677 -3.7709 9.8999 +v -3.773 -6.5311 4.997 +v -5.175 1.3893 6.997 +v -3.668 -6.3491 5.704 +v 5.6572 -3.2634 9.8999 +v 5.6573 -3.2632 9.8999 +v -6.595 -1.7641 7.997 +v -3.725 -6.4481 5.497 +v 5.6572 3.2692 5.8999 +v 5.6573 3.269 5.8999 +v -3.76 -6.5101 5.256 +v 5.752 3.3239 5.963 +v 6.073 -3.5041 8.031 +v -6.416 -1.7161 8.031 +v 5.913 3.4169 5.997 +v 5.081 5.0839 8.131 +v 4.959 4.9619 8.031 +v -3.76 -6.5101 4.738 +v 6.073 3.5089 5.963 +v -3.725 -6.4481 4.497 +v -6.3103 -1.6878 8.0939 +v -6.3103 -1.6877 8.0939 +v -3.668 -6.3491 4.29 +v -3.593 -6.2201 4.131 +v -6.0642 -2.2814 8.0939 +v -5.0077 -4.1098 5.8998 +v 5.267 3.7775 4.094 +v -4.6191 -4.6163 5.8997 +v 3.2663 -5.6544 5.8999 +v 3.2661 -5.6545 5.8999 +v -4.697 -4.6941 5.963 +v 3.593 6.2259 9.863 +v 3.321 -5.7491 5.963 +v -4.1127 -5.0049 8.0942 +v -6.074 -3.5041 8.031 +v -5.187 5.1889 9.704 +v -4.828 -4.8251 5.997 +v 3.414 -5.9101 5.997 +v 3.667 6.3549 9.704 +v -5.267 5.2699 9.497 +v 3.724 6.4539 9.497 +v 3.506 -6.0711 5.963 +v -4.959 -4.9561 5.963 +v 6.073 3.5089 4.031 +v -5.082 -5.0781 5.863 +v 5.913 3.4169 3.997 +v -4.697 4.6989 9.963 +v 5.752 3.3239 4.031 +v 3.321 5.7549 9.963 +v -4.828 4.8309 9.997 +v 3.7731 -5.2654 4.0941 +v 5.6572 3.2692 4.0941 +v 5.6573 3.269 4.0941 +v 3.414 5.9159 9.997 +v -4.959 4.9619 9.963 +v -5.082 -5.0781 4.131 +v 3.506 -6.0711 4.031 +v 3.506 6.0759 9.963 +v -4.959 -4.9561 4.031 +v -4.1127 5.0106 9.8998 +v 5.9022 2.6774 5.8999 +v -4.828 -4.8251 3.997 +v 3.7746 5.2698 9.9 +v -6.534 -3.7701 8.997 +v -4.6191 4.6219 9.8998 +v 3.2663 5.6601 9.8999 +v -4.6192 4.6217 9.8998 +v 3.2661 5.6602 9.8999 +v -6.513 -3.7571 9.256 +v -4.697 -4.6941 4.031 +v -5.082 5.0839 9.863 +v -4.1127 -5.0049 4.0942 +v -6.513 -3.7571 8.738 +v -4.6191 -4.6163 4.0943 +v -6.451 -3.7211 8.497 +v 4.696 -4.6941 9.963 +v 5.267 3.7775 8.094 +v 5.913 3.4169 7.997 +v -6.352 -3.6641 8.29 +v 4.828 -4.8251 9.997 +v 5.752 3.3239 8.031 +v 4.959 -4.9561 9.963 +v -6.224 -3.5901 8.131 +v 5.6572 3.2692 8.0941 +v 4.1127 -5.0049 9.8998 +v 5.6573 3.269 8.0941 +v 4.6189 -4.6164 9.8998 +v 4.6191 -4.6162 9.8998 +v 5.081 -5.0781 9.863 +v -4.5055 2.6042 11.1412 +v 1.5077 4.9727 11.1311 +v 1.3465 5.0279 11.1412 +v -4.7853 1.985 11.1211 +v 0.5077 5.1589 11.1222 +v 1.0117 5.0889 11.1255 +v -4.5804 2.4512 11.1312 +v 5.0077 -4.1098 8.0942 +v 5.081 -5.0781 8.131 +v 6.0651 2.2841 4.0941 +v -5.3571 0.0029 6.997 +v 4.959 -4.9561 8.031 +v 6.3933 1.0597 5.8999 +v 4.828 -4.8251 7.997 +v -3.414 5.9159 7.997 +v 6.415 1.7219 5.963 +v -5.913 -3.4111 7.997 +v 6.3096 1.6935 5.8999 +v 6.3096 1.6935 5.8999 +v -5.318 -5.3151 8.738 +v 4.696 -4.6941 8.031 +v -3.321 5.7549 8.031 +v -5.335 -5.3321 8.997 +v 6.595 1.7699 5.997 +v 4.828 4.8309 7.997 +v -5.267 -5.2641 8.497 +v -5.752 -3.3181 8.031 +v 6.774 1.8179 5.963 +v -3.2664 5.6602 8.0942 +v 4.6191 -4.6162 8.0942 +v -3.2666 5.66 8.0942 +v 4.6189 -4.6164 8.0942 +v -5.187 -5.1841 8.29 +v 6.941 1.8629 5.863 +v 5.318 -5.3151 8.738 +v 4.696 4.6989 8.031 +v -5.6572 -3.2634 8.0941 +v 5.335 -5.3321 8.997 +v -5.187 -5.1841 9.704 +v -5.6573 -3.2632 8.0941 +v 7.288 1.9559 4.997 +v -5.318 -5.3151 4.738 +v 5.267 -5.2641 8.497 +v 7.085 1.9009 5.704 +v 4.1127 5.0106 8.0942 +v -5.335 -5.3321 4.997 +v 4.619 4.6219 8.0941 +v -5.267 -5.2641 9.497 +v -5.267 -5.2641 4.497 +v -3.7724 5.2718 8.0942 +v 5.186 -5.1841 8.29 +v 7.195 1.9309 5.497 +v -5.318 -5.3151 9.256 +v -5.187 -5.1841 4.29 +v 5.186 -5.1841 9.704 +v 7.264 1.9489 5.256 +v 3.772 6.5369 8.997 +v -5.187 -5.1841 5.704 +v -5.269 -3.7694 8.0942 +v 5.267 -5.2641 9.497 +v 7.264 1.9489 4.738 +v -5.267 -5.2641 5.497 +v 7.195 1.9309 4.497 +v 5.318 -5.3151 9.256 +v 3.76 6.5159 9.256 +v -5.318 -5.3151 5.256 +v 7.085 1.9009 4.29 +v 6.941 1.8629 4.131 +v 3.76 6.5159 8.738 +v -5.318 5.3209 8.738 +v 6.774 1.8179 4.031 +v -5.335 5.3379 8.997 +v 3.724 6.4539 8.497 +v -5.267 5.2699 8.497 +v 6.595 1.7699 3.997 +v 3.667 6.3549 8.29 +v -5.187 5.1889 8.29 +v 3.593 6.2259 8.131 +v 6.415 1.7219 4.031 +v 5.205 0.0029 11.139 +v -5.318 5.3209 9.256 +v 5.086 1.0146 11.1255 +v 5.156 0.5106 11.1222 +v -5.175 -1.3836 6.997 +v 6.3096 1.6935 4.0941 +v 6.3096 1.6935 4.0941 +v 6.642 0.0029 9.963 +v 6.827 0.0029 9.997 +v 7.013 0.0029 9.963 +v 7.186 0.0029 9.863 +v -4.828 -4.8251 7.997 +v 7.335 0.0029 9.704 +v 6.5327 0.0029 5.8998 +v -5.082 5.0839 8.131 +v 6.642 0.0029 5.963 +v 7.449 0.0029 9.497 +v -4.697 -4.6941 8.031 +v -4.959 4.9619 8.031 +v 6.5327 0.0029 9.8998 +v 6.827 0.0029 5.997 +v -4.6191 -4.6163 8.0943 +v -4.6393 -2.6757 6.997 +v 7.013 0.0029 5.963 +v 6.4491 -0.6307 9.8999 +v -3.7879 -3.785 6.997 +v 7.186 0.0029 5.863 +v 3.506 6.0759 8.031 +v -2.6786 -4.6364 6.997 +v 7.545 0.0029 4.997 +v -1.3864 -5.1721 6.997 +v 7.335 0.0029 5.704 +v 7.288 -1.9501 8.997 +v 7.449 0.0029 5.497 +v 5.318 5.3209 4.738 +v 7.52 0.0029 5.256 +v 5.335 5.3379 4.997 +v 7.264 -1.9441 9.256 +v 5.267 5.2699 4.497 +v 5.186 5.1889 4.29 +v 7.264 -1.9441 8.738 +v 7.52 0.0029 4.738 +v 5.186 5.1889 5.704 +v 7.195 -1.9251 8.497 +v 5.267 5.2699 5.497 +v 7.449 0.0029 4.497 +v 5.318 5.3209 5.256 +v 7.085 -1.8951 8.29 +v 7.085 -1.8952 8.29 +v 7.085 -1.8952 8.29 +v 6.941 -1.8571 8.131 +v 7.085 -1.8952 8.29 +v 7.335 0.0029 4.29 +v 2.2813 6.068 9.8999 +v 6.774 -1.8121 8.031 +v 7.186 0.0029 4.131 +v 1.719 6.4179 9.963 +v 7.013 0.0029 4.031 +v 1.767 6.5979 9.997 +v 6.827 0.0029 3.997 +v 1.815 6.7769 9.963 +v 6.642 0.0029 4.031 +v 5.9022 -2.6717 8.0941 +v 6.4491 0.6364 4.0941 +v 6.5327 0.0029 4.0942 +v 5.0077 4.1155 5.8998 +v -5.752 3.3239 9.963 +v -5.913 3.4169 9.997 +v -6.074 3.5089 9.963 +v -0.6335 6.452 4.0941 +v -1.0569 6.3961 5.8999 +v -1.6906 6.3125 5.8999 +v -1.6906 6.3125 5.8999 +v -1.719 6.4179 5.963 +v -5.2683 3.7759 9.8999 +v -1.767 6.5979 5.997 +v -1.815 6.7769 5.963 +v -1.86 6.9439 5.863 +v -5.6572 3.2692 9.8999 +v -5.6573 3.269 9.8999 +v -1.953 7.2909 4.997 +v -1.899 7.0879 5.704 +v -1.928 7.1979 5.497 +v -1.947 7.2669 5.256 +v -1.947 7.2669 4.738 +v -1.928 7.1979 4.497 +v -1.899 7.0879 4.29 +v -1.86 6.9439 4.131 +v -1.815 6.7769 4.031 +v -1.767 6.5979 3.997 +v -1.719 6.4179 4.031 +v -1.6906 6.3125 4.0941 +v -1.6906 6.3125 4.0941 +v -3.593 6.2259 5.863 +v -3.773 6.5369 4.997 +v -3.668 6.3549 5.704 +v -3.725 6.4539 5.497 +v -3.76 6.5159 5.256 +v -3.76 6.5159 4.738 +v -3.725 6.4539 4.497 +v -3.668 6.3549 4.29 +v -3.593 6.2259 4.131 +v -2.6765 5.9044 5.8998 +v -2.2813 6.068 4.0941 +v -3.321 5.7549 5.963 +v -3.2664 5.6602 5.8998 +v -3.2666 5.66 5.8998 +v -3.414 5.9159 5.997 +v -3.507 6.0759 5.963 +v -3.507 6.0759 4.031 +v -3.414 5.9159 3.997 +v -3.321 5.7549 4.031 +v -3.2664 5.6602 4.0942 +v -3.2666 5.66 4.0942 +# 1390 vertices + +g group_0_undefined + +usemtl color_undefined +s 0 + +f 3 657 2 +f 4 657 3 +f 5 657 4 +f 6 657 5 +f 7 657 6 +f 10 657 9 +f 11 657 10 +f 27 28 26 +f 26 28 29 +f 26 29 30 +f 26 30 31 +f 31 32 33 +f 31 33 34 +f 31 34 36 +f 31 36 37 +f 31 37 26 +f 46 31 30 +f 30 818 46 +f 29 820 30 +f 50 16 51 +f 772 27 26 +f 50 1339 16 +f 1127 52 45 +f 46 62 31 +f 772 26 37 +f 59 173 23 +f 33 32 62 +f 59 23 60 +f 63 979 62 +f 979 978 62 +f 31 62 32 +f 21 43 40 +f 40 1159 21 +f 63 62 678 +f 46 678 62 +f 257 258 58 +f 1137 57 1138 +f 23 1193 60 +f 75 85 74 +f 76 116 75 +f 77 116 76 +f 74 85 73 +f 73 85 79 +f 259 1141 72 +f 81 116 77 +f 82 139 81 +f 83 139 82 +f 84 161 83 +f 86 611 78 +f 94 78 611 +f 611 598 94 +f 93 94 598 +f 78 79 86 +f 85 86 79 +f 91 93 598 +f 90 91 598 +f 95 88 569 +f 569 550 95 +f 78 98 79 +f 97 79 98 +f 99 73 79 +f 99 79 97 +f 99 100 73 +f 74 73 100 +f 76 122 77 +f 81 77 143 +f 141 143 77 +f 21 102 43 +f 592 627 576 +f 93 616 94 +f 619 613 94 +f 570 88 571 +f 85 109 110 +f 85 110 86 +f 97 753 99 +f 1279 171 105 +f 115 161 114 +f 114 161 84 +f 85 75 116 +f 117 74 100 +f 74 117 75 +f 119 75 117 +f 121 76 75 +f 121 75 119 +f 141 77 122 +f 121 122 76 +f 145 82 81 +f 145 83 82 +f 167 84 83 +f 172 120 105 +f 167 168 84 +f 109 85 128 +f 116 128 85 +f 112 125 124 +f 129 111 388 +f 100 755 117 +f 119 421 121 +f 137 182 136 +f 138 182 137 +f 136 182 115 +f 116 81 139 +f 126 129 691 +f 133 127 134 +f 81 143 144 +f 133 150 127 +f 81 144 145 +f 150 133 748 +f 172 105 171 +f 1275 1304 285 +f 1135 125 112 +f 139 149 128 +f 139 128 116 +f 134 748 133 +f 145 144 125 +f 147 1285 154 +f 141 349 143 +f 148 155 153 +f 153 123 148 +f 143 124 144 +f 160 209 138 +f 139 83 161 +f 162 228 160 +f 145 165 83 +f 165 167 83 +f 188 114 168 +f 114 84 168 +f 190 115 188 +f 156 1374 164 +f 193 195 136 +f 216 138 215 +f 171 169 147 +f 60 817 59 +f 235 236 162 +f 302 23 173 +f 171 147 172 +f 149 139 174 +f 161 174 139 +f 127 150 473 +f 166 283 170 +f 285 1304 298 +f 1160 167 1135 +f 170 291 176 +f 145 125 165 +f 148 135 399 +f 170 283 291 +f 168 167 1160 +f 1304 178 298 +f 58 57 180 +f 276 140 176 +f 291 276 176 +f 155 148 180 +f 161 115 182 +f 177 184 192 +f 210 248 186 +f 186 233 185 +f 163 233 162 +f 114 188 115 +f 180 148 399 +f 136 115 193 +f 190 193 115 +f 194 192 184 +f 215 137 195 +f 137 136 195 +f 137 215 138 +f 160 138 217 +f 160 234 162 +f 163 162 236 +f 236 237 163 +f 200 174 182 +f 161 182 174 +f 1289 179 175 +f 190 188 1161 +f 202 201 187 +f 187 201 222 +f 188 168 1161 +f 199 332 335 +f 204 196 1385 +f 1160 1161 168 +f 204 1385 1370 +f 204 1370 207 +f 182 138 209 +f 212 248 210 +f 213 248 212 +f 202 187 1242 +f 335 344 205 +f 216 217 138 +f 208 205 344 +f 1150 269 274 +f 185 249 186 +f 250 251 186 +f 221 218 1386 +f 183 357 189 +f 182 209 225 +f 182 225 200 +f 198 189 304 +f 1202 1203 380 +f 1340 215 1283 +f 357 304 189 +f 195 1283 215 +f 215 1340 216 +f 209 160 228 +f 232 289 230 +f 230 265 229 +f 229 265 213 +f 228 162 233 +f 163 185 233 +f 160 217 234 +f 235 162 234 +f 185 163 237 +f 250 186 249 +f 210 254 212 +f 21 331 102 +f 227 364 238 +f 272 273 213 +f 233 244 228 +f 244 225 228 +f 209 228 225 +f 242 231 243 +f 47 243 231 +f 242 256 231 +f 241 382 131 +f 103 1201 245 +f 235 861 236 +f 236 862 237 +f 373 221 223 +f 247 289 246 +f 246 289 232 +f 233 186 248 +f 237 249 185 +f 206 532 157 +f 173 328 302 +f 206 211 560 +f 210 186 251 +f 268 212 254 +f 251 254 210 +f 23 305 49 +f 212 270 213 +f 257 58 255 +f 239 402 736 +f 309 54 49 +f 299 300 232 +f 72 58 258 +f 371 259 255 +f 257 255 259 +f 233 248 260 +f 233 260 244 +f 197 219 318 +f 258 257 259 +f 321 184 196 +f 227 226 426 +f 196 204 333 +f 258 259 72 +f 863 250 249 +f 204 207 336 +f 224 626 220 +f 863 249 237 +f 224 320 625 +f 261 400 53 +f 426 364 227 +f 320 674 625 +f 863 934 250 +f 248 213 265 +f 247 266 310 +f 267 310 266 +f 264 310 267 +f 212 268 270 +f 262 384 269 +f 272 213 270 +f 296 229 273 +f 229 213 273 +f 146 454 142 +f 297 230 296 +f 299 232 230 +f 221 465 218 +f 416 180 399 +f 1273 281 271 +f 278 260 265 +f 248 265 260 +f 277 166 108 +f 108 274 277 +f 332 199 54 +f 191 542 181 +f 231 256 395 +f 205 199 335 +f 1271 280 275 +f 279 281 282 +f 283 166 277 +f 277 406 283 +f 279 271 281 +f 254 981 268 +f 268 981 270 +f 272 270 1059 +f 279 282 286 +f 279 286 285 +f 282 281 286 +f 1086 273 272 +f 19 45 295 +f 277 401 406 +f 265 230 289 +f 288 339 264 +f 156 164 437 +f 293 312 365 +f 375 738 294 +f 284 295 290 +f 294 290 295 +f 229 296 230 +f 297 299 230 +f 315 246 300 +f 246 232 300 +f 142 452 130 +f 246 315 247 +f 295 375 294 +f 266 319 267 +f 291 398 276 +f 267 343 264 +f 345 264 343 +f 287 301 594 +f 345 346 264 +f 287 1291 301 +f 306 507 303 +f 265 289 307 +f 265 307 278 +f 500 178 187 +f 198 304 308 +f 1295 214 301 +f 299 297 1159 +f 1087 1159 297 +f 500 187 510 +f 301 1291 1295 +f 203 198 308 +f 959 748 311 +f 1086 296 273 +f 1086 1087 296 +f 302 305 23 +f 297 296 1087 +f 49 305 309 +f 510 187 222 +f 305 450 309 +f 466 308 304 +f 152 1319 159 +f 310 264 339 +f 289 247 310 +f 304 463 466 +f 340 387 313 +f 292 293 365 +f 387 365 313 +f 314 203 308 +f 184 321 311 +f 316 247 315 +f 311 194 184 +f 220 211 1316 +f 266 247 317 +f 316 317 247 +f 220 67 224 +f 343 267 319 +f 317 319 266 +f 1345 22 367 +f 1316 67 220 +f 314 308 418 +f 275 629 544 +f 275 544 253 +f 275 280 629 +f 1335 334 323 +f 173 820 328 +f 327 326 321 +f 311 321 326 +f 328 325 302 +f 325 324 302 +f 102 350 317 +f 319 317 351 +f 317 316 102 +f 289 310 329 +f 289 329 307 +f 315 43 316 +f 691 323 665 +f 196 333 321 +f 54 309 332 +f 674 320 330 +f 333 204 336 +f 336 522 333 +f 665 323 334 +f 53 393 42 +f 341 387 340 +f 361 410 342 +f 342 387 341 +f 365 360 292 +f 336 207 423 +f 24 322 331 +f 207 151 423 +f 331 21 24 +f 288 264 346 +f 368 292 366 +f 346 366 288 +f 288 366 292 +f 240 263 537 +f 368 369 292 +f 337 124 349 +f 369 370 293 +f 335 480 344 +f 392 313 390 +f 245 376 103 +f 103 376 104 +f 351 317 350 +f 349 348 337 +f 208 344 352 +f 104 377 107 +f 351 350 331 +f 337 348 421 +f 376 245 353 +f 352 219 208 +f 350 102 331 +f 276 355 140 +f 276 453 355 +f 449 448 345 +f 449 343 351 +f 140 355 183 +f 356 329 339 +f 310 339 329 +f 48 354 347 +f 378 373 223 +f 183 355 357 +f 318 219 352 +f 421 348 121 +f 319 351 343 +f 358 1345 367 +f 343 449 345 +f 318 352 745 +f 339 288 360 +f 455 463 357 +f 330 112 337 +f 304 357 463 +f 48 55 354 +f 363 436 362 +f 362 410 361 +f 288 292 360 +f 354 55 359 +f 293 292 369 +f 390 312 370 +f 312 293 370 +f 124 143 349 +f 364 372 238 +f 337 112 124 +f 340 396 341 +f 341 413 342 +f 414 342 413 +f 372 241 238 +f 55 252 359 +f 1343 353 245 +f 414 415 342 +f 252 240 541 +f 255 374 371 +f 377 104 376 +f 929 379 371 +f 371 379 259 +f 1202 380 111 +f 365 381 360 +f 381 356 360 +f 339 360 356 +f 372 382 241 +f 376 353 377 +f 147 169 1284 +f 366 346 448 +f 380 323 388 +f 259 379 262 +f 388 111 380 +f 366 448 368 +f 1285 147 1284 +f 448 992 368 +f 262 379 384 +f 372 492 382 +f 1286 158 154 +f 386 436 385 +f 385 436 363 +f 312 313 365 +f 383 367 22 +f 154 1285 1286 +f 131 389 135 +f 269 391 274 +f 312 390 313 +f 378 223 231 +f 269 384 391 +f 340 313 394 +f 392 394 313 +f 389 131 382 +f 323 691 388 +f 384 941 391 +f 413 341 396 +f 394 396 340 +f 498 389 382 +f 361 342 415 +f 382 492 498 +f 22 42 383 +f 338 35 347 +f 415 362 361 +f 398 453 276 +f 443 363 362 +f 378 231 395 +f 35 48 347 +f 42 393 383 +f 399 389 586 +f 443 446 363 +f 263 548 537 +f 274 391 401 +f 401 277 274 +f 263 271 548 +f 404 395 403 +f 405 381 387 +f 365 387 381 +f 403 395 256 +f 239 1293 402 +f 393 53 400 +f 399 586 603 +f 370 993 390 +f 1111 959 407 +f 397 736 402 +f 390 994 392 +f 408 291 283 +f 389 399 135 +f 261 564 400 +f 171 1279 169 +f 283 406 408 +f 321 407 327 +f 672 338 680 +f 387 342 410 +f 386 411 461 +f 412 461 411 +f 409 461 412 +f 338 672 334 +f 680 338 347 +f 417 603 58 +f 398 291 408 +f 180 416 58 +f 385 363 446 +f 608 395 615 +f 399 603 417 +f 417 416 399 +f 469 386 467 +f 378 395 608 +f 318 420 197 +f 347 354 702 +f 404 419 395 +f 615 395 419 +f 197 420 226 +f 122 121 348 +f 748 959 150 +f 744 421 755 +f 349 122 348 +f 424 322 314 +f 425 405 410 +f 387 410 405 +f 314 418 424 +f 418 975 982 +f 426 226 420 +f 396 1084 413 +f 541 713 359 +f 10 9 442 +f 414 413 1180 +f 427 132 130 +f 364 426 614 +f 346 345 448 +f 201 738 222 +f 369 368 992 +f 433 499 432 +f 432 486 431 +f 429 423 151 +f 431 487 409 +f 410 362 436 +f 732 397 434 +f 151 156 429 +f 429 156 437 +f 106 683 428 +f 377 683 107 +f 440 567 561 +f 415 441 362 +f 441 443 362 +f 331 322 435 +f 440 561 437 +f 421 744 337 +f 467 385 446 +f 438 445 302 +f 385 467 386 +f 1 657 447 +f 122 349 141 +f 124 125 144 +f 411 386 470 +f 437 164 440 +f 322 424 435 +f 411 472 412 +f 445 305 302 +f 427 567 440 +f 494 409 412 +f 445 450 305 +f 290 738 284 +f 164 132 440 +f 448 449 435 +f 435 449 331 +f 440 132 427 +f 410 436 451 +f 410 451 425 +f 351 331 449 +f 25 19 284 +f 503 69 375 +f 69 773 68 +f 503 505 69 +f 324 770 457 +f 733 443 743 +f 901 444 690 +f 295 496 375 +f 130 452 427 +f 446 443 733 +f 634 452 454 +f 355 453 455 +f 324 438 302 +f 453 1000 455 +f 441 743 443 +f 1324 456 439 +f 455 357 355 +f 459 499 458 +f 458 499 433 +f 324 457 438 +f 452 142 454 +f 461 409 487 +f 436 386 461 +f 453 999 1000 +f 468 332 309 +f 431 490 432 +f 462 454 146 +f 502 504 432 +f 433 506 458 +f 491 686 478 +f 113 460 214 +f 521 459 520 +f 751 318 745 +f 585 462 591 +f 462 146 218 +f 469 470 386 +f 127 460 113 +f 466 418 308 +f 450 468 309 +f 494 412 472 +f 470 472 411 +f 468 474 475 +f 761 681 757 +f 756 757 684 +f 462 218 465 +f 460 127 473 +f 684 685 756 +f 450 474 468 +f 685 491 488 +f 332 468 476 +f 477 468 475 +f 477 476 468 +f 469 667 470 +f 467 446 734 +f 475 474 477 +f 465 221 373 +f 436 461 479 +f 436 479 451 +f 332 476 335 +f 733 734 446 +f 469 467 734 +f 480 335 476 +f 522 336 535 +f 388 691 129 +f 481 959 482 +f 336 423 535 +f 473 150 481 +f 482 473 481 +f 434 397 1317 +f 484 518 483 +f 485 518 484 +f 483 518 459 +f 487 431 486 +f 482 493 473 +f 488 756 685 +f 434 1320 439 +f 489 490 431 +f 502 432 490 +f 462 639 454 +f 458 520 459 +f 456 1327 464 +f 639 462 585 +f 521 527 459 +f 493 482 959 +f 756 488 943 +f 465 591 462 +f 478 696 491 +f 505 773 69 +f 409 494 495 +f 503 375 496 +f 431 409 489 +f 495 489 409 +f 496 295 303 +f 202 738 201 +f 486 497 487 +f 497 479 487 +f 461 487 479 +f 588 287 594 +f 472 632 494 +f 495 494 512 +f 512 726 495 +f 486 432 499 +f 499 459 518 +f 501 550 485 +f 95 550 501 +f 433 432 504 +f 505 503 496 +f 520 458 506 +f 504 506 433 +f 1324 1327 456 +f 178 500 298 +f 505 496 773 +f 483 530 484 +f 593 594 301 +f 303 507 496 +f 484 553 485 +f 555 485 553 +f 489 495 726 +f 69 68 523 +f 507 783 496 +f 555 556 485 +f 407 515 1111 +f 526 222 69 +f 593 301 214 +f 403 530 404 +f 507 306 509 +f 486 499 511 +f 486 511 497 +f 514 1111 515 +f 502 621 504 +f 321 517 407 +f 798 509 513 +f 623 506 504 +f 490 726 502 +f 623 504 621 +f 513 509 152 +f 515 407 517 +f 321 333 517 +f 333 522 517 +f 509 306 152 +f 95 571 88 +f 525 519 529 +f 515 517 514 +f 651 529 519 +f 643 514 517 +f 510 766 500 +f 517 651 643 +f 526 69 524 +f 523 524 69 +f 483 459 527 +f 513 152 159 +f 553 484 530 +f 527 530 483 +f 528 525 529 +f 524 510 526 +f 222 526 510 +f 651 517 522 +f 510 524 523 +f 533 516 534 +f 527 404 530 +f 624 419 521 +f 516 533 531 +f 683 353 646 +f 539 511 518 +f 499 518 511 +f 353 358 646 +f 159 536 513 +f 423 540 535 +f 536 181 542 +f 541 359 252 +f 521 520 624 +f 623 520 506 +f 529 538 692 +f 623 624 520 +f 423 429 540 +f 536 159 181 +f 534 816 533 +f 533 816 531 +f 541 240 537 +f 419 404 527 +f 538 671 543 +f 518 485 550 +f 543 675 549 +f 671 675 543 +f 683 377 353 +f 570 572 88 +f 546 542 191 +f 452 634 545 +f 89 599 90 +f 427 452 545 +f 501 485 556 +f 548 271 551 +f 540 429 552 +f 191 157 546 +f 578 95 558 +f 556 558 501 +f 501 558 95 +f 393 711 383 +f 546 157 532 +f 571 95 578 +f 714 393 400 +f 256 242 555 +f 256 553 403 +f 552 429 437 +f 562 539 550 +f 518 550 539 +f 549 688 557 +f 551 279 559 +f 714 400 721 +f 243 556 242 +f 530 403 553 +f 279 551 271 +f 206 560 532 +f 564 721 400 +f 437 561 552 +f 279 285 559 +f 553 256 555 +f 559 285 565 +f 596 641 592 +f 627 628 576 +f 555 242 556 +f 243 558 556 +f 285 298 565 +f 261 253 564 +f 568 563 697 +f 89 88 572 +f 599 89 572 +f 564 253 544 +f 560 211 566 +f 602 90 599 +f 427 545 567 +f 565 298 573 +f 602 604 90 +f 634 454 639 +f 211 220 566 +f 574 580 581 +f 831 582 577 +f 550 569 583 +f 550 583 562 +f 1389 572 1390 +f 579 585 587 +f 582 588 589 +f 582 589 577 +f 1390 570 47 +f 243 47 578 +f 579 639 585 +f 582 638 588 +f 571 47 570 +f 591 579 587 +f 579 591 590 +f 587 585 591 +f 577 589 594 +f 577 594 593 +f 500 766 573 +f 570 1390 572 +f 589 588 594 +f 573 298 500 +f 465 590 591 +f 578 47 571 +f 243 578 558 +f 88 89 569 +f 576 718 592 +f 389 498 586 +f 601 759 603 +f 590 465 373 +f 510 777 766 +f 91 90 604 +f 616 93 606 +f 606 93 91 +f 604 606 91 +f 595 709 605 +f 373 597 590 +f 601 603 586 +f 607 583 598 +f 569 598 583 +f 510 523 777 +f 597 378 608 +f 604 602 1380 +f 602 599 1389 +f 318 751 420 +f 572 1389 599 +f 593 214 600 +f 597 373 378 +f 1389 1380 602 +f 610 426 420 +f 600 214 460 +f 89 90 569 +f 598 569 90 +f 426 610 614 +f 613 98 78 +f 619 94 616 +f 460 767 600 +f 78 94 613 +f 723 617 609 +f 86 110 611 +f 110 607 611 +f 598 611 607 +f 364 620 372 +f 606 1369 616 +f 364 614 620 +f 716 608 615 +f 460 473 767 +f 179 618 612 +f 723 512 617 +f 537 548 813 +f 620 492 372 +f 612 175 179 +f 620 828 492 +f 619 616 1346 +f 780 473 493 +f 493 1111 796 +f 574 566 580 +f 220 580 566 +f 527 521 419 +f 872 574 625 +f 512 494 632 +f 626 574 581 +f 128 149 109 +f 149 174 109 +f 174 200 109 +f 110 109 200 +f 110 200 225 +f 110 225 244 +f 110 244 260 +f 110 260 278 +f 110 278 307 +f 110 307 329 +f 110 329 356 +f 110 356 381 +f 110 381 405 +f 425 607 405 +f 451 607 425 +f 479 607 451 +f 497 607 479 +f 511 607 497 +f 539 607 511 +f 562 607 539 +f 583 607 562 +f 110 405 607 +f 624 615 419 +f 624 623 615 +f 623 621 615 +f 472 470 632 +f 512 632 617 +f 632 631 617 +f 631 667 617 +f 636 633 637 +f 635 633 636 +f 630 649 633 +f 928 622 736 +f 596 838 641 +f 627 592 641 +f 280 638 629 +f 574 626 625 +f 673 649 70 +f 731 639 579 +f 581 580 626 +f 582 831 638 +f 280 287 638 +f 287 588 638 +f 690 428 683 +f 147 154 694 +f 559 832 551 +f 656 1208 643 +f 158 701 154 +f 656 519 1208 +f 158 175 707 +f 522 669 651 +f 627 649 628 +f 648 633 649 +f 647 633 648 +f 637 633 647 +f 656 643 651 +f 358 663 646 +f 519 656 651 +f 667 631 470 +f 663 358 367 +f 659 658 39 +f 658 689 39 +f 664 39 666 +f 669 522 535 +f 677 931 676 +f 651 669 529 +f 529 669 538 +f 663 367 670 +f 669 671 538 +f 669 535 671 +f 224 625 626 +f 334 672 665 +f 850 1043 668 +f 580 220 626 +f 668 673 850 +f 175 612 707 +f 535 540 671 +f 367 383 670 +f 665 672 949 +f 671 540 675 +f 668 649 673 +f 676 644 677 +f 989 678 760 +f 679 760 678 +f 106 107 683 +f 657 678 447 +f 239 618 179 +f 540 552 675 +f 681 761 679 +f 622 618 239 +f 682 545 634 +f 491 685 686 +f 239 736 622 +f 549 675 688 +f 645 698 1299 +f 822 537 813 +f 675 552 688 +f 696 478 695 +f 478 126 695 +f 691 695 126 +f 645 692 698 +f 685 684 39 +f 689 687 39 +f 687 686 39 +f 686 685 39 +f 684 681 39 +f 679 39 681 +f 678 39 679 +f 693 563 557 +f 690 683 646 +f 695 691 665 +f 557 688 693 +f 552 561 688 +f 12 657 11 +f 8 657 7 +f 688 561 693 +f 706 893 670 +f 699 1299 698 +f 699 1134 1299 +f 8 7 428 +f 695 665 696 +f 697 563 693 +f 711 670 383 +f 561 567 693 +f 698 692 699 +f 393 715 711 +f 693 567 697 +f 568 697 682 +f 680 347 702 +f 568 682 554 +f 697 545 682 +f 444 9 428 +f 567 545 697 +f 706 711 712 +f 354 705 702 +f 670 711 706 +f 1236 704 710 +f 715 706 712 +f 605 716 609 +f 706 715 714 +f 8 428 9 +f 718 576 717 +f 716 605 709 +f 712 711 715 +f 608 709 597 +f 717 694 718 +f 705 359 713 +f 709 608 716 +f 715 393 714 +f 354 359 705 +f 490 489 726 +f 621 502 726 +f 541 822 713 +f 920 612 618 +f 723 716 615 +f 541 537 822 +f 730 765 438 +f 721 564 720 +f 615 621 723 +f 438 774 445 +f 694 154 701 +f 438 765 774 +f 158 707 701 +f 544 720 564 +f 716 723 609 +f 779 450 445 +f 445 774 779 +f 575 118 727 +f 172 727 120 +f 779 795 450 +f 667 469 734 +f 680 954 672 +f 723 621 726 +f 576 575 717 +f 726 512 723 +f 727 694 717 +f 147 694 727 +f 554 729 640 +f 727 717 575 +f 172 147 727 +f 729 554 682 +f 772 730 457 +f 1003 720 719 +f 682 634 729 +f 457 730 438 +f 729 731 640 +f 831 1044 725 +f 731 642 640 +f 450 795 474 +f 639 731 729 +f 634 639 729 +f 735 642 731 +f 795 801 474 +f 731 579 735 +f 728 667 734 +f 743 728 733 +f 818 815 46 +f 735 584 642 +f 734 733 728 +f 28 27 768 +f 69 222 738 +f 737 595 584 +f 202 1242 738 +f 928 736 732 +f 690 646 901 +f 27 772 770 +f 584 735 737 +f 736 397 732 +f 579 590 735 +f 1 2 657 +f 735 590 737 +f 709 595 737 +f 737 597 709 +f 1167 722 724 +f 984 37 36 +f 737 590 597 +f 739 674 330 +f 740 732 434 +f 976 977 34 +f 8 9 657 +f 976 34 33 +f 64 967 63 +f 740 439 741 +f 100 99 754 +f 434 439 740 +f 762 952 66 +f 38 762 66 +f 969 66 952 +f 724 728 1170 +f 997 995 1 +f 447 989 1 +f 755 100 754 +f 529 645 528 +f 344 747 352 +f 529 692 645 +f 344 480 747 +f 1111 493 959 +f 538 703 692 +f 476 805 480 +f 481 150 959 +f 1201 4 1204 +f 538 543 703 +f 747 745 352 +f 2 1198 3 +f 997 1 989 +f 640 793 554 +f 447 678 989 +f 760 679 761 +f 739 330 337 +f 739 337 744 +f 745 864 751 +f 610 420 751 +f 744 881 739 +f 66 678 38 +f 751 865 610 +f 428 690 444 +f 464 471 749 +f 584 595 835 +f 902 750 442 +f 471 752 749 +f 724 722 609 +f 865 751 864 +f 614 825 620 +f 57 123 153 +f 722 605 609 +f 724 609 617 +f 155 180 57 +f 417 58 416 +f 759 58 603 +f 617 728 724 +f 631 632 470 +f 235 234 1341 +f 728 617 667 +f 902 903 750 +f 38 657 762 +f 684 757 681 +f 557 563 812 +f 759 601 854 +f 968 1168 761 +f 843 654 763 +f 601 586 854 +f 843 39 846 +f 763 39 843 +f 554 823 568 +f 757 968 761 +f 543 708 703 +f 846 39 848 +f 41 848 39 +f 44 817 41 +f 764 708 549 +f 543 549 708 +f 741 439 456 +f 818 30 820 +f 754 744 755 +f 767 808 600 +f 29 28 769 +f 820 29 769 +f 768 769 28 +f 741 456 746 +f 770 768 27 +f 744 754 753 +f 746 456 464 +f 749 746 464 +f 781 68 773 +f 653 666 654 +f 496 783 773 +f 923 771 775 +f 776 775 771 +f 34 977 36 +f 783 507 788 +f 742 776 771 +f 767 473 780 +f 523 786 777 +f 778 752 471 +f 773 783 781 +f 979 63 967 +f 969 965 65 +f 65 66 969 +f 788 507 509 +f 784 864 745 +f 780 961 767 +f 782 957 785 +f 799 92 797 +f 549 557 764 +f 790 765 791 +f 787 797 1019 +f 785 957 887 +f 791 765 730 +f 509 798 788 +f 778 516 787 +f 769 768 325 +f 1350 783 788 +f 493 796 780 +f 324 325 768 +f 801 476 477 +f 796 794 780 +f 794 789 780 +f 799 797 787 +f 772 457 770 +f 766 858 573 +f 477 474 801 +f 798 513 802 +f 768 770 324 +f 787 531 799 +f 795 991 801 +f 719 544 629 +f 719 720 544 +f 476 801 805 +f 792 892 803 +f 118 120 727 +f 778 471 508 +f 804 532 560 +f 92 799 531 +f 847 840 593 +f 802 536 807 +f 508 516 778 +f 787 516 531 +f 480 805 811 +f 786 810 777 +f 593 600 847 +f 805 1045 811 +f 640 826 793 +f 480 811 747 +f 809 806 896 +f 764 557 812 +f 745 747 784 +f 747 811 784 +f 92 531 816 +f 815 817 44 +f 848 41 817 +f 534 1339 816 +f 44 46 815 +f 794 1111 789 +f 630 628 649 +f 652 666 653 +f 814 812 563 +f 173 59 815 +f 800 904 819 +f 814 568 823 +f 769 328 820 +f 325 328 769 +f 563 568 814 +f 1050 1199 664 +f 666 1051 664 +f 554 793 823 +f 815 59 817 +f 70 838 673 +f 818 173 815 +f 818 820 173 +f 70 641 838 +f 725 719 629 +f 828 620 825 +f 827 813 548 +f 831 725 638 +f 830 833 834 +f 829 826 642 +f 827 551 832 +f 640 642 826 +f 827 548 551 +f 830 824 833 +f 492 828 837 +f 839 830 834 +f 830 839 836 +f 834 833 839 +f 629 638 725 +f 584 835 829 +f 882 1277 647 +f 492 837 498 +f 642 584 829 +f 648 883 647 +f 875 876 649 +f 1251 835 841 +f 649 650 875 +f 877 875 650 +f 841 835 595 +f 877 650 878 +f 652 878 650 +f 866 867 653 +f 878 652 867 +f 577 840 831 +f 868 866 654 +f 841 595 605 +f 759 854 1307 +f 841 605 722 +f 857 859 1307 +f 577 593 840 +f 832 559 844 +f 600 808 847 +f 850 673 853 +f 565 851 844 +f 673 838 853 +f 863 237 862 +f 846 848 1193 +f 374 852 371 +f 498 837 849 +f 926 371 852 +f 498 849 586 +f 857 1307 854 +f 371 926 929 +f 886 901 646 +f 60 1193 848 +f 817 60 848 +f 802 513 536 +f 559 565 844 +f 886 646 663 +f 858 1070 851 +f 838 916 853 +f 536 542 807 +f 851 573 858 +f 807 542 856 +f 855 1336 845 +f 853 1171 850 +f 854 586 849 +f 859 857 849 +f 857 854 849 +f 861 862 236 +f 565 573 851 +f 856 546 860 +f 862 855 863 +f 542 546 856 +f 855 862 861 +f 653 867 652 +f 653 654 866 +f 546 532 860 +f 442 444 901 +f 654 843 868 +f 860 532 804 +f 650 666 652 +f 934 980 251 +f 610 821 614 +f 821 610 865 +f 821 825 614 +f 804 560 869 +f 945 951 771 +f 1302 1305 1142 +f 560 566 869 +f 792 785 887 +f 869 566 870 +f 872 1362 870 +f 870 574 872 +f 766 777 1005 +f 637 647 1277 +f 574 870 566 +f 800 890 904 +f 777 1013 1005 +f 721 720 919 +f 882 647 883 +f 883 648 876 +f 649 876 648 +f 824 819 909 +f 1003 719 996 +f 909 914 824 +f 674 880 874 +f 839 917 836 +f 625 874 872 +f 833 914 839 +f 777 810 1013 +f 842 836 963 +f 877 1100 875 +f 877 878 1100 +f 867 1114 878 +f 625 674 874 +f 946 1305 884 +f 665 949 943 +f 884 1307 859 +f 863 855 934 +f 849 936 884 +f 827 1040 813 +f 657 38 678 +f 406 962 408 +f 806 894 896 +f 12 13 657 +f 13 14 657 +f 14 15 657 +f 800 809 890 +f 15 762 657 +f 899 898 885 +f 879 899 885 +f 444 442 9 +f 463 455 971 +f 1000 971 455 +f 889 663 670 +f 463 973 466 +f 886 663 889 +f 418 466 975 +f 887 892 792 +f 758 12 11 +f 488 491 943 +f 881 880 739 +f 894 806 803 +f 889 670 893 +f 10 750 11 +f 894 803 892 +f 965 898 967 +f 873 928 1080 +f 674 739 880 +f 98 906 97 +f 893 706 907 +f 899 967 898 +f 1346 906 619 +f 744 897 881 +f 911 702 705 +f 898 895 885 +f 753 754 99 +f 902 442 901 +f 744 753 897 +f 930 931 13 +f 809 896 890 +f 901 886 902 +f 932 930 12 +f 753 97 906 +f 960 954 680 +f 701 905 900 +f 903 902 886 +f 613 619 906 +f 897 753 906 +f 442 750 10 +f 680 702 960 +f 707 908 905 +f 904 890 1090 +f 819 904 909 +f 117 755 119 +f 421 119 755 +f 827 1052 1040 +f 466 973 975 +f 956 14 931 +f 914 833 824 +f 706 714 907 +f 424 418 982 +f 838 913 916 +f 758 11 750 +f 911 705 915 +f 907 714 912 +f 66 65 678 +f 917 839 914 +f 986 424 982 +f 916 913 900 +f 435 424 986 +f 912 721 919 +f 836 917 963 +f 705 713 915 +f 915 713 918 +f 912 714 721 +f 922 732 740 +f 1046 918 822 +f 945 771 923 +f 64 678 65 +f 918 713 822 +f 622 873 871 +f 928 873 622 +f 925 926 924 +f 852 924 926 +f 952 762 15 +f 251 250 934 +f 956 15 14 +f 1080 922 1066 +f 1080 928 922 +f 922 928 732 +f 696 943 491 +f 757 756 966 +f 943 966 756 +f 13 12 930 +f 845 972 855 +f 1066 922 933 +f 12 758 932 +f 996 725 1044 +f 719 725 996 +f 922 740 933 +f 927 1294 936 +f 379 935 384 +f 855 972 934 +f 936 1294 1142 +f 379 929 935 +f 941 384 935 +f 932 1065 930 +f 696 665 943 +f 937 746 939 +f 944 942 945 +f 927 936 837 +f 1142 1305 947 +f 950 999 398 +f 758 750 903 +f 945 923 944 +f 907 912 700 +f 966 943 949 +f 936 1142 947 +f 946 884 936 +f 672 954 949 +f 746 749 939 +f 947 946 936 +f 790 879 765 +f 782 771 951 +f 885 765 879 +f 885 888 765 +f 953 401 391 +f 888 774 765 +f 955 952 15 +f 779 774 891 +f 955 15 956 +f 957 782 951 +f 1383 177 422 +f 1382 1383 422 +f 953 391 941 +f 13 931 14 +f 774 888 891 +f 422 177 748 +f 957 951 1047 +f 1112 953 941 +f 933 741 937 +f 401 953 958 +f 740 741 933 +f 957 1047 1049 +f 784 1054 864 +f 952 955 1091 +f 957 1049 887 +f 955 956 1091 +f 949 954 1155 +f 794 796 1111 +f 401 958 406 +f 741 746 937 +f 1056 865 864 +f 948 939 749 +f 930 676 931 +f 677 1091 956 +f 1099 1103 892 +f 962 406 958 +f 821 865 1061 +f 702 911 960 +f 931 677 956 +f 961 808 767 +f 842 964 845 +f 398 408 950 +f 408 962 950 +f 964 842 963 +f 965 967 64 +f 1110 950 962 +f 64 65 965 +f 837 828 927 +f 961 780 970 +f 1208 990 974 +f 968 966 949 +f 974 789 1208 +f 837 936 849 +f 895 969 1095 +f 913 694 900 +f 970 780 789 +f 969 895 965 +f 952 1095 969 +f 701 900 694 +f 701 707 905 +f 463 971 973 +f 895 898 965 +f 859 849 884 +f 972 845 964 +f 718 913 592 +f 879 790 976 +f 973 971 1132 +f 1132 971 1131 +f 694 913 718 +f 738 430 284 +f 1059 270 981 +f 984 36 977 +f 974 970 789 +f 908 612 920 +f 978 976 33 +f 908 707 612 +f 903 1065 758 +f 33 62 978 +f 981 254 980 +f 254 251 980 +f 618 871 920 +f 980 972 981 +f 981 972 1059 +f 1048 1044 831 +f 972 980 934 +f 791 977 790 +f 976 978 879 +f 978 979 879 +f 976 790 977 +f 805 801 1041 +f 618 622 871 +f 899 879 979 +f 899 979 967 +f 805 1041 1045 +f 840 847 1009 +f 1204 3 1198 +f 808 1017 847 +f 1068 963 917 +f 772 37 983 +f 37 984 983 +f 992 993 369 +f 1024 808 961 +f 994 390 993 +f 987 1054 784 +f 772 983 730 +f 779 891 988 +f 779 988 795 +f 988 991 795 +f 1086 272 1059 +f 370 369 993 +f 974 990 970 +f 991 988 1236 +f 942 547 938 +f 983 984 730 +f 791 730 984 +f 61 938 547 +f 791 984 977 +f 913 596 592 +f 435 992 448 +f 838 596 913 +f 995 1198 2 +f 2 1 995 +f 994 993 986 +f 993 992 986 +f 435 986 992 +f 890 1092 1090 +f 904 1090 1094 +f 909 904 1094 +f 654 666 763 +f 649 666 650 +f 627 641 649 +f 41 678 44 +f 44 678 46 +f 39 678 41 +f 999 453 398 +f 997 1351 995 +f 1103 894 892 +f 1000 999 1128 +f 942 938 945 +f 1016 1015 1002 +f 919 720 1003 +f 1128 1131 1000 +f 1000 1131 971 +f 948 752 985 +f 766 1005 858 +f 948 749 752 +f 985 752 1010 +f 1007 1238 940 +f 1025 810 80 +f 778 1010 752 +f 924 1307 925 +f 1097 914 909 +f 1011 940 1258 +f 876 875 1015 +f 1015 1016 876 +f 1301 1016 1002 +f 787 1010 778 +f 787 1019 1010 +f 1009 847 1017 +f 92 87 797 +f 1068 1074 963 +f 994 1026 392 +f 1026 1082 394 +f 396 394 1082 +f 964 963 1074 +f 786 68 810 +f 1013 810 1025 +f 892 887 1099 +f 394 392 1026 +f 1060 1022 1020 +f 797 87 1028 +f 1013 1025 1023 +f 1067 1029 1022 +f 1019 797 1028 +f 1017 808 1024 +f 1022 1060 1067 +f 1027 1004 1019 +f 1028 1027 1019 +f 896 894 1104 +f 775 816 923 +f 923 547 944 +f 961 1115 1024 +f 547 923 816 +f 942 944 547 +f 1092 890 896 +f 96 1004 87 +f 1027 87 1004 +f 1027 1028 87 +f 1030 1031 1034 +f 1015 1100 1002 +f 858 1105 1070 +f 1012 1032 1031 +f 1002 1106 1006 +f 1034 1031 1032 +f 1002 1102 1106 +f 1033 1038 61 +f 1039 938 61 +f 1202 111 659 +f 1122 970 990 +f 1036 945 938 +f 1023 1083 1013 +f 1039 61 1038 +f 666 668 1043 +f 1037 929 1035 +f 1151 1037 1035 +f 1038 1033 1036 +f 1038 1036 1039 +f 1039 1036 938 +f 1050 664 1051 +f 801 991 1041 +f 1236 1245 991 +f 1051 666 1043 +f 1172 996 1044 +f 1102 1002 1100 +f 39 763 666 +f 1036 1042 945 +f 1008 1107 1057 +f 991 1245 1041 +f 1171 853 916 +f 945 1042 951 +f 1047 951 1042 +f 1174 1043 850 +f 1203 660 1200 +f 1046 813 1040 +f 662 664 1199 +f 822 813 1046 +f 987 811 1045 +f 831 840 1048 +f 1048 840 1009 +f 811 987 784 +f 1107 1008 1006 +f 1050 1051 1330 +f 1180 413 1084 +f 1174 1176 1043 +f 64 63 678 +f 1052 827 832 +f 655 644 889 +f 1052 832 1053 +f 1020 1008 1057 +f 1056 864 1054 +f 1053 844 1058 +f 932 758 1065 +f 1057 1060 1020 +f 676 930 1065 +f 1061 865 1056 +f 972 1078 1059 +f 1097 1064 914 +f 914 1064 917 +f 903 886 1065 +f 676 1065 644 +f 821 1069 825 +f 1053 832 844 +f 821 1061 1069 +f 933 1062 1066 +f 1064 1068 917 +f 1058 851 1070 +f 644 1065 886 +f 825 921 828 +f 1058 844 851 +f 1069 921 825 +f 1067 1073 1029 +f 644 886 889 +f 927 828 921 +f 1062 933 937 +f 893 655 889 +f 1091 1095 952 +f 655 893 661 +f 1105 858 1005 +f 907 661 893 +f 1076 655 1081 +f 1083 1023 80 +f 1082 1084 396 +f 964 1078 972 +f 1077 1180 1084 +f 1082 1026 1077 +f 1084 1082 1077 +f 964 1074 1078 +f 1219 1013 1083 +f 925 1012 926 +f 1031 926 1012 +f 1031 1035 926 +f 1035 929 926 +f 1078 1087 1086 +f 1078 1086 1059 +f 1037 935 929 +f 935 1108 941 +f 907 700 661 +f 1091 677 644 +f 1162 908 1166 +f 644 1076 1091 +f 905 908 1162 +f 1095 1091 1076 +f 895 1095 1076 +f 999 1126 1128 +f 710 704 919 +f 966 968 757 +f 909 1094 1097 +f 1266 1062 1072 +f 1003 1177 710 +f 1071 982 975 +f 887 1049 1099 +f 1177 996 1172 +f 986 982 1077 +f 1166 908 920 +f 1100 878 1114 +f 1113 1114 867 +f 1077 982 1071 +f 704 700 912 +f 1077 1026 986 +f 871 1147 1140 +f 1026 994 986 +f 1147 873 1149 +f 704 912 919 +f 871 873 1147 +f 873 1080 1149 +f 1103 1104 894 +f 919 1003 710 +f 958 1119 962 +f 896 1104 1092 +f 1003 996 1177 +f 1006 1106 1107 +f 1119 1110 962 +f 1062 937 1072 +f 326 959 311 +f 935 1037 1108 +f 1075 1072 939 +f 194 311 748 +f 1146 1036 1141 +f 937 939 1072 +f 998 910 1241 +f 1146 1042 1036 +f 192 194 748 +f 1075 939 948 +f 1047 1042 1150 +f 1109 1113 866 +f 760 761 1168 +f 867 866 1113 +f 1112 941 1108 +f 1100 1015 875 +f 1109 1102 1113 +f 1114 1113 1102 +f 1094 1090 189 +f 1116 958 953 +f 1102 1100 1114 +f 1269 1040 1052 +f 1116 953 1112 +f 198 1094 189 +f 1024 1115 1143 +f 1117 96 1118 +f 1097 203 1064 +f 1119 958 1116 +f 1118 1120 1117 +f 1157 900 905 +f 1119 1116 1263 +f 1115 970 1122 +f 1115 961 970 +f 24 1074 1068 +f 948 1124 1075 +f 950 1126 999 +f 1110 1126 950 +f 1127 1123 1225 +f 1103 1099 170 +f 911 1163 960 +f 1127 1225 1231 +f 1127 1231 910 +f 61 547 1205 +f 990 1130 1122 +f 183 1092 140 +f 1104 140 1092 +f 1129 1122 1130 +f 1092 183 1090 +f 189 1090 183 +f 170 176 1103 +f 1133 1129 1281 +f 176 1104 1103 +f 176 140 1104 +f 973 1063 975 +f 1159 40 299 +f 1132 1063 973 +f 1159 1087 1078 +f 1130 1281 1129 +f 1063 1071 975 +f 915 1144 1179 +f 61 57 1033 +f 1179 911 915 +f 58 72 57 +f 1148 1144 918 +f 1136 1302 1134 +f 1137 1033 57 +f 1134 699 692 +f 72 1138 57 +f 1138 72 1141 +f 918 1046 1148 +f 1136 1134 1139 +f 259 262 1141 +f 1205 51 16 +f 1138 1141 1137 +f 1137 1141 1033 +f 1030 1136 1139 +f 866 868 1109 +f 1141 1036 1033 +f 1139 1031 1030 +f 1109 868 1196 +f 644 655 1076 +f 1141 262 1146 +f 703 708 1145 +f 1146 262 269 +f 661 1088 1081 +f 703 1145 1139 +f 1232 1079 1055 +f 1079 1232 1240 +f 1240 1085 1079 +f 1042 1146 1150 +f 915 918 1144 +f 1146 269 1150 +f 1049 1047 108 +f 1150 108 1047 +f 1150 274 108 +f 1049 108 166 +f 1099 1049 166 +f 812 1255 1153 +f 166 170 1099 +f 1173 1175 989 +f 1107 1106 1190 +f 415 1182 441 +f 102 316 43 +f 300 43 315 +f 1074 21 1078 +f 21 1074 24 +f 1157 905 1162 +f 300 299 40 +f 1158 954 960 +f 40 43 300 +f 1207 190 1161 +f 1158 1155 954 +f 743 441 1182 +f 1078 21 1159 +f 1158 960 1163 +f 1156 1161 1160 +f 1160 1135 1156 +f 1097 1094 198 +f 167 165 1135 +f 125 1135 165 +f 1206 1093 1089 +f 198 203 1097 +f 112 1156 1135 +f 1064 203 1165 +f 25 430 1342 +f 1165 1068 1064 +f 314 1165 203 +f 1342 1117 1120 +f 1165 24 1068 +f 1121 1211 17 +f 96 87 1169 +f 1165 314 322 +f 1118 96 1169 +f 1115 1122 1214 +f 1118 1169 1120 +f 949 1155 1168 +f 1214 1122 1224 +f 989 760 1168 +f 1168 968 949 +f 24 1165 322 +f 1174 850 1171 +f 1168 1173 989 +f 1122 1129 1133 +f 1122 1133 1224 +f 1120 1221 1123 +f 1168 1155 1173 +f 1170 1063 1167 +f 1057 1107 1197 +f 1123 1221 1225 +f 1154 1152 1272 +f 1330 1051 1176 +f 1176 1174 1157 +f 1174 1171 1157 +f 1176 1157 1330 +f 1175 1173 1155 +f 661 1081 655 +f 920 1140 1166 +f 700 1088 661 +f 920 871 1140 +f 1060 1252 1257 +f 1088 700 1096 +f 1067 1060 1257 +f 1261 1073 1067 +f 1163 911 1179 +f 1257 1261 1067 +f 1180 1182 414 +f 1171 900 1157 +f 1235 1055 1073 +f 916 900 1171 +f 1193 843 846 +f 1172 1044 1181 +f 843 1196 868 +f 415 414 1182 +f 948 985 1124 +f 985 1125 1124 +f 743 1182 1178 +f 1182 1180 1178 +f 1139 1134 692 +f 1189 1233 1222 +f 703 1139 692 +f 1181 1048 1183 +f 1109 1184 1102 +f 1044 1048 1181 +f 1192 1185 1189 +f 1145 708 1151 +f 1109 1196 1184 +f 1184 49 1188 +f 985 1186 1125 +f 1151 708 764 +f 700 704 1096 +f 1144 1148 42 +f 1186 985 1010 +f 1151 764 1153 +f 1102 1184 1188 +f 704 1236 1096 +f 1187 1183 1009 +f 1186 1019 1189 +f 764 812 1153 +f 1102 1188 1106 +f 1186 1010 1019 +f 69 738 375 +f 290 294 738 +f 1190 1106 1188 +f 1048 1009 1183 +f 1019 1004 1189 +f 786 523 68 +f 1222 1186 1189 +f 1197 1107 1190 +f 1187 1009 1017 +f 422 1083 80 +f 1189 1004 1194 +f 1191 1187 1017 +f 1196 843 1195 +f 80 810 68 +f 1023 1025 80 +f 1189 1194 1192 +f 885 895 1076 +f 1192 96 1185 +f 1193 1195 843 +f 1191 1017 1024 +f 885 1081 888 +f 1194 1004 96 +f 1191 1024 1143 +f 1076 1081 885 +f 1251 841 1164 +f 106 428 7 +f 1214 1143 1115 +f 1088 888 1081 +f 1290 92 742 +f 92 816 742 +f 742 816 776 +f 6 107 7 +f 106 7 107 +f 891 888 1088 +f 1167 1164 722 +f 775 776 816 +f 107 6 104 +f 891 1096 988 +f 430 1185 96 +f 1244 1185 430 +f 1195 1184 1196 +f 1088 1096 891 +f 1192 1194 96 +f 1164 841 722 +f 1167 724 1170 +f 5 104 6 +f 1201 103 4 +f 660 1203 659 +f 3 1204 4 +f 1178 1170 728 +f 126 478 687 +f 687 478 686 +f 687 689 126 +f 129 126 689 +f 1172 1181 1220 +f 728 743 1178 +f 660 659 39 +f 658 111 689 +f 129 689 111 +f 658 659 111 +f 1202 659 1203 +f 1199 1200 662 +f 662 1200 660 +f 61 1227 1229 +f 1229 123 61 +f 662 660 39 +f 1069 1061 1098 +f 1050 1330 1199 +f 103 104 5 +f 1098 1101 1069 +f 5 4 103 +f 327 407 959 +f 1101 921 1069 +f 1227 61 1205 +f 1255 812 814 +f 326 327 959 +f 18 20 1200 +f 1356 245 1204 +f 16 1218 1205 +f 1200 20 1203 +f 921 1288 927 +f 1288 921 1101 +f 1234 1237 1299 +f 1355 1356 1198 +f 193 190 1207 +f 1130 990 1281 +f 1208 1281 990 +f 1208 789 1111 +f 1226 1083 422 +f 1035 1031 1145 +f 1139 1145 1031 +f 1209 1121 1093 +f 1145 1151 1035 +f 1156 1207 1161 +f 1083 1226 1219 +f 1093 1206 1209 +f 1037 1153 1108 +f 92 1210 87 +f 1151 1153 1037 +f 1072 1270 1266 +f 1096 1236 988 +f 1270 1072 1075 +f 1211 1121 1209 +f 1216 87 1215 +f 87 1216 1169 +f 1210 1213 1215 +f 1131 1128 1251 +f 1169 1213 1120 +f 1005 1212 1105 +f 1132 1131 1164 +f 1212 1013 1219 +f 1164 1167 1132 +f 1212 1005 1013 +f 1216 1213 1169 +f 1215 1213 1216 +f 1063 1132 1167 +f 1213 1297 1221 +f 1170 1071 1063 +f 1275 1124 1125 +f 1181 1217 1220 +f 1213 1221 1120 +f 1054 1217 1223 +f 17 1218 16 +f 1170 1178 1071 +f 1211 148 1218 +f 1178 1077 1071 +f 1223 1056 1054 +f 1222 1125 1186 +f 17 1211 1218 +f 1178 1180 1077 +f 1183 1223 1217 +f 57 61 123 +f 1181 1183 1217 +f 1061 1056 1230 +f 1228 1219 1226 +f 1218 123 1229 +f 1223 1230 1056 +f 1225 1303 1231 +f 1227 1205 1218 +f 1229 1227 1218 +f 1112 1259 1116 +f 1228 1247 1219 +f 1230 1098 1061 +f 1232 1055 1235 +f 1295 1105 1212 +f 1231 1303 1308 +f 1133 1299 1237 +f 1247 1228 422 +f 1237 1224 1133 +f 1234 1256 1224 +f 1237 1234 1224 +f 1241 910 1231 +f 1187 1191 1230 +f 1233 1244 1242 +f 1126 1239 1246 +f 1245 1236 710 +f 1308 1241 1231 +f 1226 422 1228 +f 1248 1089 1085 +f 998 1241 1249 +f 1085 1240 1248 +f 1098 1191 1143 +f 829 1246 1239 +f 1041 1250 1045 +f 1101 1143 1214 +f 1249 1001 998 +f 1248 1206 1089 +f 1242 1244 430 +f 422 748 1247 +f 1041 1245 1250 +f 1128 1246 1251 +f 710 1177 1245 +f 829 835 1246 +f 1233 1185 1244 +f 1246 835 1251 +f 1060 1057 1252 +f 1245 1177 1250 +f 1253 1001 1249 +f 1185 1233 1189 +f 1131 1251 1164 +f 1249 1312 1253 +f 1045 1250 1220 +f 1252 1057 1197 +f 1253 1007 1001 +f 1288 1214 1224 +f 1254 1062 1266 +f 1112 1108 1255 +f 1254 1066 1062 +f 1238 1007 1253 +f 1108 1153 1255 +f 1267 1052 1053 +f 1140 1337 1166 +f 940 1238 1258 +f 1271 1058 1274 +f 1259 1112 1255 +f 1140 1147 35 +f 1255 814 1259 +f 48 1147 1149 +f 1274 1058 1070 +f 1172 1220 1250 +f 1172 1250 1177 +f 987 1217 1054 +f 55 1262 252 +f 1220 1217 987 +f 55 1149 1262 +f 1070 1105 1291 +f 1116 1259 1263 +f 1011 1260 1014 +f 1262 1149 1080 +f 1011 1258 1260 +f 1235 1073 1261 +f 1261 197 1235 +f 1264 1018 1014 +f 1259 823 1263 +f 1254 252 1262 +f 1264 1014 1260 +f 1045 1220 987 +f 1080 1066 1262 +f 1265 1018 1264 +f 1101 1098 1143 +f 1184 1195 1193 +f 1066 1254 1262 +f 23 1184 1193 +f 58 759 255 +f 1265 1021 1018 +f 23 49 1184 +f 793 826 1243 +f 374 255 759 +f 1188 54 1190 +f 1239 1243 826 +f 51 547 50 +f 1188 49 54 +f 51 1205 547 +f 826 829 1239 +f 153 155 57 +f 54 199 1190 +f 1268 1152 1021 +f 253 1269 1267 +f 1021 1265 1268 +f 1259 814 823 +f 793 1243 1263 +f 1052 1267 1269 +f 793 1263 823 +f 1110 1239 1126 +f 1187 1223 1183 +f 1272 1152 1268 +f 1239 1110 1243 +f 238 1240 227 +f 1187 1230 1223 +f 635 105 633 +f 1240 238 1248 +f 1126 1246 1128 +f 1230 1191 1098 +f 1271 1267 1053 +f 637 1277 636 +f 1248 241 1206 +f 238 241 1248 +f 641 70 649 +f 1263 1243 1119 +f 1206 241 131 +f 575 576 628 +f 1119 1243 1110 +f 1209 1206 131 +f 628 630 575 +f 118 575 630 +f 1053 1058 1271 +f 633 120 630 +f 118 630 120 +f 195 193 1282 +f 1209 131 135 +f 1282 1283 195 +f 1101 1214 1288 +f 286 1275 285 +f 135 1211 1209 +f 1279 105 635 +f 120 633 105 +f 286 281 1273 +f 286 1273 1275 +f 1280 1279 636 +f 1274 1070 1291 +f 636 1277 1280 +f 1211 135 148 +f 666 649 668 +f 1218 148 123 +f 514 643 1111 +f 1197 1190 199 +f 1208 1111 643 +f 1278 53 1148 +f 1154 1276 1156 +f 882 1301 1277 +f 876 1016 883 +f 882 883 1301 +f 199 205 1197 +f 635 636 1279 +f 1148 1046 1278 +f 1234 1299 1256 +f 1252 1197 205 +f 261 1278 1269 +f 1277 1296 1280 +f 1299 1133 1281 +f 1257 1252 208 +f 1154 1272 1276 +f 1280 169 1279 +f 1207 1282 193 +f 662 39 664 +f 205 208 1252 +f 1256 1302 1298 +f 208 219 1257 +f 1288 1224 1294 +f 1278 1040 1269 +f 1261 1257 219 +f 1046 1040 1278 +f 1276 1340 1283 +f 1156 1276 1207 +f 1282 1207 1276 +f 997 989 1175 +f 1351 1355 995 +f 1283 1282 1276 +f 219 197 1261 +f 1266 263 240 +f 226 1235 197 +f 92 1290 1210 +f 1266 240 1254 +f 1235 226 1232 +f 1266 1270 263 +f 1210 1215 87 +f 1240 1232 227 +f 1270 271 263 +f 1290 1292 1210 +f 226 227 1232 +f 1213 1210 1292 +f 1270 1273 271 +f 1351 997 1175 +f 1292 1297 1213 +f 1293 239 179 +f 35 1337 1140 +f 179 1289 1293 +f 1294 1224 1256 +f 1288 1294 927 +f 1300 1221 1297 +f 48 35 1147 +f 1290 742 1292 +f 1284 169 1296 +f 771 1292 742 +f 169 1280 1296 +f 48 1149 55 +f 1291 1105 1295 +f 1298 1302 1142 +f 113 214 1295 +f 1300 1225 1221 +f 158 1287 175 +f 1294 1256 1298 +f 1287 158 1286 +f 1287 1289 175 +f 1298 1142 1294 +f 1016 1301 883 +f 1292 771 782 +f 1296 1301 1284 +f 1297 1292 782 +f 1284 1301 1002 +f 525 1281 519 +f 1208 519 1281 +f 1006 1285 1284 +f 1006 1008 1285 +f 1297 782 785 +f 1302 1256 1299 +f 252 1254 240 +f 1300 1297 785 +f 113 1295 1212 +f 1299 1281 645 +f 528 645 1281 +f 1273 1270 1075 +f 525 528 1281 +f 1296 1277 1301 +f 1273 1124 1275 +f 1300 785 792 +f 134 1247 748 +f 946 947 1305 +f 1300 792 1303 +f 1124 1273 1075 +f 113 1212 1219 +f 1286 1020 1287 +f 1303 1225 1300 +f 1299 1134 1302 +f 113 1219 127 +f 1307 884 1305 +f 1308 1303 803 +f 792 803 1303 +f 1030 1034 1305 +f 1032 1305 1034 +f 1289 1029 1293 +f 1302 1030 1305 +f 1136 1030 1302 +f 1314 402 1293 +f 1318 1306 819 +f 925 1307 1012 +f 1309 397 402 +f 1306 800 819 +f 1307 1305 1012 +f 1032 1012 1305 +f 1318 1238 1306 +f 1307 852 759 +f 374 759 852 +f 1317 1320 434 +f 1219 1247 127 +f 924 852 1307 +f 1238 1253 1306 +f 1253 1312 1306 +f 206 157 1311 +f 1222 178 1304 +f 1311 1315 206 +f 1247 134 127 +f 1284 1002 1006 +f 1285 1008 1286 +f 1304 1275 1125 +f 1020 1286 1008 +f 1313 157 191 +f 803 806 1308 +f 1125 1222 1304 +f 1308 806 1310 +f 1241 1310 1249 +f 1001 1007 1321 +f 1287 1022 1289 +f 1323 1007 940 +f 1287 1020 1022 +f 1289 1022 1029 +f 1310 1241 1308 +f 1312 1310 809 +f 1344 1158 1163 +f 1314 1293 1029 +f 1233 187 178 +f 1310 806 809 +f 1029 1073 1314 +f 402 1314 1309 +f 1233 178 1222 +f 1249 1310 1312 +f 1073 1055 1314 +f 809 800 1312 +f 1055 1309 1314 +f 1312 800 1306 +f 430 738 1242 +f 1317 397 1309 +f 1018 1021 1316 +f 253 1267 275 +f 1233 1242 187 +f 1267 1271 275 +f 998 1001 1319 +f 1318 1258 1238 +f 1324 439 1320 +f 819 824 1318 +f 1001 1321 1319 +f 1318 824 1322 +f 1322 1260 1258 +f 287 280 1274 +f 1324 1325 1326 +f 1274 280 1271 +f 1324 1320 1325 +f 1089 1325 1320 +f 1162 1333 1157 +f 1318 1322 1258 +f 1324 1326 1328 +f 1324 1328 1327 +f 1329 1322 830 +f 1326 1325 1328 +f 1274 1291 287 +f 295 284 19 +f 1051 1043 1176 +f 464 1331 471 +f 295 45 303 +f 464 1327 1331 +f 306 303 52 +f 824 830 1322 +f 1157 1333 1330 +f 52 303 45 +f 1329 1260 1322 +f 1331 508 471 +f 306 52 56 +f 1264 1260 1329 +f 56 152 306 +f 830 836 1329 +f 1329 836 1332 +f 157 1313 1311 +f 1200 1199 18 +f 206 1315 211 +f 1332 1264 1329 +f 1315 1316 211 +f 508 16 516 +f 380 1203 20 +f 836 842 1332 +f 1179 1144 22 +f 16 1339 516 +f 224 71 320 +f 380 1333 323 +f 71 224 67 +f 101 320 71 +f 1264 1332 1265 +f 320 101 330 +f 1148 53 42 +f 18 1330 1333 +f 20 18 1333 +f 1317 1309 1079 +f 330 101 112 +f 1055 1079 1309 +f 1333 380 20 +f 1079 1085 1317 +f 152 56 1319 +f 1334 1332 842 +f 1085 1320 1317 +f 1265 1332 1334 +f 159 1321 181 +f 1085 1089 1320 +f 1335 1333 1162 +f 1321 159 1319 +f 191 181 1323 +f 1335 1162 1166 +f 1334 1268 1265 +f 1321 1323 181 +f 1323 1313 191 +f 323 1333 1335 +f 1334 845 1336 +f 19 1123 45 +f 842 845 1334 +f 19 1120 1123 +f 45 1123 1127 +f 1268 1334 1336 +f 1337 334 1335 +f 56 52 910 +f 910 52 1127 +f 1339 534 516 +f 1337 338 334 +f 998 56 910 +f 1336 1272 1268 +f 1011 1313 940 +f 1313 1323 940 +f 1337 1335 1166 +f 261 53 1278 +f 1011 1311 1313 +f 35 338 1337 +f 1328 1093 1327 +f 1315 1311 1014 +f 1093 1328 1089 +f 1325 1089 1328 +f 1311 1011 1014 +f 1327 1121 1331 +f 1316 1315 1018 +f 1093 1121 1327 +f 17 508 1331 +f 1315 1014 1018 +f 1330 18 1199 +f 1338 1272 1336 +f 67 1316 1021 +f 547 816 1339 +f 1276 1272 1338 +f 1269 253 261 +f 508 17 16 +f 217 216 1341 +f 1340 1341 216 +f 1021 1152 67 +f 217 1341 234 +f 71 67 1152 +f 1339 50 547 +f 1276 1338 1340 +f 101 71 1154 +f 855 1338 1336 +f 1152 1154 71 +f 1156 101 1154 +f 112 101 1156 +f 861 235 1341 +f 1121 17 1331 +f 1341 1340 1338 +f 998 1319 56 +f 855 861 1338 +f 1341 1338 861 +f 1155 1351 1175 +f 1321 1007 1323 +f 781 1347 68 +f 96 1342 430 +f 25 284 430 +f 1117 1342 96 +f 1155 1343 1351 +f 19 1342 1120 +f 25 1342 19 +f 802 807 1354 +f 804 869 1357 +f 1155 1158 1343 +f 1359 856 860 +f 1343 1158 1344 +f 880 1364 874 +f 353 1343 1344 +f 353 1344 358 +f 358 1344 1345 +f 1345 1344 1163 +f 98 613 906 +f 1163 1179 1345 +f 906 1346 897 +f 80 68 1347 +f 1349 80 1348 +f 1347 1348 80 +f 1347 781 783 +f 783 1350 1347 +f 1348 1347 1350 +f 1352 1350 788 +f 1198 995 1355 +f 1348 1350 1349 +f 788 798 1352 +f 1352 798 1353 +f 1353 802 1354 +f 1353 798 802 +f 1201 1204 245 +f 1351 1343 1355 +f 1357 869 1361 +f 1356 1355 1343 +f 1354 807 1358 +f 1179 22 1345 +f 856 1359 1358 +f 856 1358 807 +f 22 1144 42 +f 1360 1359 860 +f 1374 1360 1357 +f 1360 804 1357 +f 860 804 1360 +f 1204 1198 1356 +f 870 1362 1361 +f 869 870 1361 +f 1356 1343 245 +f 1362 872 1363 +f 874 1364 1363 +f 872 874 1363 +f 880 1365 1364 +f 1365 881 1366 +f 1365 880 881 +f 1366 881 897 +f 1346 1369 1367 +f 897 1346 1367 +f 1366 897 1367 +f 1368 1369 606 +f 1346 616 1369 +f 1369 1368 1367 +f 1349 1379 80 +f 1350 1352 1381 +f 1365 1378 1364 +f 1368 1380 1367 +f 1354 1358 1370 +f 1371 132 164 +f 1361 1371 1357 +f 1371 1361 1375 +f 1358 1372 1370 +f 1358 1359 1372 +f 1372 1359 1373 +f 1374 156 1373 +f 1373 1360 1374 +f 1373 1359 1360 +f 164 1374 1371 +f 1374 1357 1371 +f 1371 1375 132 +f 1375 130 132 +f 1376 142 130 +f 1376 130 1375 +f 1361 1362 1375 +f 1375 1362 1376 +f 1377 142 1376 +f 1376 1363 1377 +f 1362 1363 1376 +f 146 1377 1378 +f 1377 1364 1378 +f 1377 1363 1364 +f 422 80 1379 +f 1382 422 1379 +f 1379 1349 1350 +f 1350 1381 1379 +f 1387 1366 1367 +f 1380 1368 604 +f 606 604 1368 +f 1380 1389 1388 +f 1367 1380 1388 +f 192 748 177 +f 177 1381 184 +f 1379 1381 1382 +f 1383 1382 1381 +f 1383 1381 177 +f 1384 1352 1353 +f 1384 196 184 +f 1381 1352 1384 +f 184 1381 1384 +f 196 1384 1385 +f 1384 1353 1385 +f 1385 1354 1370 +f 1385 1353 1354 +f 1372 207 1370 +f 151 207 1372 +f 151 1373 156 +f 1373 151 1372 +f 142 1377 146 +f 1378 218 146 +f 1378 1386 218 +f 1378 1365 1386 +f 1386 1387 221 +f 1365 1366 1386 +f 1386 1366 1387 +f 1387 1367 1388 +f 223 1387 1388 +f 1388 231 223 +f 1390 1388 1389 +f 231 1388 47 +f 1390 47 1388 +f 1387 223 221 +# 2776 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/suction/tip.obj b/cliport/environments/assets/ur5/suction/tip.obj new file mode 100644 index 0000000000000000000000000000000000000000..2b24048cb88aa619dcb1e9a43145a64c3cb777a9 --- /dev/null +++ b/cliport/environments/assets/ur5/suction/tip.obj @@ -0,0 +1,4182 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v -7.73 6.3469 14.497 +v -8.315 5.5589 14.497 +v -8.819 4.7169 14.497 +v -9.239 3.8299 14.497 +v -9.57 2.9059 14.497 +v -9.808 1.9539 14.497 +v -9.952 0.9829 14.497 +v -10 0.0029 14.497 +v -9.952 -0.9771 14.497 +v -9.808 -1.9481 14.497 +v -9.57 -2.9001 14.497 +v -9.239 -3.8241 14.497 +v -8.819 -4.7111 14.497 +v -8.315 -5.5531 14.497 +v -7.73 -6.3411 14.497 +v 5.752 -3.3181 8.031 +v 5.913 -3.4111 7.997 +v 1.6906 6.3125 9.8999 +v 4.696 4.6989 5.963 +v 1.6906 6.3125 9.8999 +v 3.321 -5.7491 4.031 +v -6.224 3.5959 9.863 +v 3.321 -5.7491 9.963 +v 3.414 -5.9101 3.997 +v 4.619 4.6219 5.8999 +v 0 -9.9971 14.497 +v 0.98 -9.9491 14.497 +v 1.951 -9.8051 14.497 +v 2.903 -9.5671 14.497 +v 3.827 -9.2361 14.497 +v 4.3254 -9.0001 14.497 +v -4.3254 -9.0001 14.497 +v -3.827 -9.2361 14.497 +v -2.903 -9.5671 14.497 +v 1.86 6.9439 9.863 +v -1.951 -9.8051 14.497 +v -0.98 -9.9491 14.497 +v -6.503 -7.583 14.497 +v 6.3422 -7.7249 14.495 +v 3.2663 -5.6544 4.0941 +v 5.5544 -8.3098 14.495 +v -6.352 3.6699 9.704 +v 3.2661 -5.6545 4.0941 +v 4.7127 -8.8136 14.495 +v 4.828 4.8309 5.997 +v 4.3187 -9.0001 14.495 +v -3.7724 5.2718 4.0942 +v 1.898 7.0879 9.704 +v 3.414 -5.9101 9.997 +v 5.6573 -3.2632 8.0941 +v 5.6572 -3.2634 8.0941 +v 4.959 4.9619 5.963 +v -6.451 3.7269 9.497 +v 3.506 -6.0711 9.963 +v 1.928 7.1979 9.497 +v 5.081 5.0839 5.863 +v 2.6786 -4.6364 6.997 +v 1.3864 -5.1721 6.997 +v 3.2661 -5.6545 9.8999 +v 3.2663 -5.6544 9.8999 +v 3.7879 -3.785 6.997 +v -4.3187 -9.0001 14.495 +v -4.7127 -8.8136 14.495 +v -5.5544 -8.3098 14.495 +v -6.3422 -7.7249 14.495 +v -6.503 -7.5792 14.495 +v 5.081 5.0839 4.131 +v 0 5.36 6.997 +v 1.3864 5.1771 6.997 +v 7.069 7.0718 14.495 +v 4.959 4.9619 4.031 +v 2.6748 -5.8996 5.8999 +v 0.975 4.9069 0.999 +v 1.451 4.7879 0.999 +v 1.913 4.6219 0.999 +v 2.357 4.4119 0.999 +v 2.778 4.1599 0.999 +v 0 5.0029 0.999 +v 0.49 4.9789 0.999 +v -1.3864 5.1771 6.997 +v 3.172 3.8679 0.999 +v 3.535 3.5379 0.999 +v 3.865 3.1749 0.999 +v 4.157 2.7809 0.999 +v 0.8324 3.1095 0.999 +v 0 3.2193 0.999 +v 5.1743 1.3893 6.997 +v -2.778 4.1599 0.999 +v -2.357 4.4119 0.999 +v -1.914 4.6219 0.999 +v -1.452 4.7879 0.999 +v 5.3571 0.0029 6.997 +v -0.976 4.9069 0.999 +v -0.49 4.9789 0.999 +v -3.172 3.8679 0.999 +v 4.6393 2.6814 6.997 +v 0.49 4.9789 2.7016 +v 0 5.0029 2.6637 +v 0.975 4.9069 2.6941 +v 1.2927 4.8274 2.6591 +v 4.828 4.8309 3.997 +v 2.2842 -6.0614 4.0939 +v -4.9704 1.5106 11.1312 +v -5.0256 1.3493 11.1413 +v 5.0251 1.3493 11.1412 +v -5.1562 0.5106 11.1223 +v -5.0863 1.0146 11.1257 +v 3.593 -6.2201 5.863 +v 0.5554 2.0757 0 +v 0 2.1489 0 +v 0 5.2078 11.139 +v 4.696 4.6989 4.031 +v -4.828 4.8309 7.997 +v 4.409 2.3599 0.999 +v 4.619 1.9159 0.999 +v 1.6082 2.7883 0.999 +v 1.451 4.7879 2.6816 +v 4.7851 1.9849 11.121 +v 1.913 4.6219 2.7036 +v 4.9698 1.5106 11.1311 +v 2.357 4.4119 2.6809 +v 2.4972 4.328 2.6584 +v 3.7731 -5.2654 8.0941 +v 4.1127 5.0106 4.0942 +v 4.619 4.6219 4.0941 +v -1.0117 5.0889 11.1255 +v -4.697 4.6989 8.031 +v 1.073 1.8614 0 +v -0.5077 5.1589 11.1222 +v -5.318 5.3209 4.738 +v 3.506 -6.0711 8.031 +v -5.335 5.3379 4.997 +v -4.6192 4.6217 8.0942 +v -4.6191 4.6219 8.0942 +v 3.414 -5.9101 7.997 +v 4.785 1.4539 0.999 +v 4.904 0.9779 0.999 +v 4.976 0.4929 0.999 +v 2.2742 2.2771 0.999 +v 3.772 -6.5311 4.997 +v 2.778 4.1599 2.6938 +v -5.267 5.2699 4.497 +v 2.8644 4.0959 2.6955 +v 3.172 3.8679 2.7016 +v 3.535 3.5379 2.6632 +v -5.187 5.1889 4.29 +v 6.415 1.7219 9.963 +v 3.321 -5.7491 8.031 +v 1.5174 1.5203 0 +v -5.0077 4.1155 8.0942 +v -5.187 5.1889 5.704 +v 3.593 6.2259 5.863 +v 3.2663 -5.6544 8.0941 +v 6.595 1.7699 9.997 +v 3.2661 -5.6545 8.0941 +v -5.267 5.2699 5.497 +v 3.772 6.5369 4.997 +v 6.774 1.8179 9.963 +v 3.667 6.3549 5.704 +v 5 0.0029 0.999 +v 2.7854 1.6111 0.999 +v 4.976 -0.4871 0.999 +v 4.904 -0.9731 0.999 +v -5.318 5.3209 5.256 +v 3.865 3.1749 2.7016 +v 3.667 -6.3491 5.704 +v 4.157 2.7809 2.6938 +v 4.3251 2.5 2.6584 +v 6.3933 1.0597 9.8999 +v 3.724 -6.4481 5.497 +v 6.3096 1.6935 9.8999 +v 6.3096 1.6935 9.8999 +v 2.6748 -5.8996 9.8999 +v 1.8585 1.0759 0 +v 6.941 1.8629 9.863 +v 3.76 -6.5101 5.256 +v -4.1127 5.0106 5.8998 +v 3.414 5.9159 7.997 +v 7.085 1.9009 9.704 +v 2.2842 -6.0614 8.0939 +v 3.724 6.4539 5.497 +v 3.1066 0.8353 0.999 +v 3.76 -6.5101 4.738 +v -4.697 4.6989 5.963 +v 4.785 -1.4491 0.999 +v 4.619 -1.9111 0.999 +v 3.321 5.7549 8.031 +v 4.409 2.3599 2.6809 +v 3.724 -6.4481 4.497 +v 4.619 1.9159 2.7036 +v 3.76 6.5159 5.256 +v -4.6191 4.6219 5.8998 +v 4.785 1.4539 2.6816 +v -4.6192 4.6217 5.8998 +v 4.8246 1.2956 2.6591 +v -4.828 4.8309 5.997 +v 3.772 -6.5311 8.997 +v 3.667 -6.3491 4.29 +v 3.593 -6.2201 9.863 +v 2.0728 0.5583 0 +v 3.2661 5.6602 8.0941 +v 3.2663 5.6601 8.0941 +v 3.593 -6.2201 4.131 +v -4.959 4.9619 5.963 +v 3.667 -6.3491 9.704 +v 3.76 6.5159 4.738 +v -5.082 5.0839 5.863 +v 3.724 -6.4481 9.497 +v 3.2164 0.0029 0.999 +v 4.409 -2.3541 0.999 +v 3.724 6.4539 4.497 +v 4.157 -2.7751 0.999 +v 3.865 -3.1691 0.999 +v -6.074 3.5089 8.031 +v 4.904 0.9779 2.6941 +v 4.976 0.4929 2.7016 +v 5 0.0029 2.6637 +v -5.082 5.0839 4.131 +v 3.76 -6.5101 9.256 +v 3.667 6.3549 4.29 +v -4.959 4.9619 4.031 +v 2.6746 5.9051 8.0941 +v -4.828 4.8309 3.997 +v 3.593 6.2259 4.131 +v 2.1461 0.0029 0 +v 3.76 -6.5101 8.738 +v 3.724 -6.4481 8.497 +v 3.216 -0.0001 0.999 +v 3.535 -3.5331 0.999 +v 3.172 -3.8621 0.999 +v -4.697 4.6989 4.031 +v 2.778 -4.1541 0.999 +v 3.1066 -0.8296 0.999 +v 4.9999 -0.0001 2.6639 +v 4.976 -0.4871 2.7016 +v 4.904 -0.9731 2.6942 +v 4.8248 -1.2899 2.6593 +v 3.667 -6.3491 8.29 +v 7.195 1.9309 9.497 +v 1.953 7.2909 8.997 +v 3.593 -6.2201 8.131 +v -4.6192 4.6217 4.0942 +v -4.6191 4.6219 4.0942 +v 2.0728 -0.5525 0 +v -6.0642 2.2871 9.9001 +v 2.357 -4.4071 0.999 +v 1.913 -4.6171 0.999 +v 2.7854 -1.6054 0.999 +v 4.785 -1.4491 2.682 +v 4.619 -1.9111 2.704 +v 4.409 -2.3541 2.6809 +v 1.946 7.2669 9.256 +v -6.534 3.7749 8.997 +v 4.3251 -2.4943 2.6584 +v 1.0536 -6.3912 5.9001 +v -5.0077 4.1155 4.0942 +v 1.6906 -6.3075 5.9001 +v 1.6907 -6.3074 5.9001 +v 1.719 -6.4131 5.963 +v 1.8585 -1.0702 0 +v -6.513 3.7629 9.256 +v 1.767 -6.5921 5.997 +v 1.946 7.2669 8.738 +v 0.49 -4.9731 0.999 +v 2.2742 -2.2714 0.999 +v 1.451 -4.7821 0.999 +v 0.975 -4.9011 0.999 +v 4.157 -2.7751 2.6938 +v 1.815 -6.7711 5.963 +v 4.093 -2.8615 2.6955 +v 1.928 7.1979 8.497 +v 3.865 -3.1691 2.7016 +v 3.5355 -3.5326 2.6639 +v 1.86 -6.9381 5.863 +v -6.513 3.7629 8.738 +v 1.953 -7.2851 4.997 +v 1.898 -7.0821 5.704 +v 1.5174 -1.5146 0 +v 1.898 7.0879 8.29 +v -6.451 3.7269 8.497 +v 1.898 7.0879 8.29 +v 1.898 7.0879 8.29 +v 1.928 -7.1921 5.497 +v 3.7746 5.2698 5.9 +v 1.86 6.9439 8.131 +v 1.898 7.0879 8.29 +v -6.352 3.6699 8.29 +v 0 -4.9971 0.999 +v 1.6082 -2.7826 0.999 +v 3.2663 5.6601 5.8999 +v 1.946 -7.2611 5.256 +v -0.49 -4.9731 0.999 +v -0.976 -4.9011 0.999 +v 3.2661 5.6602 5.8999 +v 3.321 5.7549 5.963 +v 3.535 -3.5331 2.664 +v 3.172 -3.8621 2.7016 +v 1.815 6.7769 8.031 +v 2.778 -4.1541 2.6938 +v 2.4975 -4.3227 2.6589 +v -6.224 3.5959 8.131 +v 1.719 -6.4131 9.963 +v 3.414 5.9159 5.997 +v 1.898 -7.0821 4.29 +v 1.767 -6.5921 9.997 +v 3.506 6.0759 5.963 +v 1.073 -1.8556 0 +v 1.86 -6.9381 4.131 +v 1.815 -6.7711 9.963 +v 0.8324 -3.1042 0.999 +v -5.2683 3.7759 5.8999 +v -1.452 -4.7821 0.999 +v -1.914 -4.6171 0.999 +v 1.815 -6.7711 4.031 +v 2.357 -4.4071 2.6817 +v 1.913 -4.6171 2.7042 +v 1.451 -4.7821 2.6811 +v 1.953 -7.2851 8.997 +v 1.2926 -4.8218 2.6585 +v 3.506 6.0759 4.031 +v -5.752 3.3239 5.963 +v 1.767 -6.5921 3.997 +v 0 6.6449 9.963 +v 1.0536 -6.3912 9.9001 +v 1.6906 -6.3075 9.9001 +v -5.6572 3.2692 5.8999 +v -5.6573 3.269 5.8999 +v 1.6907 -6.3074 9.9001 +v 0.5554 -2.0702 0 +v 3.414 5.9159 3.997 +v 1.719 -6.4131 4.031 +v 1.86 -6.9381 9.863 +v -5.913 3.4169 5.997 +v 0 6.8299 9.997 +v 1.898 -7.0821 9.704 +v -6.074 3.5089 5.963 +v 3.321 5.7549 4.031 +v 0 7.0159 9.963 +v 0 -3.2136 0.999 +v -2.357 -4.4071 0.999 +v -2.778 -4.1541 0.999 +v -3.172 -3.8621 0.999 +v 0.975 -4.9011 2.6936 +v 1.928 -7.1921 9.497 +v 0.49 -4.9731 2.7013 +v 0 -4.9971 2.6637 +v 0 7.1889 9.863 +v 3.2661 5.6602 4.0941 +v 3.2663 5.6601 4.0941 +v 1.6907 -6.3074 4.0939 +v 1.6906 -6.3075 4.0939 +v 1.946 -7.2611 9.256 +v -6.416 1.7219 9.963 +v 0 7.3379 9.704 +v 1.946 -7.2611 4.738 +v 0 -2.1432 0 +v 1.928 -7.1921 4.497 +v -6.595 1.7699 9.997 +v 0 7.4519 9.497 +v -0.003 -3.2132 0.999 +v -3.536 -3.5331 0.999 +v -3.865 -3.1691 0.999 +v -4.157 -2.7751 0.999 +v 1.898 -7.0821 8.29 +v -0.8324 -3.1042 0.999 +v -0.003 -4.997 2.6639 +v -6.774 1.8179 9.963 +v -0.49 -4.9731 2.7013 +v -0.976 -4.9011 2.6937 +v -1.2926 -4.822 2.6587 +v 0 -6.6391 5.963 +v 1.86 -6.9381 8.131 +v -6.074 3.5089 4.031 +v 0 -6.5298 5.8998 +v 2.2813 6.068 5.8999 +v -6.3103 1.6935 9.9001 +v -6.3103 1.6934 9.9001 +v -5.913 3.4169 3.997 +v 0 -6.8251 5.997 +v 0.6335 6.452 9.8999 +v -0.5554 -2.0702 0 +v 1.815 -6.7711 8.031 +v -6.941 1.8629 9.863 +v 0 -7.0101 5.963 +v -4.41 -2.3541 0.999 +v -4.62 -1.9111 0.999 +v -1.6082 -2.7826 0.999 +v 0 6.5356 9.8998 +v 1.767 -6.5921 7.997 +v -1.452 -4.7821 2.6815 +v 0 -7.1831 5.863 +v -1.914 -4.6171 2.7046 +v -7.085 1.9009 9.704 +v -2.357 -4.4071 2.6817 +v -5.752 3.3239 4.031 +v -2.4975 -4.3227 2.6589 +v 7.545 0.0029 8.997 +v 0 -7.5421 4.997 +v 1.719 -6.4131 8.031 +v -7.195 1.9309 9.497 +v 0 -7.3321 5.704 +v 7.52 0.0029 9.256 +v -5.6572 3.2692 4.0941 +v -5.6573 3.269 4.0941 +v -1.073 -1.8556 0 +v 0 -7.4461 5.497 +v -6.0642 2.2871 5.9001 +v 0 -7.5181 5.256 +v -4.976 -0.4871 0.999 +v -2.2742 -2.2714 0.999 +v -4.785 -1.4491 0.999 +v -4.904 -0.9731 0.999 +v -2.778 -4.1541 2.6938 +v -3.172 -3.8621 2.7016 +v -3.536 -3.5331 2.6645 +v 1.6907 -6.3074 8.0939 +v 1.6906 -6.3075 8.0939 +v 0 -7.0101 4.031 +v -5.9025 2.6776 4.0941 +v 1.946 -7.2611 8.738 +v 2.6746 5.9051 4.0941 +v -2.6786 4.6421 6.997 +v -6.224 3.5959 5.863 +v 0 -6.8251 3.997 +v -1.5174 -1.5146 0 +v 1.928 -7.1921 8.497 +v -6.534 3.7749 4.997 +v -5.205 0.0029 11.139 +v -6.352 3.6699 5.704 +v 3.7879 3.7907 6.997 +v -5 0.0029 0.999 +v -4.976 0.4929 0.999 +v -4.904 0.9779 0.999 +v 7.52 0.0029 8.738 +v 0 -6.6391 4.031 +v -2.7854 -1.6054 0.999 +v -6.451 3.7269 5.497 +v 0 -6.6391 9.963 +v 7.449 0.0029 8.497 +v -6.513 3.7629 5.256 +v -3.865 -3.1691 2.7016 +v -5.0863 -1.0089 11.1257 +v -4.157 -2.7751 2.6938 +v -5.1562 -0.5049 11.1223 +v 0 -6.8251 9.997 +v -4.3256 -2.4946 2.6589 +v -7.071 7.0739 14.497 +v 0 -6.5298 4.0942 +v 0.6333 -6.4466 4.0942 +v 0 -7.0101 9.963 +v -1.8585 -1.0702 0 +v -6.513 3.7629 4.738 +v 0 -7.5181 4.738 +v -6.451 3.7269 4.497 +v 0 -7.4461 4.497 +v 7.335 0.0029 8.29 +v 0 -6.5298 9.8998 +v -4.785 1.4539 0.999 +v -4.62 1.9159 0.999 +v -5.913 3.4169 7.997 +v -3.1071 -0.8296 0.999 +v -6.352 3.6699 4.29 +v 0 -7.3321 4.29 +v 7.186 0.0029 8.131 +v -6.224 3.5959 4.131 +v 0 -7.1831 4.131 +v -4.41 -2.3541 2.6817 +v 0 -7.1831 9.863 +v -4.62 -1.9111 2.7046 +v -4.785 -1.4491 2.6815 +v 7.013 0.0029 8.031 +v -4.8248 -1.2898 2.6587 +v -5.752 3.3239 8.031 +v 0 -7.1831 9.863 +v 0 -7.1831 9.863 +v 0 -7.3321 9.704 +v 0 -7.1831 9.863 +v -1.3465 5.0279 11.1412 +v -2.0731 -0.5525 0 +v 0 -7.4461 9.497 +v -5.6572 3.2692 8.0941 +v -5.6573 3.269 8.0941 +v -4.41 2.3599 0.999 +v -4.157 2.7809 0.999 +v -3.865 3.1749 0.999 +v -3.2164 0.0029 0.999 +v -3.216 -0.0001 0.999 +v -1.9821 4.7879 11.121 +v -4.9999 -0.0001 2.6639 +v -5 0.0029 2.6637 +v -1.5077 4.9727 11.1311 +v 0 -7.0101 8.031 +v -5.9025 2.6776 8.0941 +v -4.904 -0.9731 2.6937 +v -4.976 -0.4871 2.7013 +v 1.719 6.4179 5.963 +v -2.1461 0.0029 0 +v 0 -6.8251 7.997 +v -3.1071 0.8353 0.999 +v 1.767 6.5979 7.997 +v -3.536 3.5379 0.999 +v -4.976 0.4929 2.7013 +v 1.6906 6.3125 5.8999 +v -4.904 0.9779 2.6936 +v 1.6906 6.3125 5.8999 +v -4.8246 1.2954 2.6585 +v 1.767 6.5979 5.997 +v 6.595 -1.7641 7.997 +v 1.815 6.7769 5.963 +v 1.719 6.4179 8.031 +v -2.0731 0.5583 0 +v -6.4495 -0.6304 4.0942 +v 1.86 6.9439 5.863 +v -6.3103 1.6934 5.9001 +v -6.3103 1.6935 5.9001 +v 6.415 -1.7161 8.031 +v -6.416 1.7219 5.963 +v -2.7854 1.6111 0.999 +v -6.394 -1.0508 5.9001 +v -4.785 1.4539 2.6811 +v -4.62 1.9159 2.7042 +v -6.595 1.7699 5.997 +v 1.0569 6.3961 8.0941 +v 1.6906 6.3125 8.0941 +v -6.3103 -1.6877 5.9001 +v 1.6906 6.3125 8.0941 +v -4.41 2.3599 2.6817 +v -6.3103 -1.6878 5.9001 +v -6.416 -1.7161 5.963 +v -4.3256 2.5003 2.6589 +v 6.3933 -1.054 8.0941 +v 1.953 7.2909 4.997 +v 6.3096 -1.6877 8.0941 +v 6.3096 -1.6878 8.0941 +v -6.774 1.8179 5.963 +v 1.898 7.0879 5.704 +v 0 7.5479 8.997 +v -6.595 -1.7641 5.997 +v -1.8585 1.0759 0 +v -6.941 1.8629 5.863 +v 0 7.5229 9.256 +v 1.928 7.1979 5.497 +v -6.774 -1.8121 5.963 +v -7.288 1.9559 8.997 +v -7.288 1.9559 4.997 +v 1.946 7.2669 5.256 +v 4.6393 -2.6757 6.997 +v 0 7.5229 8.738 +v -6.941 -1.8571 5.863 +v -2.2742 2.2771 0.999 +v 0 7.4519 8.497 +v -7.085 1.9009 5.704 +v -4.157 2.7809 2.6938 +v -7.288 -1.9501 4.997 +v -3.865 3.1749 2.7016 +v -3.536 3.5379 2.664 +v -7.085 -1.8951 5.704 +v -3.5355 3.5383 2.6639 +v 0 7.3379 8.29 +v 1.946 7.2669 4.738 +v -7.195 1.9309 5.497 +v -1.5174 1.5203 0 +v -7.195 -1.9251 5.497 +v -7.264 1.9489 9.256 +v 0 7.1889 8.131 +v 1.928 7.1979 4.497 +v -7.264 1.9489 5.256 +v -7.264 -1.9441 5.256 +v -1.6082 2.7883 0.999 +v -2.778 4.1599 2.6938 +v -2.8644 4.0959 2.6955 +v -2.4972 4.328 2.6584 +v 0 7.0159 8.031 +v 1.898 7.0879 4.29 +v 4.5804 2.4512 11.1312 +v 4.5055 2.6042 11.1412 +v -7.085 1.9009 8.29 +v -3.172 3.8679 2.7016 +v -7.085 1.9009 4.29 +v 1.898 7.0879 4.29 +v 1.898 7.0879 4.29 +v -7.085 1.9009 8.29 +v -1.073 1.8614 0 +v -7.085 -1.8951 4.29 +v -7.085 1.9009 4.29 +v 0 -6.6391 8.031 +v -7.085 1.9009 4.29 +v -7.085 1.9009 8.29 +v -7.085 1.9009 8.29 +v -6.941 1.8629 4.131 +v -7.085 1.9009 4.29 +v 4.3118 2.884 11.1255 +v -6.941 1.8629 8.131 +v -7.085 1.9009 8.29 +v -6.941 -1.8571 4.131 +v 4.0048 3.2896 11.1222 +v -6.774 1.8179 4.031 +v -0.8324 3.1095 0.999 +v -2.357 4.4119 2.6809 +v -6.774 1.8179 8.031 +v 0 -6.5298 8.0942 +v -1.914 4.6219 2.704 +v 0.6333 -6.4466 8.0942 +v -1.452 4.7879 2.682 +v -6.774 -1.8121 4.031 +v -1.2928 4.8277 2.6593 +v -0.5554 2.0757 0 +v -6.595 1.7699 3.997 +v -6.595 -1.7641 3.997 +v 0 -7.4461 8.497 +v -0.003 3.2189 0.999 +v 6.223 3.5959 9.863 +v -0.003 5.0027 2.6639 +v 0 -7.3321 8.29 +v -6.416 1.7219 4.031 +v -0.976 4.9069 2.6942 +v -6.416 -1.7161 4.031 +v 6.352 3.6699 9.704 +v -0.49 4.9789 2.7016 +v 0 -7.1831 8.131 +v -6.394 1.0565 4.0939 +v 6.451 3.7269 9.497 +v -6.3103 1.6934 4.0939 +v -6.3103 1.6935 4.0939 +v 1.86 6.9439 4.131 +v 1.898 7.0879 4.29 +v 8.3126 5.5573 14.495 +v 8.8165 4.7155 14.495 +v -7.264 1.9489 8.738 +v 9.2364 3.8288 14.495 +v -6.3103 -1.6878 4.0939 +v -6.3103 -1.6877 4.0939 +v 9.5663 2.905 14.495 +v -7.264 1.9489 4.738 +v 9.8052 1.9533 14.495 +v 9.9492 0.9826 14.495 +v 9.9971 0.0029 14.495 +v -7.195 1.9309 8.497 +v -7.195 1.9309 4.497 +v -7.264 -1.9441 4.738 +v 7.7278 6.345 14.495 +v -7.195 -1.9251 4.497 +v -6.4495 0.6361 5.8998 +v -5.752 -3.3181 9.963 +v -5.9025 -2.6719 5.8999 +v -6.642 0.0029 9.963 +v 9.9492 -0.9769 14.495 +v 9.8052 -1.9476 14.495 +v 9.5663 -2.8993 14.495 +v 9.2364 -3.823 14.495 +v -6.642 0.0029 5.963 +v 8.8165 -4.7098 14.495 +v 8.3126 -5.5516 14.495 +v 7.7278 -6.3393 14.495 +v -5.913 -3.4111 9.997 +v -6.5327 0.0029 5.8998 +v -6.503 7.5887 14.497 +v 0 10 14.495 +v 0.9797 9.952 14.495 +v 1.9504 9.8081 14.495 +v -6.074 -3.5041 9.963 +v 2.9022 9.5691 14.495 +v -6.828 0.0029 9.997 +v 3.8259 9.2392 14.495 +v -1.719 6.4179 9.963 +v 4.7127 8.8193 14.495 +v -6.0642 -2.2814 4.0939 +v 5.5544 8.3155 14.495 +v -6.828 0.0029 5.997 +v -7.013 0.0029 9.963 +v -7.013 0.0029 5.963 +v -1.767 6.5979 9.997 +v 6.3422 7.7307 14.495 +v 1.815 6.7769 4.031 +v -7.186 0.0029 5.863 +v -5.6573 -3.2632 9.8999 +v -5.6572 -3.2634 9.8999 +v -6.503 7.5849 14.495 +v -6.3422 7.7307 14.495 +v -1.815 6.7769 9.963 +v -5.5544 8.3155 14.495 +v -7.545 0.0029 4.997 +v -6.4495 0.6361 9.8998 +v -4.7127 8.8193 14.495 +v -3.8259 9.2392 14.495 +v -2.9022 9.5691 14.495 +v -1.9504 9.8081 14.495 +v -7.335 0.0029 5.704 +v -0.9797 9.952 14.495 +v -6.5327 0.0029 9.8998 +v -1.0569 6.3961 9.8999 +v -5.752 -3.3181 5.963 +v -7.449 0.0029 5.497 +v 5.752 3.3239 9.963 +v -1.6906 6.3125 9.8999 +v -1.6906 6.3125 9.8999 +v -7.521 0.0029 5.256 +v -5.6573 -3.2632 5.8999 +v -5.6572 -3.2634 5.8999 +v -6.224 -3.5901 9.863 +v 5.913 3.4169 9.997 +v -1.86 6.9439 9.863 +v -5.913 -3.4111 5.997 +v -6.352 -3.6641 9.704 +v -1.899 7.0879 9.704 +v -7.186 0.0029 9.863 +v 6.073 3.5089 9.963 +v -6.074 -3.5041 5.963 +v -7.013 0.0029 4.031 +v -6.451 -3.7211 9.497 +v -7.186 0.0029 9.863 +v -7.186 0.0029 9.863 +v -1.928 7.1979 9.497 +v -7.335 0.0029 9.704 +v -7.186 0.0029 9.863 +v -6.828 0.0029 3.997 +v 5.6573 3.269 9.8999 +v 5.6572 3.2692 9.8999 +v -7.545 0.0029 8.997 +v -7.521 0.0029 9.256 +v -7.449 0.0029 9.497 +v -6.074 -3.5041 4.031 +v -6.642 0.0029 4.031 +v -5.913 -3.4111 3.997 +v -7.521 0.0029 8.738 +v -6.5327 0.0029 4.0942 +v 5.9022 2.6774 9.8999 +v -5.752 -3.3181 4.031 +v -7.521 0.0029 4.738 +v -0.6333 -6.4466 9.8998 +v -7.449 0.0029 4.497 +v 7.288 1.9559 8.997 +v -5.6572 -3.2634 4.0941 +v -5.6573 -3.2632 4.0941 +v -7.335 0.0029 4.29 +v 7.264 1.9489 9.256 +v -7.186 0.0029 4.131 +v 2.6786 4.6421 6.997 +v 1.767 6.5979 3.997 +v 7.264 1.9489 8.738 +v 7.195 1.9309 8.497 +v 6.4491 -0.6307 5.8999 +v -5.269 -3.7694 4.0942 +v 1.719 6.4179 4.031 +v 0 -7.5421 8.997 +v 7.085 1.9009 8.29 +v 0 -7.5181 9.256 +v -3.7879 3.7907 6.997 +v 6.941 1.8629 8.131 +v -5.0256 -1.3436 11.1413 +v 0 -7.5181 8.738 +v 6.774 1.8179 8.031 +v 1.0569 6.3961 4.0941 +v 1.6906 6.3125 4.0941 +v 1.6906 6.3125 4.0941 +v -2.4483 4.5832 11.1312 +v -2.6013 4.5083 11.1412 +v -4.9704 -1.5049 11.1312 +v 0 -5.3543 6.997 +v -3.2868 4.0077 11.1222 +v -2.8811 4.3147 11.1255 +v -7.071 -7.0681 14.497 +v 7.069 -7.0661 14.495 +v -6.224 -3.5901 5.863 +v -1.719 -6.4131 9.963 +v 0 6.8299 7.997 +v -6.595 1.7699 7.997 +v 1.0118 -5.0835 11.1257 +v 1.3464 -5.0228 11.1413 +v 0.5077 -5.1533 11.1223 +v 6.415 -1.7161 5.963 +v 0 -5.2021 11.139 +v 0.6335 6.452 5.8999 +v -1.767 -6.5921 9.997 +v 6.3096 -1.6878 5.8999 +v 6.3096 -1.6877 5.8999 +v 0 6.6449 8.031 +v 6.827 0.0029 7.997 +v -1.815 -6.7711 9.963 +v -6.416 1.7219 8.031 +v 0 6.5356 5.8998 +v 6.595 -1.7641 5.997 +v 0 6.6449 5.963 +v -1.953 -7.2851 8.997 +v 6.774 -1.8121 5.963 +v 0 6.5356 8.0942 +v 6.642 0.0029 8.031 +v 0 6.8299 5.997 +v -6.394 1.0565 8.0939 +v -1.6907 -6.3074 9.9001 +v -1.6906 -6.3075 9.9001 +v 6.941 -1.8571 5.863 +v -6.534 -3.7701 4.997 +v -6.3103 1.6934 8.0939 +v -1.86 -6.9381 9.863 +v -6.3103 1.6935 8.0939 +v 6.4491 0.6364 8.0941 +v 0 7.0159 5.963 +v 6.5327 0.0029 8.0942 +v 7.288 -1.9501 4.997 +v -1.899 -7.0821 9.704 +v 0 7.1889 5.863 +v 7.085 -1.8951 5.704 +v 0 7.5479 4.997 +v -1.928 -7.1921 9.497 +v 7.195 -1.9251 5.497 +v 0 7.3379 5.704 +v -7.013 0.0029 8.031 +v 7.264 -1.9441 5.256 +v -0.6335 6.452 8.0941 +v -1.947 -7.2611 9.256 +v -6.352 -3.6641 5.704 +v -1.953 7.2909 8.997 +v -6.451 -3.7211 5.497 +v 2.4484 -4.5775 11.1312 +v 5.1743 -1.3836 6.997 +v 2.6013 -4.5026 11.1412 +v 1.9822 -4.7824 11.1211 +v 7.264 -1.9441 4.738 +v 1.5077 -4.9675 11.1312 +v -1.899 -7.0821 8.29 +v -1.947 7.2669 9.256 +v -6.513 -3.7571 5.256 +v 7.195 -1.9251 4.497 +v -1.86 -6.9381 8.131 +v -6.513 -3.7571 4.738 +v -1.947 7.2669 8.738 +v -1.815 -6.7711 8.031 +v -6.451 -3.7211 4.497 +v 7.085 -1.8951 4.29 +v -7.449 0.0029 8.497 +v -1.928 7.1979 8.497 +v 7.085 -1.8952 4.29 +v 7.085 -1.8952 4.29 +v -6.352 -3.6641 4.29 +v 6.941 -1.8571 4.131 +v -1.767 -6.5921 7.997 +v 3.6803 3.6832 11.1389 +v 7.085 -1.8952 4.29 +v -7.335 0.0029 8.29 +v -6.224 -3.5901 4.131 +v 6.774 -1.8121 4.031 +v 3.6803 -3.6775 11.1389 +v -1.899 7.0879 8.29 +v 6.595 -1.7641 3.997 +v 3.2868 -4.002 11.1222 +v -7.186 0.0029 8.131 +v 2.8811 -4.309 11.1255 +v -1.719 -6.4131 8.031 +v 2.8811 4.3147 11.1255 +v -1.86 6.9439 8.131 +v -0.6333 -6.4466 5.8998 +v 3.2868 4.0077 11.1222 +v -1.0536 -6.3912 8.0939 +v 6.415 -1.7161 4.031 +v 0 7.4519 5.497 +v -1.6906 -6.3075 8.0939 +v -1.815 6.7769 8.031 +v -1.6907 -6.3074 8.0939 +v 0 7.5229 5.256 +v 6.3933 -1.054 4.0941 +v 6.3096 -1.6877 4.0941 +v 6.3096 -1.6878 4.0941 +v -1.947 -7.2611 8.738 +v -1.928 -7.1921 8.497 +v 4.3118 -2.8782 11.1255 +v 4.5055 -2.5985 11.1412 +v 4.0048 -3.2839 11.1222 +v 0 7.5229 4.738 +v 0 7.4519 4.497 +v 5.186 5.1889 9.704 +v 0 7.3379 4.29 +v 5.267 5.2699 9.497 +v 0 7.1889 4.131 +v 4.9698 -1.5049 11.1311 +v 5.0251 -1.3436 11.1412 +v 4.7851 -1.9792 11.121 +v 4.5804 -2.4455 11.1312 +v -2.2842 -6.0614 9.9001 +v 0 7.0159 4.031 +v 0 6.8299 3.997 +v 5.156 -0.5049 11.1222 +v 5.086 -1.0089 11.1255 +v -2.6767 -5.8989 8.0942 +v -3.321 -5.7491 9.963 +v -6.416 -1.7161 9.963 +v 6.223 -3.5901 5.863 +v -3.414 -5.9101 9.997 +v -6.595 -1.7641 9.997 +v 6.534 -3.7701 4.997 +v -3.507 -6.0711 9.963 +v 6.352 -3.6641 5.704 +v -6.774 -1.8121 9.963 +v 6.451 -3.7211 5.497 +v -3.7709 -5.2674 9.8997 +v 6.513 -3.7571 5.256 +v 0 6.6449 4.031 +v -3.2666 -5.6543 9.8998 +v -3.2664 -5.6545 9.8998 +v 4.696 4.6989 9.963 +v -6.394 -1.0508 9.9001 +v -6.3103 -1.6877 9.9001 +v -6.3103 -1.6878 9.9001 +v 6.513 -3.7571 4.738 +v 4.828 4.8309 9.997 +v 0 6.5356 4.0942 +v -6.941 -1.8571 9.863 +v 4.959 4.9619 9.963 +v 6.451 -3.7211 4.497 +v 6.223 3.5959 5.863 +v -3.593 6.2259 9.863 +v -7.085 -1.8951 9.704 +v 5.0077 4.1155 9.8998 +v 6.352 -3.6641 4.29 +v -3.668 6.3549 9.704 +v 4.619 4.6219 9.8999 +v 6.223 -3.5901 4.131 +v -3.725 6.4539 9.497 +v -7.195 -1.9251 9.497 +v 5.081 5.0839 9.863 +v -3.507 -6.0711 8.031 +v 6.534 3.7749 8.997 +v 6.0651 -2.2784 5.8999 +v -1.6906 -6.3075 5.9001 +v -1.6907 -6.3074 5.9001 +v -1.719 -6.4131 5.963 +v -3.414 -5.9101 7.997 +v 6.513 3.7629 9.256 +v -1.767 -6.5921 5.997 +v -4.5804 -2.4455 11.1312 +v -4.5055 -2.5985 11.1412 +v -4.7853 -1.9793 11.1211 +v 6.513 3.7629 8.738 +v 5.9022 -2.6717 4.0941 +v -1.815 -6.7711 5.963 +v -3.321 -5.7491 8.031 +v 6.451 3.7269 8.497 +v 5.2677 -3.7709 5.8999 +v 6.352 3.6699 8.29 +v 6.534 3.7749 4.997 +v -1.86 -6.9381 5.863 +v 5.6572 -3.2634 5.8999 +v -2.6765 5.9044 9.8998 +v 5.6573 -3.2632 5.8999 +v 5.752 -3.3181 5.963 +v -3.2664 -5.6545 8.0942 +v -3.2666 -5.6543 8.0942 +v 6.223 3.5959 8.131 +v -3.321 5.7549 9.963 +v -1.953 -7.2851 4.997 +v 5.913 -3.4111 5.997 +v -3.6803 -3.6775 11.1389 +v -1.899 -7.0821 5.704 +v -3.414 5.9159 9.997 +v -4.0048 -3.2839 11.1222 +v -4.3118 -2.8782 11.1255 +v 6.073 -3.5041 5.963 +v -1.928 -7.1921 5.497 +v -4.6393 2.6814 6.997 +v -3.507 6.0759 9.963 +v -6.828 0.0029 7.997 +v -1.947 -7.2611 5.256 +v 6.073 -3.5041 4.031 +v 5.913 -3.4111 3.997 +v -2.8811 -4.309 11.1255 +v -3.2664 5.6602 9.8998 +v -2.6013 -4.5026 11.1412 +v -3.2666 5.66 9.8998 +v -3.2868 -4.002 11.1222 +v -6.642 0.0029 8.031 +v -1.899 -7.0821 4.29 +v 5.752 -3.3181 4.031 +v -1.86 -6.9381 4.131 +v -6.5327 0.0029 8.0942 +v -1.815 -6.7711 4.031 +v -1.5077 -4.9675 11.1312 +v -1.3464 -5.0228 11.1413 +v -1.9822 -4.7824 11.1211 +v -2.4484 -4.5775 11.1312 +v 5.6573 -3.2632 4.0941 +v 5.6572 -3.2634 4.0941 +v -1.767 -6.5921 3.997 +v -0.5077 -5.1533 11.1223 +v -1.0118 -5.0835 11.1257 +v 6.073 3.5089 8.031 +v -1.719 -6.4131 4.031 +v -3.773 -6.5311 8.997 +v -3.593 -6.2201 9.863 +v -3.6803 3.6832 11.1389 +v -6.4495 -0.6304 8.0942 +v -3.668 -6.3491 9.704 +v -1.0536 -6.3912 4.0939 +v -1.6906 -6.3075 4.0939 +v -1.6907 -6.3074 4.0939 +v -4.3118 2.884 11.1255 +v -7.288 -1.9501 8.997 +v -4.0048 3.2896 11.1222 +v 6.352 3.6699 5.704 +v -1.947 -7.2611 4.738 +v -1.928 -7.1921 4.497 +v 6.451 3.7269 5.497 +v 6.415 -1.7161 9.963 +v -7.264 -1.9441 9.256 +v 6.0651 2.2841 8.0941 +v -1.767 6.5979 7.997 +v 6.595 -1.7641 9.997 +v 6.513 3.7629 5.256 +v 6.774 -1.8121 9.963 +v -7.085 -1.8951 8.29 +v 6.595 1.7699 7.997 +v 6.513 3.7629 4.738 +v -2.2842 -6.0614 5.9001 +v -1.719 6.4179 8.031 +v 6.451 3.7269 4.497 +v 6.3096 -1.6878 9.8999 +v 6.3096 -1.6877 9.8999 +v -6.941 -1.8571 8.131 +v 6.352 3.6699 4.29 +v 6.415 1.7219 8.031 +v 6.941 -1.8571 9.863 +v 6.223 3.5959 4.131 +v 7.085 -1.8951 9.704 +v -1.6906 6.3125 8.0941 +v -6.774 -1.8121 8.031 +v -1.6906 6.3125 8.0941 +v -2.6767 -5.8989 4.0942 +v 6.3096 1.6935 8.0941 +v 6.3096 1.6935 8.0941 +v 7.195 -1.9251 9.497 +v -3.7709 -5.2674 5.8997 +v -3.321 -5.7491 5.963 +v -3.2664 -5.6545 5.8998 +v 4.1127 -5.0049 5.8998 +v -3.2666 -5.6543 5.8998 +v -3.414 -5.9101 5.997 +v 4.696 -4.6941 5.963 +v -3.507 -6.0711 5.963 +v 4.6189 -4.6164 5.8998 +v 4.6191 -4.6162 5.8998 +v -3.773 6.5369 8.997 +v -3.725 -6.4481 9.497 +v 4.828 -4.8251 5.997 +v 2.6013 4.5083 11.1412 +v -7.264 -1.9441 8.738 +v -3.76 -6.5101 9.256 +v -3.76 6.5159 9.256 +v 4.959 -4.9561 5.963 +v -7.195 -1.9251 8.497 +v 5.081 -5.0781 5.863 +v 1.9821 4.7879 11.121 +v 2.4483 4.5832 11.1312 +v -3.76 6.5159 8.738 +v -3.725 6.4539 8.497 +v -3.76 -6.5101 8.738 +v 6.534 -3.7701 8.997 +v -3.725 -6.4481 8.497 +v 6.223 -3.5901 9.863 +v -3.668 6.3549 8.29 +v 5.0077 -4.1098 4.0942 +v 6.352 -3.6641 9.704 +v -3.668 -6.3491 8.29 +v 5.318 5.3209 8.738 +v -3.507 -6.0711 4.031 +v 5.081 -5.0781 4.131 +v -5.9025 -2.6719 9.8999 +v 5.335 5.3379 8.997 +v 6.451 -3.7211 9.497 +v 4.959 -4.9561 4.031 +v -3.593 -6.2201 8.131 +v -3.593 6.2259 8.131 +v -3.414 -5.9101 3.997 +v 5.267 5.2699 8.497 +v 6.513 -3.7571 9.256 +v 4.828 -4.8251 3.997 +v 5.186 5.1889 8.29 +v -4.697 -4.6941 9.963 +v -3.321 -5.7491 4.031 +v 4.696 -4.6941 4.031 +v 6.513 -3.7571 8.738 +v 5.318 5.3209 9.256 +v -4.828 -4.8251 9.997 +v -3.2664 -5.6545 4.0942 +v -2.2813 6.068 8.0941 +v -3.2666 -5.6543 4.0942 +v 6.451 -3.7211 8.497 +v 4.6191 -4.6162 4.0942 +v 4.6189 -4.6164 4.0942 +v -4.959 -4.9561 9.963 +v 6.352 -3.6641 8.29 +v 5.318 -5.3151 4.738 +v -5.0077 -4.1098 9.8998 +v 5.335 -5.3321 4.997 +v 6.223 -3.5901 8.131 +v 5.267 -5.2641 4.497 +v -4.6191 -4.6163 9.8997 +v -5.082 -5.0781 9.863 +v 5.186 -5.1841 4.29 +v -5.082 -5.0781 8.131 +v 5.186 -5.1841 5.704 +v 6.0651 -2.2784 9.8999 +v -4.959 -4.9561 8.031 +v 5.752 -3.3181 9.963 +v 5.267 -5.2641 5.497 +v 5.318 -5.3151 5.256 +v -3.507 6.0759 8.031 +v 5.913 -3.4111 9.997 +v 6.073 -3.5041 9.963 +v -3.593 -6.2201 5.863 +v 5.2677 -3.7709 9.8999 +v -3.773 -6.5311 4.997 +v -5.175 1.3893 6.997 +v -3.668 -6.3491 5.704 +v 5.6572 -3.2634 9.8999 +v 5.6573 -3.2632 9.8999 +v -6.595 -1.7641 7.997 +v -3.725 -6.4481 5.497 +v 5.6572 3.2692 5.8999 +v 5.6573 3.269 5.8999 +v -3.76 -6.5101 5.256 +v 5.752 3.3239 5.963 +v 6.073 -3.5041 8.031 +v -6.416 -1.7161 8.031 +v 5.913 3.4169 5.997 +v 5.081 5.0839 8.131 +v 4.959 4.9619 8.031 +v -3.76 -6.5101 4.738 +v 6.073 3.5089 5.963 +v -3.725 -6.4481 4.497 +v -6.3103 -1.6878 8.0939 +v -6.3103 -1.6877 8.0939 +v -3.668 -6.3491 4.29 +v -3.593 -6.2201 4.131 +v -6.0642 -2.2814 8.0939 +v -5.0077 -4.1098 5.8998 +v 5.267 3.7775 4.094 +v -4.6191 -4.6163 5.8997 +v 3.2663 -5.6544 5.8999 +v 3.2661 -5.6545 5.8999 +v -4.697 -4.6941 5.963 +v 3.593 6.2259 9.863 +v 3.321 -5.7491 5.963 +v -4.1127 -5.0049 8.0942 +v -6.074 -3.5041 8.031 +v -5.187 5.1889 9.704 +v -4.828 -4.8251 5.997 +v 3.414 -5.9101 5.997 +v 3.667 6.3549 9.704 +v -5.267 5.2699 9.497 +v 3.724 6.4539 9.497 +v 3.506 -6.0711 5.963 +v -4.959 -4.9561 5.963 +v 6.073 3.5089 4.031 +v -5.082 -5.0781 5.863 +v 5.913 3.4169 3.997 +v -4.697 4.6989 9.963 +v 5.752 3.3239 4.031 +v 3.321 5.7549 9.963 +v -4.828 4.8309 9.997 +v 3.7731 -5.2654 4.0941 +v 5.6572 3.2692 4.0941 +v 5.6573 3.269 4.0941 +v 3.414 5.9159 9.997 +v -4.959 4.9619 9.963 +v -5.082 -5.0781 4.131 +v 3.506 -6.0711 4.031 +v 3.506 6.0759 9.963 +v -4.959 -4.9561 4.031 +v -4.1127 5.0106 9.8998 +v 5.9022 2.6774 5.8999 +v -4.828 -4.8251 3.997 +v 3.7746 5.2698 9.9 +v -6.534 -3.7701 8.997 +v -4.6191 4.6219 9.8998 +v 3.2663 5.6601 9.8999 +v -4.6192 4.6217 9.8998 +v 3.2661 5.6602 9.8999 +v -6.513 -3.7571 9.256 +v -4.697 -4.6941 4.031 +v -5.082 5.0839 9.863 +v -4.1127 -5.0049 4.0942 +v -6.513 -3.7571 8.738 +v -4.6191 -4.6163 4.0943 +v -6.451 -3.7211 8.497 +v 4.696 -4.6941 9.963 +v 5.267 3.7775 8.094 +v 5.913 3.4169 7.997 +v -6.352 -3.6641 8.29 +v 4.828 -4.8251 9.997 +v 5.752 3.3239 8.031 +v 4.959 -4.9561 9.963 +v -6.224 -3.5901 8.131 +v 5.6572 3.2692 8.0941 +v 4.1127 -5.0049 9.8998 +v 5.6573 3.269 8.0941 +v 4.6189 -4.6164 9.8998 +v 4.6191 -4.6162 9.8998 +v 5.081 -5.0781 9.863 +v -4.5055 2.6042 11.1412 +v 1.5077 4.9727 11.1311 +v 1.3465 5.0279 11.1412 +v -4.7853 1.985 11.1211 +v 0.5077 5.1589 11.1222 +v 1.0117 5.0889 11.1255 +v -4.5804 2.4512 11.1312 +v 5.0077 -4.1098 8.0942 +v 5.081 -5.0781 8.131 +v 6.0651 2.2841 4.0941 +v -5.3571 0.0029 6.997 +v 4.959 -4.9561 8.031 +v 6.3933 1.0597 5.8999 +v 4.828 -4.8251 7.997 +v -3.414 5.9159 7.997 +v 6.415 1.7219 5.963 +v -5.913 -3.4111 7.997 +v 6.3096 1.6935 5.8999 +v 6.3096 1.6935 5.8999 +v -5.318 -5.3151 8.738 +v 4.696 -4.6941 8.031 +v -3.321 5.7549 8.031 +v -5.335 -5.3321 8.997 +v 6.595 1.7699 5.997 +v 4.828 4.8309 7.997 +v -5.267 -5.2641 8.497 +v -5.752 -3.3181 8.031 +v 6.774 1.8179 5.963 +v -3.2664 5.6602 8.0942 +v 4.6191 -4.6162 8.0942 +v -3.2666 5.66 8.0942 +v 4.6189 -4.6164 8.0942 +v -5.187 -5.1841 8.29 +v 6.941 1.8629 5.863 +v 5.318 -5.3151 8.738 +v 4.696 4.6989 8.031 +v -5.6572 -3.2634 8.0941 +v 5.335 -5.3321 8.997 +v -5.187 -5.1841 9.704 +v -5.6573 -3.2632 8.0941 +v 7.288 1.9559 4.997 +v -5.318 -5.3151 4.738 +v 5.267 -5.2641 8.497 +v 7.085 1.9009 5.704 +v 4.1127 5.0106 8.0942 +v -5.335 -5.3321 4.997 +v 4.619 4.6219 8.0941 +v -5.267 -5.2641 9.497 +v -5.267 -5.2641 4.497 +v -3.7724 5.2718 8.0942 +v 5.186 -5.1841 8.29 +v 7.195 1.9309 5.497 +v -5.318 -5.3151 9.256 +v -5.187 -5.1841 4.29 +v 5.186 -5.1841 9.704 +v 7.264 1.9489 5.256 +v 3.772 6.5369 8.997 +v -5.187 -5.1841 5.704 +v -5.269 -3.7694 8.0942 +v 5.267 -5.2641 9.497 +v 7.264 1.9489 4.738 +v -5.267 -5.2641 5.497 +v 7.195 1.9309 4.497 +v 5.318 -5.3151 9.256 +v 3.76 6.5159 9.256 +v -5.318 -5.3151 5.256 +v 7.085 1.9009 4.29 +v 6.941 1.8629 4.131 +v 3.76 6.5159 8.738 +v -5.318 5.3209 8.738 +v 6.774 1.8179 4.031 +v -5.335 5.3379 8.997 +v 3.724 6.4539 8.497 +v -5.267 5.2699 8.497 +v 6.595 1.7699 3.997 +v 3.667 6.3549 8.29 +v -5.187 5.1889 8.29 +v 3.593 6.2259 8.131 +v 6.415 1.7219 4.031 +v 5.205 0.0029 11.139 +v -5.318 5.3209 9.256 +v 5.086 1.0146 11.1255 +v 5.156 0.5106 11.1222 +v -5.175 -1.3836 6.997 +v 6.3096 1.6935 4.0941 +v 6.3096 1.6935 4.0941 +v 6.642 0.0029 9.963 +v 6.827 0.0029 9.997 +v 7.013 0.0029 9.963 +v 7.186 0.0029 9.863 +v -4.828 -4.8251 7.997 +v 7.335 0.0029 9.704 +v 6.5327 0.0029 5.8998 +v -5.082 5.0839 8.131 +v 6.642 0.0029 5.963 +v 7.449 0.0029 9.497 +v -4.697 -4.6941 8.031 +v -4.959 4.9619 8.031 +v 6.5327 0.0029 9.8998 +v 6.827 0.0029 5.997 +v -4.6191 -4.6163 8.0943 +v -4.6393 -2.6757 6.997 +v 7.013 0.0029 5.963 +v 6.4491 -0.6307 9.8999 +v -3.7879 -3.785 6.997 +v 7.186 0.0029 5.863 +v 3.506 6.0759 8.031 +v -2.6786 -4.6364 6.997 +v 7.545 0.0029 4.997 +v -1.3864 -5.1721 6.997 +v 7.335 0.0029 5.704 +v 7.288 -1.9501 8.997 +v 7.449 0.0029 5.497 +v 5.318 5.3209 4.738 +v 7.52 0.0029 5.256 +v 5.335 5.3379 4.997 +v 7.264 -1.9441 9.256 +v 5.267 5.2699 4.497 +v 5.186 5.1889 4.29 +v 7.264 -1.9441 8.738 +v 7.52 0.0029 4.738 +v 5.186 5.1889 5.704 +v 7.195 -1.9251 8.497 +v 5.267 5.2699 5.497 +v 7.449 0.0029 4.497 +v 5.318 5.3209 5.256 +v 7.085 -1.8951 8.29 +v 7.085 -1.8952 8.29 +v 7.085 -1.8952 8.29 +v 6.941 -1.8571 8.131 +v 7.085 -1.8952 8.29 +v 7.335 0.0029 4.29 +v 2.2813 6.068 9.8999 +v 6.774 -1.8121 8.031 +v 7.186 0.0029 4.131 +v 1.719 6.4179 9.963 +v 7.013 0.0029 4.031 +v 1.767 6.5979 9.997 +v 6.827 0.0029 3.997 +v 1.815 6.7769 9.963 +v 6.642 0.0029 4.031 +v 5.9022 -2.6717 8.0941 +v 6.4491 0.6364 4.0941 +v 6.5327 0.0029 4.0942 +v 5.0077 4.1155 5.8998 +v -5.752 3.3239 9.963 +v -5.913 3.4169 9.997 +v -6.074 3.5089 9.963 +v -0.6335 6.452 4.0941 +v -1.0569 6.3961 5.8999 +v -1.6906 6.3125 5.8999 +v -1.6906 6.3125 5.8999 +v -1.719 6.4179 5.963 +v -5.2683 3.7759 9.8999 +v -1.767 6.5979 5.997 +v -1.815 6.7769 5.963 +v -1.86 6.9439 5.863 +v -5.6572 3.2692 9.8999 +v -5.6573 3.269 9.8999 +v -1.953 7.2909 4.997 +v -1.899 7.0879 5.704 +v -1.928 7.1979 5.497 +v -1.947 7.2669 5.256 +v -1.947 7.2669 4.738 +v -1.928 7.1979 4.497 +v -1.899 7.0879 4.29 +v -1.86 6.9439 4.131 +v -1.815 6.7769 4.031 +v -1.767 6.5979 3.997 +v -1.719 6.4179 4.031 +v -1.6906 6.3125 4.0941 +v -1.6906 6.3125 4.0941 +v -3.593 6.2259 5.863 +v -3.773 6.5369 4.997 +v -3.668 6.3549 5.704 +v -3.725 6.4539 5.497 +v -3.76 6.5159 5.256 +v -3.76 6.5159 4.738 +v -3.725 6.4539 4.497 +v -3.668 6.3549 4.29 +v -3.593 6.2259 4.131 +v -2.6765 5.9044 5.8998 +v -2.2813 6.068 4.0941 +v -3.321 5.7549 5.963 +v -3.2664 5.6602 5.8998 +v -3.2666 5.66 5.8998 +v -3.414 5.9159 5.997 +v -3.507 6.0759 5.963 +v -3.507 6.0759 4.031 +v -3.414 5.9159 3.997 +v -3.321 5.7549 4.031 +v -3.2664 5.6602 4.0942 +v -3.2666 5.66 4.0942 +# 1390 vertices + +g group_0_undefined + +usemtl color_undefined +s 0 + +f 3 657 2 +f 4 657 3 +f 5 657 4 +f 6 657 5 +f 7 657 6 +f 10 657 9 +f 11 657 10 +f 27 28 26 +f 26 28 29 +f 26 29 30 +f 26 30 31 +f 31 32 33 +f 31 33 34 +f 31 34 36 +f 31 36 37 +f 31 37 26 +f 46 31 30 +f 30 818 46 +f 29 820 30 +f 50 16 51 +f 772 27 26 +f 50 1339 16 +f 1127 52 45 +f 46 62 31 +f 772 26 37 +f 59 173 23 +f 33 32 62 +f 59 23 60 +f 63 979 62 +f 979 978 62 +f 31 62 32 +f 21 43 40 +f 40 1159 21 +f 63 62 678 +f 46 678 62 +f 257 258 58 +f 1137 57 1138 +f 23 1193 60 +f 75 85 74 +f 76 116 75 +f 77 116 76 +f 74 85 73 +f 73 85 79 +f 259 1141 72 +f 81 116 77 +f 82 139 81 +f 83 139 82 +f 84 161 83 +f 86 611 78 +f 94 78 611 +f 611 598 94 +f 93 94 598 +f 78 79 86 +f 85 86 79 +f 91 93 598 +f 90 91 598 +f 95 88 569 +f 569 550 95 +f 78 98 79 +f 97 79 98 +f 99 73 79 +f 99 79 97 +f 99 100 73 +f 74 73 100 +f 76 122 77 +f 81 77 143 +f 141 143 77 +f 21 102 43 +f 592 627 576 +f 93 616 94 +f 619 613 94 +f 570 88 571 +f 85 109 110 +f 85 110 86 +f 97 753 99 +f 1279 171 105 +f 115 161 114 +f 114 161 84 +f 85 75 116 +f 117 74 100 +f 74 117 75 +f 119 75 117 +f 121 76 75 +f 121 75 119 +f 141 77 122 +f 121 122 76 +f 145 82 81 +f 145 83 82 +f 167 84 83 +f 172 120 105 +f 167 168 84 +f 109 85 128 +f 116 128 85 +f 112 125 124 +f 129 111 388 +f 100 755 117 +f 119 421 121 +f 137 182 136 +f 138 182 137 +f 136 182 115 +f 116 81 139 +f 126 129 691 +f 133 127 134 +f 81 143 144 +f 133 150 127 +f 81 144 145 +f 150 133 748 +f 172 105 171 +f 1275 1304 285 +f 1135 125 112 +f 139 149 128 +f 139 128 116 +f 134 748 133 +f 145 144 125 +f 147 1285 154 +f 141 349 143 +f 148 155 153 +f 153 123 148 +f 143 124 144 +f 160 209 138 +f 139 83 161 +f 162 228 160 +f 145 165 83 +f 165 167 83 +f 188 114 168 +f 114 84 168 +f 190 115 188 +f 156 1374 164 +f 193 195 136 +f 216 138 215 +f 171 169 147 +f 60 817 59 +f 235 236 162 +f 302 23 173 +f 171 147 172 +f 149 139 174 +f 161 174 139 +f 127 150 473 +f 166 283 170 +f 285 1304 298 +f 1160 167 1135 +f 170 291 176 +f 145 125 165 +f 148 135 399 +f 170 283 291 +f 168 167 1160 +f 1304 178 298 +f 58 57 180 +f 276 140 176 +f 291 276 176 +f 155 148 180 +f 161 115 182 +f 177 184 192 +f 210 248 186 +f 186 233 185 +f 163 233 162 +f 114 188 115 +f 180 148 399 +f 136 115 193 +f 190 193 115 +f 194 192 184 +f 215 137 195 +f 137 136 195 +f 137 215 138 +f 160 138 217 +f 160 234 162 +f 163 162 236 +f 236 237 163 +f 200 174 182 +f 161 182 174 +f 1289 179 175 +f 190 188 1161 +f 202 201 187 +f 187 201 222 +f 188 168 1161 +f 199 332 335 +f 204 196 1385 +f 1160 1161 168 +f 204 1385 1370 +f 204 1370 207 +f 182 138 209 +f 212 248 210 +f 213 248 212 +f 202 187 1242 +f 335 344 205 +f 216 217 138 +f 208 205 344 +f 1150 269 274 +f 185 249 186 +f 250 251 186 +f 221 218 1386 +f 183 357 189 +f 182 209 225 +f 182 225 200 +f 198 189 304 +f 1202 1203 380 +f 1340 215 1283 +f 357 304 189 +f 195 1283 215 +f 215 1340 216 +f 209 160 228 +f 232 289 230 +f 230 265 229 +f 229 265 213 +f 228 162 233 +f 163 185 233 +f 160 217 234 +f 235 162 234 +f 185 163 237 +f 250 186 249 +f 210 254 212 +f 21 331 102 +f 227 364 238 +f 272 273 213 +f 233 244 228 +f 244 225 228 +f 209 228 225 +f 242 231 243 +f 47 243 231 +f 242 256 231 +f 241 382 131 +f 103 1201 245 +f 235 861 236 +f 236 862 237 +f 373 221 223 +f 247 289 246 +f 246 289 232 +f 233 186 248 +f 237 249 185 +f 206 532 157 +f 173 328 302 +f 206 211 560 +f 210 186 251 +f 268 212 254 +f 251 254 210 +f 23 305 49 +f 212 270 213 +f 257 58 255 +f 239 402 736 +f 309 54 49 +f 299 300 232 +f 72 58 258 +f 371 259 255 +f 257 255 259 +f 233 248 260 +f 233 260 244 +f 197 219 318 +f 258 257 259 +f 321 184 196 +f 227 226 426 +f 196 204 333 +f 258 259 72 +f 863 250 249 +f 204 207 336 +f 224 626 220 +f 863 249 237 +f 224 320 625 +f 261 400 53 +f 426 364 227 +f 320 674 625 +f 863 934 250 +f 248 213 265 +f 247 266 310 +f 267 310 266 +f 264 310 267 +f 212 268 270 +f 262 384 269 +f 272 213 270 +f 296 229 273 +f 229 213 273 +f 146 454 142 +f 297 230 296 +f 299 232 230 +f 221 465 218 +f 416 180 399 +f 1273 281 271 +f 278 260 265 +f 248 265 260 +f 277 166 108 +f 108 274 277 +f 332 199 54 +f 191 542 181 +f 231 256 395 +f 205 199 335 +f 1271 280 275 +f 279 281 282 +f 283 166 277 +f 277 406 283 +f 279 271 281 +f 254 981 268 +f 268 981 270 +f 272 270 1059 +f 279 282 286 +f 279 286 285 +f 282 281 286 +f 1086 273 272 +f 19 45 295 +f 277 401 406 +f 265 230 289 +f 288 339 264 +f 156 164 437 +f 293 312 365 +f 375 738 294 +f 284 295 290 +f 294 290 295 +f 229 296 230 +f 297 299 230 +f 315 246 300 +f 246 232 300 +f 142 452 130 +f 246 315 247 +f 295 375 294 +f 266 319 267 +f 291 398 276 +f 267 343 264 +f 345 264 343 +f 287 301 594 +f 345 346 264 +f 287 1291 301 +f 306 507 303 +f 265 289 307 +f 265 307 278 +f 500 178 187 +f 198 304 308 +f 1295 214 301 +f 299 297 1159 +f 1087 1159 297 +f 500 187 510 +f 301 1291 1295 +f 203 198 308 +f 959 748 311 +f 1086 296 273 +f 1086 1087 296 +f 302 305 23 +f 297 296 1087 +f 49 305 309 +f 510 187 222 +f 305 450 309 +f 466 308 304 +f 152 1319 159 +f 310 264 339 +f 289 247 310 +f 304 463 466 +f 340 387 313 +f 292 293 365 +f 387 365 313 +f 314 203 308 +f 184 321 311 +f 316 247 315 +f 311 194 184 +f 220 211 1316 +f 266 247 317 +f 316 317 247 +f 220 67 224 +f 343 267 319 +f 317 319 266 +f 1345 22 367 +f 1316 67 220 +f 314 308 418 +f 275 629 544 +f 275 544 253 +f 275 280 629 +f 1335 334 323 +f 173 820 328 +f 327 326 321 +f 311 321 326 +f 328 325 302 +f 325 324 302 +f 102 350 317 +f 319 317 351 +f 317 316 102 +f 289 310 329 +f 289 329 307 +f 315 43 316 +f 691 323 665 +f 196 333 321 +f 54 309 332 +f 674 320 330 +f 333 204 336 +f 336 522 333 +f 665 323 334 +f 53 393 42 +f 341 387 340 +f 361 410 342 +f 342 387 341 +f 365 360 292 +f 336 207 423 +f 24 322 331 +f 207 151 423 +f 331 21 24 +f 288 264 346 +f 368 292 366 +f 346 366 288 +f 288 366 292 +f 240 263 537 +f 368 369 292 +f 337 124 349 +f 369 370 293 +f 335 480 344 +f 392 313 390 +f 245 376 103 +f 103 376 104 +f 351 317 350 +f 349 348 337 +f 208 344 352 +f 104 377 107 +f 351 350 331 +f 337 348 421 +f 376 245 353 +f 352 219 208 +f 350 102 331 +f 276 355 140 +f 276 453 355 +f 449 448 345 +f 449 343 351 +f 140 355 183 +f 356 329 339 +f 310 339 329 +f 48 354 347 +f 378 373 223 +f 183 355 357 +f 318 219 352 +f 421 348 121 +f 319 351 343 +f 358 1345 367 +f 343 449 345 +f 318 352 745 +f 339 288 360 +f 455 463 357 +f 330 112 337 +f 304 357 463 +f 48 55 354 +f 363 436 362 +f 362 410 361 +f 288 292 360 +f 354 55 359 +f 293 292 369 +f 390 312 370 +f 312 293 370 +f 124 143 349 +f 364 372 238 +f 337 112 124 +f 340 396 341 +f 341 413 342 +f 414 342 413 +f 372 241 238 +f 55 252 359 +f 1343 353 245 +f 414 415 342 +f 252 240 541 +f 255 374 371 +f 377 104 376 +f 929 379 371 +f 371 379 259 +f 1202 380 111 +f 365 381 360 +f 381 356 360 +f 339 360 356 +f 372 382 241 +f 376 353 377 +f 147 169 1284 +f 366 346 448 +f 380 323 388 +f 259 379 262 +f 388 111 380 +f 366 448 368 +f 1285 147 1284 +f 448 992 368 +f 262 379 384 +f 372 492 382 +f 1286 158 154 +f 386 436 385 +f 385 436 363 +f 312 313 365 +f 383 367 22 +f 154 1285 1286 +f 131 389 135 +f 269 391 274 +f 312 390 313 +f 378 223 231 +f 269 384 391 +f 340 313 394 +f 392 394 313 +f 389 131 382 +f 323 691 388 +f 384 941 391 +f 413 341 396 +f 394 396 340 +f 498 389 382 +f 361 342 415 +f 382 492 498 +f 22 42 383 +f 338 35 347 +f 415 362 361 +f 398 453 276 +f 443 363 362 +f 378 231 395 +f 35 48 347 +f 42 393 383 +f 399 389 586 +f 443 446 363 +f 263 548 537 +f 274 391 401 +f 401 277 274 +f 263 271 548 +f 404 395 403 +f 405 381 387 +f 365 387 381 +f 403 395 256 +f 239 1293 402 +f 393 53 400 +f 399 586 603 +f 370 993 390 +f 1111 959 407 +f 397 736 402 +f 390 994 392 +f 408 291 283 +f 389 399 135 +f 261 564 400 +f 171 1279 169 +f 283 406 408 +f 321 407 327 +f 672 338 680 +f 387 342 410 +f 386 411 461 +f 412 461 411 +f 409 461 412 +f 338 672 334 +f 680 338 347 +f 417 603 58 +f 398 291 408 +f 180 416 58 +f 385 363 446 +f 608 395 615 +f 399 603 417 +f 417 416 399 +f 469 386 467 +f 378 395 608 +f 318 420 197 +f 347 354 702 +f 404 419 395 +f 615 395 419 +f 197 420 226 +f 122 121 348 +f 748 959 150 +f 744 421 755 +f 349 122 348 +f 424 322 314 +f 425 405 410 +f 387 410 405 +f 314 418 424 +f 418 975 982 +f 426 226 420 +f 396 1084 413 +f 541 713 359 +f 10 9 442 +f 414 413 1180 +f 427 132 130 +f 364 426 614 +f 346 345 448 +f 201 738 222 +f 369 368 992 +f 433 499 432 +f 432 486 431 +f 429 423 151 +f 431 487 409 +f 410 362 436 +f 732 397 434 +f 151 156 429 +f 429 156 437 +f 106 683 428 +f 377 683 107 +f 440 567 561 +f 415 441 362 +f 441 443 362 +f 331 322 435 +f 440 561 437 +f 421 744 337 +f 467 385 446 +f 438 445 302 +f 385 467 386 +f 1 657 447 +f 122 349 141 +f 124 125 144 +f 411 386 470 +f 437 164 440 +f 322 424 435 +f 411 472 412 +f 445 305 302 +f 427 567 440 +f 494 409 412 +f 445 450 305 +f 290 738 284 +f 164 132 440 +f 448 449 435 +f 435 449 331 +f 440 132 427 +f 410 436 451 +f 410 451 425 +f 351 331 449 +f 25 19 284 +f 503 69 375 +f 69 773 68 +f 503 505 69 +f 324 770 457 +f 733 443 743 +f 901 444 690 +f 295 496 375 +f 130 452 427 +f 446 443 733 +f 634 452 454 +f 355 453 455 +f 324 438 302 +f 453 1000 455 +f 441 743 443 +f 1324 456 439 +f 455 357 355 +f 459 499 458 +f 458 499 433 +f 324 457 438 +f 452 142 454 +f 461 409 487 +f 436 386 461 +f 453 999 1000 +f 468 332 309 +f 431 490 432 +f 462 454 146 +f 502 504 432 +f 433 506 458 +f 491 686 478 +f 113 460 214 +f 521 459 520 +f 751 318 745 +f 585 462 591 +f 462 146 218 +f 469 470 386 +f 127 460 113 +f 466 418 308 +f 450 468 309 +f 494 412 472 +f 470 472 411 +f 468 474 475 +f 761 681 757 +f 756 757 684 +f 462 218 465 +f 460 127 473 +f 684 685 756 +f 450 474 468 +f 685 491 488 +f 332 468 476 +f 477 468 475 +f 477 476 468 +f 469 667 470 +f 467 446 734 +f 475 474 477 +f 465 221 373 +f 436 461 479 +f 436 479 451 +f 332 476 335 +f 733 734 446 +f 469 467 734 +f 480 335 476 +f 522 336 535 +f 388 691 129 +f 481 959 482 +f 336 423 535 +f 473 150 481 +f 482 473 481 +f 434 397 1317 +f 484 518 483 +f 485 518 484 +f 483 518 459 +f 487 431 486 +f 482 493 473 +f 488 756 685 +f 434 1320 439 +f 489 490 431 +f 502 432 490 +f 462 639 454 +f 458 520 459 +f 456 1327 464 +f 639 462 585 +f 521 527 459 +f 493 482 959 +f 756 488 943 +f 465 591 462 +f 478 696 491 +f 505 773 69 +f 409 494 495 +f 503 375 496 +f 431 409 489 +f 495 489 409 +f 496 295 303 +f 202 738 201 +f 486 497 487 +f 497 479 487 +f 461 487 479 +f 588 287 594 +f 472 632 494 +f 495 494 512 +f 512 726 495 +f 486 432 499 +f 499 459 518 +f 501 550 485 +f 95 550 501 +f 433 432 504 +f 505 503 496 +f 520 458 506 +f 504 506 433 +f 1324 1327 456 +f 178 500 298 +f 505 496 773 +f 483 530 484 +f 593 594 301 +f 303 507 496 +f 484 553 485 +f 555 485 553 +f 489 495 726 +f 69 68 523 +f 507 783 496 +f 555 556 485 +f 407 515 1111 +f 526 222 69 +f 593 301 214 +f 403 530 404 +f 507 306 509 +f 486 499 511 +f 486 511 497 +f 514 1111 515 +f 502 621 504 +f 321 517 407 +f 798 509 513 +f 623 506 504 +f 490 726 502 +f 623 504 621 +f 513 509 152 +f 515 407 517 +f 321 333 517 +f 333 522 517 +f 509 306 152 +f 95 571 88 +f 525 519 529 +f 515 517 514 +f 651 529 519 +f 643 514 517 +f 510 766 500 +f 517 651 643 +f 526 69 524 +f 523 524 69 +f 483 459 527 +f 513 152 159 +f 553 484 530 +f 527 530 483 +f 528 525 529 +f 524 510 526 +f 222 526 510 +f 651 517 522 +f 510 524 523 +f 533 516 534 +f 527 404 530 +f 624 419 521 +f 516 533 531 +f 683 353 646 +f 539 511 518 +f 499 518 511 +f 353 358 646 +f 159 536 513 +f 423 540 535 +f 536 181 542 +f 541 359 252 +f 521 520 624 +f 623 520 506 +f 529 538 692 +f 623 624 520 +f 423 429 540 +f 536 159 181 +f 534 816 533 +f 533 816 531 +f 541 240 537 +f 419 404 527 +f 538 671 543 +f 518 485 550 +f 543 675 549 +f 671 675 543 +f 683 377 353 +f 570 572 88 +f 546 542 191 +f 452 634 545 +f 89 599 90 +f 427 452 545 +f 501 485 556 +f 548 271 551 +f 540 429 552 +f 191 157 546 +f 578 95 558 +f 556 558 501 +f 501 558 95 +f 393 711 383 +f 546 157 532 +f 571 95 578 +f 714 393 400 +f 256 242 555 +f 256 553 403 +f 552 429 437 +f 562 539 550 +f 518 550 539 +f 549 688 557 +f 551 279 559 +f 714 400 721 +f 243 556 242 +f 530 403 553 +f 279 551 271 +f 206 560 532 +f 564 721 400 +f 437 561 552 +f 279 285 559 +f 553 256 555 +f 559 285 565 +f 596 641 592 +f 627 628 576 +f 555 242 556 +f 243 558 556 +f 285 298 565 +f 261 253 564 +f 568 563 697 +f 89 88 572 +f 599 89 572 +f 564 253 544 +f 560 211 566 +f 602 90 599 +f 427 545 567 +f 565 298 573 +f 602 604 90 +f 634 454 639 +f 211 220 566 +f 574 580 581 +f 831 582 577 +f 550 569 583 +f 550 583 562 +f 1389 572 1390 +f 579 585 587 +f 582 588 589 +f 582 589 577 +f 1390 570 47 +f 243 47 578 +f 579 639 585 +f 582 638 588 +f 571 47 570 +f 591 579 587 +f 579 591 590 +f 587 585 591 +f 577 589 594 +f 577 594 593 +f 500 766 573 +f 570 1390 572 +f 589 588 594 +f 573 298 500 +f 465 590 591 +f 578 47 571 +f 243 578 558 +f 88 89 569 +f 576 718 592 +f 389 498 586 +f 601 759 603 +f 590 465 373 +f 510 777 766 +f 91 90 604 +f 616 93 606 +f 606 93 91 +f 604 606 91 +f 595 709 605 +f 373 597 590 +f 601 603 586 +f 607 583 598 +f 569 598 583 +f 510 523 777 +f 597 378 608 +f 604 602 1380 +f 602 599 1389 +f 318 751 420 +f 572 1389 599 +f 593 214 600 +f 597 373 378 +f 1389 1380 602 +f 610 426 420 +f 600 214 460 +f 89 90 569 +f 598 569 90 +f 426 610 614 +f 613 98 78 +f 619 94 616 +f 460 767 600 +f 78 94 613 +f 723 617 609 +f 86 110 611 +f 110 607 611 +f 598 611 607 +f 364 620 372 +f 606 1369 616 +f 364 614 620 +f 716 608 615 +f 460 473 767 +f 179 618 612 +f 723 512 617 +f 537 548 813 +f 620 492 372 +f 612 175 179 +f 620 828 492 +f 619 616 1346 +f 780 473 493 +f 493 1111 796 +f 574 566 580 +f 220 580 566 +f 527 521 419 +f 872 574 625 +f 512 494 632 +f 626 574 581 +f 128 149 109 +f 149 174 109 +f 174 200 109 +f 110 109 200 +f 110 200 225 +f 110 225 244 +f 110 244 260 +f 110 260 278 +f 110 278 307 +f 110 307 329 +f 110 329 356 +f 110 356 381 +f 110 381 405 +f 425 607 405 +f 451 607 425 +f 479 607 451 +f 497 607 479 +f 511 607 497 +f 539 607 511 +f 562 607 539 +f 583 607 562 +f 110 405 607 +f 624 615 419 +f 624 623 615 +f 623 621 615 +f 472 470 632 +f 512 632 617 +f 632 631 617 +f 631 667 617 +f 636 633 637 +f 635 633 636 +f 630 649 633 +f 928 622 736 +f 596 838 641 +f 627 592 641 +f 280 638 629 +f 574 626 625 +f 673 649 70 +f 731 639 579 +f 581 580 626 +f 582 831 638 +f 280 287 638 +f 287 588 638 +f 690 428 683 +f 147 154 694 +f 559 832 551 +f 656 1208 643 +f 158 701 154 +f 656 519 1208 +f 158 175 707 +f 522 669 651 +f 627 649 628 +f 648 633 649 +f 647 633 648 +f 637 633 647 +f 656 643 651 +f 358 663 646 +f 519 656 651 +f 667 631 470 +f 663 358 367 +f 659 658 39 +f 658 689 39 +f 664 39 666 +f 669 522 535 +f 677 931 676 +f 651 669 529 +f 529 669 538 +f 663 367 670 +f 669 671 538 +f 669 535 671 +f 224 625 626 +f 334 672 665 +f 850 1043 668 +f 580 220 626 +f 668 673 850 +f 175 612 707 +f 535 540 671 +f 367 383 670 +f 665 672 949 +f 671 540 675 +f 668 649 673 +f 676 644 677 +f 989 678 760 +f 679 760 678 +f 106 107 683 +f 657 678 447 +f 239 618 179 +f 540 552 675 +f 681 761 679 +f 622 618 239 +f 682 545 634 +f 491 685 686 +f 239 736 622 +f 549 675 688 +f 645 698 1299 +f 822 537 813 +f 675 552 688 +f 696 478 695 +f 478 126 695 +f 691 695 126 +f 645 692 698 +f 685 684 39 +f 689 687 39 +f 687 686 39 +f 686 685 39 +f 684 681 39 +f 679 39 681 +f 678 39 679 +f 693 563 557 +f 690 683 646 +f 695 691 665 +f 557 688 693 +f 552 561 688 +f 12 657 11 +f 8 657 7 +f 688 561 693 +f 706 893 670 +f 699 1299 698 +f 699 1134 1299 +f 8 7 428 +f 695 665 696 +f 697 563 693 +f 711 670 383 +f 561 567 693 +f 698 692 699 +f 393 715 711 +f 693 567 697 +f 568 697 682 +f 680 347 702 +f 568 682 554 +f 697 545 682 +f 444 9 428 +f 567 545 697 +f 706 711 712 +f 354 705 702 +f 670 711 706 +f 1236 704 710 +f 715 706 712 +f 605 716 609 +f 706 715 714 +f 8 428 9 +f 718 576 717 +f 716 605 709 +f 712 711 715 +f 608 709 597 +f 717 694 718 +f 705 359 713 +f 709 608 716 +f 715 393 714 +f 354 359 705 +f 490 489 726 +f 621 502 726 +f 541 822 713 +f 920 612 618 +f 723 716 615 +f 541 537 822 +f 730 765 438 +f 721 564 720 +f 615 621 723 +f 438 774 445 +f 694 154 701 +f 438 765 774 +f 158 707 701 +f 544 720 564 +f 716 723 609 +f 779 450 445 +f 445 774 779 +f 575 118 727 +f 172 727 120 +f 779 795 450 +f 667 469 734 +f 680 954 672 +f 723 621 726 +f 576 575 717 +f 726 512 723 +f 727 694 717 +f 147 694 727 +f 554 729 640 +f 727 717 575 +f 172 147 727 +f 729 554 682 +f 772 730 457 +f 1003 720 719 +f 682 634 729 +f 457 730 438 +f 729 731 640 +f 831 1044 725 +f 731 642 640 +f 450 795 474 +f 639 731 729 +f 634 639 729 +f 735 642 731 +f 795 801 474 +f 731 579 735 +f 728 667 734 +f 743 728 733 +f 818 815 46 +f 735 584 642 +f 734 733 728 +f 28 27 768 +f 69 222 738 +f 737 595 584 +f 202 1242 738 +f 928 736 732 +f 690 646 901 +f 27 772 770 +f 584 735 737 +f 736 397 732 +f 579 590 735 +f 1 2 657 +f 735 590 737 +f 709 595 737 +f 737 597 709 +f 1167 722 724 +f 984 37 36 +f 737 590 597 +f 739 674 330 +f 740 732 434 +f 976 977 34 +f 8 9 657 +f 976 34 33 +f 64 967 63 +f 740 439 741 +f 100 99 754 +f 434 439 740 +f 762 952 66 +f 38 762 66 +f 969 66 952 +f 724 728 1170 +f 997 995 1 +f 447 989 1 +f 755 100 754 +f 529 645 528 +f 344 747 352 +f 529 692 645 +f 344 480 747 +f 1111 493 959 +f 538 703 692 +f 476 805 480 +f 481 150 959 +f 1201 4 1204 +f 538 543 703 +f 747 745 352 +f 2 1198 3 +f 997 1 989 +f 640 793 554 +f 447 678 989 +f 760 679 761 +f 739 330 337 +f 739 337 744 +f 745 864 751 +f 610 420 751 +f 744 881 739 +f 66 678 38 +f 751 865 610 +f 428 690 444 +f 464 471 749 +f 584 595 835 +f 902 750 442 +f 471 752 749 +f 724 722 609 +f 865 751 864 +f 614 825 620 +f 57 123 153 +f 722 605 609 +f 724 609 617 +f 155 180 57 +f 417 58 416 +f 759 58 603 +f 617 728 724 +f 631 632 470 +f 235 234 1341 +f 728 617 667 +f 902 903 750 +f 38 657 762 +f 684 757 681 +f 557 563 812 +f 759 601 854 +f 968 1168 761 +f 843 654 763 +f 601 586 854 +f 843 39 846 +f 763 39 843 +f 554 823 568 +f 757 968 761 +f 543 708 703 +f 846 39 848 +f 41 848 39 +f 44 817 41 +f 764 708 549 +f 543 549 708 +f 741 439 456 +f 818 30 820 +f 754 744 755 +f 767 808 600 +f 29 28 769 +f 820 29 769 +f 768 769 28 +f 741 456 746 +f 770 768 27 +f 744 754 753 +f 746 456 464 +f 749 746 464 +f 781 68 773 +f 653 666 654 +f 496 783 773 +f 923 771 775 +f 776 775 771 +f 34 977 36 +f 783 507 788 +f 742 776 771 +f 767 473 780 +f 523 786 777 +f 778 752 471 +f 773 783 781 +f 979 63 967 +f 969 965 65 +f 65 66 969 +f 788 507 509 +f 784 864 745 +f 780 961 767 +f 782 957 785 +f 799 92 797 +f 549 557 764 +f 790 765 791 +f 787 797 1019 +f 785 957 887 +f 791 765 730 +f 509 798 788 +f 778 516 787 +f 769 768 325 +f 1350 783 788 +f 493 796 780 +f 324 325 768 +f 801 476 477 +f 796 794 780 +f 794 789 780 +f 799 797 787 +f 772 457 770 +f 766 858 573 +f 477 474 801 +f 798 513 802 +f 768 770 324 +f 787 531 799 +f 795 991 801 +f 719 544 629 +f 719 720 544 +f 476 801 805 +f 792 892 803 +f 118 120 727 +f 778 471 508 +f 804 532 560 +f 92 799 531 +f 847 840 593 +f 802 536 807 +f 508 516 778 +f 787 516 531 +f 480 805 811 +f 786 810 777 +f 593 600 847 +f 805 1045 811 +f 640 826 793 +f 480 811 747 +f 809 806 896 +f 764 557 812 +f 745 747 784 +f 747 811 784 +f 92 531 816 +f 815 817 44 +f 848 41 817 +f 534 1339 816 +f 44 46 815 +f 794 1111 789 +f 630 628 649 +f 652 666 653 +f 814 812 563 +f 173 59 815 +f 800 904 819 +f 814 568 823 +f 769 328 820 +f 325 328 769 +f 563 568 814 +f 1050 1199 664 +f 666 1051 664 +f 554 793 823 +f 815 59 817 +f 70 838 673 +f 818 173 815 +f 818 820 173 +f 70 641 838 +f 725 719 629 +f 828 620 825 +f 827 813 548 +f 831 725 638 +f 830 833 834 +f 829 826 642 +f 827 551 832 +f 640 642 826 +f 827 548 551 +f 830 824 833 +f 492 828 837 +f 839 830 834 +f 830 839 836 +f 834 833 839 +f 629 638 725 +f 584 835 829 +f 882 1277 647 +f 492 837 498 +f 642 584 829 +f 648 883 647 +f 875 876 649 +f 1251 835 841 +f 649 650 875 +f 877 875 650 +f 841 835 595 +f 877 650 878 +f 652 878 650 +f 866 867 653 +f 878 652 867 +f 577 840 831 +f 868 866 654 +f 841 595 605 +f 759 854 1307 +f 841 605 722 +f 857 859 1307 +f 577 593 840 +f 832 559 844 +f 600 808 847 +f 850 673 853 +f 565 851 844 +f 673 838 853 +f 863 237 862 +f 846 848 1193 +f 374 852 371 +f 498 837 849 +f 926 371 852 +f 498 849 586 +f 857 1307 854 +f 371 926 929 +f 886 901 646 +f 60 1193 848 +f 817 60 848 +f 802 513 536 +f 559 565 844 +f 886 646 663 +f 858 1070 851 +f 838 916 853 +f 536 542 807 +f 851 573 858 +f 807 542 856 +f 855 1336 845 +f 853 1171 850 +f 854 586 849 +f 859 857 849 +f 857 854 849 +f 861 862 236 +f 565 573 851 +f 856 546 860 +f 862 855 863 +f 542 546 856 +f 855 862 861 +f 653 867 652 +f 653 654 866 +f 546 532 860 +f 442 444 901 +f 654 843 868 +f 860 532 804 +f 650 666 652 +f 934 980 251 +f 610 821 614 +f 821 610 865 +f 821 825 614 +f 804 560 869 +f 945 951 771 +f 1302 1305 1142 +f 560 566 869 +f 792 785 887 +f 869 566 870 +f 872 1362 870 +f 870 574 872 +f 766 777 1005 +f 637 647 1277 +f 574 870 566 +f 800 890 904 +f 777 1013 1005 +f 721 720 919 +f 882 647 883 +f 883 648 876 +f 649 876 648 +f 824 819 909 +f 1003 719 996 +f 909 914 824 +f 674 880 874 +f 839 917 836 +f 625 874 872 +f 833 914 839 +f 777 810 1013 +f 842 836 963 +f 877 1100 875 +f 877 878 1100 +f 867 1114 878 +f 625 674 874 +f 946 1305 884 +f 665 949 943 +f 884 1307 859 +f 863 855 934 +f 849 936 884 +f 827 1040 813 +f 657 38 678 +f 406 962 408 +f 806 894 896 +f 12 13 657 +f 13 14 657 +f 14 15 657 +f 800 809 890 +f 15 762 657 +f 899 898 885 +f 879 899 885 +f 444 442 9 +f 463 455 971 +f 1000 971 455 +f 889 663 670 +f 463 973 466 +f 886 663 889 +f 418 466 975 +f 887 892 792 +f 758 12 11 +f 488 491 943 +f 881 880 739 +f 894 806 803 +f 889 670 893 +f 10 750 11 +f 894 803 892 +f 965 898 967 +f 873 928 1080 +f 674 739 880 +f 98 906 97 +f 893 706 907 +f 899 967 898 +f 1346 906 619 +f 744 897 881 +f 911 702 705 +f 898 895 885 +f 753 754 99 +f 902 442 901 +f 744 753 897 +f 930 931 13 +f 809 896 890 +f 901 886 902 +f 932 930 12 +f 753 97 906 +f 960 954 680 +f 701 905 900 +f 903 902 886 +f 613 619 906 +f 897 753 906 +f 442 750 10 +f 680 702 960 +f 707 908 905 +f 904 890 1090 +f 819 904 909 +f 117 755 119 +f 421 119 755 +f 827 1052 1040 +f 466 973 975 +f 956 14 931 +f 914 833 824 +f 706 714 907 +f 424 418 982 +f 838 913 916 +f 758 11 750 +f 911 705 915 +f 907 714 912 +f 66 65 678 +f 917 839 914 +f 986 424 982 +f 916 913 900 +f 435 424 986 +f 912 721 919 +f 836 917 963 +f 705 713 915 +f 915 713 918 +f 912 714 721 +f 922 732 740 +f 1046 918 822 +f 945 771 923 +f 64 678 65 +f 918 713 822 +f 622 873 871 +f 928 873 622 +f 925 926 924 +f 852 924 926 +f 952 762 15 +f 251 250 934 +f 956 15 14 +f 1080 922 1066 +f 1080 928 922 +f 922 928 732 +f 696 943 491 +f 757 756 966 +f 943 966 756 +f 13 12 930 +f 845 972 855 +f 1066 922 933 +f 12 758 932 +f 996 725 1044 +f 719 725 996 +f 922 740 933 +f 927 1294 936 +f 379 935 384 +f 855 972 934 +f 936 1294 1142 +f 379 929 935 +f 941 384 935 +f 932 1065 930 +f 696 665 943 +f 937 746 939 +f 944 942 945 +f 927 936 837 +f 1142 1305 947 +f 950 999 398 +f 758 750 903 +f 945 923 944 +f 907 912 700 +f 966 943 949 +f 936 1142 947 +f 946 884 936 +f 672 954 949 +f 746 749 939 +f 947 946 936 +f 790 879 765 +f 782 771 951 +f 885 765 879 +f 885 888 765 +f 953 401 391 +f 888 774 765 +f 955 952 15 +f 779 774 891 +f 955 15 956 +f 957 782 951 +f 1383 177 422 +f 1382 1383 422 +f 953 391 941 +f 13 931 14 +f 774 888 891 +f 422 177 748 +f 957 951 1047 +f 1112 953 941 +f 933 741 937 +f 401 953 958 +f 740 741 933 +f 957 1047 1049 +f 784 1054 864 +f 952 955 1091 +f 957 1049 887 +f 955 956 1091 +f 949 954 1155 +f 794 796 1111 +f 401 958 406 +f 741 746 937 +f 1056 865 864 +f 948 939 749 +f 930 676 931 +f 677 1091 956 +f 1099 1103 892 +f 962 406 958 +f 821 865 1061 +f 702 911 960 +f 931 677 956 +f 961 808 767 +f 842 964 845 +f 398 408 950 +f 408 962 950 +f 964 842 963 +f 965 967 64 +f 1110 950 962 +f 64 65 965 +f 837 828 927 +f 961 780 970 +f 1208 990 974 +f 968 966 949 +f 974 789 1208 +f 837 936 849 +f 895 969 1095 +f 913 694 900 +f 970 780 789 +f 969 895 965 +f 952 1095 969 +f 701 900 694 +f 701 707 905 +f 463 971 973 +f 895 898 965 +f 859 849 884 +f 972 845 964 +f 718 913 592 +f 879 790 976 +f 973 971 1132 +f 1132 971 1131 +f 694 913 718 +f 738 430 284 +f 1059 270 981 +f 984 36 977 +f 974 970 789 +f 908 612 920 +f 978 976 33 +f 908 707 612 +f 903 1065 758 +f 33 62 978 +f 981 254 980 +f 254 251 980 +f 618 871 920 +f 980 972 981 +f 981 972 1059 +f 1048 1044 831 +f 972 980 934 +f 791 977 790 +f 976 978 879 +f 978 979 879 +f 976 790 977 +f 805 801 1041 +f 618 622 871 +f 899 879 979 +f 899 979 967 +f 805 1041 1045 +f 840 847 1009 +f 1204 3 1198 +f 808 1017 847 +f 1068 963 917 +f 772 37 983 +f 37 984 983 +f 992 993 369 +f 1024 808 961 +f 994 390 993 +f 987 1054 784 +f 772 983 730 +f 779 891 988 +f 779 988 795 +f 988 991 795 +f 1086 272 1059 +f 370 369 993 +f 974 990 970 +f 991 988 1236 +f 942 547 938 +f 983 984 730 +f 791 730 984 +f 61 938 547 +f 791 984 977 +f 913 596 592 +f 435 992 448 +f 838 596 913 +f 995 1198 2 +f 2 1 995 +f 994 993 986 +f 993 992 986 +f 435 986 992 +f 890 1092 1090 +f 904 1090 1094 +f 909 904 1094 +f 654 666 763 +f 649 666 650 +f 627 641 649 +f 41 678 44 +f 44 678 46 +f 39 678 41 +f 999 453 398 +f 997 1351 995 +f 1103 894 892 +f 1000 999 1128 +f 942 938 945 +f 1016 1015 1002 +f 919 720 1003 +f 1128 1131 1000 +f 1000 1131 971 +f 948 752 985 +f 766 1005 858 +f 948 749 752 +f 985 752 1010 +f 1007 1238 940 +f 1025 810 80 +f 778 1010 752 +f 924 1307 925 +f 1097 914 909 +f 1011 940 1258 +f 876 875 1015 +f 1015 1016 876 +f 1301 1016 1002 +f 787 1010 778 +f 787 1019 1010 +f 1009 847 1017 +f 92 87 797 +f 1068 1074 963 +f 994 1026 392 +f 1026 1082 394 +f 396 394 1082 +f 964 963 1074 +f 786 68 810 +f 1013 810 1025 +f 892 887 1099 +f 394 392 1026 +f 1060 1022 1020 +f 797 87 1028 +f 1013 1025 1023 +f 1067 1029 1022 +f 1019 797 1028 +f 1017 808 1024 +f 1022 1060 1067 +f 1027 1004 1019 +f 1028 1027 1019 +f 896 894 1104 +f 775 816 923 +f 923 547 944 +f 961 1115 1024 +f 547 923 816 +f 942 944 547 +f 1092 890 896 +f 96 1004 87 +f 1027 87 1004 +f 1027 1028 87 +f 1030 1031 1034 +f 1015 1100 1002 +f 858 1105 1070 +f 1012 1032 1031 +f 1002 1106 1006 +f 1034 1031 1032 +f 1002 1102 1106 +f 1033 1038 61 +f 1039 938 61 +f 1202 111 659 +f 1122 970 990 +f 1036 945 938 +f 1023 1083 1013 +f 1039 61 1038 +f 666 668 1043 +f 1037 929 1035 +f 1151 1037 1035 +f 1038 1033 1036 +f 1038 1036 1039 +f 1039 1036 938 +f 1050 664 1051 +f 801 991 1041 +f 1236 1245 991 +f 1051 666 1043 +f 1172 996 1044 +f 1102 1002 1100 +f 39 763 666 +f 1036 1042 945 +f 1008 1107 1057 +f 991 1245 1041 +f 1171 853 916 +f 945 1042 951 +f 1047 951 1042 +f 1174 1043 850 +f 1203 660 1200 +f 1046 813 1040 +f 662 664 1199 +f 822 813 1046 +f 987 811 1045 +f 831 840 1048 +f 1048 840 1009 +f 811 987 784 +f 1107 1008 1006 +f 1050 1051 1330 +f 1180 413 1084 +f 1174 1176 1043 +f 64 63 678 +f 1052 827 832 +f 655 644 889 +f 1052 832 1053 +f 1020 1008 1057 +f 1056 864 1054 +f 1053 844 1058 +f 932 758 1065 +f 1057 1060 1020 +f 676 930 1065 +f 1061 865 1056 +f 972 1078 1059 +f 1097 1064 914 +f 914 1064 917 +f 903 886 1065 +f 676 1065 644 +f 821 1069 825 +f 1053 832 844 +f 821 1061 1069 +f 933 1062 1066 +f 1064 1068 917 +f 1058 851 1070 +f 644 1065 886 +f 825 921 828 +f 1058 844 851 +f 1069 921 825 +f 1067 1073 1029 +f 644 886 889 +f 927 828 921 +f 1062 933 937 +f 893 655 889 +f 1091 1095 952 +f 655 893 661 +f 1105 858 1005 +f 907 661 893 +f 1076 655 1081 +f 1083 1023 80 +f 1082 1084 396 +f 964 1078 972 +f 1077 1180 1084 +f 1082 1026 1077 +f 1084 1082 1077 +f 964 1074 1078 +f 1219 1013 1083 +f 925 1012 926 +f 1031 926 1012 +f 1031 1035 926 +f 1035 929 926 +f 1078 1087 1086 +f 1078 1086 1059 +f 1037 935 929 +f 935 1108 941 +f 907 700 661 +f 1091 677 644 +f 1162 908 1166 +f 644 1076 1091 +f 905 908 1162 +f 1095 1091 1076 +f 895 1095 1076 +f 999 1126 1128 +f 710 704 919 +f 966 968 757 +f 909 1094 1097 +f 1266 1062 1072 +f 1003 1177 710 +f 1071 982 975 +f 887 1049 1099 +f 1177 996 1172 +f 986 982 1077 +f 1166 908 920 +f 1100 878 1114 +f 1113 1114 867 +f 1077 982 1071 +f 704 700 912 +f 1077 1026 986 +f 871 1147 1140 +f 1026 994 986 +f 1147 873 1149 +f 704 912 919 +f 871 873 1147 +f 873 1080 1149 +f 1103 1104 894 +f 919 1003 710 +f 958 1119 962 +f 896 1104 1092 +f 1003 996 1177 +f 1006 1106 1107 +f 1119 1110 962 +f 1062 937 1072 +f 326 959 311 +f 935 1037 1108 +f 1075 1072 939 +f 194 311 748 +f 1146 1036 1141 +f 937 939 1072 +f 998 910 1241 +f 1146 1042 1036 +f 192 194 748 +f 1075 939 948 +f 1047 1042 1150 +f 1109 1113 866 +f 760 761 1168 +f 867 866 1113 +f 1112 941 1108 +f 1100 1015 875 +f 1109 1102 1113 +f 1114 1113 1102 +f 1094 1090 189 +f 1116 958 953 +f 1102 1100 1114 +f 1269 1040 1052 +f 1116 953 1112 +f 198 1094 189 +f 1024 1115 1143 +f 1117 96 1118 +f 1097 203 1064 +f 1119 958 1116 +f 1118 1120 1117 +f 1157 900 905 +f 1119 1116 1263 +f 1115 970 1122 +f 1115 961 970 +f 24 1074 1068 +f 948 1124 1075 +f 950 1126 999 +f 1110 1126 950 +f 1127 1123 1225 +f 1103 1099 170 +f 911 1163 960 +f 1127 1225 1231 +f 1127 1231 910 +f 61 547 1205 +f 990 1130 1122 +f 183 1092 140 +f 1104 140 1092 +f 1129 1122 1130 +f 1092 183 1090 +f 189 1090 183 +f 170 176 1103 +f 1133 1129 1281 +f 176 1104 1103 +f 176 140 1104 +f 973 1063 975 +f 1159 40 299 +f 1132 1063 973 +f 1159 1087 1078 +f 1130 1281 1129 +f 1063 1071 975 +f 915 1144 1179 +f 61 57 1033 +f 1179 911 915 +f 58 72 57 +f 1148 1144 918 +f 1136 1302 1134 +f 1137 1033 57 +f 1134 699 692 +f 72 1138 57 +f 1138 72 1141 +f 918 1046 1148 +f 1136 1134 1139 +f 259 262 1141 +f 1205 51 16 +f 1138 1141 1137 +f 1137 1141 1033 +f 1030 1136 1139 +f 866 868 1109 +f 1141 1036 1033 +f 1139 1031 1030 +f 1109 868 1196 +f 644 655 1076 +f 1141 262 1146 +f 703 708 1145 +f 1146 262 269 +f 661 1088 1081 +f 703 1145 1139 +f 1232 1079 1055 +f 1079 1232 1240 +f 1240 1085 1079 +f 1042 1146 1150 +f 915 918 1144 +f 1146 269 1150 +f 1049 1047 108 +f 1150 108 1047 +f 1150 274 108 +f 1049 108 166 +f 1099 1049 166 +f 812 1255 1153 +f 166 170 1099 +f 1173 1175 989 +f 1107 1106 1190 +f 415 1182 441 +f 102 316 43 +f 300 43 315 +f 1074 21 1078 +f 21 1074 24 +f 1157 905 1162 +f 300 299 40 +f 1158 954 960 +f 40 43 300 +f 1207 190 1161 +f 1158 1155 954 +f 743 441 1182 +f 1078 21 1159 +f 1158 960 1163 +f 1156 1161 1160 +f 1160 1135 1156 +f 1097 1094 198 +f 167 165 1135 +f 125 1135 165 +f 1206 1093 1089 +f 198 203 1097 +f 112 1156 1135 +f 1064 203 1165 +f 25 430 1342 +f 1165 1068 1064 +f 314 1165 203 +f 1342 1117 1120 +f 1165 24 1068 +f 1121 1211 17 +f 96 87 1169 +f 1165 314 322 +f 1118 96 1169 +f 1115 1122 1214 +f 1118 1169 1120 +f 949 1155 1168 +f 1214 1122 1224 +f 989 760 1168 +f 1168 968 949 +f 24 1165 322 +f 1174 850 1171 +f 1168 1173 989 +f 1122 1129 1133 +f 1122 1133 1224 +f 1120 1221 1123 +f 1168 1155 1173 +f 1170 1063 1167 +f 1057 1107 1197 +f 1123 1221 1225 +f 1154 1152 1272 +f 1330 1051 1176 +f 1176 1174 1157 +f 1174 1171 1157 +f 1176 1157 1330 +f 1175 1173 1155 +f 661 1081 655 +f 920 1140 1166 +f 700 1088 661 +f 920 871 1140 +f 1060 1252 1257 +f 1088 700 1096 +f 1067 1060 1257 +f 1261 1073 1067 +f 1163 911 1179 +f 1257 1261 1067 +f 1180 1182 414 +f 1171 900 1157 +f 1235 1055 1073 +f 916 900 1171 +f 1193 843 846 +f 1172 1044 1181 +f 843 1196 868 +f 415 414 1182 +f 948 985 1124 +f 985 1125 1124 +f 743 1182 1178 +f 1182 1180 1178 +f 1139 1134 692 +f 1189 1233 1222 +f 703 1139 692 +f 1181 1048 1183 +f 1109 1184 1102 +f 1044 1048 1181 +f 1192 1185 1189 +f 1145 708 1151 +f 1109 1196 1184 +f 1184 49 1188 +f 985 1186 1125 +f 1151 708 764 +f 700 704 1096 +f 1144 1148 42 +f 1186 985 1010 +f 1151 764 1153 +f 1102 1184 1188 +f 704 1236 1096 +f 1187 1183 1009 +f 1186 1019 1189 +f 764 812 1153 +f 1102 1188 1106 +f 1186 1010 1019 +f 69 738 375 +f 290 294 738 +f 1190 1106 1188 +f 1048 1009 1183 +f 1019 1004 1189 +f 786 523 68 +f 1222 1186 1189 +f 1197 1107 1190 +f 1187 1009 1017 +f 422 1083 80 +f 1189 1004 1194 +f 1191 1187 1017 +f 1196 843 1195 +f 80 810 68 +f 1023 1025 80 +f 1189 1194 1192 +f 885 895 1076 +f 1192 96 1185 +f 1193 1195 843 +f 1191 1017 1024 +f 885 1081 888 +f 1194 1004 96 +f 1191 1024 1143 +f 1076 1081 885 +f 1251 841 1164 +f 106 428 7 +f 1214 1143 1115 +f 1088 888 1081 +f 1290 92 742 +f 92 816 742 +f 742 816 776 +f 6 107 7 +f 106 7 107 +f 891 888 1088 +f 1167 1164 722 +f 775 776 816 +f 107 6 104 +f 891 1096 988 +f 430 1185 96 +f 1244 1185 430 +f 1195 1184 1196 +f 1088 1096 891 +f 1192 1194 96 +f 1164 841 722 +f 1167 724 1170 +f 5 104 6 +f 1201 103 4 +f 660 1203 659 +f 3 1204 4 +f 1178 1170 728 +f 126 478 687 +f 687 478 686 +f 687 689 126 +f 129 126 689 +f 1172 1181 1220 +f 728 743 1178 +f 660 659 39 +f 658 111 689 +f 129 689 111 +f 658 659 111 +f 1202 659 1203 +f 1199 1200 662 +f 662 1200 660 +f 61 1227 1229 +f 1229 123 61 +f 662 660 39 +f 1069 1061 1098 +f 1050 1330 1199 +f 103 104 5 +f 1098 1101 1069 +f 5 4 103 +f 327 407 959 +f 1101 921 1069 +f 1227 61 1205 +f 1255 812 814 +f 326 327 959 +f 18 20 1200 +f 1356 245 1204 +f 16 1218 1205 +f 1200 20 1203 +f 921 1288 927 +f 1288 921 1101 +f 1234 1237 1299 +f 1355 1356 1198 +f 193 190 1207 +f 1130 990 1281 +f 1208 1281 990 +f 1208 789 1111 +f 1226 1083 422 +f 1035 1031 1145 +f 1139 1145 1031 +f 1209 1121 1093 +f 1145 1151 1035 +f 1156 1207 1161 +f 1083 1226 1219 +f 1093 1206 1209 +f 1037 1153 1108 +f 92 1210 87 +f 1151 1153 1037 +f 1072 1270 1266 +f 1096 1236 988 +f 1270 1072 1075 +f 1211 1121 1209 +f 1216 87 1215 +f 87 1216 1169 +f 1210 1213 1215 +f 1131 1128 1251 +f 1169 1213 1120 +f 1005 1212 1105 +f 1132 1131 1164 +f 1212 1013 1219 +f 1164 1167 1132 +f 1212 1005 1013 +f 1216 1213 1169 +f 1215 1213 1216 +f 1063 1132 1167 +f 1213 1297 1221 +f 1170 1071 1063 +f 1275 1124 1125 +f 1181 1217 1220 +f 1213 1221 1120 +f 1054 1217 1223 +f 17 1218 16 +f 1170 1178 1071 +f 1211 148 1218 +f 1178 1077 1071 +f 1223 1056 1054 +f 1222 1125 1186 +f 17 1211 1218 +f 1178 1180 1077 +f 1183 1223 1217 +f 57 61 123 +f 1181 1183 1217 +f 1061 1056 1230 +f 1228 1219 1226 +f 1218 123 1229 +f 1223 1230 1056 +f 1225 1303 1231 +f 1227 1205 1218 +f 1229 1227 1218 +f 1112 1259 1116 +f 1228 1247 1219 +f 1230 1098 1061 +f 1232 1055 1235 +f 1295 1105 1212 +f 1231 1303 1308 +f 1133 1299 1237 +f 1247 1228 422 +f 1237 1224 1133 +f 1234 1256 1224 +f 1237 1234 1224 +f 1241 910 1231 +f 1187 1191 1230 +f 1233 1244 1242 +f 1126 1239 1246 +f 1245 1236 710 +f 1308 1241 1231 +f 1226 422 1228 +f 1248 1089 1085 +f 998 1241 1249 +f 1085 1240 1248 +f 1098 1191 1143 +f 829 1246 1239 +f 1041 1250 1045 +f 1101 1143 1214 +f 1249 1001 998 +f 1248 1206 1089 +f 1242 1244 430 +f 422 748 1247 +f 1041 1245 1250 +f 1128 1246 1251 +f 710 1177 1245 +f 829 835 1246 +f 1233 1185 1244 +f 1246 835 1251 +f 1060 1057 1252 +f 1245 1177 1250 +f 1253 1001 1249 +f 1185 1233 1189 +f 1131 1251 1164 +f 1249 1312 1253 +f 1045 1250 1220 +f 1252 1057 1197 +f 1253 1007 1001 +f 1288 1214 1224 +f 1254 1062 1266 +f 1112 1108 1255 +f 1254 1066 1062 +f 1238 1007 1253 +f 1108 1153 1255 +f 1267 1052 1053 +f 1140 1337 1166 +f 940 1238 1258 +f 1271 1058 1274 +f 1259 1112 1255 +f 1140 1147 35 +f 1255 814 1259 +f 48 1147 1149 +f 1274 1058 1070 +f 1172 1220 1250 +f 1172 1250 1177 +f 987 1217 1054 +f 55 1262 252 +f 1220 1217 987 +f 55 1149 1262 +f 1070 1105 1291 +f 1116 1259 1263 +f 1011 1260 1014 +f 1262 1149 1080 +f 1011 1258 1260 +f 1235 1073 1261 +f 1261 197 1235 +f 1264 1018 1014 +f 1259 823 1263 +f 1254 252 1262 +f 1264 1014 1260 +f 1045 1220 987 +f 1080 1066 1262 +f 1265 1018 1264 +f 1101 1098 1143 +f 1184 1195 1193 +f 1066 1254 1262 +f 23 1184 1193 +f 58 759 255 +f 1265 1021 1018 +f 23 49 1184 +f 793 826 1243 +f 374 255 759 +f 1188 54 1190 +f 1239 1243 826 +f 51 547 50 +f 1188 49 54 +f 51 1205 547 +f 826 829 1239 +f 153 155 57 +f 54 199 1190 +f 1268 1152 1021 +f 253 1269 1267 +f 1021 1265 1268 +f 1259 814 823 +f 793 1243 1263 +f 1052 1267 1269 +f 793 1263 823 +f 1110 1239 1126 +f 1187 1223 1183 +f 1272 1152 1268 +f 1239 1110 1243 +f 238 1240 227 +f 1187 1230 1223 +f 635 105 633 +f 1240 238 1248 +f 1126 1246 1128 +f 1230 1191 1098 +f 1271 1267 1053 +f 637 1277 636 +f 1248 241 1206 +f 238 241 1248 +f 641 70 649 +f 1263 1243 1119 +f 1206 241 131 +f 575 576 628 +f 1119 1243 1110 +f 1209 1206 131 +f 628 630 575 +f 118 575 630 +f 1053 1058 1271 +f 633 120 630 +f 118 630 120 +f 195 193 1282 +f 1209 131 135 +f 1282 1283 195 +f 1101 1214 1288 +f 286 1275 285 +f 135 1211 1209 +f 1279 105 635 +f 120 633 105 +f 286 281 1273 +f 286 1273 1275 +f 1280 1279 636 +f 1274 1070 1291 +f 636 1277 1280 +f 1211 135 148 +f 666 649 668 +f 1218 148 123 +f 514 643 1111 +f 1197 1190 199 +f 1208 1111 643 +f 1278 53 1148 +f 1154 1276 1156 +f 882 1301 1277 +f 876 1016 883 +f 882 883 1301 +f 199 205 1197 +f 635 636 1279 +f 1148 1046 1278 +f 1234 1299 1256 +f 1252 1197 205 +f 261 1278 1269 +f 1277 1296 1280 +f 1299 1133 1281 +f 1257 1252 208 +f 1154 1272 1276 +f 1280 169 1279 +f 1207 1282 193 +f 662 39 664 +f 205 208 1252 +f 1256 1302 1298 +f 208 219 1257 +f 1288 1224 1294 +f 1278 1040 1269 +f 1261 1257 219 +f 1046 1040 1278 +f 1276 1340 1283 +f 1156 1276 1207 +f 1282 1207 1276 +f 997 989 1175 +f 1351 1355 995 +f 1283 1282 1276 +f 219 197 1261 +f 1266 263 240 +f 226 1235 197 +f 92 1290 1210 +f 1266 240 1254 +f 1235 226 1232 +f 1266 1270 263 +f 1210 1215 87 +f 1240 1232 227 +f 1270 271 263 +f 1290 1292 1210 +f 226 227 1232 +f 1213 1210 1292 +f 1270 1273 271 +f 1351 997 1175 +f 1292 1297 1213 +f 1293 239 179 +f 35 1337 1140 +f 179 1289 1293 +f 1294 1224 1256 +f 1288 1294 927 +f 1300 1221 1297 +f 48 35 1147 +f 1290 742 1292 +f 1284 169 1296 +f 771 1292 742 +f 169 1280 1296 +f 48 1149 55 +f 1291 1105 1295 +f 1298 1302 1142 +f 113 214 1295 +f 1300 1225 1221 +f 158 1287 175 +f 1294 1256 1298 +f 1287 158 1286 +f 1287 1289 175 +f 1298 1142 1294 +f 1016 1301 883 +f 1292 771 782 +f 1296 1301 1284 +f 1297 1292 782 +f 1284 1301 1002 +f 525 1281 519 +f 1208 519 1281 +f 1006 1285 1284 +f 1006 1008 1285 +f 1297 782 785 +f 1302 1256 1299 +f 252 1254 240 +f 1300 1297 785 +f 113 1295 1212 +f 1299 1281 645 +f 528 645 1281 +f 1273 1270 1075 +f 525 528 1281 +f 1296 1277 1301 +f 1273 1124 1275 +f 1300 785 792 +f 134 1247 748 +f 946 947 1305 +f 1300 792 1303 +f 1124 1273 1075 +f 113 1212 1219 +f 1286 1020 1287 +f 1303 1225 1300 +f 1299 1134 1302 +f 113 1219 127 +f 1307 884 1305 +f 1308 1303 803 +f 792 803 1303 +f 1030 1034 1305 +f 1032 1305 1034 +f 1289 1029 1293 +f 1302 1030 1305 +f 1136 1030 1302 +f 1314 402 1293 +f 1318 1306 819 +f 925 1307 1012 +f 1309 397 402 +f 1306 800 819 +f 1307 1305 1012 +f 1032 1012 1305 +f 1318 1238 1306 +f 1307 852 759 +f 374 759 852 +f 1317 1320 434 +f 1219 1247 127 +f 924 852 1307 +f 1238 1253 1306 +f 1253 1312 1306 +f 206 157 1311 +f 1222 178 1304 +f 1311 1315 206 +f 1247 134 127 +f 1284 1002 1006 +f 1285 1008 1286 +f 1304 1275 1125 +f 1020 1286 1008 +f 1313 157 191 +f 803 806 1308 +f 1125 1222 1304 +f 1308 806 1310 +f 1241 1310 1249 +f 1001 1007 1321 +f 1287 1022 1289 +f 1323 1007 940 +f 1287 1020 1022 +f 1289 1022 1029 +f 1310 1241 1308 +f 1312 1310 809 +f 1344 1158 1163 +f 1314 1293 1029 +f 1233 187 178 +f 1310 806 809 +f 1029 1073 1314 +f 402 1314 1309 +f 1233 178 1222 +f 1249 1310 1312 +f 1073 1055 1314 +f 809 800 1312 +f 1055 1309 1314 +f 1312 800 1306 +f 430 738 1242 +f 1317 397 1309 +f 1018 1021 1316 +f 253 1267 275 +f 1233 1242 187 +f 1267 1271 275 +f 998 1001 1319 +f 1318 1258 1238 +f 1324 439 1320 +f 819 824 1318 +f 1001 1321 1319 +f 1318 824 1322 +f 1322 1260 1258 +f 287 280 1274 +f 1324 1325 1326 +f 1274 280 1271 +f 1324 1320 1325 +f 1089 1325 1320 +f 1162 1333 1157 +f 1318 1322 1258 +f 1324 1326 1328 +f 1324 1328 1327 +f 1329 1322 830 +f 1326 1325 1328 +f 1274 1291 287 +f 295 284 19 +f 1051 1043 1176 +f 464 1331 471 +f 295 45 303 +f 464 1327 1331 +f 306 303 52 +f 824 830 1322 +f 1157 1333 1330 +f 52 303 45 +f 1329 1260 1322 +f 1331 508 471 +f 306 52 56 +f 1264 1260 1329 +f 56 152 306 +f 830 836 1329 +f 1329 836 1332 +f 157 1313 1311 +f 1200 1199 18 +f 206 1315 211 +f 1332 1264 1329 +f 1315 1316 211 +f 508 16 516 +f 380 1203 20 +f 836 842 1332 +f 1179 1144 22 +f 16 1339 516 +f 224 71 320 +f 380 1333 323 +f 71 224 67 +f 101 320 71 +f 1264 1332 1265 +f 320 101 330 +f 1148 53 42 +f 18 1330 1333 +f 20 18 1333 +f 1317 1309 1079 +f 330 101 112 +f 1055 1079 1309 +f 1333 380 20 +f 1079 1085 1317 +f 152 56 1319 +f 1334 1332 842 +f 1085 1320 1317 +f 1265 1332 1334 +f 159 1321 181 +f 1085 1089 1320 +f 1335 1333 1162 +f 1321 159 1319 +f 191 181 1323 +f 1335 1162 1166 +f 1334 1268 1265 +f 1321 1323 181 +f 1323 1313 191 +f 323 1333 1335 +f 1334 845 1336 +f 19 1123 45 +f 842 845 1334 +f 19 1120 1123 +f 45 1123 1127 +f 1268 1334 1336 +f 1337 334 1335 +f 56 52 910 +f 910 52 1127 +f 1339 534 516 +f 1337 338 334 +f 998 56 910 +f 1336 1272 1268 +f 1011 1313 940 +f 1313 1323 940 +f 1337 1335 1166 +f 261 53 1278 +f 1011 1311 1313 +f 35 338 1337 +f 1328 1093 1327 +f 1315 1311 1014 +f 1093 1328 1089 +f 1325 1089 1328 +f 1311 1011 1014 +f 1327 1121 1331 +f 1316 1315 1018 +f 1093 1121 1327 +f 17 508 1331 +f 1315 1014 1018 +f 1330 18 1199 +f 1338 1272 1336 +f 67 1316 1021 +f 547 816 1339 +f 1276 1272 1338 +f 1269 253 261 +f 508 17 16 +f 217 216 1341 +f 1340 1341 216 +f 1021 1152 67 +f 217 1341 234 +f 71 67 1152 +f 1339 50 547 +f 1276 1338 1340 +f 101 71 1154 +f 855 1338 1336 +f 1152 1154 71 +f 1156 101 1154 +f 112 101 1156 +f 861 235 1341 +f 1121 17 1331 +f 1341 1340 1338 +f 998 1319 56 +f 855 861 1338 +f 1341 1338 861 +f 1155 1351 1175 +f 1321 1007 1323 +f 781 1347 68 +f 96 1342 430 +f 25 284 430 +f 1117 1342 96 +f 1155 1343 1351 +f 19 1342 1120 +f 25 1342 19 +f 802 807 1354 +f 804 869 1357 +f 1155 1158 1343 +f 1359 856 860 +f 1343 1158 1344 +f 880 1364 874 +f 353 1343 1344 +f 353 1344 358 +f 358 1344 1345 +f 1345 1344 1163 +f 98 613 906 +f 1163 1179 1345 +f 906 1346 897 +f 80 68 1347 +f 1349 80 1348 +f 1347 1348 80 +f 1347 781 783 +f 783 1350 1347 +f 1348 1347 1350 +f 1352 1350 788 +f 1198 995 1355 +f 1348 1350 1349 +f 788 798 1352 +f 1352 798 1353 +f 1353 802 1354 +f 1353 798 802 +f 1201 1204 245 +f 1351 1343 1355 +f 1357 869 1361 +f 1356 1355 1343 +f 1354 807 1358 +f 1179 22 1345 +f 856 1359 1358 +f 856 1358 807 +f 22 1144 42 +f 1360 1359 860 +f 1374 1360 1357 +f 1360 804 1357 +f 860 804 1360 +f 1204 1198 1356 +f 870 1362 1361 +f 869 870 1361 +f 1356 1343 245 +f 1362 872 1363 +f 874 1364 1363 +f 872 874 1363 +f 880 1365 1364 +f 1365 881 1366 +f 1365 880 881 +f 1366 881 897 +f 1346 1369 1367 +f 897 1346 1367 +f 1366 897 1367 +f 1368 1369 606 +f 1346 616 1369 +f 1369 1368 1367 +f 1349 1379 80 +f 1350 1352 1381 +f 1365 1378 1364 +f 1368 1380 1367 +f 1354 1358 1370 +f 1371 132 164 +f 1361 1371 1357 +f 1371 1361 1375 +f 1358 1372 1370 +f 1358 1359 1372 +f 1372 1359 1373 +f 1374 156 1373 +f 1373 1360 1374 +f 1373 1359 1360 +f 164 1374 1371 +f 1374 1357 1371 +f 1371 1375 132 +f 1375 130 132 +f 1376 142 130 +f 1376 130 1375 +f 1361 1362 1375 +f 1375 1362 1376 +f 1377 142 1376 +f 1376 1363 1377 +f 1362 1363 1376 +f 146 1377 1378 +f 1377 1364 1378 +f 1377 1363 1364 +f 422 80 1379 +f 1382 422 1379 +f 1379 1349 1350 +f 1350 1381 1379 +f 1387 1366 1367 +f 1380 1368 604 +f 606 604 1368 +f 1380 1389 1388 +f 1367 1380 1388 +f 192 748 177 +f 177 1381 184 +f 1379 1381 1382 +f 1383 1382 1381 +f 1383 1381 177 +f 1384 1352 1353 +f 1384 196 184 +f 1381 1352 1384 +f 184 1381 1384 +f 196 1384 1385 +f 1384 1353 1385 +f 1385 1354 1370 +f 1385 1353 1354 +f 1372 207 1370 +f 151 207 1372 +f 151 1373 156 +f 1373 151 1372 +f 142 1377 146 +f 1378 218 146 +f 1378 1386 218 +f 1378 1365 1386 +f 1386 1387 221 +f 1365 1366 1386 +f 1386 1366 1387 +f 1387 1367 1388 +f 223 1387 1388 +f 1388 231 223 +f 1390 1388 1389 +f 231 1388 47 +f 1390 47 1388 +f 1387 223 221 +# 2776 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/ur5/ur5.urdf b/cliport/environments/assets/ur5/ur5.urdf new file mode 100644 index 0000000000000000000000000000000000000000..e47ec68e00d68bb0f9d22f9f13978fac17a4085b --- /dev/null +++ b/cliport/environments/assets/ur5/ur5.urdf @@ -0,0 +1,278 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + > + + + + + + + diff --git a/cliport/environments/assets/ur5/visual/base.stl b/cliport/environments/assets/ur5/visual/base.stl new file mode 100644 index 0000000000000000000000000000000000000000..283f83c5a1f4ac4f78ff92999b0e9fe233c25c38 --- /dev/null +++ b/cliport/environments/assets/ur5/visual/base.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34c2e87c3cfd0afaa6bdaf3d7c1f3580220ee6eaace98013688b645ccecac4e9 +size 96684 diff --git a/cliport/environments/assets/ur5/visual/forearm.stl b/cliport/environments/assets/ur5/visual/forearm.stl new file mode 100644 index 0000000000000000000000000000000000000000..ea13badc7a6e9a6b54ab5332712ad1fd620b1595 --- /dev/null +++ b/cliport/environments/assets/ur5/visual/forearm.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6827c5e9b3ca687993a4e0420bb0ba1ba48ef4f7146c9f79b2f2964841b76984 +size 1051484 diff --git a/cliport/environments/assets/ur5/visual/shoulder.stl b/cliport/environments/assets/ur5/visual/shoulder.stl new file mode 100644 index 0000000000000000000000000000000000000000..7423c60b4476b41b6c118fceeadf26921037596d --- /dev/null +++ b/cliport/environments/assets/ur5/visual/shoulder.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45886499fac255bacec2fc6073b7bb40f33191a0ecb546bc46bb04edaaaa9357 +size 674684 diff --git a/cliport/environments/assets/ur5/visual/upperarm.stl b/cliport/environments/assets/ur5/visual/upperarm.stl new file mode 100644 index 0000000000000000000000000000000000000000..ed477deb00aaee301d39b3050e0e62cd67814797 --- /dev/null +++ b/cliport/environments/assets/ur5/visual/upperarm.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3188e9343698122349f638c6790c713fe67b61ecd06b3a03d052995033dcda3 +size 1471884 diff --git a/cliport/environments/assets/ur5/visual/wrist1.stl b/cliport/environments/assets/ur5/visual/wrist1.stl new file mode 100644 index 0000000000000000000000000000000000000000..c054063d9cccd0db60043d5852983242dcb3196b --- /dev/null +++ b/cliport/environments/assets/ur5/visual/wrist1.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d03d0f77956cc68be7649f5a8344e3ef2382a3cd93a25b1e1441ee316613342 +size 703784 diff --git a/cliport/environments/assets/ur5/visual/wrist2.stl b/cliport/environments/assets/ur5/visual/wrist2.stl new file mode 100644 index 0000000000000000000000000000000000000000..f1492c3a64d76fcb572211bcd811bfd626446182 --- /dev/null +++ b/cliport/environments/assets/ur5/visual/wrist2.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d9d53686cbcf9c2ab23951b1e24add3bb8d4e5cfa74c8968be80d96fa9dc4c39 +size 703784 diff --git a/cliport/environments/assets/ur5/visual/wrist3.stl b/cliport/environments/assets/ur5/visual/wrist3.stl new file mode 100644 index 0000000000000000000000000000000000000000..421f558576263e593f328e45015104cac65b9cfe --- /dev/null +++ b/cliport/environments/assets/ur5/visual/wrist3.stl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48573c6d123207610d979d63b6a95a14a3dba00e950d40a7bac7e7cf4f4035d9 +size 82984 diff --git a/cliport/environments/assets/ur5/workspace.urdf b/cliport/environments/assets/ur5/workspace.urdf new file mode 100644 index 0000000000000000000000000000000000000000..018b3eb3fdad6c6c92e332a94bc7e300aa05716f --- /dev/null +++ b/cliport/environments/assets/ur5/workspace.urdf @@ -0,0 +1,30 @@ + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/assets/zone/zone.obj b/cliport/environments/assets/zone/zone.obj new file mode 100644 index 0000000000000000000000000000000000000000..4766761c32178ad89a74799cb7466dfee4f3421d --- /dev/null +++ b/cliport/environments/assets/zone/zone.obj @@ -0,0 +1,64 @@ +# Object Export From Tinkercad Server 2015 + +mtllib obj.mtl + +o obj_0 +v 10 -10 20 +v 10 -10 0 +v 10 10 0 +v 10 10 20 +v 9.002 9.003 20 +v 9.002 -9.002 20 +v -10 10 0 +v -10 10 20 +v -9.003 9.003 20 +v -9.003 9.003 0 +v 9.002 9.003 0 +v 9.002 -9.002 0 +v -9.003 -9.002 0 +v -9.003 -9.002 20 +v -10 -10 0 +v -10 -10 20 +# 16 vertices + +g group_0_15277357 + +usemtl color_15277357 +s 0 + +f 1 2 3 +f 1 3 4 +f 4 5 6 +f 4 6 1 +f 9 10 11 +f 9 11 5 +f 6 12 13 +f 6 13 14 +f 10 9 14 +f 10 14 13 +f 7 10 13 +f 7 13 15 +f 4 8 5 +f 9 5 8 +f 8 7 15 +f 8 15 16 +f 10 7 11 +f 3 11 7 +f 11 3 12 +f 2 12 3 +f 14 16 6 +f 1 6 16 +f 16 15 2 +f 16 2 1 +f 9 8 14 +f 16 14 8 +f 7 8 3 +f 4 3 8 +f 2 15 12 +f 13 12 15 +f 12 6 5 +f 12 5 11 +# 32 faces + + #end of obj_0 + diff --git a/cliport/environments/assets/zone/zone.urdf b/cliport/environments/assets/zone/zone.urdf new file mode 100644 index 0000000000000000000000000000000000000000..bf43e852362a2bad0ccf48244b80e801b3fd8a34 --- /dev/null +++ b/cliport/environments/assets/zone/zone.urdf @@ -0,0 +1,23 @@ + + + + + + + + + + + + + + + + + + + + + + + diff --git a/cliport/environments/environment.py b/cliport/environments/environment.py new file mode 100644 index 0000000000000000000000000000000000000000..9a28e7dd8d514107d6cd93646ab9f1e4ebfb2479 --- /dev/null +++ b/cliport/environments/environment.py @@ -0,0 +1,656 @@ +"""Environment class.""" + +import os +import tempfile +import time +import cv2 +import imageio + +import gym +import numpy as np +from cliport.tasks import cameras +from cliport.utils import pybullet_utils +from cliport.utils import utils +import string +import pybullet as p +import tempfile +import random +import sys + +PLACE_STEP = 0.0003 +PLACE_DELTA_THRESHOLD = 0.005 + +UR5_URDF_PATH = 'ur5/ur5.urdf' +UR5_WORKSPACE_URDF_PATH = 'ur5/workspace.urdf' +PLANE_URDF_PATH = 'plane/plane.urdf' + + +class Environment(gym.Env): + """OpenAI Gym-style environment class.""" + + def __init__(self, + assets_root, + task=None, + disp=False, + shared_memory=False, + hz=240, + record_cfg=None): + """Creates OpenAI Gym-style environment with PyBullet. + + Args: + assets_root: root directory of assets. + task: the task to use. If None, the user must call set_task for the + environment to work properly. + disp: show environment with PyBullet's built-in display viewer. + shared_memory: run with shared memory. + hz: PyBullet physics simulation step speed. Set to 480 for deformables. + + Raises: + RuntimeError: if pybullet cannot load fileIOPlugin. + """ + self.pix_size = 0.003125 + self.obj_ids = {'fixed': [], 'rigid': [], 'deformable': []} + self.objects = self.obj_ids # make a copy + + self.homej = np.array([-1, -0.5, 0.5, -0.5, -0.5, 0]) * np.pi + self.agent_cams = cameras.RealSenseD415.CONFIG + self.record_cfg = record_cfg + self.save_video = False + self.step_counter = 0 + + self.assets_root = assets_root + + color_tuple = [ + gym.spaces.Box(0, 255, config['image_size'] + (3,), dtype=np.uint8) + for config in self.agent_cams + ] + depth_tuple = [ + gym.spaces.Box(0.0, 20.0, config['image_size'], dtype=np.float32) + for config in self.agent_cams + ] + self.observation_space = gym.spaces.Dict({ + 'color': gym.spaces.Tuple(color_tuple), + 'depth': gym.spaces.Tuple(depth_tuple), + }) + self.position_bounds = gym.spaces.Box( + low=np.array([0.25, -0.5, 0.], dtype=np.float32), + high=np.array([0.75, 0.5, 0.28], dtype=np.float32), + shape=(3,), + dtype=np.float32) + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]]) + + self.action_space = gym.spaces.Dict({ + 'pose0': + gym.spaces.Tuple( + (self.position_bounds, + gym.spaces.Box(-1.0, 1.0, shape=(4,), dtype=np.float32))), + 'pose1': + gym.spaces.Tuple( + (self.position_bounds, + gym.spaces.Box(-1.0, 1.0, shape=(4,), dtype=np.float32))) + }) + + # Start PyBullet. + disp_option = p.DIRECT + if disp: + disp_option = p.GUI + if shared_memory: + disp_option = p.SHARED_MEMORY + client = p.connect(disp_option) + file_io = p.loadPlugin('fileIOPlugin', physicsClientId=client) + if file_io < 0: + raise RuntimeError('pybullet: cannot load FileIO!') + if file_io >= 0: + p.executePluginCommand( + file_io, + textArgument=assets_root, + intArgs=[p.AddFileIOAction], + physicsClientId=client) + + p.configureDebugVisualizer(p.COV_ENABLE_GUI, 0) + p.setPhysicsEngineParameter(enableFileCaching=0) + p.setAdditionalSearchPath(assets_root) + p.setAdditionalSearchPath(tempfile.gettempdir()) + p.setTimeStep(1. / hz) + + # If using --disp, move default camera closer to the scene. + if disp: + target = p.getDebugVisualizerCamera()[11] + p.resetDebugVisualizerCamera( + cameraDistance=1.1, + cameraYaw=90, + cameraPitch=-25, + cameraTargetPosition=target) + + if task: + self.set_task(task) + + def __del__(self): + if hasattr(self, 'video_writer'): + self.curr_video = [] + self.video_writer.close() + + @property + def is_static(self): + """Return true if objects are no longer moving.""" + v = [np.linalg.norm(p.getBaseVelocity(i)[0]) + for i in self.obj_ids['rigid']] + return all(np.array(v) < 5e-3) + + def fill_dummy_template(self, template): + """check if there are empty templates that haven't been fulfilled yet. if so. fill in dummy numbers """ + full_template_path = os.path.join(self.assets_root, template) + with open(full_template_path, 'r') as file: + fdata = file.read() + + fill = False + for field in ['DIMH', 'DIMR', 'DIMX', 'DIMY', 'DIMZ', 'DIM']: + # usually 3 should be enough + if field in fdata: + default_replace_vals = np.random.uniform(0.03, 0.05, size=(3,)).tolist() # [0.03,0.03,0.03] + for i in range(len(default_replace_vals)): + fdata = fdata.replace(f'{field}{i}', str(default_replace_vals[i])) + fill = True + + for field in ['HALF']: + # usually 3 should be enough + if field in fdata: + default_replace_vals = np.random.uniform(0.01, 0.03, size=(3,)).tolist() # [0.015,0.015,0.015] + for i in range(len(default_replace_vals)): + fdata = fdata.replace(f'{field}{i}', str(default_replace_vals[i])) + fill = True + + if fill: + alphabet = string.ascii_lowercase + string.digits + rname = ''.join(random.choices(alphabet, k=16)) + tmpdir = tempfile.gettempdir() + template_filename = os.path.split(template)[-1] + fname = os.path.join(tmpdir, f'{template_filename}.{rname}') + with open(fname, 'w') as file: + file.write(fdata) + # print("fill-in dummys") + + return fname + else: + return template + + def add_object(self, urdf, pose, category='rigid', color=None, **kwargs): + """List of (fixed, rigid, or deformable) objects in env.""" + fixed_base = 1 if category == 'fixed' else 0 + + if 'template' in urdf: + if not os.path.exists(os.path.join(self.assets_root, urdf)): + urdf = urdf.replace("-template", "") + + urdf = self.fill_dummy_template(urdf) + + if not os.path.exists(os.path.join(self.assets_root, urdf)): + print(f"missing urdf error: {os.path.join(self.assets_root, urdf)}. use dummy block.") + urdf = 'stacking/block.urdf' + + obj_id = pybullet_utils.load_urdf( + p, + os.path.join(self.assets_root, urdf), + pose[0], + pose[1], + useFixedBase=fixed_base) + + if not obj_id is None: + self.obj_ids[category].append(obj_id) + + if color is not None: + if type(color) is str: + color = utils.COLORS[color] + color = color + [1.] + p.changeVisualShape(obj_id, -1, rgbaColor=color) + + if hasattr(self, 'record_cfg') and 'blender_render' in self.record_cfg and self.record_cfg['blender_render']: + # print("urdf:", os.path.join(self.assets_root, urdf)) + self.blender_recorder.register_object(obj_id, os.path.join(self.assets_root, urdf), color=color) + + return obj_id + + def set_color(self, obj_id, color): + p.changeVisualShape(obj_id, -1, rgbaColor=color + [1]) + + def set_object_color(self, *args, **kwargs): + return self.set_color(*args, **kwargs) + + # --------------------------------------------------------------------------- + # Standard Gym Functions + # --------------------------------------------------------------------------- + + def seed(self, seed=None): + self._random = np.random.RandomState(seed) + return seed + + def reset(self): + """Performs common reset functionality for all supported tasks.""" + if not self.task: + raise ValueError('environment task must be set. Call set_task or pass ' + 'the task arg in the environment constructor.') + self.obj_ids = {'fixed': [], 'rigid': [], 'deformable': []} + p.resetSimulation(p.RESET_USE_DEFORMABLE_WORLD) + p.setGravity(0, 0, -9.8) + + # Temporarily disable rendering to load scene faster. + p.configureDebugVisualizer(p.COV_ENABLE_RENDERING, 0) + + plane = pybullet_utils.load_urdf(p, os.path.join(self.assets_root, PLANE_URDF_PATH), + [0, 0, -0.001]) + workspace = pybullet_utils.load_urdf( + p, os.path.join(self.assets_root, UR5_WORKSPACE_URDF_PATH), [0.5, 0, 0]) + + # Load UR5 robot arm equipped with suction end effector. + # TODO(andyzeng): add back parallel-jaw grippers. + self.ur5 = pybullet_utils.load_urdf( + p, os.path.join(self.assets_root, UR5_URDF_PATH)) + self.ee = self.task.ee(self.assets_root, self.ur5, 9, self.obj_ids) + self.ee_tip = 10 # Link ID of suction cup. + + if hasattr(self, 'record_cfg') and 'blender_render' in self.record_cfg and self.record_cfg['blender_render']: + from misc.pyBulletSimRecorder import PyBulletRecorder + self.blender_recorder = PyBulletRecorder() + + self.blender_recorder.register_object(plane, os.path.join(self.assets_root, PLANE_URDF_PATH)) + self.blender_recorder.register_object(workspace, os.path.join(self.assets_root, UR5_WORKSPACE_URDF_PATH)) + self.blender_recorder.register_object(self.ur5, os.path.join(self.assets_root, UR5_URDF_PATH)) + + self.blender_recorder.register_object(self.ee.base, self.ee.base_urdf_path) + if hasattr(self.ee, 'body'): + self.blender_recorder.register_object(self.ee.body, self.ee.urdf_path) + + + # Get revolute joint indices of robot (skip fixed joints). + n_joints = p.getNumJoints(self.ur5) + joints = [p.getJointInfo(self.ur5, i) for i in range(n_joints)] + self.joints = [j[0] for j in joints if j[2] == p.JOINT_REVOLUTE] + + # Move robot to home joint configuration. + for i in range(len(self.joints)): + p.resetJointState(self.ur5, self.joints[i], self.homej[i]) + + # Reset end effector. + self.ee.release() + + # Reset task. + self.task.reset(self) + + # Re-enable rendering. + p.configureDebugVisualizer(p.COV_ENABLE_RENDERING, 1) + + obs, _, _, _ = self.step() + return obs + + def step(self, action=None): + """Execute action with specified primitive. + + Args: + action: action to execute. + + Returns: + (obs, reward, done, info) tuple containing MDP step data. + """ + if action is not None: + timeout = self.task.primitive(self.movej, self.movep, self.ee, action['pose0'], action['pose1']) + + # Exit early if action times out. We still return an observation + # so that we don't break the Gym API contract. + if timeout: + obs = {'color': (), 'depth': ()} + for config in self.agent_cams: + color, depth, _ = self.render_camera(config) + obs['color'] += (color,) + obs['depth'] += (depth,) + return obs, 0.0, True, self.info + + start_time = time.time() + # Step simulator asynchronously until objects settle. + while not self.is_static: + self.step_simulation() + if time.time() - start_time > 5: # timeout + break + + # Get task rewards. + reward, info = self.task.reward() if action is not None else (0, {}) + done = self.task.done() + + # Add ground truth robot state into info. + info.update(self.info) + + obs = self._get_obs() + + return obs, reward, done, info + + def step_simulation(self): + p.stepSimulation() + self.step_counter += 1 + + if self.save_video and self.step_counter % 5 == 0: + self.add_video_frame() + + def render(self, mode='rgb_array'): + # Render only the color image from the first camera. + # Only support rgb_array for now. + if mode != 'rgb_array': + raise NotImplementedError('Only rgb_array implemented') + color, _, _ = self.render_camera(self.agent_cams[0]) + return color + + def render_camera(self, config, image_size=None, shadow=1): + """Render RGB-D image with specified camera configuration.""" + if not image_size: + image_size = config['image_size'] + + # OpenGL camera settings. + lookdir = np.float32([0, 0, 1]).reshape(3, 1) + updir = np.float32([0, -1, 0]).reshape(3, 1) + rotation = p.getMatrixFromQuaternion(config['rotation']) + rotm = np.float32(rotation).reshape(3, 3) + lookdir = (rotm @ lookdir).reshape(-1) + updir = (rotm @ updir).reshape(-1) + lookat = config['position'] + lookdir + focal_len = config['intrinsics'][0] + znear, zfar = config['zrange'] + viewm = p.computeViewMatrix(config['position'], lookat, updir) + fovh = (image_size[0] / 2) / focal_len + fovh = 180 * np.arctan(fovh) * 2 / np.pi + + # Notes: 1) FOV is vertical FOV 2) aspect must be float + aspect_ratio = image_size[1] / image_size[0] + projm = p.computeProjectionMatrixFOV(fovh, aspect_ratio, znear, zfar) + + # Render with OpenGL camera settings. + _, _, color, depth, segm = p.getCameraImage( + width=image_size[1], + height=image_size[0], + viewMatrix=viewm, + projectionMatrix=projm, + shadow=shadow, + flags=p.ER_SEGMENTATION_MASK_OBJECT_AND_LINKINDEX, + renderer=p.ER_BULLET_HARDWARE_OPENGL) + + # Get color image. + color_image_size = (image_size[0], image_size[1], 4) + color = np.array(color, dtype=np.uint8).reshape(color_image_size) + color = color[:, :, :3] # remove alpha channel + if config['noise']: + color = np.int32(color) + color += np.int32(self._random.normal(0, 3, image_size)) + color = np.uint8(np.clip(color, 0, 255)) + + # Get depth image. + depth_image_size = (image_size[0], image_size[1]) + zbuffer = np.array(depth).reshape(depth_image_size) + depth = (zfar + znear - (2. * zbuffer - 1.) * (zfar - znear)) + depth = (2. * znear * zfar) / depth + if config['noise']: + depth += self._random.normal(0, 0.003, depth_image_size) + + # Get segmentation image. + segm = np.uint8(segm).reshape(depth_image_size) + + return color, depth, segm + + @property + def info(self): + """Environment info variable with object poses, dimensions, and colors.""" + + # Some tasks create and remove zones, so ignore those IDs. + # removed_ids = [] + # if (isinstance(self.task, tasks.names['cloth-flat-notarget']) or + # isinstance(self.task, tasks.names['bag-alone-open'])): + # removed_ids.append(self.task.zone_id) + + info = {} # object id : (position, rotation, dimensions) + for obj_ids in self.obj_ids.values(): + for obj_id in obj_ids: + pos, rot = p.getBasePositionAndOrientation(obj_id) + dim = p.getVisualShapeData(obj_id)[0][3] + info[obj_id] = (pos, rot, dim) + + info['lang_goal'] = self.get_lang_goal() + return info + + def set_task(self, task): + task.set_assets_root(self.assets_root) + self.task = task + + def get_task_name(self): + return type(self.task).__name__ + + def get_lang_goal(self): + if self.task: + return self.task.get_lang_goal() + else: + raise Exception("No task for was set") + + # --------------------------------------------------------------------------- + # Robot Movement Functions + # --------------------------------------------------------------------------- + + def movej(self, targj, speed=0.01, timeout=5): + """Move UR5 to target joint configuration.""" + if self.save_video: + timeout = timeout * 5 # 50? + + t0 = time.time() + while (time.time() - t0) < timeout: + currj = [p.getJointState(self.ur5, i)[0] for i in self.joints] + currj = np.array(currj) + diffj = targj - currj + if all(np.abs(diffj) < 1e-2): + return False + + # Move with constant velocity + norm = np.linalg.norm(diffj) + v = diffj / norm if norm > 0 else 0 + stepj = currj + v * speed + gains = np.ones(len(self.joints)) + p.setJointMotorControlArray( + bodyIndex=self.ur5, + jointIndices=self.joints, + controlMode=p.POSITION_CONTROL, + targetPositions=stepj, + positionGains=gains) + self.step_counter += 1 + self.step_simulation() + + print(f'Warning: movej exceeded {timeout} second timeout. Skipping.') + return True + + def start_rec(self, video_filename): + assert self.record_cfg + + # make video directory + if not os.path.exists(self.record_cfg['save_video_path']): + os.makedirs(self.record_cfg['save_video_path']) + + # close and save existing writer + if hasattr(self, 'video_writer'): + + self.video_writer.close() + + self.curr_video = [] + + # initialize writer + self.video_writer = imageio.get_writer(os.path.join(self.record_cfg['save_video_path'], + f"{video_filename}.mp4"), + fps=self.record_cfg['fps'], + format='FFMPEG', + codec='h264',) + p.setRealTimeSimulation(False) + self.save_video = True + + def end_rec(self): + if hasattr(self, 'video_writer'): + self.video_writer.close() + + p.setRealTimeSimulation(True) + self.save_video = False + + def add_video_frame(self): + # Render frame. + config = self.agent_cams[0] + image_size = (self.record_cfg['video_height'], self.record_cfg['video_width']) + color, depth, _ = self.render_camera(config, image_size, shadow=0) + color = np.array(color) + + if hasattr(self.record_cfg, 'blender_render') and self.record_cfg['blender_render']: + # print("add blender key frame") + self.blender_recorder.add_keyframe() + + # Add language instruction to video. + if self.record_cfg['add_text']: + lang_goal = self.get_lang_goal() + reward = f"Success: {self.task.get_reward():.3f}" + + font = cv2.FONT_HERSHEY_DUPLEX + font_scale = 0.65 + font_thickness = 1 + + # Write language goal. + line_length = 60 + for i in range(len(lang_goal) // line_length + 1): + lang_textsize = cv2.getTextSize(lang_goal[i*line_length:(i+1)*line_length], font, font_scale, font_thickness)[0] + lang_textX = (image_size[1] - lang_textsize[0]) // 2 + color = cv2.putText(color, lang_goal[i*line_length:(i+1)*line_length], org=(lang_textX, 570+i*30), # 600 + fontScale=font_scale, + fontFace=font, + color=(0, 0, 0), + thickness=font_thickness, lineType=cv2.LINE_AA) + + ## Write Reward. + # reward_textsize = cv2.getTextSize(reward, font, font_scale, font_thickness)[0] + # reward_textX = (image_size[1] - reward_textsize[0]) // 2 + # + # color = cv2.putText(color, reward, org=(reward_textX, 634), + # fontScale=font_scale, + # fontFace=font, + # color=(0, 0, 0), + # thickness=font_thickness, lineType=cv2.LINE_AA) + + color = np.array(color) + + if 'add_task_text' in self.record_cfg and self.record_cfg['add_task_text']: + lang_goal = self.get_task_name() + reward = f"Success: {self.task.get_reward():.3f}" + + font = cv2.FONT_HERSHEY_DUPLEX + font_scale = 1 + font_thickness = 2 + + # Write language goal. + lang_textsize = cv2.getTextSize(lang_goal, font, font_scale, font_thickness)[0] + lang_textX = (image_size[1] - lang_textsize[0]) // 2 + + color = cv2.putText(color, lang_goal, org=(lang_textX, 600), + fontScale=font_scale, + fontFace=font, + color=(255, 0, 0), + thickness=font_thickness, lineType=cv2.LINE_AA) + + color = np.array(color) + + self.video_writer.append_data(color) + self.curr_video.append(color) + + def movep(self, pose, speed=0.01): + """Move UR5 to target end effector pose.""" + targj = self.solve_ik(pose) + return self.movej(targj, speed) + + def solve_ik(self, pose): + """Calculate joint configuration with inverse kinematics.""" + joints = p.calculateInverseKinematics( + bodyUniqueId=self.ur5, + endEffectorLinkIndex=self.ee_tip, + targetPosition=pose[0], + targetOrientation=pose[1], + lowerLimits=[-3 * np.pi / 2, -2.3562, -17, -17, -17, -17], + upperLimits=[-np.pi / 2, 0, 17, 17, 17, 17], + jointRanges=[np.pi, 2.3562, 34, 34, 34, 34], # * 6, + restPoses=np.float32(self.homej).tolist(), + maxNumIterations=100, + residualThreshold=1e-5) + joints = np.float32(joints) + joints[2:] = (joints[2:] + np.pi) % (2 * np.pi) - np.pi + return joints + + def _get_obs(self): + # Get RGB-D camera image observations. + obs = {'color': (), 'depth': ()} + for config in self.agent_cams: + color, depth, _ = self.render_camera(config) + obs['color'] += (color,) + obs['depth'] += (depth,) + + return obs + + def get_object_pose(self, obj_id): + return p.getBasePositionAndOrientation(obj_id) + + def get_object_size(self, obj_id): + """ approximate object's size using AABB """ + aabb_min, aabb_max = p.getAABB(obj_id) + + size_x = aabb_max[0] - aabb_min[0] + size_y = aabb_max[1] - aabb_min[1] + size_z = aabb_max[2] - aabb_min[2] + return size_z * size_y * size_x + + + +class EnvironmentNoRotationsWithHeightmap(Environment): + """Environment that disables any rotations and always passes [0, 0, 0, 1].""" + + def __init__(self, + assets_root, + task=None, + disp=False, + shared_memory=False, + hz=240): + super(EnvironmentNoRotationsWithHeightmap, + self).__init__(assets_root, task, disp, shared_memory, hz) + + heightmap_tuple = [ + gym.spaces.Box(0.0, 20.0, (320, 160, 3), dtype=np.float32), + gym.spaces.Box(0.0, 20.0, (320, 160), dtype=np.float32), + ] + self.observation_space = gym.spaces.Dict({ + 'heightmap': gym.spaces.Tuple(heightmap_tuple), + }) + self.action_space = gym.spaces.Dict({ + 'pose0': gym.spaces.Tuple((self.position_bounds,)), + 'pose1': gym.spaces.Tuple((self.position_bounds,)) + }) + + def step(self, action=None): + """Execute action with specified primitive. + + Args: + action: action to execute. + + Returns: + (obs, reward, done, info) tuple containing MDP step data. + """ + if action is not None: + action = { + 'pose0': (action['pose0'][0], [0., 0., 0., 1.]), + 'pose1': (action['pose1'][0], [0., 0., 0., 1.]), + } + return super(EnvironmentNoRotationsWithHeightmap, self).step(action) + + def _get_obs(self): + obs = {} + + color_depth_obs = {'color': (), 'depth': ()} + for config in self.agent_cams: + color, depth, _ = self.render_camera(config) + color_depth_obs['color'] += (color,) + color_depth_obs['depth'] += (depth,) + cmap, hmap = utils.get_fused_heightmap(color_depth_obs, self.agent_cams, + self.task.bounds, pix_size=0.003125) + obs['heightmap'] = (cmap, hmap) + return obs + diff --git a/cliport/environments/environment_test.py b/cliport/environments/environment_test.py new file mode 100644 index 0000000000000000000000000000000000000000..23f194905087414d1015e72d72734d5d587de9fd --- /dev/null +++ b/cliport/environments/environment_test.py @@ -0,0 +1,31 @@ +"""Tests for dvnets.environments.environment.""" + +from absl.testing import absltest + +from cliport import tasks +from cliport.environments import environment + +ASSETS_PATH = 'dvnets/environments/assets/' + + +class EnvironmentTest(absltest.TestCase): + + def test_environment_action(self): + env = environment.Environment(ASSETS_PATH) + task = tasks.BlockInsertion() + env.set_task(task) + env.seed(0) + agent = task.oracle(env) + obs = env.reset() + info = None + done = False + for _ in range(10): + act = agent.act(obs, info) + self.assertTrue(env.action_space.contains(act)) + obs, _, done, info = env.step(act) + if done: + break + + +if __name__ == '__main__': + absltest.main() diff --git a/cliport/eval.py b/cliport/eval.py new file mode 100644 index 0000000000000000000000000000000000000000..d7b480d5c6e69ada912af3e3ed1ab2dd20751eaf --- /dev/null +++ b/cliport/eval.py @@ -0,0 +1,230 @@ +"""Ravens main training script.""" + +import os +import pickle +import json + +import numpy as np +import hydra +from cliport import agents +from cliport import dataset +from cliport import tasks +from cliport.utils import utils +from cliport.environments.environment import Environment +from torch.utils.data import DataLoader + + +@hydra.main(config_path='./cfg', config_name='eval', version_base="1.2") +def main(vcfg): + # Load train cfg + tcfg = utils.load_hydra_config(vcfg['train_config']) + + # Initialize environment and task. + env = Environment( + vcfg['assets_root'], + disp=vcfg['disp'], + shared_memory=vcfg['shared_memory'], + hz=480, + record_cfg=vcfg['record'] + ) + + # Choose eval mode and task. + mode = vcfg['mode'] + eval_task = vcfg['eval_task'] + print("eval_task!!!", eval_task) + + if mode not in {'train', 'val', 'test'}: + raise Exception("Invalid mode. Valid options: train, val, test") + + # Load eval dataset. + dataset_type = vcfg['type'] + if 'multi' in dataset_type: + ds = dataset.RavensMultiTaskDataset(vcfg['data_dir'], + tcfg, + group=eval_task, + mode=mode, + n_demos=vcfg['n_demos'], + augment=False) + else: + ds = dataset.RavensDataset(os.path.join(vcfg['data_dir'], f"{eval_task}-{mode}"), + tcfg, + n_demos=vcfg['n_demos'], + augment=False) + + all_results = {} + name = '{}-{}-n{}'.format(eval_task, vcfg['agent'], vcfg['n_demos']) + + # Save path for results. + json_name = f"multi-results-{mode}.json" if 'multi' in vcfg['model_path'] else f"results-{mode}.json" + save_path = vcfg['save_path'] + print(f"Save path for results: {save_path}") + if not os.path.exists(save_path): + os.makedirs(save_path) + save_json = os.path.join(save_path, f'{name}-{json_name}') + + # Load existing results. + existing_results = {} + if os.path.exists(save_json): + with open(save_json, 'r') as f: + existing_results = json.load(f) + + # Make a list of checkpoints to eval. + ckpts_to_eval = list_ckpts_to_eval(vcfg, existing_results) + data_loader = DataLoader(ds, shuffle=False, + pin_memory=False, + num_workers=1 ) + + # Evaluation loop + print(f"Evaluating: {str(ckpts_to_eval)}") + for ckpt in ckpts_to_eval: + model_file = os.path.join(vcfg['model_path'], ckpt) + + if not os.path.exists(model_file) or not os.path.isfile(model_file): + print(f"Checkpoint not found: {model_file}") + continue + elif not vcfg['update_results'] and ckpt in existing_results: + print(f"Skipping because of existing results for {model_file}.") + continue + + results = [] + mean_reward = 0.0 + + # Run testing for each training run. + for train_run in range(vcfg['n_repeats']): + + # Initialize agent. + utils.set_seed(train_run, torch=True) + agent = agents.names[vcfg['agent']](name, tcfg, data_loader, data_loader) + + # Load checkpoint + agent.load(model_file) + print(f"Loaded: {model_file}") + + record = vcfg['record']['save_video'] + n_demos = vcfg['n_demos'] + + # Run testing and save total rewards with last transition info. + for i in range(0, n_demos): + print(f'Test: {i + 1}/{n_demos}') + try: + episode, seed = ds.load(i) + except: + print(f"skip bad example {i}") + continue + goal = episode[-1] + total_reward = 0 + np.random.seed(seed) + + # set task + if 'multi' in dataset_type: + task_name = ds.get_curr_task() + task = tasks.names[task_name]() + print(f'Evaluating on {task_name}') + else: + task_name = vcfg['eval_task'] + task = tasks.names[task_name]() + + task.mode = mode + env.seed(seed) + env.set_task(task) + obs = env.reset() + info = env.info + reward = 0 + + # Start recording video (NOTE: super slow) + if record: + video_name = f'{task_name}-{i+1:06d}' + if 'multi' in vcfg['model_task']: + video_name = f"{vcfg['model_task']}-{video_name}" + env.start_rec(video_name) + + for _ in range(task.max_steps): + act = agent.act(obs, info, goal) + lang_goal = info['lang_goal'] + # print(f'Lang Goal: {lang_goal}') + obs, reward, done, info = env.step(act) + total_reward += reward + # print(f'Total Reward: {total_reward:.3f} | Done: {done}\n') + if done: + break + + results.append((total_reward, info)) + mean_reward = np.mean([r for r, i in results]) + print(f'Mean: {mean_reward} | Task: {task_name} | Ckpt: {ckpt}') + + # End recording video + if record: + env.end_rec() + + all_results[ckpt] = { + 'episodes': results, + 'mean_reward': mean_reward, + } + + # Save results in a json file. + if vcfg['save_results']: + print("save results to:", save_json) + # Load existing results + if os.path.exists(save_json): + with open(save_json, 'r') as f: + existing_results = json.load(f) + existing_results.update(all_results) + all_results = existing_results + + with open(save_json, 'w') as f: + json.dump(all_results, f, indent=4) + + +def list_ckpts_to_eval(vcfg, existing_results): + ckpts_to_eval = [] + + # Just the last.ckpt + if vcfg['checkpoint_type'] == 'last': + last_ckpt = 'last.ckpt' + ckpts_to_eval.append(last_ckpt) + + # Validation checkpoints that haven't been already evaluated. + elif vcfg['checkpoint_type'] == 'val_missing': + checkpoints = sorted([c for c in os.listdir(vcfg['model_path']) if "steps=" in c]) + ckpts_to_eval = [c for c in checkpoints if c not in existing_results] + + # Find the best checkpoint from validation and run eval on the test set. + elif vcfg['checkpoint_type'] == 'test_best': + result_jsons = [c for c in os.listdir(vcfg['results_path']) if "results-val" in c] + if 'multi' in vcfg['model_task']: + result_jsons = [r for r in result_jsons if "multi" in r] + else: + result_jsons = [r for r in result_jsons if "multi" not in r] + + if len(result_jsons) > 0: + result_json = result_jsons[0] + with open(os.path.join(vcfg['results_path'], result_json), 'r') as f: + eval_res = json.load(f) + best_checkpoint = 'last.ckpt' + best_success = -1.0 + for ckpt, res in eval_res.items(): + if res['mean_reward'] > best_success: + best_checkpoint = ckpt + best_success = res['mean_reward'] + print(best_checkpoint) + ckpt = best_checkpoint + ckpts_to_eval.append(ckpt) + else: + print("No best val ckpt found. Using last.ckpt") + ckpt = 'last.ckpt' + ckpts_to_eval.append(ckpt) + + # Load a specific checkpoint with a substring e.g: 'steps=10000' + else: + print(f"Looking for: {vcfg['checkpoint_type']}") + checkpoints = [c for c in os.listdir(vcfg['model_path']) if vcfg['checkpoint_type'] in c] + checkpoint = checkpoints[0] if len(checkpoints) > 0 else "" + ckpt = checkpoint + ckpts_to_eval.append(ckpt) + + print("ckpts_to_eval:", ckpts_to_eval) + return ckpts_to_eval + + +if __name__ == '__main__': + main() diff --git a/cliport/generated_tasks/Four_corner_pyramid_challenge.py b/cliport/generated_tasks/Four_corner_pyramid_challenge.py new file mode 100644 index 0000000000000000000000000000000000000000..0bd87348b53e335ac0123513619ebf1c5c2cd320 --- /dev/null +++ b/cliport/generated_tasks/Four_corner_pyramid_challenge.py @@ -0,0 +1,61 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class FourCornerPyramidChallenge(Task): + """Construct a pyramid of blocks in each zone with a specific color sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "build a pyramid of blocks in each zone with the sequence red, blue, green, and yellow from bottom to top" + self.task_completed_desc = "done building pyramids." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(4): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(zone_pose, i), zone_pose[1]) for i in place_pos for zone_pose in zone_poses] + + # Goal: blocks are stacked in a pyramid in each zone. + for i in range(4): + self.add_goal(objs=blocks[i*4:(i+1)*4], matches=np.ones((4, 4)), targ_poses=targs[i*4:(i+1)*4], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*4) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/__init__.py b/cliport/generated_tasks/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..85478fc1c1413e7f737e6a636563290bf32cc327 --- /dev/null +++ b/cliport/generated_tasks/__init__.py @@ -0,0 +1,19 @@ +import os +from pprint import pprint + +# automatically import all defined task classes in this directory +new_names = {} +dir_path = os.path.dirname(os.path.realpath(__file__)) +for file in os.listdir(dir_path): + if 'init' not in file and 'cache' not in file: + code_file = open(f"{dir_path}/{file}").read() + code_lines = code_file.split("\n") + class_def = [line for line in code_lines if line.startswith('class')] + task_name = class_def[0] + task_name = task_name[task_name.find("class "): task_name.rfind("(Task)")][6:] + file_name = file.replace('.py','') + exec(f"from cliport.generated_tasks.{file_name} import {task_name}") + new_names[file_name.replace("_", "-")] = eval(task_name) + + +# pprint(new_names) diff --git a/cliport/generated_tasks/align_balls_in_colored_boxes.py b/cliport/generated_tasks/align_balls_in_colored_boxes.py new file mode 100644 index 0000000000000000000000000000000000000000..275419f0753e782e7df0ef7507647a6871d73616 --- /dev/null +++ b/cliport/generated_tasks/align_balls_in_colored_boxes.py @@ -0,0 +1,55 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class AlignBallsInColoredBoxes(Task): + """Align balls in colored boxes according to the color and sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "put the {color} ball in the {color} box" + self.task_completed_desc = "done aligning balls in boxes." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = np.random.permutation(colors) + + # Add boxes. + box_size = (0.12, 0.12, 0.12) + box_urdf = 'box/box-template.urdf' + box_poses = [] + boxes = [] + for i in range(4): + box_pose = self.get_random_pose(env, box_size) + box_id = env.add_object(box_urdf, box_pose, color=utils.COLORS[color_sequence[i]]) + boxes.append(box_id) + box_poses.append(box_pose) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball.urdf' + balls = [] + for i in range(4): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in the box of the same color. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/align_balls_in_colored_zones.py b/cliport/generated_tasks/align_balls_in_colored_zones.py new file mode 100644 index 0000000000000000000000000000000000000000..1612350361c6f0bd9938372cdcbd8a8a54d24dce --- /dev/null +++ b/cliport/generated_tasks/align_balls_in_colored_zones.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class AlignBallsInColoredZones(Task): + """Align balls of different colors in correspondingly colored zones.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ball in the {color} zone" + self.task_completed_desc = "done aligning balls in colored zones." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for balls and zones + colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + color_names = ['Red', 'Blue', 'Green', 'Yellow', 'Orange', 'Purple'] + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for i in range(6): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]]) + zone_poses.append(zone_pose) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for i in range(6): + ball_pose = self.get_random_pose(env, ball_size) + replace = {'DIM': ball_size, 'HALF': (ball_size[0] / 2, ball_size[1] / 2, ball_size[2] / 2), 'COLOR': colors[i]} + ball_urdf = self.fill_template(ball_urdf, replace) + ball_id = env.add_object(ball_urdf, ball_pose) + balls.append(ball_id) + + # Goal: each ball is in a different colored zone. + for i in range(6): + self.add_goal(objs=[balls[i]], matches=np.int32([[1]]), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/align_cylinders_in_square.py b/cliport/generated_tasks/align_cylinders_in_square.py new file mode 100644 index 0000000000000000000000000000000000000000..1fa3bfbaea37a752bb96596fa2121b94b0fea83d --- /dev/null +++ b/cliport/generated_tasks/align_cylinders_in_square.py @@ -0,0 +1,57 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class AlignCylindersInSquare(Task): + """Arrange four cylinders of different colors (red, blue, green, yellow) + on the corners of a square facing the center. The square is outlined by + four zones of matching colors at each corner. The red cylinder should be + placed at the red zone and facing the center of the square, and same for + the remaining colors.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "arrange the {color} cylinder at the {color} corner of the square" + self.task_completed_desc = "done arranging cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding zones + colors = ['red', 'blue', 'green', 'yellow'] + zones = ['zone-red', 'zone-blue', 'zone-green', 'zone-yellow'] + + # Add zones at the corners of a square + zone_size = (0.05, 0.05, 0.005) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for i in range(4): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Add cylinders of different colors + cylinder_size = (0.02, 0.02, 0.08) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + color = utils.COLORS[colors[i]] + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinders.append(cylinder_id) + + # Goal: each cylinder is in a different zone of the same color + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/align_cylinders_in_zones.py b/cliport/generated_tasks/align_cylinders_in_zones.py new file mode 100644 index 0000000000000000000000000000000000000000..89a0fe70e34e2231b0312b171c8346c9aca89402 --- /dev/null +++ b/cliport/generated_tasks/align_cylinders_in_zones.py @@ -0,0 +1,67 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class AlignCylindersInZones(Task): + """Place four differently colored cylinders each into a matching colored zone. + The zones are surrounded by small blocks, which the robot needs to move out of the way + without knocking them out of their respective zones.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} cylinder in the {color} zone" + self.task_completed_desc = "done aligning cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Cylinder colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]]) + cylinders.append(cylinder_id) + + # Add zones. + # x, y, z dimensions for the asset size + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + + zones = [] + for i in range(4): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, color=utils.COLORS[colors[i]], category='fixed') + zones.append(zone_pose) + + # Add small blocks around the zones. + # x, y, z dimensions for the asset size + block_size = (0.02, 0.02, 0.02) + block_urdf = 'block/small.urdf' + + for _ in range(16): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: each cylinder is in a matching colored zone. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zones[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/align_pair_colored_blocks_along_line.py b/cliport/generated_tasks/align_pair_colored_blocks_along_line.py new file mode 100644 index 0000000000000000000000000000000000000000..219fb868e90c7e8a04c3d67f301a2369ff6742d2 --- /dev/null +++ b/cliport/generated_tasks/align_pair_colored_blocks_along_line.py @@ -0,0 +1,47 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class AlignPairColoredBlocksAlongLine(Task): + """Align two pairs of blocks, each pair painted a different color (red and blue), along a marked line on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "Place two pairs of blocks, each pair painted a different color (red and blue), along a marked line on the tabletop." + self.task_completed_desc = "done aligning blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add line. + line_size = (0.3, 0.01, 0.01) + line_pose = self.get_random_pose(env, line_size) + line_template = 'line/line-template.urdf' + replace = {'DIM': line_size} + line_urdf = self.fill_template(line_template, replace) + env.add_object(line_urdf, line_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_template = 'block/block-template.urdf' + colors = [utils.COLORS['red'], utils.COLORS['blue']] + blocks = [] + anchor_base_poses = [(utils.apply(line_pose, (0.04, 0, 0.001)), line_pose[1]), + (utils.apply(line_pose, (0.04 * 2, 0, 0.001)), line_pose[1]), + (utils.apply(line_pose, (-0.04, 0, 0.041)), line_pose[1]), + (utils.apply(line_pose, (-0.04 * 2, 0, 0.041)), line_pose[1])] + + for color in colors: + for _ in range(2): + block_pose = self.get_random_pose(env, block_size) + replace = {'DIM': block_size} + block_urdf = self.fill_template(block_template, replace) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each pair of similarly colored blocks are touching and both pairs are aligned along the line. + self.add_goal(objs=blocks, matches=np.ones((4, 4)), targ_poses=anchor_base_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) diff --git a/cliport/generated_tasks/align_spheres_in_boxes.py b/cliport/generated_tasks/align_spheres_in_boxes.py new file mode 100644 index 0000000000000000000000000000000000000000..2ff5fc9c3563d38e04586e0fc69fcd7aa609911a --- /dev/null +++ b/cliport/generated_tasks/align_spheres_in_boxes.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class AlignSpheresInBoxes(Task): + """Pick up each sphere and place it into the box of the same color. Navigate around the blocks.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "put the {color} sphere in the {color} box" + self.task_completed_desc = "done aligning spheres in boxes." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add boxes. + # x, y, z dimensions for the asset size + box_size = (0.12, 0.12, 0.12) + box_urdf = 'box/box-template.urdf' + box_poses = [] + box_colors = ['red', 'blue', 'green', 'yellow'] + for color in box_colors: + box_pose = self.get_random_pose(env, box_size) + env.add_object(box_urdf, box_pose, category='fixed', color=utils.COLORS[color]) + box_poses.append(box_pose) + + # Add spheres. + # x, y, z dimensions for the asset size + spheres = [] + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere-template.urdf' + for color in box_colors: + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + spheres.append(sphere_id) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each sphere is in a box of the same color. + for i in range(len(spheres)): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(spheres)) + self.lang_goals.append(self.lang_template.format(color=box_colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/align_spheres_in_colored_zones.py b/cliport/generated_tasks/align_spheres_in_colored_zones.py new file mode 100644 index 0000000000000000000000000000000000000000..6d467a2d214fc8538d4179bbcd687cd8c860da71 --- /dev/null +++ b/cliport/generated_tasks/align_spheres_in_colored_zones.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class AlignSpheresInColoredZones(Task): + """Align spheres of different colors in the matching colored zones.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} sphere in the {color} zone" + self.task_completed_desc = "done aligning spheres in colored zones." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for color in colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add spheres. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere-template.urdf' + spheres = [] + for i, color in enumerate(colors): + sphere_pose = self.get_random_pose(env, sphere_size) + replace = {'DIM': sphere_size, 'HALF': (sphere_size[0] / 2, sphere_size[1] / 2, sphere_size[2] / 2)} + sphere_urdf = self.fill_template(sphere_urdf, replace) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + spheres.append(sphere_id) + + # Add goal + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/assemble_single_car.py b/cliport/generated_tasks/assemble_single_car.py new file mode 100644 index 0000000000000000000000000000000000000000..185f5e57609446ff9b7c85c5bf3d6b29f5ab4933 --- /dev/null +++ b/cliport/generated_tasks/assemble_single_car.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class AssembleSingleCar(Task): + """Assemble a mini car using a large blue box as the body, a smaller red box on top as the roof, and two tiny green boxes on the sides as wheels.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "build a mini car using a large blue box as the body, a smaller red box on top as the roof, and two tiny green boxes on the sides as wheels" + self.task_completed_desc = "done assembling the car." + + def reset(self, env): + super().reset(env) + + # Add car body (large blue box). + body_size = (0.1, 0.05, 0.02) # x, y, z dimensions + body_pose = self.get_random_pose(env, body_size) + body_urdf = 'box/box-template.urdf' + body_color = utils.COLORS['blue'] + body_id = env.add_object(body_urdf, body_pose, color=body_color) + + # Add car roof (smaller red box). + roof_size = (0.08, 0.04, 0.02) # x, y, z dimensions + roof_pose = self.get_random_pose(env, roof_size) + roof_urdf = 'box/box-template.urdf' + roof_color = utils.COLORS['red'] + roof_id = env.add_object(roof_urdf, roof_pose, color=roof_color) + + # Add car wheels (two tiny green boxes). + wheel_size = (0.02, 0.02, 0.01) # x, y, z dimensions + wheel_urdf = 'box/box-template.urdf' + wheel_color = utils.COLORS['green'] + wheel_ids = [] + + for _ in range(2): + wheel_pose = self.get_random_pose(env, wheel_size) + wheel_id = env.add_object(wheel_urdf, wheel_pose, color=wheel_color) + wheel_ids.append(wheel_id) + + # Goal: assemble the car by placing the roof on the body and the wheels on the sides. + # The target poses are calculated based on the body pose. + roof_targ_pose = (body_pose[0] + np.array([0, 0, body_size[2] + roof_size[2]/2]), body_pose[1]) + wheel_targ_poses = [(body_pose[0] + np.array([0, body_size[1]/2 + wheel_size[1]/2, -body_size[2]/2]), body_pose[1]), + (body_pose[0] + np.array([0, -body_size[1]/2 - wheel_size[1]/2, -body_size[2]/2]), body_pose[1])] + + # Add the goals. + self.add_goal(objs=[roof_id], matches=np.ones((1, 1)), targ_poses=[roof_targ_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.add_goal(objs=wheel_ids, matches=np.ones((2, 2)), targ_poses=wheel_targ_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=2/3) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/ball_in_bowl_obstacle_course.py b/cliport/generated_tasks/ball_in_bowl_obstacle_course.py new file mode 100644 index 0000000000000000000000000000000000000000..a479b07b96ca1e72eb4b3fdbef21a2ff67421589 --- /dev/null +++ b/cliport/generated_tasks/ball_in_bowl_obstacle_course.py @@ -0,0 +1,57 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class BallInBowlObstacleCourse(Task): + """Navigate through a maze of blocks, pick up balls of different colors and place them in the corresponding colored bowls.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "navigate through the maze and place the {color} ball in the {color} bowl" + self.task_completed_desc = "done placing balls in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks to form a maze. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose, category='fixed') + + # Add balls of different colors. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + colors = ['red', 'blue', 'green', 'yellow'] + balls = [] + for color in colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=color) + balls.append(ball_id) + + # Add bowls of different colors at different corners of the maze. + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowls = [] + for color in colors: + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, color=color, category='fixed') + bowls.append(bowl_id) + + # Goal: each ball is in the bowl of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(bowls[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/ball_sorting_with_blocks_barrier.py b/cliport/generated_tasks/ball_sorting_with_blocks_barrier.py new file mode 100644 index 0000000000000000000000000000000000000000..0b1548a7432b55bc4196c94b94f5f19bcdcb9b4d --- /dev/null +++ b/cliport/generated_tasks/ball_sorting_with_blocks_barrier.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class BallSortingWithBlocksBarrier(Task): + """Pick up each ball and place it into the zone of the same color, but without knocking over the blocks.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ball in the {color} zone without knocking over the blocks" + self.task_completed_desc = "done sorting balls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for the balls and zones + colors = ['red', 'blue', 'green', 'yellow'] + + # Add zones and blocks. + zone_size = (0.12, 0.12, 0) + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + zone_urdf = 'zone/zone.urdf' + zones = [] + blocks = [] + for color in colors: + # Add zone of specific color + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zones.append(zone_pose) + + # Add line of blocks of the same color + for _ in range(5): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Goal: each ball is in a zone of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zones[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/ball_tower_in_zones.py b/cliport/generated_tasks/ball_tower_in_zones.py new file mode 100644 index 0000000000000000000000000000000000000000..cce1c1f9b5771a6158d164af6c10467cc7663c17 --- /dev/null +++ b/cliport/generated_tasks/ball_tower_in_zones.py @@ -0,0 +1,76 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class BallTowerInZones(Task): + """Pick up each sphere and stack it on top of the stand of the same color while maintaining the balance. + However, the stacking should be done in a specific color sequence - blue at the bottom, followed by green, + and finally red at the top. The spheres and stands are each placed within separate zones.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "stack the {color} sphere on the {color} stand" + self.task_completed_desc = "done stacking spheres." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(3): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Sphere and stand colors. + colors = [ + utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['red'] + ] + + # Add spheres and stands. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + stand_size = (0.05, 0.05, 0.05) + stand_urdf = 'stacking/stand.urdf' + + spheres = [] + stands = [] + for i in range(3): + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=colors[i]) + spheres.append(sphere_id) + + stand_pose = self.get_random_pose(env, stand_size) + stand_id = env.add_object(stand_urdf, stand_pose, color=colors[i]) + stands.append(stand_id) + + # Goal: each sphere is stacked on the stand of the same color in the correct zone. + for i in range(3): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_sphere = np.random.rand() > 0.5 + urdf = sphere_urdf if is_sphere else stand_urdf + size = sphere_size if is_sphere else stand_size + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 \ No newline at end of file diff --git a/cliport/generated_tasks/block_pyramid_with_limited_space.py b/cliport/generated_tasks/block_pyramid_with_limited_space.py new file mode 100644 index 0000000000000000000000000000000000000000..831038dcaafbfe9651cda4a35e6b8d5aeee8e60f --- /dev/null +++ b/cliport/generated_tasks/block_pyramid_with_limited_space.py @@ -0,0 +1,60 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BlockPyramidWithLimitedSpace(Task): + """Sort blocks according to color into three zones on the tabletop and construct a pyramid in each zone.""" + + def __init__(self): + super().__init__() + self.max_steps = 50 + self.lang_template = "sort the blocks according to color into three zones and construct a pyramid in each zone" + self.task_completed_desc = "done sorting and constructing pyramids." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(3): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['yellow'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(zone_pose, i), zone_pose[1]) for zone_pose in zone_poses for i in place_pos] + + # Goal: blocks are sorted and stacked in a pyramid in each zone. + for i in range(3): + self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/build_bridge.py b/cliport/generated_tasks/build_bridge.py new file mode 100644 index 0000000000000000000000000000000000000000..184170d77995ecb5e57980a3383a1f1881750fcc --- /dev/null +++ b/cliport/generated_tasks/build_bridge.py @@ -0,0 +1,80 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildBridge(Task): + """Construct a bridge using two yellow blocks and three blue blocks. + Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. + Then, place the blue block horizontally on top of the yellow blocks.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "build a bridge using four yellow blocks and one long blue block" + self.task_completed_desc = "done building bridge." + + def reset(self, env): + super().reset(env) + + # Add yellow blocks. + base_length = 0.04 + base_size = (base_length, base_length, base_length) + base_block_urdf = "box/box-template.urdf" + bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose + self.add_corner_anchor_for_pose(env, bridge_pose) + + base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size}) + anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.041)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.041)), bridge_pose[1])] + base_blocks = [] + + for idx in range(4): + base_block_pose = self.get_random_pose(env, base_size) + base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow']) + base_blocks.append(base_block_id) + + # Add car body block. + body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size + body_block_urdf = "box/box-template.urdf" + body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size}) + body_block_pose = self.get_random_pose(env, body_size) + body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue']) + anchor_body_poses = [bridge_pose] + + # Goal: Firstly, create the base of the car by positioning two red blocks side by side. + self.add_goal(objs=base_blocks[:2], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + + self.add_goal(objs=base_blocks[2:], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./2) + self.lang_goals.append("Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.") + + # Then, add the car body by stacking a blue block on top of the base. + self.add_goal(objs=[body_block_id], + matches=np.ones((1, 1)), + targ_poses=anchor_body_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + self.lang_goals.append("Then, place the blue block horizontally on top of the yellow blocks.") diff --git a/cliport/generated_tasks/build_car.py b/cliport/generated_tasks/build_car.py new file mode 100644 index 0000000000000000000000000000000000000000..e0cb96abe8c7a5fa6850067389fcc41dbf4337ed --- /dev/null +++ b/cliport/generated_tasks/build_car.py @@ -0,0 +1,94 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildCar(Task): + """Construct a simple car structure using blocks and cylinders.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "Construct a simple car structure using blocks and cylinders. " \ + "Firstly, create the base of the car by positioning two red blocks side by side. " \ + "Then, add the car body by stacking a blue block on top of the base. " \ + "For the wheels, place a black cylinder on each side of the base blocks." + self.task_completed_desc = "done building car." + self.additional_reset() + + def reset(self, env): + super().reset(env) + car_pose = ((0.5, 0.0, 0.0), (0,0,0,1)) # fixed pose + base_length = 0.04 + self.add_corner_anchor_for_pose(env, car_pose) + + # Add base blocks. Use box template so that we can change its size. + base_size = (0.02, 0.04, 0.02) + base_block_urdf = "box/box-template.urdf" + base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size}) + anchor_base_poses = [(utils.apply(car_pose, (base_length / 2, base_length / 2, 0.001)), car_pose[1]), + (utils.apply(car_pose, (-base_length / 2, base_length / 2, 0.001)), car_pose[1])] + base_blocks = [] + + for idx in range(2): + base_block_pose = self.get_random_pose(env, base_size) + base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['red']) + base_blocks.append(base_block_id) + + # Add car body block. + body_size = (0.04, 0.02, 0.02) # x, y, z dimensions for the asset size + body_block_urdf = "box/box-template.urdf" + body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size}) + body_block_pose = self.get_random_pose(env, body_size) + body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue']) + anchor_body_poses = [car_pose] + + wheel_length = 0.12 + anchor_wheel_poses = [(utils.apply(car_pose, ( wheel_length / 2, wheel_length / 2, 0.001)), car_pose[1]), + (utils.apply(car_pose, (-wheel_length / 2, wheel_length / 2, 0.001)), car_pose[1]), + (utils.apply(car_pose, ( wheel_length / 2, -wheel_length / 2, 0.001)), car_pose[1]), + (utils.apply(car_pose, (-wheel_length / 2, -wheel_length / 2, 0.001)), car_pose[1])] + + # Add wheels. + wheel_size = (0.02, 0.02, 0.02) # x, y, z dimensions for the asset size + wheel_urdf = 'cylinder/cylinder-template.urdf' + wheel_urdf = self.fill_template(wheel_urdf, {'DIM': wheel_size}) + + wheels = [] + for idx in range(4): + wheel_pose = self.get_random_pose(env, wheel_size) + wheel_id = env.add_object(wheel_urdf, wheel_pose, color=utils.COLORS['black']) + wheels.append(wheel_id) + + # Goal: Firstly, create the base of the car by positioning two red blocks side by side. + self.add_goal(objs=base_blocks, + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./3) + self.lang_goals.append("Firstly, create the base of the car by positioning two red blocks side by side.") + + # Then, add the car body by stacking a blue block on top of the base. + self.add_goal(objs=[body_block_id], + matches=np.ones((1, 1)), + targ_poses=anchor_body_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./3) + self.lang_goals.append("Then, add the car body by stacking a blue block on top of the base.") + + # For the wheels, place a black cylinder on each side of the base blocks. + self.add_goal(objs=wheels, + matches=np.ones((4, 4)), + targ_poses=anchor_wheel_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./3) + self.lang_goals.append("For the wheels, place a black cylinder on each side of the base blocks.") + diff --git a/cliport/generated_tasks/build_cylinder_structure.py b/cliport/generated_tasks/build_cylinder_structure.py new file mode 100644 index 0000000000000000000000000000000000000000..c436ecf568a6c08945ee40ea08b7dd79e8fc86c3 --- /dev/null +++ b/cliport/generated_tasks/build_cylinder_structure.py @@ -0,0 +1,67 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildCylinderStructure(Task): + """Construct a structure using four colored cylinders (red, blue, green, yellow) on a square base.""" + + def __init__(self): + super().__init__() + self.max_steps = 5 + self.lang_template = "construct a structure using four colored cylinders on a square base" + self.task_completed_desc = "done building the cylinder structure." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add square base. + # x, y, z dimensions for the asset size + base_size = (0.15, 0.15, 0.005) + base_urdf = 'square/square-template.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Cylinder colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow'] + ] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.08) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + objs = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + objs.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.04), (0, 0.05, 0.04), + (0, 0.05, 0.12), (0, -0.05, 0.12)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: red and blue cylinders are placed side by side on the base. + self.add_goal(objs=objs[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) + self.lang_goals.append("place the red and blue cylinders side by side on the base") + + # Goal: green cylinder is placed on top of the blue cylinder. + self.add_goal(objs=[objs[2]], matches=np.ones((1, 1)), targ_poses=[targs[2]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]) + self.lang_goals.append("place the green cylinder on top of the blue cylinder") + + # Goal: yellow cylinder is placed on top of the red cylinder. + self.add_goal(objs=[objs[3]], matches=np.ones((1, 1)), targ_poses=[targs[3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]) + self.lang_goals.append("place the yellow cylinder on top of the red cylinder") \ No newline at end of file diff --git a/cliport/generated_tasks/build_house.py b/cliport/generated_tasks/build_house.py new file mode 100644 index 0000000000000000000000000000000000000000..ae3c6d5300fc1f0c35fe63a7faea8351d5b4b1ae --- /dev/null +++ b/cliport/generated_tasks/build_house.py @@ -0,0 +1,84 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildHouse(Task): + """Construct a house structure using blocks and a cylinder.""" + + def __init__(self): + super().__init__() + self.max_steps = 30 + self.lang_template = "Construct a house structure using blocks and a cylinder. Begin by forming the base of the house with four red blocks arranged in a square shape. Then build the walls by stacking two blue blocks on top of each base block. Create a roof by placing two yellow blocks on the uppermost blue blocks, angled to form an apex. Finally, position a green cylinder in the center of the square created by the base blocks to represent a chimney." + self.task_completed_desc = "done building house." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks for the base. + base_blocks = [] + block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size + block_urdf = 'box/box-template.urdf' + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + base_block_urdf = self.fill_template(block_urdf, {'DIM': (0.06, 0.06, 0.04)}) + + block_id = env.add_object(base_block_urdf, block_pose, color=utils.COLORS['red']) + base_blocks.append(block_id) + + # Add blocks for the walls. + wall_blocks = [] + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + wall_block_urdf = self.fill_template(block_urdf, {'DIM': (0.04, 0.04, 0.04)}) + + block_id = env.add_object(wall_block_urdf, block_pose, color=utils.COLORS['blue']) + wall_blocks.append(block_id) + + # Add blocks for the roof. + roof_blocks = [] + for _ in range(2): + block_pose = self.get_random_pose(env, block_size) + roof_block_urdf = self.fill_template(block_urdf, {'DIM': (0.04, 0.1, 0.04)}) + + block_id = env.add_object(roof_block_urdf, block_pose, color=utils.COLORS['yellow']) + roof_blocks.append(block_id) + + # Add cylinder for the chimney. + cylinder_template = 'cylinder/cylinder-template.urdf' + cylinder_size = (0.04,0.04,0.02) + replace = {'DIM': cylinder_size} # radius and height dimensions for the cylinder size + cylinder_urdf = self.fill_template(cylinder_template, replace) + cylinder_pose = self.get_random_pose(env, cylinder_size) + chimney_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS['green']) + + # Define the target poses for the base, walls, roof, and chimney. + base_target_poses = [(0.7, -0.3, 0.02), (0.7, -0.2, 0.02), (0.6, -0.3, 0.02), (0.6, -0.2, 0.02)] + wall_target_poses = [(0.7, -0.3, 0.06), (0.7, -0.2, 0.06), (0.6, -0.3, 0.06), (0.6, -0.2, 0.06) ] + roof_target_poses = [(0.7, -0.25, 0.1), (0.6, -0.25, 0.1)] + chimney_target_pose = [(0.65, -0.2, 0.12)] + self.add_corner_anchor_for_pose(env, base_target_poses[0]) + + + # Add goals for each step of the house construction. + # Break the language prompt step-by-step + self.add_goal(objs=base_blocks, matches=np.ones((4, 4)), targ_poses=base_target_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append("Construct a house structure using blocks and a cylinder. Begin by forming the base of the house with four red blocks arranged in a square shape.") + + self.add_goal(objs=wall_blocks, matches=np.ones((4, 4)), targ_poses=wall_target_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append("Then build the walls by stacking two blue blocks on top of each base block. ") + + self.add_goal(objs=roof_blocks, matches=np.ones((2, 2)), targ_poses=roof_target_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append("Create a roof by placing two yellow blocks on the uppermost blue blocks, angled to form an apex. ") + + self.add_goal(objs=[chimney_id], matches=np.ones((1, 1)), targ_poses=chimney_target_pose, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append("Finally, position a green cylinder in the center of the square created by the base blocks to represent a chimney.") diff --git a/cliport/generated_tasks/build_two_circles.py b/cliport/generated_tasks/build_two_circles.py new file mode 100644 index 0000000000000000000000000000000000000000..7def2f071a8547534c5e55de6ca845d125ad1ff0 --- /dev/null +++ b/cliport/generated_tasks/build_two_circles.py @@ -0,0 +1,65 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildTwoCircles(Task): + """Construct two distinct circles on the tabletop using 10 red and 10 blue blocks. + Each circle should consist of blocks of the same color, with the blue circle larger and surrounding the red circle.""" + + def __init__(self): + super().__init__() + self.max_steps = 30 + self.lang_template = "construct two distinct circles on the tabletop using 6 red and 6 blue blocks" + self.task_completed_desc = "done building two circles." + + def reset(self, env): + super().reset(env) + + # Add blocks. + block_urdf = 'block/block.urdf' + block_size = (0.04, 0.04, 0.04) + + # Add 6 red blocks. + red_blocks = [] + red_circle_poses = [] + circle_radius = 0.1 + circle_center = (0, 0, block_size[2] / 2) + angles = np.linspace(0, 2 * np.pi, 6, endpoint=False) + circle_pose = ((0.4, 0.3, 0.0), (0, 0, 0, 1)) # fixed pose + self.add_corner_anchor_for_pose(env, circle_pose) + + # Define initial and target poses for the red and blue circles. + for angle in angles: + pos = (circle_center[0] + circle_radius * np.cos(angle), + circle_center[1] + circle_radius * np.sin(angle), + circle_center[2]) + block_pose = (utils.apply(circle_pose, pos), circle_pose[1]) + block_id = env.add_object(block_urdf, self.get_random_pose(env, block_size), color=utils.COLORS['red']) + red_circle_poses.append(block_pose) + red_blocks.append(block_id) + + # Add 6 blue blocks. + blue_blocks = [] + blue_circle_poses = [] + circle_radius = 0.1 + circle_center = (0, 0, block_size[2] / 2) + circle_pose = ((0.4, -0.3, 0.0), (0,0,0,1)) # fixed pose + self.add_corner_anchor_for_pose(env, circle_pose) + + for angle in angles: + pos = (circle_center[0] + circle_radius * np.cos(angle), + circle_center[1] + circle_radius * np.sin(angle), + circle_center[2]) + block_pose = (utils.apply(circle_pose, pos), circle_pose[1]) + block_id = env.add_object(block_urdf, self.get_random_pose(env, block_size), color=utils.COLORS['blue']) + blue_circle_poses.append(block_pose) + blue_blocks.append(block_id) + + + # Goal: each red block is in the red circle, each blue block is in the blue circle. + self.add_goal(objs=red_blocks, matches=np.ones((6, 6)), targ_poses=red_circle_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2) + self.add_goal(objs=blue_blocks, matches=np.ones((6, 6)), targ_poses=blue_circle_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2) + + self.lang_goals.append(self.lang_template) diff --git a/cliport/generated_tasks/build_wheel.py b/cliport/generated_tasks/build_wheel.py new file mode 100644 index 0000000000000000000000000000000000000000..d8f2c4a5d95befa66ebf03353a80df75c248ebb5 --- /dev/null +++ b/cliport/generated_tasks/build_wheel.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildWheel(Task): + """Construct a wheel using blocks and a sphere.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "Construct a wheel using blocks and a sphere. First, position eight blocks in a circular layout on the tabletop. Each block should be touching its two neighbors and colored in alternating red and blue. Then place a green sphere in the center of the circular layout, completing the wheel." + self.task_completed_desc = "done building wheel." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue']] + blocks = [] + for i in range(8): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i % 2]) + blocks.append(block_id) + + # Add sphere. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + sphere_color = utils.COLORS['green'] + sphere_pose = ((0.5, 0.0, 0.0), (0,0,0,1)) # fixed pose + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=sphere_color) + + # Goal: blocks are arranged in a circle and sphere is in the center. + circle_radius = 0.1 + circle_center = (0, 0, block_size[2] / 2) + angles = np.linspace(0, 2 * np.pi, 8, endpoint=False) + block_poses = [(circle_center[0] + circle_radius * np.cos(angle), + circle_center[1] + circle_radius * np.sin(angle), + circle_center[2]) for angle in angles] + block_poses = [(utils.apply(sphere_pose, pos), sphere_pose[1]) for pos in block_poses] + self.add_goal(objs=blocks, matches=np.ones((8, 8)), targ_poses=block_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=8 / 9) + + # Goal: sphere is in the center of the blocks. + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[sphere_pose], replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1 / 9) + + self.lang_goals.append(self.lang_template) diff --git a/cliport/generated_tasks/color_block_ball_goal.py b/cliport/generated_tasks/color_block_ball_goal.py new file mode 100644 index 0000000000000000000000000000000000000000..2a0f52a553981cd12e124c7efde0215aedf83e3a --- /dev/null +++ b/cliport/generated_tasks/color_block_ball_goal.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorBlockBallGoal(Task): + """Pick up each ball and precisely place it in the zone of the same color. Navigate around blocks without knocking them over.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ball in the {color} zone" + self.task_completed_desc = "done placing balls in zones." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_colors = ['red', 'blue', 'green', 'yellow'] + zone_poses = [] + for color in zone_colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add balls. + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + for color in zone_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Add blocks. + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each ball is in a zone of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=zone_colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_blocks_in_cylinder_maze.py b/cliport/generated_tasks/color_blocks_in_cylinder_maze.py new file mode 100644 index 0000000000000000000000000000000000000000..99ec35d67b076d811069ca56aeaa08ee12cd259e --- /dev/null +++ b/cliport/generated_tasks/color_blocks_in_cylinder_maze.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorBlocksInCylinderMaze(Task): + """Pick up five differently colored blocks (red, blue, yellow, green, and orange) that are scattered randomly on the table top. Arrange three cylindrical containers in a row to create a maze-like structure. Place the red, yellow, and blue block into the first, second, and third cylinder from left respectively. Then, stack the green and orange block on top of any container, followed by placing the same color palette on the respective block.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "arrange the blocks in the cylinders and stack the green and orange blocks" + self.task_completed_desc = "done arranging blocks in cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add cylinders. + cylinder_size = (0.05, 0.05, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinder_poses = [] + for _ in range(3): + cylinder_pose = self.get_random_pose(env, cylinder_size) + env.add_object(cylinder_urdf, cylinder_pose, 'fixed') + cylinder_poses.append(cylinder_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['yellow'], utils.COLORS['green'], utils.COLORS['orange']] + blocks = [] + for i in range(5): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Goal: red, yellow, and blue blocks are in the first, second, and third cylinder respectively. + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=cylinder_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2) + + # Goal: green and orange blocks are stacked on top of any cylinder. + self.add_goal(objs=blocks[3:], matches=np.ones((2, 3)), targ_poses=cylinder_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coded_blocks_on_corner.py b/cliport/generated_tasks/color_coded_blocks_on_corner.py new file mode 100644 index 0000000000000000000000000000000000000000..c72a604c5c9aa46411f55b0f55aebab919c2d7a3 --- /dev/null +++ b/cliport/generated_tasks/color_coded_blocks_on_corner.py @@ -0,0 +1,57 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCodedBlocksOnCorner(Task): + """Pick up blocks of different colors and place them in a corner structure in a specific color sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "place the blocks in the corner in the sequence red, blue, green, yellow" + self.task_completed_desc = "done placing blocks in the corner." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add corner structure. + corner_size = (0.15, 0.15, 0.05) + corner_pose = self.get_random_pose(env, corner_size) + corner_urdf = 'corner/corner-template.urdf' + env.add_object(corner_urdf, corner_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, 0, 0.08)] + targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos] + + # Goal: blocks are placed in the corner in the sequence red, blue, green, yellow. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(blocks="the red, blue, green, yellow blocks")) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_arch_construction.py b/cliport/generated_tasks/color_coordinated_arch_construction.py new file mode 100644 index 0000000000000000000000000000000000000000..871fd89b8c17b055050f678f7743a63d2d25b273 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_arch_construction.py @@ -0,0 +1,60 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedArchConstruction(Task): + """Construct an arch using six blocks: three red and three blue.""" + + def __init__(self): + super().__init__() + self.max_steps = 6 + self.lang_template = "construct an arch using six blocks: three red and three blue" + self.task_completed_desc = "done constructing arch." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.15, 0.15, 0.005) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'], + utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue']] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), + (0, 0, 0.06), (0, -0.05, 0.08), + (0, 0.05, 0.08), (0, 0, 0.12)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in an arch (bottom row: red, red, blue). + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in an arch (top row: red, red, blue). + self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_ball_insertion.py b/cliport/generated_tasks/color_coordinated_ball_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..721535754a7de2f326ddc2e7018f01fdb3c2efcb --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_ball_insertion.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBallInsertion(Task): + """Insert balls into the cylinders of the same color in the order of red, blue, green, and yellow.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "insert the {color} ball into the {color} cylinder" + self.task_completed_desc = "done inserting balls into cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.05, 0.05, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinder_poses = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + env.add_object(cylinder_urdf, cylinder_pose, category='fixed', color=utils.COLORS[colors[i]]) + cylinder_poses.append(cylinder_pose) + + # Add balls. + # x, y, z dimensions for the asset size + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + for i in range(4): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in the corresponding color cylinder. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_ball_insertion_in_boxes.py b/cliport/generated_tasks/color_coordinated_ball_insertion_in_boxes.py new file mode 100644 index 0000000000000000000000000000000000000000..5ea87bf3c9ee5066c8f284344a5d6675ac086cf2 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_ball_insertion_in_boxes.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBallInsertion(Task): + """Pick up four balls of different colors (red, blue, green, and yellow) and insert them into four separate boxes of matching colors.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "put the {color} ball in the {color} box" + self.task_completed_desc = "done inserting balls into boxes." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the colors for the balls and boxes + colors = ['red', 'blue', 'green', 'yellow'] + + # Add boxes. + # x, y, z dimensions for the asset size + box_size = (0.12, 0.12, 0.12) + box_urdf = 'box/box-template.urdf' + boxes = [] + for color in colors: + box_pose = self.get_random_pose(env, box_size) + box_id = env.add_object(box_urdf, box_pose, color=utils.COLORS[color]) + boxes.append(box_id) + + # Add balls. + # x, y, z dimensions for the asset size + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Goal: each ball is in a box of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(boxes[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_ball_placement.py b/cliport/generated_tasks/color_coordinated_ball_placement.py new file mode 100644 index 0000000000000000000000000000000000000000..db0e6c72dc0ea3d1910f30ce843d33cb6df0cbdb --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_ball_placement.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBallPlacement(Task): + """Pick up each ball and precisely place it in the zone of the same color. + The robot must place the balls in each zone in a specific order: red, blue, and then green.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "place the {color} ball in the {color} zone" + self.task_completed_desc = "done placing balls in zones." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_colors = ['red', 'blue', 'green'] + zone_poses = [] + for color in zone_colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in zone_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Add blocks as obstacles. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(5): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: each ball is in the zone of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(self.lang_template.format(color=zone_colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_ball_stacking.py b/cliport/generated_tasks/color_coordinated_ball_stacking.py new file mode 100644 index 0000000000000000000000000000000000000000..baed0fa3428fd842e70bd74b27238b5ca819ae2e --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_ball_stacking.py @@ -0,0 +1,66 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBallStacking(Task): + """Stack balls on top of the corresponding colored containers in a specific color sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "stack the balls on top of the corresponding colored containers in the sequence blue, yellow, green, red" + self.task_completed_desc = "done stacking balls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the color sequence + color_sequence = ['blue', 'yellow', 'green', 'red'] + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_poses = [] + containers = [] + for color in color_sequence: + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + container_poses.append(container_pose) + containers.append(container_id) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in color_sequence: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Goal: each ball is stacked on top of the corresponding colored container in the color sequence. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(obj=color_sequence[i])) + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_ball = np.random.rand() > 0.5 + urdf = ball_urdf if is_ball else container_urdf + size = ball_size if is_ball else container_size + pose = self.get_random_pose(env, obj_size=size) + color = np.random.choice(list(utils.COLORS.keys())) + + obj_id = env.add_object(urdf, pose, color=utils.COLORS[color]) + n_distractors += 1 \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_block_bridge.py b/cliport/generated_tasks/color_coordinated_block_bridge.py new file mode 100644 index 0000000000000000000000000000000000000000..4849e4fb1442baff15769141afa3619466302b70 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_block_bridge.py @@ -0,0 +1,60 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBlockBridge(Task): + """Construct a bridge by interleaving three differently colored blocks (red, blue, and green) on a pallet in a specific sequence - red block at the edges, blue block in the middle, and a green block on top of the red and blue blocks. Repeat this sequence until a bridge is formed across the length of the pallet.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "construct a bridge by interleaving three differently colored blocks (red, blue, and green) on a pallet in a specific sequence" + self.task_completed_desc = "done constructing the bridge." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.30, 0.15, 0.02) + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object('pallet/pallet.urdf', pallet_pose, 'fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + + objs = [] + for i in range(9): # 3 sets of 3 colored blocks + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i % 3]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), # bottom layer + (0, -0.05, 0.06), (0, 0, 0.06), (0, 0.05, 0.06), # middle layer + (0, -0.05, 0.10), (0, 0, 0.10), (0, 0.05, 0.10)] # top layer + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a bridge (bottom layer: red, blue, red). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + + # Goal: blocks are stacked in a bridge (middle layer: green, green, green). + self.add_goal(objs=objs[3:6], matches=np.ones((3, 3)), targ_poses=targs[3:6], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + + # Goal: blocks are stacked in a bridge (top layer: red, blue, red). + self.add_goal(objs=objs[6:], matches=np.ones((3, 3)), targ_poses=targs[6:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_block_shifting.py b/cliport/generated_tasks/color_coordinated_block_shifting.py new file mode 100644 index 0000000000000000000000000000000000000000..d1cd31c5d606bdd507f222534a6202a96f4c424c --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_block_shifting.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBlockShifting(Task): + """Pick up each block and precisely place it in the zone of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "move the {color} blocks to the {color} zone" + self.task_completed_desc = "done moving blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_colors = ['red', 'blue', 'green'] + zone_poses = [] + for color in zone_colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + blocks = [] + for color in zone_colors: + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add small blocks as obstacles. + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'stacking/small_block.urdf' + for _ in range(5): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each block is in the zone of the same color. + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i//3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/9) + self.lang_goals.append(self.lang_template.format(color=zone_colors[i//3])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_block_tower.py b/cliport/generated_tasks/color_coordinated_block_tower.py new file mode 100644 index 0000000000000000000000000000000000000000..6b0b6e71585735b6dc86c7e325f6549607039d8a --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_block_tower.py @@ -0,0 +1,64 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBlockTower(Task): + """Stack four blocks on a pallet in the following order from bottom to top: + two blue blocks side by side, one red block centered on the blue blocks, + and one green block on top of the red block.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "stack four blocks on a pallet in the following order from bottom to top: two blue blocks side by side, one red block centered on the blue blocks, and one green block on top of the red block." + self.task_completed_desc = "done stacking blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.015) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['red'], utils.COLORS['green']] + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02), (0, 0, 0.06), (0, 0, 0.10)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: two blue blocks are placed side by side on the pallet. + # Break the language prompt step-by-step + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append("place two blue blocks side by side on the pallet") + + # Goal: one red block is placed centered on the blue blocks. + self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append("place one red block centered on the blue blocks") + + # Goal: one green block is placed on top of the red block. + self.add_goal(objs=blocks[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append("place one green block on top of the red block") \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_block_transport.py b/cliport/generated_tasks/color_coordinated_block_transport.py new file mode 100644 index 0000000000000000000000000000000000000000..5125a72c808f1872065e8216a36446020a3cc852 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_block_transport.py @@ -0,0 +1,59 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBlockTransport(Task): + """Pick up each block and transport it to a container of matching color, which is located in a corner surrounded by a line of small blocks, serving as an obstacle. The robot must execute this task without disturbing the small blocks and in a specific color sequence: red first, then blue, green, and finally yellow.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "transport the {color} block to the {color} container" + self.task_completed_desc = "done transporting blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + + # Add containers of different colors. + container_size = (0.1, 0.1, 0.1) + container_urdf = 'container/container-template.urdf' + containers = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + containers.append(container_id) + + # Add blocks of different colors. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add small blocks as obstacles. + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'block/small.urdf' + for _ in range(10): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each block is in a container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_blocks_in_cylindrical_maze.py b/cliport/generated_tasks/color_coordinated_blocks_in_cylindrical_maze.py new file mode 100644 index 0000000000000000000000000000000000000000..9b8e2aeaecdb0180803609c1bde111ecb05c71c6 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_blocks_in_cylindrical_maze.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBlocksInCylindricalMaze(Task): + """Navigate through a maze-like structure and place colored blocks into matching colored cylindrical containers.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} block in the {color} cylinder" + self.task_completed_desc = "done placing blocks in cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and cylinders + colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.05, 0.05, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinders.append(cylinder_id) + + # Goal: each block is in a cylinder of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_bowl_ball_pyramid.py b/cliport/generated_tasks/color_coordinated_bowl_ball_pyramid.py new file mode 100644 index 0000000000000000000000000000000000000000..899c52d0dc19b31b25943a1a1bec3e340497e6c5 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_bowl_ball_pyramid.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBowlBallPyramid(Task): + """Pick up each ball and stack them in the shape of a pyramid inside the bowl of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "stack the balls in the shape of a pyramid inside the bowl of the same color" + self.task_completed_desc = "done stacking balls in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_colors = ['red', 'blue', 'green', 'yellow'] + bowl_poses = [] + for color in bowl_colors: + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, category='fixed', color=utils.COLORS[color]) + bowl_poses.append(bowl_pose) + + # Add balls. + # x, y, z dimensions for the asset size + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball.urdf' + for color in bowl_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Goal: each ball is in the bowl of the same color. + self.add_goal(objs=balls, matches=np.eye(4), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_bowl_stacking.py b/cliport/generated_tasks/color_coordinated_bowl_stacking.py new file mode 100644 index 0000000000000000000000000000000000000000..5f60397bdb3aa16e57b408d883872149657c7428 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_bowl_stacking.py @@ -0,0 +1,59 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBowlStacking(Task): + """Pick up each block and place it into the bowl of the same color. Then stack the bowls from largest to smallest (from bottom to top) in the sequence of red, blue, green, and yellow.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put each block in the bowl of the same color and stack the bowls from largest to smallest in the sequence of red, blue, green, and yellow" + self.task_completed_desc = "done stacking bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls and blocks of each color + bowl_size = (0.12, 0.12, 0) + block_size = (0.04, 0.04, 0.04) + bowl_urdf = 'bowl/bowl.urdf' + block_urdf = 'block/block.urdf' + bowls = [] + blocks = [] + for color in colors: + # Add bowl + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color]) + bowls.append(bowl_id) + + # Add block + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the bowl of the same color + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(bowls[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + # Goal: bowls are stacked in the sequence of red, blue, green, and yellow + stack_poses = [(0, 0, 0.06), (0, 0, 0.12), (0, 0, 0.18), (0, 0, 0.24)] + for i in range(len(bowls)): + self.add_goal(objs=[bowls[i]], matches=np.ones((1, 1)), targ_poses=[utils.apply(bowl_pose, stack_poses[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(bowls)) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_box_ball_matching.py b/cliport/generated_tasks/color_coordinated_box_ball_matching.py new file mode 100644 index 0000000000000000000000000000000000000000..a481d9cbc651f3298315942596e6eabcd16d012d --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_box_ball_matching.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBoxBallMatching(Task): + """Pick up each ball and place it inside the box of the same color, navigate around the barrier without knocking over any small blocks.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "put the {color} ball in the {color} box" + self.task_completed_desc = "done placing balls in boxes." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for the boxes and balls + colors = ['red', 'blue', 'green', 'yellow'] + + # Add boxes. + box_size = (0.05, 0.05, 0.05) + box_urdf = 'box/box-template.urdf' + box_poses = [] + for color in colors: + box_pose = self.get_random_pose(env, box_size) + env.add_object(box_urdf, box_pose, color=color, category='fixed') + box_poses.append(box_pose) + + # Add balls. + balls = [] + ball_size = (0.02, 0.02, 0.02) + ball_urdf = 'ball/ball-template.urdf' + for color in colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=color) + balls.append(ball_id) + + # Add small blocks as barriers. + barrier_size = (0.01, 0.01, 0.01) + barrier_urdf = 'block/small.urdf' + for _ in range(10): + barrier_pose = self.get_random_pose(env, barrier_size) + env.add_object(barrier_urdf, barrier_pose, category='fixed') + + # Goal: each ball is in the box of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_container_insertion.py b/cliport/generated_tasks/color_coordinated_container_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..165e2252c0917abd3cd306b6ed7470e0b1fbf805 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_container_insertion.py @@ -0,0 +1,49 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedContainerInsertion(Task): + """Insert ell shaped blocks into the container of the same color in a specific sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 3 + self.lang_template = "insert the {color} ell block into the {color} container" + self.task_completed_desc = "done inserting ell blocks into containers." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell block and container colors. + colors = ['red', 'blue', 'green'] + + # Add ell blocks and containers. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + container_size = (0.12, 0.12, 0) + container_urdf = 'container/container-template.urdf' + + objs = [] + for color in colors: + # Add ell block. + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + objs.append(ell_id) + + # Add container. + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed') + + # Goal: each ell block is in the container of the same color. + self.add_goal(objs=[ell_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(self.lang_template.format(color=color)) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_container_pyramid.py b/cliport/generated_tasks/color_coordinated_container_pyramid.py new file mode 100644 index 0000000000000000000000000000000000000000..6f43facd8dbd216ba41bb5b8b04532b69ce0b3df --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_container_pyramid.py @@ -0,0 +1,61 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedContainerPyramid(Task): + """Pick up each block and place it into the container of the same color, then stack these containers to form a pyramid.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "build a pyramid with the containers by placing the blocks of the same color into them" + self.task_completed_desc = "done building pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and containers + colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add containers. + container_size = (0.12, 0.12, 0.06) + container_urdf = 'container/container-template.urdf' + containers = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + containers.append(container_id) + + # Goal: each block is in a container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + # Goal: containers are stacked in a pyramid. + pyramid_poses = [ + (0, -0.06, 0.03), (0, 0, 0.03), (0, 0.06, 0.03), (0, -0.03, 0.09), + (0, 0.03, 0.09), (0, 0, 0.15) + ] + pyramid_poses = [(utils.apply(p.getBasePositionAndOrientation(containers[0]), i), p.getBasePositionAndOrientation(containers[0])[1]) for i in pyramid_poses] + self.add_goal(objs=containers, matches=np.ones((len(containers), len(containers))), targ_poses=pyramid_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_container_sorting.py b/cliport/generated_tasks/color_coordinated_container_sorting.py new file mode 100644 index 0000000000000000000000000000000000000000..454acc914c868aa2af5e74ac0ba8c33f468f4fde --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_container_sorting.py @@ -0,0 +1,68 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedContainerSorting(Task): + """Sort blocks into containers of the same color in a specific order.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "sort the blocks into the containers of the same color in the specified order" + self.task_completed_desc = "done sorting blocks into containers." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their orders in containers + colors = ['red', 'blue', 'green', 'yellow'] + orders = [ + ['red', 'blue', 'green', 'yellow'], + ['yellow', 'green', 'blue', 'red'], + ['green', 'red', 'yellow', 'blue'], + ['blue', 'yellow', 'red', 'green'] + ] + + # Add containers. + container_size = (0.12, 0.12, 0.02) + container_urdf = 'container/container-template.urdf' + containers = [] + for i in range(4): + container_pose = self.get_random_pose(env, container_size) + color = utils.COLORS[colors[i]] + container_id = env.add_object(container_urdf, container_pose, color=color) + containers.append(container_id) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + color = utils.COLORS[colors[i]] + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Add goals. + for i in range(4): + for j in range(4): + # Find the block and container of the same color + block_id = blocks[i*4 + j] + container_id = containers[i] + # Define the target pose based on the order in the container + container_pose = p.getBasePositionAndOrientation(container_id)[0] + targ_pose = (container_pose[0], container_pose[1], container_pose[2] + block_size[2] * (j + 1)) + self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[targ_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/16) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_ball_match.py b/cliport/generated_tasks/color_coordinated_cylinder_ball_match.py new file mode 100644 index 0000000000000000000000000000000000000000..a1c7efc270c00e07d02fcddb40440163df36003c --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_ball_match.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedCylinderBallMatch(Task): + """Pick up each ball and place it on top of the cylinder of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ball on the {color} cylinder" + self.task_completed_desc = "done placing balls on cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinder_colors = ['red', 'blue', 'green', 'yellow'] + cylinder_poses = [] + cylinders = [] + for color in cylinder_colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinder_poses.append(cylinder_pose) + cylinders.append(cylinder_id) + + # Add balls. + # x, y, z dimensions for the asset size + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in cylinder_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=color) + balls.append(ball_id) + + # Add blocks as obstacles. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(5): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: each ball is on top of the cylinder of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=cylinder_colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_bowl_sorting.py b/cliport/generated_tasks/color_coordinated_cylinder_bowl_sorting.py new file mode 100644 index 0000000000000000000000000000000000000000..7d3a03e1c87aee42d01ca49c5980f5ea52e53d09 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_bowl_sorting.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderBowlSorting(Task): + """Pick up each cylinder and place it in the bowl of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 4 + self.lang_template = "put the {color} cylinder in the {color} bowl" + self.task_completed_desc = "done sorting cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for color in colors: + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed') + bowl_poses.append(bowl_pose) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinders = [] + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is in the bowl of the same color. + for i in range(len(colors)): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[bowl_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_maze.py b/cliport/generated_tasks/color_coordinated_cylinder_maze.py new file mode 100644 index 0000000000000000000000000000000000000000..aefa4975cc2ec6bffa9338197932caf3f1eb9ebb --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_maze.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderMaze(Task): + """Navigate through a maze, pick up colored cylinders and place them in matching colored zones.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "navigate through the maze, pick up the {color} cylinder and place it in the {color} zone" + self.task_completed_desc = "done navigating and placing cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add maze blocks. + block_urdf = 'block/small.urdf' + block_size = (0.04, 0.04, 0.04) + for _ in range(20): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose, category='fixed') + + # Add colored cylinders. + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinder_size = (0.04, 0.04, 0.04) + colors = ['red', 'blue', 'green', 'yellow'] + cylinders = [] + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinders.append(cylinder_id) + + # Add colored zones. + zone_urdf = 'zone/zone.urdf' + zone_size = (0.12, 0.12, 0) + zones = [] + for color in colors: + zone_pose = self.get_random_pose(env, zone_size) + zone_id = env.add_object(zone_urdf, zone_pose, color=color, category='fixed') + zones.append(zone_id) + + # Goal: each colored cylinder is in the matching colored zone. + for i in range(len(cylinders)): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(cylinders)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_placement_on_pallet.py b/cliport/generated_tasks/color_coordinated_cylinder_placement_on_pallet.py new file mode 100644 index 0000000000000000000000000000000000000000..86be3fa02057f6305e9aae26223c95618fb37d8d --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_placement_on_pallet.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderPlacement(Task): + """Pick up each cylinder and place it on the pallet zone of the same color in a specific sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} cylinder in the {color} zone on the pallet" + self.task_completed_desc = "done placing cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.3, 0.3, 0.01) + pallet_pose = self.get_random_pose(env, pallet_size) + pallet_urdf = 'pallet/pallet.urdf' + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Define colors and their sequence. + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = [utils.COLORS[color] for color in colors] + + # Add cylinders. + cylinder_size = (0.02, 0.02, 0.08) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i, color in enumerate(color_sequence): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinders.append(cylinder_id) + + # Define zones on the pallet for each color. + zone_poses = [utils.apply(pallet_pose, (0.1 * i - 0.15, 0.1 * j - 0.15, 0)) + for i in range(2) for j in range(2)] + + # Add goals for each color in the sequence. + for i, color in enumerate(colors): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color)) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_pyramid.py b/cliport/generated_tasks/color_coordinated_cylinder_pyramid.py new file mode 100644 index 0000000000000000000000000000000000000000..717fde16be274068394221b6747de0378c83a112 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_pyramid.py @@ -0,0 +1,71 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedCylinderPyramid(Task): + """Construct a pyramid on a pallet using four cylinders of different colors (red, blue, green, and yellow).""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {cylinder}" + self.task_completed_desc = "done stacking cylinder pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.15, 0.15, 0.005) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + + # Cylinder colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'] + ] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + cylinders.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0.05, 0.03), + (0, 0, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: cylinders are stacked in a pyramid (bottom row: red, blue). + self.add_goal(objs=cylinders[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) + self.lang_goals.append(self.lang_template.format(cylinder="the red and blue cylinders", + row="bottom")) + + # Goal: cylinders are stacked in a pyramid (middle row: green). + self.add_goal(objs=cylinders[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*1) + self.lang_goals.append(self.lang_template.format(cylinder="the green cylinder", + row="middle")) + + # Goal: cylinders are stacked in a pyramid (top row: yellow). + self.add_goal(objs=cylinders[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*1) + self.lang_goals.append(self.lang_template.format(cylinder="the yellow cylinder", + row="top")) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_relay.py b/cliport/generated_tasks/color_coordinated_cylinder_relay.py new file mode 100644 index 0000000000000000000000000000000000000000..be2d9ce5ad312c69647821900357ee14af2b956c --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_relay.py @@ -0,0 +1,72 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderRelay(Task): + """Pick up each cylinder and navigate it through the barriers to reach and place it in the zone of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "move the {color} cylinder to the {color} zone" + self.task_completed_desc = "done moving cylinders." + self.colors = ['red', 'blue', 'green', 'yellow'] + self.color_order = {'red': 0, 'blue': 1, 'green': 2, 'yellow': 3} + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for color in self.colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in self.colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Add barriers. + barrier_size = (0.02, 0.02, 0.02) + barrier_urdf = 'block/small.urdf' + for _ in range(10): + barrier_pose = self.get_random_pose(env, barrier_size) + env.add_object(barrier_urdf, barrier_pose, 'fixed') + + # Goal: each cylinder is in the zone of the same color. + for i in range(len(cylinders)): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(cylinders)) + self.lang_goals.append(self.lang_template.format(color=self.colors[i])) + + def get_reward(self, obs, action=None): + reward, terminate = super().get_reward(obs, action) + if terminate: + # Check if cylinders are in the correct order in their zones. + object_positions = obs['object_positions'] + object_colors = obs['object_colors'] + zone_positions = obs['zone_positions'] + zone_colors = obs['zone_colors'] + for i in range(len(object_positions)): + if object_colors[i] != zone_colors[i]: + return 0, False + if self.color_order[object_colors[i]] != i: + return 0, False + return reward, terminate \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_stack.py b/cliport/generated_tasks/color_coordinated_cylinder_stack.py new file mode 100644 index 0000000000000000000000000000000000000000..b13075eda155e2a5e3cb9db113080963e556e612 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_stack.py @@ -0,0 +1,55 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedCylinderStack(Task): + """Stack cylinders on stands of the same color in a specific order.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "stack the cylinders on the stands of the same color in the order red, blue, green, yellow" + self.task_completed_desc = "done stacking cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add stands. + # x, y, z dimensions for the asset size + stand_size = (0.04, 0.04, 0.04) + stand_urdf = 'stacking/stand.urdf' + stands = [] + for i in range(4): + stand_pose = self.get_random_pose(env, stand_size) + stand_id = env.add_object(stand_urdf, stand_pose, color=colors[i]) + stands.append(stand_id) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is stacked on the stand of the same color in the order red, blue, green, yellow. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(f"Place the {color_names[i]} cylinder on the {color_names[i]} stand.") \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_stand_assembly.py b/cliport/generated_tasks/color_coordinated_cylinder_stand_assembly.py new file mode 100644 index 0000000000000000000000000000000000000000..c0b421a87cdfb86a29b5ab31798d182dd64c2731 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_stand_assembly.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderStandAssembly(Task): + """Pick up each cylinder and place it on top of the stand of the same color, in a specific color sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "place the {color} cylinder on the {color} stand" + self.task_completed_desc = "done placing cylinders on stands." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['green', 'yellow', 'blue', 'red'] + color_sequence = [utils.COLORS[color] for color in colors] + + # Add stands. + stand_size = (0.04, 0.04, 0.04) + stand_urdf = 'stacking/stand.urdf' + stand_poses = [] + for i in range(4): + stand_pose = self.get_random_pose(env, stand_size) + env.add_object(stand_urdf, stand_pose, color=color_sequence[i], category='fixed') + stand_poses.append(stand_pose) + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color_sequence[i]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is on the stand of the same color, in the specified color sequence. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_stand_in_line.py b/cliport/generated_tasks/color_coordinated_cylinder_stand_in_line.py new file mode 100644 index 0000000000000000000000000000000000000000..770ce03f72f2c47f573e717de27fa15da3501a23 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_stand_in_line.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderStandInLine(Task): + """Pick up each cylinder and place it on top of the stand of the same color, forming four cylinder-and-stand pairs. However, the challenge here is to do this in a specific color sequence - red, blue, green, and finally yellow, and then line them up in a straight line from left to right according to the same color sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} cylinder on the {color} stand" + self.task_completed_desc = "done placing cylinders on stands." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = [utils.COLORS[color] for color in colors] + + # Add stands and cylinders + stand_size = (0.04, 0.04, 0.04) + cylinder_size = (0.04, 0.04, 0.04) + stand_urdf = 'stacking/stand.urdf' + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + stands = [] + cylinders = [] + for i in range(4): + # Add stand + stand_pose = self.get_random_pose(env, stand_size) + stand_id = env.add_object(stand_urdf, stand_pose, color=color_sequence[i]) + stands.append(stand_id) + + # Add cylinder + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color_sequence[i]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is on the stand of the same color, in the color sequence + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinder_tower.py b/cliport/generated_tasks/color_coordinated_cylinder_tower.py new file mode 100644 index 0000000000000000000000000000000000000000..090dc322ae56b9b6115393d8dd9dfbc33fd25fee --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinder_tower.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderTower(Task): + """Stack cylinders of four different colors (red, blue, green, yellow) on top of each other on a square stand in a specific sequence. The bottom of the stack should start with a blue cylinder, follow by a green cylinder, then a red one, and finally a yellow cylinder at the top. Each cylinder has to be aligned correctly to avoid falling.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "Stack cylinders of four different colors (red, blue, green, yellow) on top of each other on a square stand in a specific sequence. The bottom of the stack should start with a blue cylinder, follow by a green cylinder, then a red one, and finally a yellow cylinder at the top." + self.task_completed_desc = "done stacking cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Cylinder colors. + colors = [utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['red'], utils.COLORS['yellow']] + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + objs = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + objs.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0, 0, 0.03), (0, 0, 0.08), (0, 0, 0.13), (0, 0, 0.18)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: cylinders are stacked in a tower (bottom to top: blue, green, red, yellow). + for i in range(4): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_cylinders_in_boxes.py b/cliport/generated_tasks/color_coordinated_cylinders_in_boxes.py new file mode 100644 index 0000000000000000000000000000000000000000..8637af604e72d4a45d206a0162f7ef000baa3fde --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_cylinders_in_boxes.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylindersInBoxes(Task): + """Arrange four cylinders of different colors (red, blue, green, and yellow) into four matching colored boxes, such that each box contains a cylinder of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "put the {color} cylinder in the {color} box" + self.task_completed_desc = "done arranging cylinders in boxes." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add boxes. + box_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the box size + box_urdf = 'box/box-template.urdf' + boxes = [] + for i in range(4): + box_pose = self.get_random_pose(env, box_size) + box_id = env.add_object(box_urdf, box_pose, color=colors[i]) + boxes.append(box_id) + + # Add cylinders. + cylinder_size = (0.02, 0.02, 0.05) # x, y, z dimensions for the cylinder size + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is in a box of the same color. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[box_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_insertion.py b/cliport/generated_tasks/color_coordinated_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..a421cf56c7c85f84fc9e99247b81c75e1178d208 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_insertion.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertion(Task): + """Insert each block into the fixture of the same color, and then place these fixtures onto a pallet.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert each block into the fixture of the same color, and then place these fixtures onto a pallet" + self.task_completed_desc = "done with color-coordinated-insertion." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.35, 0.35, 0.01) + pallet_pose = self.get_random_pose(env, pallet_size) + pallet_urdf = 'pallet/pallet.urdf' + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add fixtures and blocks. + colors = ['red', 'blue', 'green', 'yellow'] + fixtures = [] + blocks = [] + fixture_size = (0.05, 0.05, 0.05) + block_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + block_urdf = 'block/block.urdf' + for color in colors: + # Add fixture. + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Add block. + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the fixture of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + # Goal: each fixture is on the pallet. + for i in range(len(fixtures)): + self.add_goal(objs=[fixtures[i]], matches=np.ones((1, 1)), targ_poses=[pallet_pose], replace=False, + rotations=True, metric='zone', params=[(pallet_pose, pallet_size)], step_max_reward=1 / len(fixtures)) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_insertion_and_corner_pyramid.py b/cliport/generated_tasks/color_coordinated_insertion_and_corner_pyramid.py new file mode 100644 index 0000000000000000000000000000000000000000..79b3a72fa074ac27087119ce4d3503c10a1ec881 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_insertion_and_corner_pyramid.py @@ -0,0 +1,69 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertionAndCornerPyramid(Task): + """Pick up each ell block and insert it into the fixture of the same color in a specific sequence - red first, then blue, then green, and finally yellow. After the successful insertion, the robot must pick up the four blocks again from the fixtures and stack them in a corner-structured pyramid with red at the bottom, blue in the middle, green on the third level, and yellow on top.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} block into the {color} fixture and then stack them in a corner-structured pyramid in the order of red, blue, green, and yellow" + self.task_completed_desc = "done inserting and stacking." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures and blocks. + fixture_size = (0.04, 0.04, 0.04) + block_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + block_urdf = 'insertion/ell.urdf' + + fixtures = [] + blocks = [] + for i in range(4): + # Add fixture + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=colors[i]) + fixtures.append(fixture_id) + + # Add block + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Goal: each block is inserted into the fixture of the same color in the order of red, blue, green, yellow. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) + + # Goal: blocks are stacked in a corner-structured pyramid in the order of red, blue, green, yellow. + corner_template = 'corner/corner-template.urdf' + corner_size = (0.12, 0.12, 0.12) + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_template, corner_pose, 'fixed') + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, 0, 0.08)] + targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos] + + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_insertion_and_stack.py b/cliport/generated_tasks/color_coordinated_insertion_and_stack.py new file mode 100644 index 0000000000000000000000000000000000000000..dbc256fce63489173c9333b886d34dc87338e940 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_insertion_and_stack.py @@ -0,0 +1,63 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedInsertionAndStack(Task): + """Insert colored ell blocks into fixtures and then stack them in a pallet to form a pyramid.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} ell block into the fixture and then stack it on the pallet" + self.task_completed_desc = "done inserting and stacking." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures. + fixture_size = (0.1, 0.1, 0.1) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + for i in range(4): + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed') + fixture_poses.append(fixture_pose) + + # Add ell blocks. + ell_size = (0.08, 0.08, 0.02) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]]) + ells.append(ell_id) + + # Add pallet. + pallet_size = (0.15, 0.15, 0.02) + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object('pallet/pallet.urdf', pallet_pose, 'fixed') + + # Goal: each ell block is inserted into the fixture of the same color and then stacked on the pallet. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # After insertion, stack the blocks on the pallet in the color sequence. + stack_poses = [(0, 0, 0.02), (0, 0, 0.06), (0, 0, 0.10), (0, 0, 0.14)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in stack_poses] + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_insertion_and_stacking.py b/cliport/generated_tasks/color_coordinated_insertion_and_stacking.py new file mode 100644 index 0000000000000000000000000000000000000000..081fbde0d9a7160bdb5274e1445d9535220ae2f4 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_insertion_and_stacking.py @@ -0,0 +1,70 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertionAndStacking(Task): + """Pick up each ell object and insert it into the fixture of the same color. + Then stack blocks of matching colors on top of the fixtures.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} ell into the {color} fixture and stack the {color} block on top" + self.task_completed_desc = "done inserting and stacking." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add square path. + square_size = (0.3, 0.3, 0.01) + square_pose = self.get_random_pose(env, square_size) + square_urdf = 'square/square-template.urdf' + env.add_object(square_urdf, square_pose, 'fixed') + + # Ell and fixture colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ells and fixtures. + ell_size = (0.04, 0.04, 0.04) + fixture_size = (0.05, 0.05, 0.05) + ell_urdf = 'insertion/ell.urdf' + fixture_urdf = 'insertion/fixture.urdf' + + ells = [] + fixtures = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + fixture_pose = self.get_random_pose(env, fixture_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=color) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=color) + ells.append(ell_id) + fixtures.append(fixture_id) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each ell is inserted into the fixture of the same color and the block of the same color is stacked on top. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_insertion_in_container.py b/cliport/generated_tasks/color_coordinated_insertion_in_container.py new file mode 100644 index 0000000000000000000000000000000000000000..685fff234941e385a3181be040c04f2820f3b825 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_insertion_in_container.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedInsertionInContainer(Task): + """Insert four differently-colored ell objects into the corresponding container of matching colors in a specific order.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "insert the {color} ell into the {color} container" + self.task_completed_desc = "done inserting ell objects into containers." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed') + container_poses.append(container_pose) + + # Add ell objects. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Goal: each ell object is in the corresponding container of the same color. + for i in range(len(ells)): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(ells)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_insertion_in_cylinders.py b/cliport/generated_tasks/color_coordinated_insertion_in_cylinders.py new file mode 100644 index 0000000000000000000000000000000000000000..31db2ee05a83114d0567cb46595e018ec10d2e4d --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_insertion_in_cylinders.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertionInCylinders(Task): + """Insert four differently-colored ell objects into cylinders of matching colors in a specific order.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "insert the {color} ell into the {color} cylinder" + self.task_completed_desc = "done inserting ells into cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell and Cylinder colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ells. + # x, y, z dimensions for the ell size + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Add cylinders. + # x, y, z dimensions for the cylinder size + cylinder_size = (0.05, 0.05, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Goal: each ell is inserted into the cylinder of the same color. + for i in range(len(colors)): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_insertion_through_box_barrier.py b/cliport/generated_tasks/color_coordinated_insertion_through_box_barrier.py new file mode 100644 index 0000000000000000000000000000000000000000..1874d63c5907db9ca0a329a5d2f12492f9d11441 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_insertion_through_box_barrier.py @@ -0,0 +1,59 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertionThroughBoxBarrier(Task): + """Pick up each ell object and insert it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and then yellow, without knocking over any of the boxes.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} ell into the matching fixture" + self.task_completed_desc = "done inserting ells." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'] + ] + + # Add ell objects and fixtures. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + fixture_urdf = 'insertion/fixture.urdf' + ells = [] + fixtures = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=colors[i]) + ells.append(ell_id) + + fixture_pose = self.get_random_pose(env, ell_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=colors[i]) + fixtures.append(fixture_id) + + # Add boxes to form 'L' shaped barrier. + box_size = (0.04, 0.04, 0.04) + box_urdf = 'box/box-template.urdf' + for _ in range(10): + box_pose = self.get_random_pose(env, box_size) + env.add_object(box_urdf, box_pose, category='fixed') + + # Goal: each ell is inserted into the matching color fixture in a specific order. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_pallet_insertion.py b/cliport/generated_tasks/color_coordinated_pallet_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..7f1f95af47fc4d9cc523bc09bbffd545d6fb4ab8 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_pallet_insertion.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedPalletInsertion(Task): + """Pick up each ell object and insert it into the pallet of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} ell into the {color} pallet" + self.task_completed_desc = "done inserting ells into pallets." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Colors for the ell objects and pallets + colors = ['red', 'blue', 'green', 'yellow'] + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.12, 0.12, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_poses = [] + for color in colors: + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed', color=utils.COLORS[color]) + pallet_poses.append(pallet_pose) + + # Add ell objects. + # x, y, z dimensions for the asset size + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Add barrier of small blocks. + # x, y, z dimensions for the asset size + block_size = (0.02, 0.02, 0.02) + block_urdf = 'block/small.urdf' + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose, category='fixed') + + # Goal: each ell object is in the pallet of the same color. + for i in range(len(ells)): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(ells)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_pallet_pyramid.py b/cliport/generated_tasks/color_coordinated_pallet_pyramid.py new file mode 100644 index 0000000000000000000000000000000000000000..968a0d91bc0ded6960433164622bfc4548dabe0f --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_pallet_pyramid.py @@ -0,0 +1,57 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedPalletPyramid(Task): + """Arrange blocks of the same color on pallets to form a pyramid and arrange the pallets in a specific color order.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "arrange the blocks on the pallets to form a pyramid of the same color and arrange the pallets in the order red, blue, green" + self.task_completed_desc = "done arranging blocks on pallets." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.015) + pallet_urdf = 'pallet/pallet.urdf' + pallet_poses = [] + for _ in range(3): + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + pallet_poses.append(pallet_pose) + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for i in range(9): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i//3]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03)] + targs = [(utils.apply(pallet_poses[i//3], j), pallet_poses[i//3][1]) for i, j in enumerate(place_pos*3)] + + # Goal: blocks are stacked in a pyramid on each pallet. + for i in range(3): + self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_pyramid_construction.py b/cliport/generated_tasks/color_coordinated_pyramid_construction.py new file mode 100644 index 0000000000000000000000000000000000000000..6038509687106be73b82709a7c9081c20c1d4c52 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_pyramid_construction.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedPyramidConstruction(Task): + """Construct a pyramid with two levels on a stand: the first level should consist of three blocks (two red blocks and one blue block), and the second level should be formed by stacking the remaining three blocks (two blue blocks and one red block) on top of the first level.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "construct a pyramid with two levels on a stand: the first level should consist of three blocks (two red blocks and one blue block), and the second level should be formed by stacking the remaining three blocks (two blue blocks and one red block) on top of the first level." + self.task_completed_desc = "done constructing pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add stand. + stand_size = (0.15, 0.15, 0.005) + stand_pose = self.get_random_pose(env, stand_size) + env.add_object('stacking/stand.urdf', stand_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + blocks = [] + colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['red']] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, -0.025, 0.08), (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(stand_pose, i), stand_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: red, red, blue). + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + + # Goal: blocks are stacked in a pyramid (top row: blue, blue, red). + self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_pyramid_in_container.py b/cliport/generated_tasks/color_coordinated_pyramid_in_container.py new file mode 100644 index 0000000000000000000000000000000000000000..cba6e8d6cff8721c6c92083e792ca642685e3aa3 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_pyramid_in_container.py @@ -0,0 +1,57 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedPyramidInContainer(Task): + """Pick up each color of blocks and place them in the container of the same color in a pyramid formation.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "build a pyramid of {color} blocks in the {color} container" + self.task_completed_desc = "done building color-coordinated pyramids." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] + color_names = ['red', 'blue', 'green'] + + # Add containers. + container_size = (0.15, 0.15, 0.05) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, 'fixed', color=color) + container_poses.append(container_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + for _ in range(3): # 3 blocks of each color + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), (0, 0, 0.06)] + targs = [(utils.apply(container_pose, i), container_pose[1]) for i in place_pos for container_pose in container_poses] + + # Goal: blocks are stacked in a pyramid in the container of the same color. + for i, color_name in enumerate(color_names): + self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(color=color_name)) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_sphere_and_bowl_match.py b/cliport/generated_tasks/color_coordinated_sphere_and_bowl_match.py new file mode 100644 index 0000000000000000000000000000000000000000..6da1a5aa7ada8ff634cd5dfa8a3c0dcf9e4c7fc4 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_sphere_and_bowl_match.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedSphereAndBowlMatch(Task): + """Pick up each sphere and place it into the bowl of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 4 + self.lang_template = "place the {color} sphere in the {color} bowl" + self.task_completed_desc = "done placing spheres in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls and spheres. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + sphere_size = (0.04, 0.04, 0.04) + bowl_urdf = 'bowl/bowl.urdf' + sphere_urdf = 'sphere/sphere-template.urdf' + + objs = [] + for color in colors: + # Add bowl + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed') + + # Add sphere + sphere_pose = self.get_random_pose(env, obj_size=sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + objs.append((sphere_id, bowl_id)) + + # Add goal + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color)) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_sphere_and_cylinder_assembly.py b/cliport/generated_tasks/color_coordinated_sphere_and_cylinder_assembly.py new file mode 100644 index 0000000000000000000000000000000000000000..f2582f13c0e6a873d9add1118398e267b0caacfb --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_sphere_and_cylinder_assembly.py @@ -0,0 +1,46 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedSphereAndCylinderAssembly(Task): + """Pick up each sphere and place it on top of the cylinder of the same color, in a specific color sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} sphere on the {color} cylinder" + self.task_completed_desc = "done placing spheres on cylinders." + self.colors = ['red', 'blue', 'green', 'yellow'] + self.color_sequence = ['red', 'blue', 'green', 'yellow'] + + def reset(self, env): + super().reset(env) + + # Add spheres and cylinders. + sphere_size = (0.05, 0.05, 0.05) + cylinder_size = (0.05, 0.05, 0.1) + sphere_template = 'sphere/sphere-template.urdf' + cylinder_template = 'cylinder/cylinder-template.urdf' + + # Add spheres and cylinders of each color. + for color in self.colors: + sphere_pose = self.get_random_pose(env, sphere_size) + cylinder_pose = self.get_random_pose(env, cylinder_size) + sphere_id = env.add_object(sphere_template, sphere_pose, color=color) + cylinder_id = env.add_object(cylinder_template, cylinder_pose, color=color) + + # Goal: each sphere is on top of the cylinder of the same color. + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color)) + + # The task is completed in a specific color sequence. + self.color_sequence = ['red', 'blue', 'green', 'yellow'] \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_sphere_and_cylinder_stack.py b/cliport/generated_tasks/color_coordinated_sphere_and_cylinder_stack.py new file mode 100644 index 0000000000000000000000000000000000000000..95db2391bd4fd91e58c280610ddce2b448439043 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_sphere_and_cylinder_stack.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedSphereAndCylinderStack(Task): + """Stack cylinders on top of spheres of the same color in a specific color sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "stack the {color} cylinder on top of the {color} sphere" + self.task_completed_desc = "done stacking." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the color sequence + color_sequence = ['blue', 'yellow', 'green', 'red'] + + # Add spheres and cylinders of each color + sphere_urdf = 'sphere/sphere-template.urdf' + cylinder_urdf = 'cylinder/cylinder-template.urdf' + sphere_size = (0.05, 0.05, 0.05) + cylinder_size = (0.05, 0.05, 0.1) + + objects = [] + for color in color_sequence: + # Add sphere + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + objects.append(sphere_id) + + # Add cylinder + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + objects.append(cylinder_id) + + # Goal: each cylinder is stacked on top of the sphere of the same color + for i in range(0, len(objects), 2): + sphere_id = objects[i] + cylinder_id = objects[i+1] + self.add_goal(objs=[cylinder_id], matches=np.ones((1, 1)), targ_poses=[sphere_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color_sequence[i//2])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_sphere_insertion.py b/cliport/generated_tasks/color_coordinated_sphere_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..eaa27f59f2b4505270d92369811e8b9ba8ee89b5 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_sphere_insertion.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedSphereInsertion(Task): + """Insert each sphere into the bowl of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert each sphere into the bowl of the same color" + self.task_completed_desc = "done inserting spheres into bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = ['red', 'blue', 'green', 'yellow'] + color_values = [utils.COLORS[color] for color in colors] + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0.02) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for i in range(4): + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, 'fixed', color=color_values[i]) + bowl_poses.append(bowl_pose) + + # Add spheres. + # x, y, z dimensions for the asset size + sphere_size = (0.04, 0.04, 0.04) + sphere_template = 'sphere/sphere-template.urdf' + spheres = [] + for i in range(4): + sphere_pose = self.get_random_pose(env, sphere_size) + replace = {'DIM': sphere_size, 'HALF': (sphere_size[0] / 2, sphere_size[1] / 2, sphere_size[2] / 2)} + sphere_urdf = self.fill_template(sphere_template, replace) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=color_values[i]) + spheres.append(sphere_id) + + # Goal: each sphere is in a bowl of the same color. + for i in range(4): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[bowl_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(f"insert the {colors[i]} sphere into the {colors[i]} bowl") \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_sphere_on_pallet_pyramid.py b/cliport/generated_tasks/color_coordinated_sphere_on_pallet_pyramid.py new file mode 100644 index 0000000000000000000000000000000000000000..255fc0661b6e40e4512c25fed1d8be1d32a46c21 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_sphere_on_pallet_pyramid.py @@ -0,0 +1,78 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedSphereOnPalletPyramid(Task): + """Build a pyramid of colored blocks on pallets and place a matching colored sphere on top.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "build a pyramid of {color} blocks on the pallet and place the {color} sphere on top" + self.task_completed_desc = "done building color-coordinated pyramids." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Pallets and Blocks + pallet_size = (0.15, 0.15, 0.01) + block_size = (0.04, 0.04, 0.04) + pallet_urdf = 'pallet/pallet.urdf' + block_urdf = 'block/block.urdf' + + # Colors for blocks and spheres + colors = ['red', 'blue', 'green'] + color_objects = {} + + # Add pallets and blocks + for color in colors: + # Add pallet + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + + # Add blocks + block_ids = [] + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + block_ids.append(block_id) + + color_objects[color] = {'pallet': pallet_pose, 'blocks': block_ids} + + # Spheres + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + + # Add spheres + for color in colors: + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + color_objects[color]['sphere'] = sphere_id + + # Goals + for color in colors: + # Goal: blocks are stacked in a pyramid on the pallet + block_poses = [(0, -0.02, 0.02), (0, 0.02, 0.02), (0, 0, 0.06)] + targs = [(utils.apply(color_objects[color]['pallet'], i), color_objects[color]['pallet'][1]) for i in block_poses] + + self.add_goal(objs=color_objects[color]['blocks'], matches=np.ones((3, 3)), targ_poses=targs, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + + # Goal: sphere is placed on top of the pyramid + sphere_pose = (0, 0, 0.1) + targ = (utils.apply(color_objects[color]['pallet'], sphere_pose), color_objects[color]['pallet'][1]) + + self.add_goal(objs=[color_objects[color]['sphere']], matches=np.ones((1, 1)), targ_poses=[targ], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]) + + self.lang_goals.append(self.lang_template.format(color=color)) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_stacked_block_bowls.py b/cliport/generated_tasks/color_coordinated_stacked_block_bowls.py new file mode 100644 index 0000000000000000000000000000000000000000..29a62500ad592e433b917687869c31a580c57f17 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_stacked_block_bowls.py @@ -0,0 +1,60 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedStackedBlockBowls(Task): + """Stack blocks of the same color in bowls in the shape of a pyramid and arrange the bowls in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "stack the {color} blocks in the {color} bowl in the shape of a pyramid" + self.task_completed_desc = "done stacking blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and bowls + colors = ['red', 'blue', 'green'] + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for i in range(3): + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, category='fixed', color=utils.COLORS[colors[i]]) + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for i in range(9): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i//3]]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(bowl_poses[i//3], place_pos[i%3]), bowl_poses[i//3][1]) for i in range(9)] + + # Goal: blocks are stacked in a pyramid in each bowl + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 9) + self.lang_goals.append(self.lang_template.format(color=colors[i//3])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_zone_arrangement.py b/cliport/generated_tasks/color_coordinated_zone_arrangement.py new file mode 100644 index 0000000000000000000000000000000000000000..709dee327275173d984b3341994deb226d399f22 --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_zone_arrangement.py @@ -0,0 +1,60 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedZoneArrangement(Task): + """Pick up blocks of different colors and place them on the pallets of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "place the {color} blocks on the {color} pallet" + self.task_completed_desc = "done arranging blocks on pallets." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.12, 0.12, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_colors = ['red', 'blue', 'green'] + pallet_poses = [] + for color in pallet_colors: + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed', color=utils.COLORS[color]) + pallet_poses.append(pallet_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for color in pallet_colors: + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add small blocks as obstacles. + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'block/small.urdf' + for _ in range(5): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each block is on the pallet of the same color. + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i // 3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 9) + self.lang_goals.append(self.lang_template.format(color=pallet_colors[i // 3])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_coordinated_zone_stacking.py b/cliport/generated_tasks/color_coordinated_zone_stacking.py new file mode 100644 index 0000000000000000000000000000000000000000..c3e399950e8dd0083d92b37b5ae1ec24c3421cda --- /dev/null +++ b/cliport/generated_tasks/color_coordinated_zone_stacking.py @@ -0,0 +1,60 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedZoneStacking(Task): + """Pick up blocks of different colors and stack them in zones to form a pyramid.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "stack the blocks in the zones to form a pyramid" + self.task_completed_desc = "done stacking blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(3): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(9): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i//3]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(zone_poses[i//3], place_pos[i%3]), zone_poses[i//3][1]) for i in range(9)] + + # Goal: blocks are stacked in a pyramid in each zone. + for i in range(3): + self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red, blue and green blocks", + row="bottom")) \ No newline at end of file diff --git a/cliport/generated_tasks/color_cued_ball_corner_sorting.py b/cliport/generated_tasks/color_cued_ball_corner_sorting.py new file mode 100644 index 0000000000000000000000000000000000000000..5895ca1079f64e55b4f52578d97293b8423745b6 --- /dev/null +++ b/cliport/generated_tasks/color_cued_ball_corner_sorting.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCuedBallCornerSorting(Task): + """Pick up each colored ball and place it in the corner of the same color while avoiding a zone marked by small blocks.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ball in the {color} corner" + self.task_completed_desc = "done sorting balls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add corners. + corner_size = (0.05, 0.05, 0.05) + corner_urdf = 'corner/corner-template.urdf' + corner_colors = ['red', 'blue', 'green', 'yellow'] + corner_poses = [] + for color in corner_colors: + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, color=color, category='fixed') + corner_poses.append(corner_pose) + + # Add balls. + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + for color in corner_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=color) + balls.append(ball_id) + + # Add zone. + zone_size = (0.2, 0.2, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + zone_urdf = 'zone/zone.urdf' + env.add_object(zone_urdf, zone_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block_for_anchors.urdf' + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: each ball is in the corner of the same color. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[corner_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=corner_colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_cued_ball_insertion.py b/cliport/generated_tasks/color_cued_ball_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..3bdbab95d277e6adcd84f47d559fa5c95b6bd701 --- /dev/null +++ b/cliport/generated_tasks/color_cued_ball_insertion.py @@ -0,0 +1,59 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCuedBallInsertion(Task): + """Pick up each sphere and place it in the bowl of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "put the {color} ball in the {color} bowl" + self.task_completed_desc = "done placing balls in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls and spheres. + bowl_size = (0.12, 0.12, 0) + sphere_size = (0.04, 0.04, 0.04) + bowl_urdf = 'bowl/bowl.urdf' + sphere_urdf = 'sphere/sphere.urdf' + bowls = [] + spheres = [] + + for color in colors: + # Add bowl + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed') + bowls.append(bowl_id) + + # Add sphere + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + spheres.append(sphere_id) + + # Add goal + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color)) + + # Add blocks as obstacles + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose, category='fixed') \ No newline at end of file diff --git a/cliport/generated_tasks/color_linked_ball_bowl_ordering.py b/cliport/generated_tasks/color_linked_ball_bowl_ordering.py new file mode 100644 index 0000000000000000000000000000000000000000..3f717e90a8d687a83d72ae35895c13d05d29db45 --- /dev/null +++ b/cliport/generated_tasks/color_linked_ball_bowl_ordering.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorLinkedBallBowlOrdering(Task): + """Pick up each ball and place it in the bowl of the same color, in the specific sequence of red, blue, green and yellow from left to right.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ball in the {color} bowl" + self.task_completed_desc = "done placing balls in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for i in range(4): + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, 'fixed', color=utils.COLORS[colors[i]]) + bowl_poses.append(bowl_pose) + + # Add balls. + # x, y, z dimensions for the asset size + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball.urdf' + for i in range(4): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in the bowl of the same color. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.int32([[1]]), targ_poses=[bowl_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_matched_block_transfer.py b/cliport/generated_tasks/color_matched_block_transfer.py new file mode 100644 index 0000000000000000000000000000000000000000..23e6b84eb6a4390fd002c5af3e639ae035cb6dae --- /dev/null +++ b/cliport/generated_tasks/color_matched_block_transfer.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorMatchedBlockTransfer(Task): + """Pick up each block and place it in the container of the same color, in the specific sequence of red, blue, green and yellow from left to right.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "place the {color} block in the {color} container" + self.task_completed_desc = "done transferring blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = np.array(colors) + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for color in color_sequence: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed') + container_poses.append(container_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in color_sequence: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_matched_blocks_insertion.py b/cliport/generated_tasks/color_matched_blocks_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..c20a41c74c25cf0a6792629449f4ff124f85e1c1 --- /dev/null +++ b/cliport/generated_tasks/color_matched_blocks_insertion.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorMatchedBlocksInsertion(Task): + """Pick up each block and insert it into the fixture of the same color, in the specific sequence of red, blue, green, and yellow.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "insert the {color} block into the {color} fixture" + self.task_completed_desc = "done inserting blocks into fixtures." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = np.random.permutation(colors) + + # Add fixtures. + fixture_size = (0.12, 0.12, 0.02) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + for i in range(4): + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, 'fixed', color=utils.COLORS[color_sequence[i]]) + fixture_poses.append(fixture_pose) + + # Add blocks. + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color_sequence[i]]) + blocks.append(block_id) + + # Goal: each block is in the fixture of the same color. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color_sequence[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_ordered_blocks_on_pallet.py b/cliport/generated_tasks/color_ordered_blocks_on_pallet.py new file mode 100644 index 0000000000000000000000000000000000000000..29f18be734a03bea3b931e83ecd68bf96d472974 --- /dev/null +++ b/cliport/generated_tasks/color_ordered_blocks_on_pallet.py @@ -0,0 +1,59 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedBlocksOnPallet(Task): + """Pick up each colored block and place it onto the pallet in specific color sequence: red, blue, green, yellow, orange, and finally purple.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the colored blocks onto the pallet in the following order: red, blue, green, yellow, orange, and purple" + self.task_completed_desc = "done placing blocks on the pallet." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['purple'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are placed on the pallet in the order of red, blue, green, yellow, orange, purple. + for i in range(6): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_ordered_container_arrangement.py b/cliport/generated_tasks/color_ordered_container_arrangement.py new file mode 100644 index 0000000000000000000000000000000000000000..81b426fcee7996c8b911253fead379b114ed26aa --- /dev/null +++ b/cliport/generated_tasks/color_ordered_container_arrangement.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedContainerArrangement(Task): + """Arrange six containers with blocks of matching colors in a specific color order.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "arrange the containers in the color order: red, blue, green, yellow, orange, and purple" + self.task_completed_desc = "done arranging containers." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define color order + color_order = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + + # Add containers and blocks + container_size = (0.12, 0.12, 0.02) + block_size = (0.04, 0.04, 0.04) + container_urdf = 'container/container-template.urdf' + block_urdf = 'block/block.urdf' + containers = [] + blocks = [] + for color in color_order: + # Add container + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + containers.append(container_id) + + # Add block + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add subgoal to place block in container + self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/6) + + # Add final goal to arrange containers in color order + container_poses = [self.get_random_pose(env, container_size) for _ in color_order] + self.add_goal(objs=containers, matches=np.eye(len(color_order)), targ_poses=container_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_ordered_insertion.py b/cliport/generated_tasks/color_ordered_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..bd4e1f9cdb17d90c8197a038edc1d83eb1841298 --- /dev/null +++ b/cliport/generated_tasks/color_ordered_insertion.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedInsertion(Task): + """Insert differently-colored ell objects into the matching color fixture in a specific order.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} ell into the matching fixture" + self.task_completed_desc = "done inserting ells." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + color_order = {color: i for i, color in enumerate(colors)} + + # Add fixtures. + fixture_size = (0.12, 0.12, 0.02) + fixture_urdf = 'insertion/fixture.urdf' + fixtures = [] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color], category='fixed') + fixtures.append(fixture_id) + + # Add ell objects. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Goal: each ell is inserted into the matching color fixture in the correct order. + for i, ell in enumerate(ells): + self.add_goal(objs=[ell], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(ells)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_ordered_insertion_with_blocking_boxes.py b/cliport/generated_tasks/color_ordered_insertion_with_blocking_boxes.py new file mode 100644 index 0000000000000000000000000000000000000000..4da07d0ba5adf24cff3f480fa5bdc01eeb66d394 --- /dev/null +++ b/cliport/generated_tasks/color_ordered_insertion_with_blocking_boxes.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedInsertionWithBlockingBoxes(Task): + """Pick up four differently-colored ell objects and insert them into the matching color fixture in a specific order, without knocking over any of the spheres.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} ell into the matching fixture" + self.task_completed_desc = "done inserting ells." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures. + fixture_size = (0.12, 0.12, 0.12) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + for i in range(4): + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed') + fixture_poses.append(fixture_pose) + + # Add ells. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]]) + ells.append(ell_id) + + # Add spheres. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere-template.urdf' + for _ in range(4): + sphere_pose = self.get_random_pose(env, sphere_size) + env.add_object(sphere_urdf, sphere_pose) + + # Goal: each ell is inserted into the matching color fixture in a specific order. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_ordered_insertion_with_obstacles.py b/cliport/generated_tasks/color_ordered_insertion_with_obstacles.py new file mode 100644 index 0000000000000000000000000000000000000000..b1f84235459e911c77a27cd2aa99ec2770431524 --- /dev/null +++ b/cliport/generated_tasks/color_ordered_insertion_with_obstacles.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedInsertionWithObstacles(Task): + """Pick up each ell block, navigate around the small blocks, and insert it into the fixture of the same color in a specific sequence from left to right, starting with red, followed by blue, then green, and finally yellow.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} ell block into the {color} fixture" + self.task_completed_desc = "done inserting ell blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ell blocks and fixtures. + for color in colors: + # Add ell block + ell_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the ell block size + ell_pose = self.get_random_pose(env, ell_size) + ell_urdf = 'insertion/ell.urdf' + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + + # Add fixture + fixture_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the fixture size + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_urdf = 'insertion/fixture.urdf' + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + + # Add goal: ell block is inserted into the fixture of the same color + self.add_goal(objs=[ell_id], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color)) + + # Add small blocks as obstacles. + n_obstacles = 10 + obstacle_size = (0.02, 0.02, 0.02) # x, y, z dimensions for the obstacle size + obstacle_urdf = 'block/small.urdf' + for _ in range(n_obstacles): + obstacle_pose = self.get_random_pose(env, obstacle_size) + env.add_object(obstacle_urdf, obstacle_pose) \ No newline at end of file diff --git a/cliport/generated_tasks/color_sequence_loading_pallet.py b/cliport/generated_tasks/color_sequence_loading_pallet.py new file mode 100644 index 0000000000000000000000000000000000000000..318182009eb961081f6d921ea70fbe02d021b26b --- /dev/null +++ b/cliport/generated_tasks/color_sequence_loading_pallet.py @@ -0,0 +1,66 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSequenceLoadingPallet(Task): + """Pick up blocks of different colors and place them onto the pallet in a specific sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "place the blocks onto the pallet in the sequence: red, blue, green, yellow, orange" + self.task_completed_desc = "done placing blocks in sequence." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_pose = self.get_random_pose(env, pallet_size) + pallet_urdf = 'pallet/pallet.urdf' + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + + objs = [] + for i in range(10): # two blocks of each color + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i//2]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are placed on the pallet in the sequence: red, blue, green, yellow, orange. + for i in range(5): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 5) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Goal: remaining blocks are stacked on top of the corresponding color in the same sequence. + for i in range(5, 10): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i-5]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 5) + self.lang_goals.append(self.lang_template.format(color=colors[i-5])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_sequenced_pyramid_packing.py b/cliport/generated_tasks/color_sequenced_pyramid_packing.py new file mode 100644 index 0000000000000000000000000000000000000000..0431e8ca04783fd1286f7a94b7ecd8394ec44e70 --- /dev/null +++ b/cliport/generated_tasks/color_sequenced_pyramid_packing.py @@ -0,0 +1,63 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorSequencedPyramidPacking(Task): + """Sort cubes by color into four pallets and stack them in each pallet as a pyramid""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "sort the {color} cubes into the pallet and stack them as a pyramid" + self.task_completed_desc = "done sorting and stacking cubes." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_poses = [] + for _ in range(4): + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + pallet_poses.append(pallet_pose) + + # Cube colors. + colors = [ + utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['yellow'] + ] + + # Add cubes. + # x, y, z dimensions for the asset size + cube_size = (0.04, 0.04, 0.04) + cube_urdf = 'block/block.urdf' + + objs = [] + for i in range(12): + cube_pose = self.get_random_pose(env, cube_size) + cube_id = env.add_object(cube_urdf, cube_pose, color=colors[i%4]) + objs.append(cube_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos for pallet_pose in pallet_poses] + + # Goal: cubes are sorted by color and stacked in a pyramid in each pallet. + for i in range(4): + self.add_goal(objs=objs[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(color=list(utils.COLORS.keys())[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_sequenced_sphere_placement.py b/cliport/generated_tasks/color_sequenced_sphere_placement.py new file mode 100644 index 0000000000000000000000000000000000000000..2483356eb9bd00a0e1abcbb83d98d47a2d2f9b98 --- /dev/null +++ b/cliport/generated_tasks/color_sequenced_sphere_placement.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSequencedSpherePlacement(Task): + """Pick up spheres of different colors and place them in the center of the square of the same color in a specific sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} sphere in the {color} square" + self.task_completed_desc = "done placing spheres." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + + # Add squares of different colors + square_size = (0.1, 0.1, 0.005) + square_urdf = 'square/square-template.urdf' + square_poses = [] + for color in colors: + square_pose = self.get_random_pose(env, square_size) + env.add_object(square_urdf, square_pose, 'fixed', color=color) + square_poses.append(square_pose) + + # Add spheres of different colors + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + spheres = [] + for color in colors: + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=color) + spheres.append(sphere_id) + + # Goal: each sphere is in the square of the same color, in the correct sequence + for i in range(len(colors)): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[square_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_sequential_ball_container_sorting.py b/cliport/generated_tasks/color_sequential_ball_container_sorting.py new file mode 100644 index 0000000000000000000000000000000000000000..2e9acd77a8858ba51c6087cb7ab5759de0244c60 --- /dev/null +++ b/cliport/generated_tasks/color_sequential_ball_container_sorting.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSequentialBallContainerSorting(Task): + """Pick up each ball and place it in the container of the same color, but in a specific sequence of red, blue, green, yellow, orange, and purple from left to right.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ball in the {color} container" + self.task_completed_desc = "done sorting balls into containers." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + color_sequence = np.arange(len(colors)) + + # Add containers. + container_size = (0.12, 0.12, 0) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for i in range(len(colors)): + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[colors[i]], category='fixed') + container_poses.append(container_pose) + + # Add balls. + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + for i in range(len(colors)): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in a container of the same color, in the correct sequence. + for i in range(len(colors)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_sorted_block_race.py b/cliport/generated_tasks/color_sorted_block_race.py new file mode 100644 index 0000000000000000000000000000000000000000..bab5e28a43b1f22d3f2936dc5d5a5b56c550b4ae --- /dev/null +++ b/cliport/generated_tasks/color_sorted_block_race.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSortedBlockRace(Task): + """Pick up blocks of two colors and place them in corresponding colored zones in a sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the blocks in the corresponding colored zones in sequence" + self.task_completed_desc = "done placing blocks in zones." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_colors = ['blue', 'red'] + zone_poses = [] + for color in zone_colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = ['blue', 'red'] + blocks = [] + for color in block_colors: + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the corresponding colored zone. + for i, block in enumerate(blocks): + self.add_goal(objs=[block], matches=np.ones((1, 1)), targ_poses=[zone_poses[i//3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_sorted_container_stack.py b/cliport/generated_tasks/color_sorted_container_stack.py new file mode 100644 index 0000000000000000000000000000000000000000..e14a4c1db8e60753c5cc24b54701489cb94ceb9b --- /dev/null +++ b/cliport/generated_tasks/color_sorted_container_stack.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSortedContainerStack(Task): + """Stack four differently colored blocks (red, blue, green, yellow) inside a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "stack the blocks in the container in the order: red, blue, green, then yellow" + self.task_completed_desc = "done stacking blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container. + # x, y, z dimensions for the asset size + container_size = (0.15, 0.15, 0.15) + container_pose = self.get_random_pose(env, container_size) + container_urdf = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + container_urdf = self.fill_template(container_urdf, replace) + env.add_object(container_urdf, container_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + for i in range(2): + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, 'fixed') + + # Goal: each block is stacked in the container in the order: red, blue, green, yellow. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/color_specific_container_fill.py b/cliport/generated_tasks/color_specific_container_fill.py new file mode 100644 index 0000000000000000000000000000000000000000..15de6a6e90e774631abc4c659d1dd858b76ba3e3 --- /dev/null +++ b/cliport/generated_tasks/color_specific_container_fill.py @@ -0,0 +1,63 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSpecificContainerFill(Task): + """Arrange four colored blocks (red, blue, green, and yellow) around a pallet. + Then, pick up these blocks and place them inside a container marked in the same color. + The task requires precise placement, color matching, and an understanding of spatial structures.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "put the {color} block in the {color} container" + self.task_completed_desc = "done arranging blocks in containers." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Define block and container colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add blocks and containers. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + container_size = (0.12, 0.12, 0.05) + container_template = 'container/container-template.urdf' + blocks = [] + containers = [] + for color in colors: + # Add block. + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add container. + container_pose = self.get_random_pose(env, container_size) + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + container_urdf = self.fill_template(container_template, replace) + container_id = env.add_object(container_urdf, container_pose, 'fixed', color=utils.COLORS[color]) + containers.append(container_id) + + # Goal: each block is in a container of the same color. + for i in range(len(colors)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/color_structured_block_tower.py b/cliport/generated_tasks/color_structured_block_tower.py new file mode 100644 index 0000000000000000000000000000000000000000..c2b9be6b4de6384ceb717786d9da61b1e1fbd73e --- /dev/null +++ b/cliport/generated_tasks/color_structured_block_tower.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorStructuredBlockTower(Task): + """Construct a tower using six blocks: two red, two blue, and two green. + The tower should be built in the order of a red block at the base, + followed by a blue, then green, then red, blue and green at the top.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "construct a tower using six blocks: two red, two blue, and two green. " \ + "The tower should be built in the order of a red block at the base, " \ + "followed by a blue, then green, then red, blue and green at the top." + self.task_completed_desc = "done building color-structured block tower." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define block colors and sizes + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] * 2 + block_size = (0.04, 0.04, 0.04) + + # Add blocks + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Define target poses for the blocks in the tower + base_pose = self.get_random_pose(env, block_size) + targ_poses = [base_pose] + for i in range(1, 6): + targ_poses.append((np.array(base_pose[0]) + np.array([0, 0, i * block_size[2]]), base_pose[1])) + + # Add goals + for i in range(6): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targ_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/6, symmetries=[np.pi/2]) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/colored_balls_sorting_in_corner.py b/cliport/generated_tasks/colored_balls_sorting_in_corner.py new file mode 100644 index 0000000000000000000000000000000000000000..d4114b0819ad44e0ae199ffc9a6dd17d8dc0f41a --- /dev/null +++ b/cliport/generated_tasks/colored_balls_sorting_in_corner.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColoredBallsSortingInCorner(Task): + """Pick up each ball and place it in the corner of the same color, in the specific sequence of red, blue, green and yellow, starting from the leftmost corner to the rightmost.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ball in the {color} corner" + self.task_completed_desc = "done sorting balls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + + # Add corners. + corner_size = (0.12, 0.12, 0) + corner_urdf = 'corner/corner-template.urdf' + corner_poses = [] + for i in range(4): + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed', color=utils.COLORS[colors[i]]) + corner_poses.append(corner_pose) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for i in range(4): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in the corner of the same color. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[corner_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/colored_cylinder_in_square.py b/cliport/generated_tasks/colored_cylinder_in_square.py new file mode 100644 index 0000000000000000000000000000000000000000..96ca921d23d0feb049a6485c6445e218d70efaca --- /dev/null +++ b/cliport/generated_tasks/colored_cylinder_in_square.py @@ -0,0 +1,44 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColoredCylinderInSquare(Task): + """Pick up five differently colored cylinder blocks and arrange them inside the square template on the tabletop. Each block should be placed along the corresponding color edge: red, blue, green, yellow, and orange.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "arrange the {color} cylinder along the {color} edge" + self.task_completed_desc = "done arranging cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add square template. + square_size = (0.3, 0.3, 0.005) # x, y, z dimensions for the asset size + square_pose = self.get_random_pose(env, square_size) + square_urdf = 'square/square-template.urdf' + env.add_object(square_urdf, square_pose, 'fixed') + + # Cylinder colors. + colors = ['red', 'blue', 'green', 'yellow', 'orange'] + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.08) # x, y, z dimensions for the asset size + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0.1, 0, 0.04), (-0.1, 0, 0.04), (0, 0.1, 0.04), (0, -0.1, 0.04), (0, 0, 0.04)] + targs = [(utils.apply(square_pose, i), square_pose[1]) for i in place_pos] + + # Goal: each cylinder is placed along the corresponding color edge. + for i, cylinder in enumerate(cylinders): + self.add_goal(objs=[cylinder], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 5) + self.lang_goals.append(self.lang_template.format(color=colors[i])) diff --git a/cliport/generated_tasks/colorful_block_tower_on_cylinder_base.py b/cliport/generated_tasks/colorful_block_tower_on_cylinder_base.py new file mode 100644 index 0000000000000000000000000000000000000000..17d0ee2c0b17a9d8c562a7067385afbd760ed434 --- /dev/null +++ b/cliport/generated_tasks/colorful_block_tower_on_cylinder_base.py @@ -0,0 +1,55 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorfulBlockTowerOnCylinderBase(Task): + """Construct a tower using four blocks of different colors (red, blue, green, and yellow) on a placed cylindrical base at the corner of the tabletop. The sequence from bottom to top should be red, blue, green, and yellow.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "construct a tower using four blocks of different colors (red, blue, green, and yellow) on a placed cylindrical base at the corner of the tabletop. The sequence from bottom to top should be red, blue, green, and yellow." + self.task_completed_desc = "done building the tower." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add cylindrical base. + # x, y, z dimensions for the asset size + base_size = (0.05, 0.05, 0.05) + base_urdf = 'cylinder/cylinder-template.urdf' + base_pose = self.get_random_pose(env, base_size) + base_id = env.add_object(base_urdf, base_pose, 'fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + + objs = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, 0, 0.05), (0, 0, 0.09), (0, 0, 0.13), (0, 0, 0.17)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked on the cylindrical base in the order red, blue, green, yellow from bottom to top. + for i in range(4): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/connect_boxes_with_rope.py b/cliport/generated_tasks/connect_boxes_with_rope.py new file mode 100644 index 0000000000000000000000000000000000000000..ede42219d1e13ee1f5a7044dbd1add732bf5778e --- /dev/null +++ b/cliport/generated_tasks/connect_boxes_with_rope.py @@ -0,0 +1,49 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import IPython + +class ConnectBoxesWithRope(Task): + """Connect two colored blocks with ropes.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "connect the {color1} and {color2} blocks with the rope." + self.task_completed_desc = "done connecting." + self.additional_reset() + self.pos_eps = 0.04 # higher tolerance + + def reset(self, env): + super().reset(env) + colors = ['red', 'orange', 'yellow', 'green', 'blue', 'indigo', 'violet'] + blocks = [] + target_colors = np.random.choice(colors, 2, replace=False) + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + corner_poses = [] + + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + if color in target_colors: + corner_poses.append(block_pose) + + dist = np.linalg.norm(np.array(corner_poses[0][0])-np.array(corner_poses[1][0])) + n_parts = int(20 * dist / 0.4) + + # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks). + objects, targets, matches = self.make_ropes(env, corners=(corner_poses[0][0], corner_poses[1][0]), n_parts=n_parts) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1.) + self.lang_goals.append(self.lang_template.format(color1=target_colors[0], color2=target_colors[1])) + + # wait for the scene to settle down + for i in range(600): + p.stepSimulation() \ No newline at end of file diff --git a/cliport/generated_tasks/construct_colorful_arch.py b/cliport/generated_tasks/construct_colorful_arch.py new file mode 100644 index 0000000000000000000000000000000000000000..26e8ec712de0ab2c73b94fe2ff104a18cc035d5f --- /dev/null +++ b/cliport/generated_tasks/construct_colorful_arch.py @@ -0,0 +1,63 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ConstructColorfulArch(Task): + """Construct an arch using six blocks: three red, and three blue.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "Construct an arch using six blocks: three red, and three blue." + self.task_completed_desc = "done constructing colorful arch." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + colors = [utils.COLORS['red'], utils.COLORS['blue']] + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + color = colors[i // 3] # First three blocks are red, last three are blue + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), # Base layer + (0, 0, 0.06), # Second layer + (0, -0.05, 0.10), (0, 0.05, 0.10), # Third layer + (0, 0, 0.14)] # Top layer + targs = [(utils.apply(block_pose, i), block_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in an arch (bottom layer: red, red). + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append("Place two red blocks on the tabletop parallel to each other") + + # Goal: blocks are stacked in an arch (second layer: blue). + self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append("Place a blue block on top of the red blocks to form a basic arch") + + # Goal: blocks are stacked in an arch (third layer: red, red). + self.add_goal(objs=blocks[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append("Place a red block on each side of the base arch") + + # Goal: blocks are stacked in an arch (top layer: blue). + self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append("Bridge them with the last blue block") \ No newline at end of file diff --git a/cliport/generated_tasks/construct_corner_blocks.py b/cliport/generated_tasks/construct_corner_blocks.py new file mode 100644 index 0000000000000000000000000000000000000000..b232ee149f523b602c095d1e36082b5df79f05c5 --- /dev/null +++ b/cliport/generated_tasks/construct_corner_blocks.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ConstructCornerBlocks(Task): + """Create a corner structure using four blocks. Two red blocks form the base, one on each side of the corner, followed by a green block that is positioned on the red blocks at the corner junction, and finally a blue block on top of the green one. The overall structure forms a 3-D corner.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "Create a corner structure using four blocks. Two red blocks form the base, one on each side of the corner, followed by a green block that is positioned on the red blocks at the corner junction, and finally a blue block on top of the green one. The overall structure forms a 3-D corner." + self.task_completed_desc = "done constructing corner blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add corner. + corner_size = (0.15, 0.15, 0.05) + corner_urdf = 'corner/corner-template.urdf' + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']] + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), (0, 0, 0.06), (0, 0, 0.10)] + targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a corner (bottom row: two red blocks). + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) + + # Goal: blocks are stacked in a corner (middle row: one green block). + self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*1) + + # Goal: blocks are stacked in a corner (top row: one blue block). + self.add_goal(objs=blocks[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*1) \ No newline at end of file diff --git a/cliport/generated_tasks/construct_corner_building.py b/cliport/generated_tasks/construct_corner_building.py new file mode 100644 index 0000000000000000000000000000000000000000..3cdf7c9b7c4388b65466c0f826e2dc40ac5bcafe --- /dev/null +++ b/cliport/generated_tasks/construct_corner_building.py @@ -0,0 +1,58 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import random +import pybullet as p + +class ConstructCornerBuilding(Task): + """Construct a building-like structure by placing four blocks of different colors + at each corner of a square and one block at the center. + Starting from the center, each block should be placed in a clockwise direction + in the following order: red, green, blue, orange, and yellow.""" + + def __init__(self): + super().__init__() + self.max_steps = 6 + self.lang_template = "construct a building-like structure by placing five blocks of different colors at each corner of a square and one block at the center. Starting from the center, each block should be placed in a clockwise direction in the following order: red, green, blue, orange, and yellow." + self.task_completed_desc = "done constructing corner building." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define block colors + colors = [utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['orange'], utils.COLORS['yellow']] + + # Define block size + block_size = (0.04, 0.04, 0.04) + + # Define block urdf + block_urdf = 'block/block.urdf' + + # Add blocks + body_block_urdf = "box/box-template.urdf" + body_block_urdf = self.fill_template(body_block_urdf, {'DIM': (0.10, 0.10, 0.04)}) + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(body_block_urdf, block_pose, color=colors[0]) + blocks = [block_id] + + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i+1]) + blocks.append(block_id) + + # Define target positions for blocks + center_pos = (0.5, 0, 0.02) + corner_positions = [(0.55, 0.05, 0.02), (0.45, 0.05, 0.02), (0.45, -0.05, 0.02), (0.55, -0.05, 0.02)] + target_positions = [center_pos] + corner_positions + + # Define target poses for blocks + target_poses = [(pos, p.getQuaternionFromEuler((0, 0, 0))) for pos in target_positions] + + # Add goals + for i in range(1,5): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[target_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/6) + self.add_goal(objs=[blocks[0]], matches=np.ones((1, 1)), targ_poses=[target_poses[0]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/6) + self.lang_goals.append(self.lang_template) diff --git a/cliport/generated_tasks/corner_block_challenge.py b/cliport/generated_tasks/corner_block_challenge.py new file mode 100644 index 0000000000000000000000000000000000000000..c17e28761cedcf7afb082f7d2ca9d3686c62a6c1 --- /dev/null +++ b/cliport/generated_tasks/corner_block_challenge.py @@ -0,0 +1,57 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CornerBlockChallenge(Task): + """Construct two columns using eight cubes - four red, two green, and two blue. + The columns should be constructed at two distinct marked corners of the tabletop + using the 'corner/corner-template.urdf' asset. The first column should be constructed + with the red cubes and the second column should use the green and blue cubes, + with blue at the base.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "construct two columns using eight cubes - four red, two green, and two blue" + self.task_completed_desc = "done constructing columns." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add corners. + corner_size = (0.15, 0.15, 0.01) + corner_urdf = 'corner/corner-template.urdf' + corner_poses = [] + for _ in range(2): + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed') + corner_poses.append(corner_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red']] * 4 + [utils.COLORS['green']] * 2 + [utils.COLORS['blue']] * 2 + blocks = [] + for i in range(8): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Goal: each block is stacked in the correct corner in the correct order. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[corner_poses[0]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/8) + for i in range(4, 8): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[corner_poses[1]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/8) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/corner_blocks_insertion.py b/cliport/generated_tasks/corner_blocks_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..813e6721127f7522df96494f5397623240d20629 --- /dev/null +++ b/cliport/generated_tasks/corner_blocks_insertion.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CornerBlocksInsertion(Task): + """Pick up ell objects from the corners and insert them into the fixtures of the same color in a specific sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} ell into the {color} fixture" + self.task_completed_desc = "done inserting." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell and fixture colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ell objects and fixtures. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + fixture_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + + objs = [] + for color in colors: + # Add ell object. + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + objs.append(ell_id) + + # Add fixture. + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + + # Add square-shaped barrier. + barrier_size = (0.1, 0.1, 0.1) + barrier_pose = self.get_random_pose(env, barrier_size) + barrier_urdf = 'square/square-template.urdf' + env.add_object(barrier_urdf, barrier_pose, 'fixed') + + # Goal: each ell object is inserted into the fixture of the same color in a specific sequence. + for i, color in enumerate(colors): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color)) \ No newline at end of file diff --git a/cliport/generated_tasks/corner_sort_cylinders.py b/cliport/generated_tasks/corner_sort_cylinders.py new file mode 100644 index 0000000000000000000000000000000000000000..909481d5ff7e0822f7a7823fa9ca42b32a87d613 --- /dev/null +++ b/cliport/generated_tasks/corner_sort_cylinders.py @@ -0,0 +1,55 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CornerSortCylinders(Task): + """Pick up cylinders of four different colors (red, blue, green, yellow) and place them into four corners accordingly marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} cylinder in the {color} corner" + self.task_completed_desc = "done sorting cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add corners + corner_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the asset size + corner_template = 'corner/corner-template.urdf' + corner_poses = [] + for color in colors: + replace = {'DIM': corner_size, 'HALF': (corner_size[0] / 2, corner_size[1] / 2, corner_size[2] / 2), 'COLOR': utils.COLORS[color]} + corner_urdf = self.fill_template(corner_template, replace) + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed') + corner_poses.append(corner_pose) + + # Add cylinders + cylinder_size = (0.02, 0.02, 0.06) # x, y, z dimensions for the asset size + cylinder_template = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in colors: + replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] / 2, cylinder_size[1] / 2, cylinder_size[2] / 2), 'COLOR': utils.COLORS[color]} + cylinder_urdf = self.fill_template(cylinder_template, replace) + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose) + cylinders.append(cylinder_id) + + # Add goals + for i in range(len(cylinders)): + self.add_goal(objs=[cylinders[i]], matches=np.int32([[1]]), targ_poses=[corner_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(cylinders)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/create_pyramid_blocks_and_container.py b/cliport/generated_tasks/create_pyramid_blocks_and_container.py new file mode 100644 index 0000000000000000000000000000000000000000..065e088abaa47420adf65b002202a99f3629ccd6 --- /dev/null +++ b/cliport/generated_tasks/create_pyramid_blocks_and_container.py @@ -0,0 +1,66 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CreatePyramidBlocksAndContainer(Task): + """Create a pyramid structure using six blocks of three different colors (two red, two green, and two blue) inside a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "Create a pyramid structure using six blocks of three different colors (two red, two green, and two blue) inside a container." + self.task_completed_desc = "done creating pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container. + # x, y, z dimensions for the asset size + container_size = (0.3, 0.3, 0.1) + container_pose = self.get_random_pose(env, container_size) + container_urdf = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + container_urdf = self.fill_template(container_urdf, replace) + env.add_object(container_urdf, container_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['blue']] + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, -0.025, 0.08), (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(container_pose, i), container_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, green, blue). + self.add_goal(objs=blocks[2:5], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green and blue blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: red, red). + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append(self.lang_template.format(blocks="the red blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: blue). + self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(blocks="the blue block", + row="top")) \ No newline at end of file diff --git a/cliport/generated_tasks/create_pyramid_with_color_coded_ells.py b/cliport/generated_tasks/create_pyramid_with_color_coded_ells.py new file mode 100644 index 0000000000000000000000000000000000000000..ce66e2e8ae483b63af8cb8d153a29e1c987f5b19 --- /dev/null +++ b/cliport/generated_tasks/create_pyramid_with_color_coded_ells.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class CreatePyramidWithColorCodedElls(Task): + """Pick up ell-shaped objects of different colors and stack them onto a pallet in the shape of a pyramid.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "stack the {color} ell on the pyramid" + self.task_completed_desc = "done stacking ell pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + + # Ell colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], + utils.COLORS['yellow'], utils.COLORS['green'] + ] + color_names = ['red', 'blue', 'yellow', 'green'] + + # Add Ells. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + objs = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=colors[i]) + objs.append(ell_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, 0, 0.08)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: Ells are stacked in a pyramid (bottom row: red, middle row: blue, top row: yellow, green). + for i in range(4): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/cylinder_balancing_and_placement.py b/cliport/generated_tasks/cylinder_balancing_and_placement.py new file mode 100644 index 0000000000000000000000000000000000000000..b74607d3f21a2a317af10ff9867c3bce6e368911 --- /dev/null +++ b/cliport/generated_tasks/cylinder_balancing_and_placement.py @@ -0,0 +1,49 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CylinderBalancingAndPlacement(Task): + """Pick up each cylinder and balance it on its end at the center of the corresponding colored zone.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "balance the {color} cylinder in the {color} zone" + self.task_completed_desc = "done balancing and placing cylinders." + self.colors = ['red', 'green', 'blue'] + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for color in self.colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.12) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in self.colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is balanced in the corresponding colored zone. + for i in range(len(cylinders)): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(self.lang_template.format(color=self.colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/cylinder_ring_stack.py b/cliport/generated_tasks/cylinder_ring_stack.py new file mode 100644 index 0000000000000000000000000000000000000000..d4ea48143e2180c43bfc77fe78479682a318654f --- /dev/null +++ b/cliport/generated_tasks/cylinder_ring_stack.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CylinderRingStack(Task): + """Pick up each block and stack it on top of the corresponding colored cylinder. + Each cylinder and block pair should be stacked inside a differently colored container.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "stack the {color} block on the {color} cylinder in the {container_color} container" + self.task_completed_desc = "done stacking." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for cylinders, blocks and containers + colors = ['red', 'blue', 'green', 'yellow'] + container_colors = ['blue', 'green', 'yellow', 'red'] + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]]) + cylinders.append(cylinder_id) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i]]) + blocks.append(block_id) + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + containers = [] + for i in range(4): + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[container_colors[i]]) + containers.append(container_id) + + # Goal: each block is stacked on the corresponding colored cylinder inside a differently colored container. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i], container_color=container_colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/cylinder_sorting_with_zone.py b/cliport/generated_tasks/cylinder_sorting_with_zone.py new file mode 100644 index 0000000000000000000000000000000000000000..90146759d6cbc0b2f6d5fd753847cffdfc3a1e4b --- /dev/null +++ b/cliport/generated_tasks/cylinder_sorting_with_zone.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CylinderSortingWithZone(Task): + """Pick up each cylinder and place it in the zone of the same color, in the specific sequence of red, blue, green and yellow from left to right.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "place the {color} cylinder in the {color} zone" + self.task_completed_desc = "done sorting cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = np.arange(len(colors)) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for i in color_sequence: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]]) + zone_poses.append(zone_pose) + + # Add cylinders. + cylinders = [] + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + for i in color_sequence: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is in the zone of the same color. + self.add_goal(objs=cylinders, matches=np.eye(len(cylinders)), targ_poses=zone_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + for i in color_sequence: + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/cylinder_stand_alignment.py b/cliport/generated_tasks/cylinder_stand_alignment.py new file mode 100644 index 0000000000000000000000000000000000000000..240c30a13d0f43703f6e8ae01fdc5cd1020a49a4 --- /dev/null +++ b/cliport/generated_tasks/cylinder_stand_alignment.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CylinderStandAlignment(Task): + """Arrange four colored cylinders (red, blue, green, yellow) in order of their colors on four stands of matching color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "Arrange the {color} cylinder on the {color} stand" + self.task_completed_desc = "done arranging cylinders." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] / 2, cylinder_size[1] / 2, cylinder_size[2] / 2), + 'COLOR': colors[i]} + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(cylinder_urdf, replace) + cylinder_id = env.add_object(urdf, cylinder_pose) + cylinders.append(cylinder_id) + + # Add stands. + # x, y, z dimensions for the asset size + stand_size = (0.05, 0.05, 0.005) + stand_urdf = 'stacking/stand.urdf' + stands = [] + for i in range(4): + stand_pose = self.get_random_pose(env, stand_size) + env.add_object(stand_urdf, stand_pose, color=colors[i], category='fixed') + stands.append(stand_pose) + + # Goal: each cylinder is on a stand of the same color. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stands[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/guided_block_path.py b/cliport/generated_tasks/guided_block_path.py new file mode 100644 index 0000000000000000000000000000000000000000..ab8755fa6d15200f0b837343160ea027865d7568 --- /dev/null +++ b/cliport/generated_tasks/guided_block_path.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class GuidedBlockPath(Task): + """Pick up each block and move it along the line of the same color from start to end.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "move the {color} block along the {color} line from start to end" + self.task_completed_desc = "done moving blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add lines and blocks. + # x, y, z dimensions for the asset size + line_size = (0.3, 0.01, 0.01) + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + line_urdf = 'line/line-template.urdf' + + blocks = [] + lines = [] + for i in range(4): + # Add line + line_pose = self.get_random_pose(env, line_size) + env.add_object(line_urdf, line_pose, color=colors[i], category='fixed') + lines.append(line_pose) + + # Add block + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Add goal + self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[line_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/insert_blocks_into_fixture.py b/cliport/generated_tasks/insert_blocks_into_fixture.py new file mode 100644 index 0000000000000000000000000000000000000000..ca281475f248854a600c0a866b5e5841d3f63ac0 --- /dev/null +++ b/cliport/generated_tasks/insert_blocks_into_fixture.py @@ -0,0 +1,43 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertBlocksIntoFixture(Task): + """Pick up four colored blocks (red, blue, green) and insert them one-by-one into a fixture on the tabletop. The order of insertion starts with the red block, followed by the blue, and green.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} block into the fixture" + self.task_completed_desc = "done inserting blocks into fixture." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add fixture. + # x, y, z dimensions for the asset size + fixture_size = (0.15, 0.15, 0.05) + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_urdf = 'insertion/fixture.urdf' + env.add_object(fixture_urdf, fixture_pose, 'fixed') + + anchor_base_poses = [fixture_pose, + (utils.apply(fixture_pose, (0.04, 0, 0.001)), fixture_pose[1]), + (utils.apply(fixture_pose, (0, 0.04, 0.001)), fixture_pose[1])] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = ['red', 'blue', 'green'] + blocks = [] + for color in block_colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each block is inserted into the fixture in the order of red, blue, green, yellow. + for i, block in enumerate(blocks): + self.add_goal(objs=[block], matches=np.ones((1, 1)), targ_poses=[anchor_base_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=block_colors[i])) diff --git a/cliport/generated_tasks/insert_blocks_lineup.py b/cliport/generated_tasks/insert_blocks_lineup.py new file mode 100644 index 0000000000000000000000000000000000000000..138df782434c9803829c08be14fc66d7013c7571 --- /dev/null +++ b/cliport/generated_tasks/insert_blocks_lineup.py @@ -0,0 +1,58 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertBlocksLineup(Task): + """Pick up four different color blocks and insert them into the corresponding color fixtures.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} block into the {color} fixture" + self.task_completed_desc = "done inserting blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and fixtures + colors = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures. + fixture_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + for i in range(4): + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed') + fixture_poses.append((fixture_pose, fixture_id)) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i]]) + blocks.append(block_id) + + # Add small blocks as barriers. + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'block/small.urdf' + for _ in range(10): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each block is in the corresponding color fixture. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i][0]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/insert_ell_along_square_path.py b/cliport/generated_tasks/insert_ell_along_square_path.py new file mode 100644 index 0000000000000000000000000000000000000000..64526cceec4100e3e2c4d48d7e1cad5dd379b12e --- /dev/null +++ b/cliport/generated_tasks/insert_ell_along_square_path.py @@ -0,0 +1,59 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class InsertEllAlongSquarePath(Task): + """Pick up each ell block and insert it into the fixture of the same color. However, the robot must move each ell block along the marked square path to reach the fixture.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "move the {color} ell block along the square path and insert it into the {color} fixture" + self.task_completed_desc = "done inserting ell blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell block colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ell blocks and fixtures. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + fixture_urdf = 'insertion/fixture.urdf' + ell_blocks = [] + fixtures = [] + for color in colors: + # Add ell block + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ell_blocks.append(ell_id) + + # Add fixture + fixture_pose = self.get_random_pose(env, ell_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Goal: each ell block is inserted into the fixture of the same color. + for i in range(len(colors)): + self.add_goal(objs=[ell_blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Add square path marked by small blocks. + path_block_size = (0.02, 0.02, 0.02) + path_block_urdf = 'block/small.urdf' + path_block_color = utils.COLORS['gray'] + for _ in range(16): + path_block_pose = self.get_random_pose(env, path_block_size) + env.add_object(path_block_urdf, path_block_pose, color=path_block_color) \ No newline at end of file diff --git a/cliport/generated_tasks/insert_red_block_into_cylinder.py b/cliport/generated_tasks/insert_red_block_into_cylinder.py new file mode 100644 index 0000000000000000000000000000000000000000..b276d6c8439e29b38a7f251bb1dd5911490f9079 --- /dev/null +++ b/cliport/generated_tasks/insert_red_block_into_cylinder.py @@ -0,0 +1,44 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class InsertRedBlockIntoCylinder(Task): + """Insert a red block into a cylindrical fixture.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "insert the red block into the cylinder" + self.task_completed_desc = "done inserting block into cylinder." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add cylinder fixture. + # x, y, z dimensions for the asset size + fixture_size = (0.12, 0.12, 0.12) + fixture_urdf = 'insertion/fixture.urdf' + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, category='fixed') + + # Add red block. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'insertion/ell.urdf' + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS['red']) + + # Goal: the red block is inside the cylindrical fixture. + self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/insert_sphere_into_container.py b/cliport/generated_tasks/insert_sphere_into_container.py new file mode 100644 index 0000000000000000000000000000000000000000..18dd13fa4e8cd36d57578cc2b1cbb56c877f7054 --- /dev/null +++ b/cliport/generated_tasks/insert_sphere_into_container.py @@ -0,0 +1,46 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertSphereIntoContainer(Task): + """Pick up a blue sphere and place it into an open container.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "pick up a blue sphere and place it into an open container" + self.task_completed_desc = "done inserting sphere into container." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container. + # x, y, z dimensions for the asset size + container_size = (0.1, 0.1, 0.1) + container_pose = self.get_random_pose(env, container_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + container_id = env.add_object(container_urdf, container_pose, 'fixed') + + # Add sphere. + # x, y, z dimensions for the asset size + sphere_size = (0.04, 0.04, 0.04) + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_urdf = 'sphere/sphere.urdf' + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS['blue']) + + # Goal: the blue sphere is in the container. + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/insertion_and_color_sorting.py b/cliport/generated_tasks/insertion_and_color_sorting.py new file mode 100644 index 0000000000000000000000000000000000000000..8f649b53cfbdc35336bdaf85b68cecd890bccc00 --- /dev/null +++ b/cliport/generated_tasks/insertion_and_color_sorting.py @@ -0,0 +1,60 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertionAndColorSorting(Task): + """Pick up each Ell-shaped block, insert it into a fixture of the same color, then arrange the fixtures in a line in the following color order: red, blue, green, yellow.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "insert the {color} block into the {color} fixture and arrange the fixtures in color order" + self.task_completed_desc = "done inserting and sorting." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell-shaped block colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add Ell-shaped blocks. + block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size + block_urdf = 'insertion/ell.urdf' # URDF file for Ell-shaped block + + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Add fixtures. + fixture_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the fixture size + fixture_urdf = 'insertion/fixture.urdf' # URDF file for fixture + + fixtures = [] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=color) + fixtures.append(fixture_id) + + # Goal: each block is inserted into a fixture of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Goal: fixtures are arranged in a line in color order. + line_poses = [self.get_random_pose(env, fixture_size) for _ in range(len(fixtures))] + line_poses.sort(key=lambda x: x[0]) # sort by x-coordinate to form a line + for i in range(len(fixtures)): + self.add_goal(objs=[fixtures[i]], matches=np.ones((1, 1)), targ_poses=[line_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(fixtures)) \ No newline at end of file diff --git a/cliport/generated_tasks/insertion_in_color_sequenced_zones.py b/cliport/generated_tasks/insertion_in_color_sequenced_zones.py new file mode 100644 index 0000000000000000000000000000000000000000..b435e02ab2d472d258d49e9c6e73155c66852680 --- /dev/null +++ b/cliport/generated_tasks/insertion_in_color_sequenced_zones.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertionInColorSequencedZones(Task): + """Pick up each ell and place it in the zone of the same color, in the specific sequence of red, blue, green, and yellow from left to right.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "place the {color} ell in the {color} zone" + self.task_completed_desc = "done placing ells in color sequenced zones." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for i in range(4): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]]) + zone_poses.append(zone_pose) + + # Add ells. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]]) + ells.append(ell_id) + + # Goal: each ell is in the zone of the same color. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/insertion_path_obstacle_course.py b/cliport/generated_tasks/insertion_path_obstacle_course.py new file mode 100644 index 0000000000000000000000000000000000000000..03829f302e580345fa1150b2868b17f5307db80b --- /dev/null +++ b/cliport/generated_tasks/insertion_path_obstacle_course.py @@ -0,0 +1,60 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class InsertionPathObstacleCourse(Task): + """Navigate a robot along a path to insert colored ell blocks into matching fixtures.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "move the {color} ell block along the path and insert it into the {color} fixture" + self.task_completed_desc = "done inserting ell blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell block and fixture colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ell blocks and fixtures. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + fixture_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + + ell_blocks = [] + fixtures = [] + for color in colors: + # Add ell block + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ell_blocks.append(ell_id) + + # Add fixture + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Add small blocks to form a path + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'block/small.urdf' + for _ in range(10): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each ell block is inserted into the fixture of the same color. + for i in range(len(colors)): + self.add_goal(objs=[ell_blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/manipulating_two_ropes.py b/cliport/generated_tasks/manipulating_two_ropes.py new file mode 100644 index 0000000000000000000000000000000000000000..b463152b444ccf06d84c78420b76f524b204bf99 --- /dev/null +++ b/cliport/generated_tasks/manipulating_two_ropes.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula + +class ManipulatingTwoRopes(Task): + """rearrange the red and blue deformable ropes such that it connects the two endpoints of a 3-sided square of corresponding color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "rearrange the {color_name} rope such that it connects the two endpoints of a 3-sided square of corresponding color." + self.task_completed_desc = "done manipulating two ropes." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + n_parts = 20 + radius = 0.005 + length = 2 * radius * n_parts * np.sqrt(2) + + # Add 3-sided square for the red rope. + color_list = ['red', 'blue'] + for color_name in color_list: + square_size = (length, length, 0) + square_pose = self.get_random_pose(env, square_size) + square_template = 'square/square-template.urdf' + + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + replace = {'DIM': (length,), 'HALF': (np.float32(length) / 2 - 0.005,)} + urdf = self.fill_template(square_template, replace) + env.add_object(urdf, square_pose, 'fixed', color=utils.COLORS[color_name]) + + # compute corners + corner0 = (length / 2, length / 2, 0.001) + corner1 = (-length / 2, length / 2, 0.001) + corner_0 = utils.apply(square_pose, corner0) + corner_1 = utils.apply(square_pose, corner1) + + # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks). + objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1), color_name=color_name) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1. / len(color_list)) + + self.lang_goals.append(self.lang_template.format(color_name=color_name)) + + print(f"len of languages: {len(self.lang_goals)} obj:{len(objects)}") + for i in range(480): + p.stepSimulation() diff --git a/cliport/generated_tasks/mix_piles.py b/cliport/generated_tasks/mix_piles.py new file mode 100644 index 0000000000000000000000000000000000000000..b38b956a48f78f67e506f8a2ecb776a4d3a380d1 --- /dev/null +++ b/cliport/generated_tasks/mix_piles.py @@ -0,0 +1,42 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula + +class MixPiles(Task): + """Create two separate piles of ten blocks with different colors. Then, push them into a zone.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.num_blocks = 10 + self.lang_template = "create two separate piles of ten blocks with different colors. Then, push them into a zone." + self.task_completed_desc = "done mixing piles." + self.ee = Spatula + self.primitive = primitives.push + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # Get two random colors of piles + sample_colors, _ = utils.get_colors(self.mode, n_colors=2) + + # Add piles 1. + piles1 = self.make_piles(env, block_color=sample_colors[0]) + + # Add piles 2. + piles2 = self.make_piles(env, block_color=sample_colors[1]) + + # Goal: each block is in the goal zone, alternating between red and blue. + blocks = piles1 + piles2 + matches = np.ones((len(blocks), 1)) + self.add_goal(objs=blocks, matches=matches, targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) diff --git a/cliport/generated_tasks/mixed_color_block_barrier_insertion.py b/cliport/generated_tasks/mixed_color_block_barrier_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..6eca781ac70756084d623a3808605c411c8b5202 --- /dev/null +++ b/cliport/generated_tasks/mixed_color_block_barrier_insertion.py @@ -0,0 +1,59 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class MixedColorBlockBarrierInsertion(Task): + """Pick up each colored block, navigate the barriers, and insert each block into the fixture of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} block into the {color} fixture" + self.task_completed_desc = "done inserting blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and fixtures + colors = ['red', 'blue', 'green', 'yellow'] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add fixtures. + fixture_size = (0.06, 0.06, 0.06) + fixture_urdf = 'insertion/fixture.urdf' + fixtures = [] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Add barriers. + barrier_size = (0.12, 0.04, 0.04) + barrier_colors = ['orange', 'purple', 'brown'] + for _ in range(2): + for color in barrier_colors: + barrier_pose = self.get_random_pose(env, barrier_size) + env.add_object(block_urdf, barrier_pose, color=utils.COLORS[color]) + + # Goal: each block is inserted into the fixture of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/move_piles_along_line.py b/cliport/generated_tasks/move_piles_along_line.py new file mode 100644 index 0000000000000000000000000000000000000000..c441f6cd6b79676ed9e5aa5aba9c5a2f8ee66da4 --- /dev/null +++ b/cliport/generated_tasks/move_piles_along_line.py @@ -0,0 +1,70 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class MovePilesAlongLine(Task): + """Move three piles of small blocks, each pile a different color (red, blue, green), + along three matching colored lines to three separate zones of the same color using a spatula.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "move the piles of blocks along the lines to the matching colored zones" + self.task_completed_desc = "done moving piles." + self.primitive = primitives.push + self.ee = Spatula + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add three colored lines. + line_template = 'line/line-template.urdf' + line_colors = ['red', 'blue', 'green'] + line_poses = [] + for color in line_colors: + line_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + line_pose = self.get_random_pose(env, line_size) + replace = {'DIM': line_size, 'HALF': (line_size[0] / 2, line_size[1] / 2, line_size[2] / 2), 'COLOR': color} + line_urdf = self.fill_template(line_template, replace) + env.add_object(line_urdf, line_pose, 'fixed') + line_poses.append(line_pose) + + # Add three colored zones. + zone_template = 'zone/zone.urdf' + zone_poses = [] + for color in line_colors: + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2), 'COLOR': color} + zone_urdf = self.fill_template(zone_template, replace) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Add three piles of small blocks. + block_template = 'block/small.urdf' + block_colors = ['red', 'blue', 'green'] + block_ids = [] + for color in block_colors: + block_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + block_pose = self.get_random_pose(env, block_size) + replace = {'DIM': block_size, 'HALF': (block_size[0] / 2, block_size[1] / 2, block_size[2] / 2), 'COLOR': color} + block_urdf = self.fill_template(block_template, replace) + block_id = env.add_object(block_urdf, block_pose) + block_ids.append(block_id) + + # Add goals. + for i in range(3): + self.add_goal(objs=[block_ids[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=False, metric='zone', params=[(zone_poses[i], zone_size)], step_max_reward=1/3) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/multi_color_block_sequence_insertion.py b/cliport/generated_tasks/multi_color_block_sequence_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..5a8a0fd02daa7eac1eb7bbb11df76f29bbc352f6 --- /dev/null +++ b/cliport/generated_tasks/multi_color_block_sequence_insertion.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class MultiColorBlockSequenceInsertion(Task): + """Pick up blocks of different colors and insert them into the fixture of the same color in a specific sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "insert the {color} block into the {color} fixture" + self.task_completed_desc = "done inserting blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the color sequence + color_sequence = ['red', 'blue', 'green', 'yellow', 'orange'] + + # Add fixtures. + fixture_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + fixtures = [] + for color in color_sequence: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in color_sequence: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is inserted into the fixture of the same color in the specified sequence. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=color_sequence[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/multi_level_block_construction.py b/cliport/generated_tasks/multi_level_block_construction.py new file mode 100644 index 0000000000000000000000000000000000000000..9bc723b4d1892388be75efdf72ca5d2d0a6b839b --- /dev/null +++ b/cliport/generated_tasks/multi_level_block_construction.py @@ -0,0 +1,57 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class MultiLevelBlockConstruction(Task): + """Construct a two-level structure on a pallet using four blocks: two red and two blue. + The lower level should be a rectangle created by placing the red blocks side by side. + The upper level is made up by placing the blue blocks placed on top of the red blocks + creating a line aligned perpendicular to the red blocks.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "construct a two-level structure on a pallet using four blocks: two red and two blue" + self.task_completed_desc = "done constructing multi-level block structure." + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.015) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['blue']] + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02), + (0, -0.02, 0.06), (0, 0.02, 0.06)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: red blocks are placed side by side on the pallet. + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) + + # Goal: blue blocks are stacked on top of the red blocks. + self.add_goal(objs=blocks[2:], matches=np.ones((2, 2)), targ_poses=targs[2:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) \ No newline at end of file diff --git a/cliport/generated_tasks/multi_level_insertion_and_zone_matching.py b/cliport/generated_tasks/multi_level_insertion_and_zone_matching.py new file mode 100644 index 0000000000000000000000000000000000000000..9717282b88332c2dbbdc99a25543b8a9346908b9 --- /dev/null +++ b/cliport/generated_tasks/multi_level_insertion_and_zone_matching.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class MultiLevelInsertionAndZoneMatching(Task): + """Pick up ell objects from their current position and insert them into the corresponding colored zone on the same level, in a specific order - large, medium, and small.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {size} {color} ell into the {color} zone on the same level" + self.task_completed_desc = "done inserting." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_sizes = [(0.12, 0.12, 0), (0.12, 0.12, 0.05), (0.12, 0.12, 0.1)] + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + zone_colors = ['red', 'blue', 'green'] + for i in range(3): + zone_pose = self.get_random_pose(env, zone_sizes[i]) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[zone_colors[i]]) + zone_poses.append(zone_pose) + + # Add ell objects. + ell_sizes = [(0.08, 0.08, 0.02), (0.06, 0.06, 0.015), (0.04, 0.04, 0.01)] + ell_urdf = 'insertion/ell.urdf' + ells = [] + for i in range(3): + for j in range(3): + ell_pose = self.get_random_pose(env, ell_sizes[j]) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[zone_colors[i]]) + ells.append(ell_id) + + # Goal: each ell object is in the corresponding colored zone on the same level. + for i in range(9): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i//3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/9) + self.lang_goals.append(self.lang_template.format(size=['large', 'medium', 'small'][i%3], color=zone_colors[i//3])) \ No newline at end of file diff --git a/cliport/generated_tasks/multi_level_pyramid_construction.py b/cliport/generated_tasks/multi_level_pyramid_construction.py new file mode 100644 index 0000000000000000000000000000000000000000..0d5ce3bed6ccbb2771f26947a2f684ef9394fff5 --- /dev/null +++ b/cliport/generated_tasks/multi_level_pyramid_construction.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class MultiLevelPyramidConstruction(Task): + """Construct a two-level pyramid on a pallet using six blocks: three green and three blue.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "Construct a two-level pyramid on a pallet using six blocks: three green and three blue. The first level should be a triangle created by placing the green blocks side by side. The second level should be built by placing the blue blocks on top of the green blocks, forming another triangle rotated 60 degrees with respect to the first one." + self.task_completed_desc = "done constructing pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.35, 0.35, 0.01) # x, y, z dimensions for the pallet size + pallet_pose = self.get_random_pose(env, pallet_size) + pallet_urdf = 'pallet/pallet.urdf' + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['green']] * 3 + [utils.COLORS['blue']] * 3 # three green and three blue blocks + + blocks = [] + for color in block_colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), # first level + (0, -0.025, 0.06), (0, 0.025, 0.06), (0, 0, 0.10)] # second level + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (first level: green blocks). + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green blocks", row="bottom")) + + # Goal: blocks are stacked in a pyramid (second level: blue blocks). + self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the blue blocks", row="top")) \ No newline at end of file diff --git a/cliport/generated_tasks/multicolor_block_bridge.py b/cliport/generated_tasks/multicolor_block_bridge.py new file mode 100644 index 0000000000000000000000000000000000000000..0003b2c7f0c7d388c29c58411b9f98a42f59630c --- /dev/null +++ b/cliport/generated_tasks/multicolor_block_bridge.py @@ -0,0 +1,73 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class MulticolorBlockBridge(Task): + """Build a bridge by stacking three red, three blue, and three green blocks on a pallet. + Arrange in a sequence from left to right: red, blue, and green. + Then, place three cylinders of corresponding colors on top of the stacked blocks, forming a bridge. + The cylinders should roll from the top block to the pallet, creating a challenge of precision and control.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "Build a bridge by stacking three red, three blue, and three green blocks on a pallet. Arrange in a sequence from left to right: red, blue, and green. Then, place three cylinders of corresponding colors on top of the stacked blocks, forming a bridge." + self.task_completed_desc = "done building the bridge." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] + blocks = [] + for i in range(9): # 3 blocks of each color + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i // 3]) + blocks.append(block_id) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_template = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(3): # 1 cylinder of each color + cylinder_pose = self.get_random_pose(env, cylinder_size) + replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] / 2, cylinder_size[1] / 2, cylinder_size[2] / 2)} + cylinder_urdf = self.fill_template(cylinder_template, replace) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=block_colors[i]) + cylinders.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked on the pallet in the order red, blue, green. + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i // 3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 9, symmetries=[np.pi/2]) + + # Goal: cylinders are placed on top of the stacked blocks. + for i in range(3): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/place_ball_in_elevated_bowl.py b/cliport/generated_tasks/place_ball_in_elevated_bowl.py new file mode 100644 index 0000000000000000000000000000000000000000..46f0dd3923653c1f5290dba4a63e6ab37db1efb4 --- /dev/null +++ b/cliport/generated_tasks/place_ball_in_elevated_bowl.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class PlaceBallInElevatedBowl(Task): + """Pick up a red ball and carefully place it into a bowl, which is positioned on a raised platform that is surrounded by small blocks.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "place the red ball in the elevated bowl" + self.task_completed_desc = "done placing ball in bowl." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add elevated platform. + platform_size = (0.3, 0.3, 0.05) + platform_urdf = 'platform/platform.urdf' + platform_pose = self.get_random_pose(env, platform_size) + env.add_object(platform_urdf, platform_pose, 'fixed') + + # Add bowl on the platform. + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_pose[0][2] += platform_size[2] # place the bowl on top of the platform + bowl_id = env.add_object(bowl_urdf, bowl_pose, 'fixed') + + # Add red ball. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS['red']) + + # Add small blocks around the platform. + block_size = (0.02, 0.02, 0.02) + block_urdf = 'block/small.urdf' + for _ in range(5): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: the red ball is in the bowl. + self.add_goal(objs=[ball_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/precise_block_placement_in_container.py b/cliport/generated_tasks/precise_block_placement_in_container.py new file mode 100644 index 0000000000000000000000000000000000000000..0b6292c66cc486cc9c8ef6d0a1b857799cfc4a45 --- /dev/null +++ b/cliport/generated_tasks/precise_block_placement_in_container.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class PreciseBlockPlacementInContainer(Task): + """Pick up each color of blocks and place them in the container of the same color in a specific orientation.""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "place the {color} blocks in the {color} container" + self.task_completed_desc = "done placing blocks in containers." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and containers + colors = ['red', 'blue', 'green', 'yellow'] + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, category='fixed', color=utils.COLORS[color]) + container_poses.append(container_pose) + + # Add blocks. + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for color in colors: + for _ in range(3): # three blocks of each color + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in a container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i//3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/12) + self.lang_goals.append(self.lang_template.format(color=colors[i//3])) \ No newline at end of file diff --git a/cliport/generated_tasks/push_piles_into_letter.py b/cliport/generated_tasks/push_piles_into_letter.py new file mode 100644 index 0000000000000000000000000000000000000000..2581c3b7b6aa50c9faa1bbbbeb9a0e98bd350cee --- /dev/null +++ b/cliport/generated_tasks/push_piles_into_letter.py @@ -0,0 +1,47 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import IPython + +class PushPilesIntoLetter(Task): + """Push piles of small objects into a target goal zone shaped in some letters.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks fill in the green shape" + self.task_completed_desc = "done sweeping." + self.primitive = primitives.push + self.ee = Spatula + self.additional_reset() + + def reset(self, env): + super().reset(env) + num_blocks = 50 + + # Add the target letter + rand_letter = self.get_kitting_shapes(n_objects=1)[0] + shape = os.path.join(self.assets_root, 'kitting', + f'{rand_letter:02d}.obj') + zone_pose = self.get_random_pose(env, (0.2,0.2,0.01)) + scale = [0.006, 0.006, 0.00001] # .0005 + replace = {'FNAME': (shape,), 'SCALE': scale, 'COLOR': [0.2, 0.5, 0.2]} # green color + template = 'kitting/object-template-nocollision.urdf' + urdf = self.fill_template(template, replace) + letter_zone = env.add_object(urdf, zone_pose, 'fixed') + + # Add pile of small blocks with `make_piles` function + obj_ids = self.make_piles(env) + + # Sample point from the object shape as the target poses for the piles + target_poses = self.get_target_sample_surface_points(shape, scale, zone_pose, num_points=num_blocks) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((num_blocks, num_blocks)), targ_poses=target_poses, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=2) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/pyramid_blocks_assemble.py b/cliport/generated_tasks/pyramid_blocks_assemble.py new file mode 100644 index 0000000000000000000000000000000000000000..5eb5c3dccdceffd87ad2a8c4e074651cbd13b3df --- /dev/null +++ b/cliport/generated_tasks/pyramid_blocks_assemble.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class PyramidBlocksAssemble(Task): + """Construct a pyramid using nine blocks in a specific color order on a pallet.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "construct a pyramid using nine blocks in a specific color order on a pallet" + self.task_completed_desc = "done constructing pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.35, 0.35, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for _ in range(9): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [ + (-0.1, -0.1, 0.02), (0, -0.1, 0.02), (0.1, -0.1, 0.02), (-0.1, 0, 0.02), (0.1, 0, 0.02), + (-0.05, 0.05, 0.06), (0.05, 0.05, 0.06), (0, 0.1, 0.06), + (0, 0.05, 0.1) + ] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid in a specific color order. + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 9) + self.lang_goals.append(self.lang_template.format(blocks="the blocks", + row="row")) \ No newline at end of file diff --git a/cliport/generated_tasks/rainbow_stack.py b/cliport/generated_tasks/rainbow_stack.py new file mode 100644 index 0000000000000000000000000000000000000000..2b831e85003550f08f654d41b57a40a85ef18f36 --- /dev/null +++ b/cliport/generated_tasks/rainbow_stack.py @@ -0,0 +1,41 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class RainbowStack(Task): + """Pick up blocks of seven different colors and stack them on the stand in the order of the rainbow (red, orange, yellow, green, blue, indigo, violet) from bottom to top.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "stack the blocks on the stand in the order of the rainbow from bottom to top" + self.task_completed_desc = "done stacking." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add stand. + # x, y, z dimensions for the asset size + stand_size = (0.12, 0.12, 0.02) + stand_pose = self.get_random_pose(env, stand_size) + stand_urdf = 'stacking/stand.urdf' + env.add_object(stand_urdf, stand_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + colors = ['red', 'orange', 'yellow', 'green', 'blue', 'indigo', 'violet'] + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: stack the blocks on the stand in the order of the rainbow from bottom to top. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[stand_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/sequential_block_insertion.py b/cliport/generated_tasks/sequential_block_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..4c09549a4f65dcf671cc3aa5eefd5dac010fd0df --- /dev/null +++ b/cliport/generated_tasks/sequential_block_insertion.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class SequentialBlockInsertion(Task): + """Pick up blocks of different colors and insert them into the fixture of the same color in a specific sequence.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} block into the {color} fixture" + self.task_completed_desc = "done inserting blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the sequence of colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures. + # x, y, z dimensions for the asset size + fixture_size = (0.12, 0.12, 0) + fixture_urdf = 'insertion/fixture.urdf' + fixtures = [] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color], category='fixed') + fixtures.append(fixture_id) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the fixture of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/sequential_insertion_and_stacking.py b/cliport/generated_tasks/sequential_insertion_and_stacking.py new file mode 100644 index 0000000000000000000000000000000000000000..010fe7c05d88c0ee302ba935461e75ec01ced39a --- /dev/null +++ b/cliport/generated_tasks/sequential_insertion_and_stacking.py @@ -0,0 +1,63 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class SequentialInsertionAndStacking(Task): + """Pick up and insert each ell block into the corresponding colored fixture in the sequence of red, blue, and green. After successful insertion, pick up the three blocks again from the fixtures and stack them in a corner of the tabletop in the same color sequence - red at the bottom, blue in the middle, and green on top.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "insert the {color} ell block into the {color} fixture and then stack them in the corner" + self.task_completed_desc = "done inserting and stacking." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add fixtures. + fixture_size = (0.12, 0.12, 0) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + colors = ['red', 'blue', 'green'] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, category='fixed', color=utils.COLORS[color]) + fixture_poses.append(fixture_pose) + + # Add ell blocks. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Goal: each ell block is in the corresponding colored fixture. + for i in range(3): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Add corner. + corner_size = (0.12, 0.12, 0) + corner_pose = self.get_random_pose(env, corner_size) + corner_urdf = 'corner/corner-template.urdf' + env.add_object(corner_urdf, corner_pose, category='fixed') + + # Goal: ell blocks are stacked in the corner in the color sequence - red at the bottom, blue in the middle, and green on top. + stack_poses = [(0, 0, 0.04), (0, 0, 0.08), (0, 0, 0.12)] + targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in stack_poses] + self.add_goal(objs=ells, matches=np.ones((3, 3)), targ_poses=targs, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append("stack the ell blocks in the corner in the color sequence - red at the bottom, blue in the middle, and green on top") \ No newline at end of file diff --git a/cliport/generated_tasks/sort_and_assemble_block_castle.py b/cliport/generated_tasks/sort_and_assemble_block_castle.py new file mode 100644 index 0000000000000000000000000000000000000000..6ae3c135209da758e86be2c52a35b87b20d640a1 --- /dev/null +++ b/cliport/generated_tasks/sort_and_assemble_block_castle.py @@ -0,0 +1,61 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SortAndAssembleBlockCastle(Task): + """Sort blocks by color and assemble them into a castle-like structure.""" + + def __init__(self): + super().__init__() + self.max_steps = 50 + self.lang_template = "sort the blocks by color and assemble them into a castle" + self.task_completed_desc = "done sorting and assembling." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(3): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']] + blocks = [] + for color in block_colors: + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each block is in a different zone based on color. + for i in range(12): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 3)), targ_poses=zone_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/12) + + # Goal: blocks are stacked in a pyramid in each zone. + for i in range(3): + zone_blocks = blocks[i*4:(i+1)*4] + place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02), + (0, 0, 0.06), (0, 0, 0.10)] + targs = [(utils.apply(zone_poses[i], pos), zone_poses[i][1]) for pos in place_pos] + for j in range(4): + self.add_goal(objs=[zone_blocks[j]], matches=np.ones((1, 1)), targ_poses=[targs[j]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/12) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/sort_and_stack_clr_blocks.py b/cliport/generated_tasks/sort_and_stack_clr_blocks.py new file mode 100644 index 0000000000000000000000000000000000000000..0e3ee0d8dd3daae9167201f89ed537d3b2495d3e --- /dev/null +++ b/cliport/generated_tasks/sort_and_stack_clr_blocks.py @@ -0,0 +1,62 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SortAndStackClrBlocks(Task): + """Pick up four blocks of different colors (red, blue, green, yellow) and place them into separate corners of a pallet. After sorting, stack them in a specific sequence on top of the pallet. The bottom of the stack should start with a green block followed by a blue, then red, and finally a yellow block at the top.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "sort and stack the blocks in the order of green, blue, red, and yellow" + self.task_completed_desc = "done sorting and stacking blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0.05, 0.05, 0.02), (-0.05, 0.05, 0.02), (-0.05, -0.05, 0.02), (0.05, -0.05, 0.02)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are sorted into separate corners of the pallet. + self.add_goal(objs=blocks, matches=np.eye(4), targ_poses=targs, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=0.5, symmetries=[np.pi/2]*4) + self.lang_goals.append(self.lang_template) + + # Associate stacking locations for goals. + stack_pos = [(0, 0, 0.02), (0, 0, 0.06), (0, 0, 0.10), (0, 0, 0.14)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in stack_pos] + + # Goal: blocks are stacked on top of the pallet in the order of green, blue, red, and yellow. + self.add_goal(objs=blocks, matches=np.eye(4), targ_poses=targs, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=0.5, symmetries=[np.pi/2]*4) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/sort_insert_color_coordinated_blocks.py b/cliport/generated_tasks/sort_insert_color_coordinated_blocks.py new file mode 100644 index 0000000000000000000000000000000000000000..e708962f98bee4f78362f568acb31c39bd07eb43 --- /dev/null +++ b/cliport/generated_tasks/sort_insert_color_coordinated_blocks.py @@ -0,0 +1,50 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SortInsertColorCoordinatedBlocks(Task): + """Sort blocks by their colors and place them into the containers of the matching color.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "sort the blocks by their colors and place them into the containers of the matching color" + self.task_completed_desc = "done sorting and inserting blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_colors = ['red', 'blue', 'green'] + container_poses = [] + for color in container_colors: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + container_poses.append(container_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = ['red', 'red', 'blue', 'blue', 'green', 'green'] + blocks = [] + for color in block_colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in a container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i//2]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/sorting_blocks_into_pallets.py b/cliport/generated_tasks/sorting_blocks_into_pallets.py new file mode 100644 index 0000000000000000000000000000000000000000..70fb2e831f9c4f7b236bd5d0ae1151179f038271 --- /dev/null +++ b/cliport/generated_tasks/sorting_blocks_into_pallets.py @@ -0,0 +1,51 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SortingBlocksIntoPallets(Task): + """Pick up blocks of four different colors (red, blue, green, yellow) and place them into four separate pallets of matching color. The pallets are placed in a row and the blocks are scattered randomly on the table.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "put the {color} block into the {color} pallet" + self.task_completed_desc = "done sorting blocks into pallets." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.12, 0.12, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_poses = [] + pallet_colors = ['red', 'blue', 'green', 'yellow'] + for color in pallet_colors: + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed', color=utils.COLORS[color]) + pallet_poses.append(pallet_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for color in pallet_colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in a different pallet of matching color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=pallet_colors[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/sphere_align_stand.py b/cliport/generated_tasks/sphere_align_stand.py new file mode 100644 index 0000000000000000000000000000000000000000..4f315e0909acb8b51000c51f564e4c2f4d5971b1 --- /dev/null +++ b/cliport/generated_tasks/sphere_align_stand.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SphereAlignStand(Task): + """Pick up each sphere and place it on the stand of the matching color.""" + + def __init__(self): + super().__init__() + self.max_steps = 5 + self.lang_template = "place the {color} sphere on the {color} stand" + self.task_completed_desc = "done aligning spheres with stands." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for the spheres and stands + colors = ['red', 'green', 'blue', 'yellow', 'purple'] + color_names = ['red', 'green', 'blue', 'yellow', 'purple'] + + # Add stands. + # x, y, z dimensions for the asset size + stand_size = (0.05, 0.05, 0.05) + stand_urdf = 'stacking/stand.urdf' + stand_poses = [] + for i in range(5): + stand_pose = self.get_random_pose(env, stand_size) + env.add_object(stand_urdf, stand_pose, 'fixed', color=utils.COLORS[colors[i]]) + stand_poses.append(stand_pose) + + # Add spheres. + # x, y, z dimensions for the asset size + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + spheres = [] + for i in range(5): + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[colors[i]]) + spheres.append(sphere_id) + + # Goal: each sphere is on the stand of the matching color. + for i in range(5): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[stand_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/5) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/sphere_container_color_match.py b/cliport/generated_tasks/sphere_container_color_match.py new file mode 100644 index 0000000000000000000000000000000000000000..f975caca173dc5e50760180b9f2df82b47d70456 --- /dev/null +++ b/cliport/generated_tasks/sphere_container_color_match.py @@ -0,0 +1,53 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class SphereContainerColorMatch(Task): + """Pick up each sphere and place it into a container of the same color.""" + + def __init__(self): + super().__init__() + self.max_steps = 4 + self.lang_template = "put the {color} sphere in the {color} container" + self.task_completed_desc = "done matching spheres and containers." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + containers = [] + for i in range(4): + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=colors[i]) + containers.append(container_id) + + # Add spheres. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + spheres = [] + for i in range(4): + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=colors[i]) + spheres.append(sphere_id) + + # Goal: each sphere is in a container of the same color. + for i in range(4): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) \ No newline at end of file diff --git a/cliport/generated_tasks/stack_blocks_in_container.py b/cliport/generated_tasks/stack_blocks_in_container.py new file mode 100644 index 0000000000000000000000000000000000000000..b6ec555e7aca1c4387be33563354880e624d832e --- /dev/null +++ b/cliport/generated_tasks/stack_blocks_in_container.py @@ -0,0 +1,52 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class StackBlocksInContainer(Task): + """Pick up five blocks of different colors (red, blue, green, yellow, and orange) + and stack them in a container in a specific sequence. + The bottom of the stack should start with a red block followed by a blue, + green, yellow and finally an orange block at the top.""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = "stack the blocks in the container in the following order: {order}" + self.task_completed_desc = "done stacking blocks in container." + self.order = ['red', 'blue', 'green', 'yellow', 'orange'] + self.colors = [utils.COLORS[color] for color in self.order] + + def reset(self, env): + super().reset(env) + + # Add container. + container_size = (0.15, 0.15, 0.15) # x, y, z dimensions for the container size + container_pose = self.get_random_pose(env, container_size) + container_urdf = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + container_urdf = self.fill_template(container_urdf, replace) + env.add_object(container_urdf, container_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size + block_urdf = 'block/block.urdf' + blocks = [] + for color in self.colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each block is stacked in the container in the specified order. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + self.lang_goals.append(self.lang_template.format(order=', '.join(self.order))) \ No newline at end of file diff --git a/cliport/generated_tasks/stack_color_coordinated_blocks.py b/cliport/generated_tasks/stack_color_coordinated_blocks.py new file mode 100644 index 0000000000000000000000000000000000000000..807fd076075e10c92ec3f5fa937de19bd10223cd --- /dev/null +++ b/cliport/generated_tasks/stack_color_coordinated_blocks.py @@ -0,0 +1,68 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class StackColorCoordinatedBlocks(Task): + """Pick up six blocks of different colors (red, blue, green, yellow, orange, and purple) + and stack them on a pallet in two separate stacks. The first stack should be red at the bottom, + blue in the middle, and green at top. The second stack should be yellow at the bottom, + orange in the middle, and purple at the top.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "stack the blocks on the pallet in two separate stacks. " \ + "The first stack should be red at the bottom, blue in the middle, " \ + "and green at top. The second stack should be yellow at the bottom, " \ + "orange in the middle, and purple at the top." + self.task_completed_desc = "done stacking color-coordinated blocks." + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['purple'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'box/box-template.urdf' + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), + (0, -0.05, 0.06), (0, 0, 0.06), (0, 0.05, 0.06)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked on the pallet in two separate stacks. + # First stack: red at the bottom, blue in the middle, and green at top. + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + + # Second stack: yellow at the bottom, orange in the middle, and purple at the top. + self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/sweep_and_sort_blocks.py b/cliport/generated_tasks/sweep_and_sort_blocks.py new file mode 100644 index 0000000000000000000000000000000000000000..f729baece8266699b60e1bb25114240f3082cf0a --- /dev/null +++ b/cliport/generated_tasks/sweep_and_sort_blocks.py @@ -0,0 +1,56 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class SweepAndSortBlocks(Task): + """Sweep a pile of small blocks of different colors (red, blue, green, and yellow) into their corresponding colored zones marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "sweep the pile of {color} blocks into the {color} square" + self.task_completed_desc = "done sweeping and sorting." + self.primitive = primitives.push + self.ee = Spatula + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add colored zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + colors = ['red', 'blue', 'green', 'yellow'] + zone_poses = [] + for color in colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add piles of colored blocks. + block_urdf = 'block/small.urdf' + block_size = (0.04, 0.04, 0.04) + piles = [] + for color in colors: + pile = [] + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + pile.append(block_id) + piles.append(pile) + + # Add goals for each color. + for i, color in enumerate(colors): + self.add_goal(objs=piles[i], matches=np.ones((10, 1)), targ_poses=[zone_poses[i]], replace=True, + rotations=False, metric='zone', params=[(zone_poses[i], zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template.format(color=color)) \ No newline at end of file diff --git a/cliport/generated_tasks/symmetric_block_bridge_construction.py b/cliport/generated_tasks/symmetric_block_bridge_construction.py new file mode 100644 index 0000000000000000000000000000000000000000..0660b0cabfa1b917c8541c84fe05f12dab383acc --- /dev/null +++ b/cliport/generated_tasks/symmetric_block_bridge_construction.py @@ -0,0 +1,87 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class SymmetricBlockBridgeConstruction(Task): + """Create a symmetrical bridge-shaped structure on a stand using eight blocks of two different colors (four red and four blue).""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "create a symmetrical bridge-shaped structure on a stand using eight blocks of two different colors (four red and four blue)" + self.task_completed_desc = "done building the bridge." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue']] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(8): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i%2]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13), + (0, -0.025, 0.18), (0, 0.025, 0.18)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a bridge (bottom row: red, red). + self.add_goal(objs=objs[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*2) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (second row: blue). + self.add_goal(objs=objs[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (third row: red). + self.add_goal(objs=objs[3:4], matches=np.ones((1, 1)), targ_poses=targs[3:4], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (fourth row: blue). + self.add_goal(objs=objs[4:5], matches=np.ones((1, 1)), targ_poses=targs[4:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (fifth row: red). + self.add_goal(objs=objs[5:6], matches=np.ones((1, 1)), targ_poses=targs[5:6], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (sixth row: blue). + self.add_goal(objs=objs[6:7], matches=np.ones((1, 1)), targ_poses=targs[6:7], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (top row: red, red). + self.add_goal(objs=objs[7:], matches=np.ones((1, 1)), targ_poses=targs[7:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/generated_tasks/triangle_block_arrangement.py b/cliport/generated_tasks/triangle_block_arrangement.py new file mode 100644 index 0000000000000000000000000000000000000000..98062e3ed7a5f9f68b152ae92999b7488ea2c3fa --- /dev/null +++ b/cliport/generated_tasks/triangle_block_arrangement.py @@ -0,0 +1,55 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class TriangleBlockArrangement(Task): + """Arrange blocks of three different colors (red, green, and blue) in a triangular layout on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 6 + self.lang_template = "Arrange blocks of three different colors (red, green, and blue) in a triangular layout on the tabletop." + self.task_completed_desc = "done arranging blocks in a triangle." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + colors = [utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']] + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i//2]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), + (0, 0.05, 0.02), (0, -0.025, 0.06), + (0, 0.025, 0.06), (0, 0, 0.10)] + base_pose = self.get_random_pose(env, block_size) + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a triangle (bottom row: red, middle row: green, top row: blue). + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append("Arrange the red blocks in a row at the base of the triangle.") + + self.add_goal(objs=blocks[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append("Arrange the green blocks in a row above the red blocks.") + + self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append("Place the blue block at the top of the triangle.") \ No newline at end of file diff --git a/cliport/generated_tasks/vertical_insertion_blocks.py b/cliport/generated_tasks/vertical_insertion_blocks.py new file mode 100644 index 0000000000000000000000000000000000000000..a358880d9c1608092827a490a5b03fe4913ffe72 --- /dev/null +++ b/cliport/generated_tasks/vertical_insertion_blocks.py @@ -0,0 +1,54 @@ +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class VerticalInsertionBlocks(Task): + """Pick up four color specific blocks and insert each block into four differently colored stands set upright on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "insert the {color} block into the {color} stand" + self.task_completed_desc = "done inserting blocks into stands." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and stands + colors = ['red', 'blue', 'green', 'yellow'] + + # Add stands. + # x, y, z dimensions for the asset size + stand_size = (0.04, 0.04, 0.1) + stand_urdf = 'stacking/stand.urdf' + stands = [] + for color in colors: + stand_pose = self.get_random_pose(env, stand_size) + stand_id = env.add_object(stand_urdf, stand_pose, color=utils.COLORS[color], category='fixed') + stands.append(stand_id) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is inserted into the stand of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(stands[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) \ No newline at end of file diff --git a/cliport/models/__init__.py b/cliport/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..32c307eeec6533cef89edb989c01a13b637bf199 --- /dev/null +++ b/cliport/models/__init__.py @@ -0,0 +1,49 @@ +from cliport.models.resnet import ResNet43_8s +from cliport.models.clip_wo_skip import CLIPWithoutSkipConnections + +from cliport.models.rn50_bert_unet import RN50BertUNet +from cliport.models.rn50_bert_lingunet import RN50BertLingUNet +from cliport.models.rn50_bert_lingunet_lat import RN50BertLingUNetLat +from cliport.models.untrained_rn50_bert_lingunet import UntrainedRN50BertLingUNet + +from cliport.models.clip_unet import CLIPUNet +from cliport.models.clip_lingunet import CLIPLingUNet + +from cliport.models.resnet_lang import ResNet43_8s_lang + +from cliport.models.resnet_lat import ResNet45_10s +from cliport.models.clip_unet_lat import CLIPUNetLat +from cliport.models.clip_lingunet_lat import CLIPLingUNetLat +from cliport.models.clip_film_lingunet_lat import CLIPFilmLingUNet +from cliport.models.clip_ling import CLIPLing +from cliport.models.resnet_lat_reduce import ResNet45_Reduced_10s +from cliport.models.pretrain_resnet import PretrainedResNet18 + + +names = { + # resnet + 'plain_resnet': ResNet43_8s, + 'plain_resnet_lang': ResNet43_8s_lang, + 'pretrained_resnet18': PretrainedResNet18, + + # without skip-connections + 'clip_woskip': CLIPWithoutSkipConnections, + + # unet + 'clip_unet': CLIPUNet, + 'rn50_bert_unet': RN50BertUNet, + + # lingunet + 'clip_lingunet': CLIPLingUNet, + 'rn50_bert_lingunet': RN50BertLingUNet, + 'untrained_rn50_bert_lingunet': UntrainedRN50BertLingUNet, + 'clip_ling': CLIPLing, + + # lateral connections + 'plain_resnet_lat': ResNet45_10s, + 'clip_unet_lat': CLIPUNetLat, + 'clip_lingunet_lat': CLIPLingUNetLat, + 'clip_film_lingunet_lat': CLIPFilmLingUNet, + 'rn50_bert_lingunet_lat': RN50BertLingUNetLat, + 'plain_resnet_reduce_lat': ResNet45_Reduced_10s, +} diff --git a/cliport/models/backbone_full.py b/cliport/models/backbone_full.py new file mode 100644 index 0000000000000000000000000000000000000000..9b99b145d2c84444771045ad74992d0bf360f39b --- /dev/null +++ b/cliport/models/backbone_full.py @@ -0,0 +1,162 @@ +# Copyright (c) Aishwarya Kamath & Nicolas Carion. Licensed under the Apache License 2.0. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +""" +Backbone modules. +""" +from collections import OrderedDict + +import torch +import torch.nn.functional as F +import torchvision +from timm.models import create_model +from torch import nn +from torchvision.models._utils import IntermediateLayerGetter + +from cliport.models.misc import NestedTensor + + + +class FrozenBatchNorm2d(torch.nn.Module): + """ + BatchNorm2d where the batch statistics and the affine parameters are fixed. + + Copy-paste from torchvision.misc.ops with added eps before rqsrt, + without which any other models than torchvision.models.resnet[18,34,50,101] + produce nans. + """ + + def __init__(self, n): + super(FrozenBatchNorm2d, self).__init__() + self.register_buffer("weight", torch.ones(n)) + self.register_buffer("bias", torch.zeros(n)) + self.register_buffer("running_mean", torch.zeros(n)) + self.register_buffer("running_var", torch.ones(n)) + + def _load_from_state_dict( + self, state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs + ): + num_batches_tracked_key = prefix + "num_batches_tracked" + if num_batches_tracked_key in state_dict: + del state_dict[num_batches_tracked_key] + + super(FrozenBatchNorm2d, self)._load_from_state_dict( + state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs + ) + + def forward(self, x): + # move reshapes to the beginning + # to make it fuser-friendly + w = self.weight.reshape(1, -1, 1, 1) + b = self.bias.reshape(1, -1, 1, 1) + rv = self.running_var.reshape(1, -1, 1, 1) + rm = self.running_mean.reshape(1, -1, 1, 1) + eps = 1e-5 + scale = w * (rv + eps).rsqrt() + bias = b - rm * scale + return x * scale + bias + + +class BackboneBase(nn.Module): + def __init__(self, backbone: nn.Module, train_backbone: bool, num_channels: int, return_interm_layers: bool): + super().__init__() + for name, parameter in backbone.named_parameters(): + if not train_backbone or "layer2" not in name and "layer3" not in name and "layer4" not in name: + parameter.requires_grad_(False) + if return_interm_layers: + return_layers = {"layer1": "0", "layer2": "1", "layer3": "2", "layer4": "3"} + else: + return_layers = {"layer4": 0} + self.body = IntermediateLayerGetter(backbone, return_layers=return_layers) + self.num_channels = num_channels + + def forward(self, tensor_list): + xs = self.body(tensor_list.tensors) + out = OrderedDict() + for name, x in xs.items(): + mask = F.interpolate(tensor_list.mask[None].float(), size=x.shape[-2:]).bool()[0] + out[name] = NestedTensor(x, mask) + return out + + +class Backbone(BackboneBase): + """ResNet backbone with frozen BatchNorm.""" + + def __init__(self, name: str, train_backbone: bool, return_interm_layers: bool, dilation: bool): + backbone = getattr(torchvision.models, name)( + replace_stride_with_dilation=[False, False, dilation], pretrained=False, norm_layer=FrozenBatchNorm2d + ) + num_channels = 512 if name in ("resnet18", "resnet34") else 2048 + super().__init__(backbone, train_backbone, num_channels, return_interm_layers) + + +class GroupNorm32(torch.nn.GroupNorm): + def __init__(self, num_channels, num_groups=32, **kargs): + super().__init__(num_groups, num_channels, **kargs) + + +class GroupNormBackbone(BackboneBase): + """ResNet backbone with GroupNorm with 32 channels.""" + + def __init__(self, name: str, train_backbone: bool, return_interm_layers: bool, dilation: bool): + name_map = { + "resnet50-gn": ("resnet50", "/checkpoint/szagoruyko/imagenet/22014122/checkpoint.pth"), + "resnet101-gn": ("resnet101", "/checkpoint/szagoruyko/imagenet/22080524/checkpoint.pth"), + } + backbone = getattr(torchvision.models, name_map[name][0])( + replace_stride_with_dilation=[False, False, dilation], pretrained=False, norm_layer=GroupNorm32 + ) + checkpoint = torch.load(name_map[name][1], map_location="cpu") + state_dict = {k[7:]: p for k, p in checkpoint["model"].items()} + backbone.load_state_dict(state_dict) + num_channels = 512 if name_map[name][0] in ("resnet18", "resnet34") else 2048 + super().__init__(backbone, train_backbone, num_channels, return_interm_layers) + + +def replace_bn(m, name=""): + for attr_str in dir(m): + target_attr = getattr(m, attr_str) + if isinstance(target_attr, torch.nn.BatchNorm2d): + frozen = FrozenBatchNorm2d(target_attr.num_features) + bn = getattr(m, attr_str) + frozen.weight.data.copy_(bn.weight) + frozen.bias.data.copy_(bn.bias) + frozen.running_mean.data.copy_(bn.running_mean) + frozen.running_var.data.copy_(bn.running_var) + setattr(m, attr_str, frozen) + for n, ch in m.named_children(): + replace_bn(ch, n) + + +class GN_8(nn.Module): + def __init__(self, num_channels): + super().__init__() + self.gn = torch.nn.GroupNorm(8, num_channels) + + def forward(self, x): + return self.gn(x) + + +class TimmBackbone(nn.Module): + def __init__(self, name, return_interm_layers, main_layer=-1, group_norm=False): + super().__init__() + backbone = create_model(name, pretrained=True, in_chans=3, features_only=True, out_indices=(1, 2, 3, 4)) + + with torch.no_grad(): + replace_bn(backbone) + num_channels = backbone.feature_info.channels()[-1] + self.body = backbone + self.num_channels = num_channels + self.interm = return_interm_layers + self.main_layer = main_layer + + def forward(self, tensor_list): + xs = self.body(tensor_list.tensors) + if not self.interm: + xs = [xs[self.main_layer]] + out = OrderedDict() + for i, x in enumerate(xs): + mask = F.interpolate(tensor_list.mask[None].float(), size=x.shape[-2:]).bool()[0] + out[f"layer{i}"] = NestedTensor(x, mask) + return out + + diff --git a/cliport/models/clip_film_lingunet_lat.py b/cliport/models/clip_film_lingunet_lat.py new file mode 100644 index 0000000000000000000000000000000000000000..32a8ee64326d9bc33e0e2890de514dc3af266196 --- /dev/null +++ b/cliport/models/clip_film_lingunet_lat.py @@ -0,0 +1,116 @@ +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up +from cliport.models.clip_lingunet_lat import CLIPLingUNetLat + +from cliport.models.core import fusion +from cliport.models.core.fusion import FusionConvLat + + +class CLIPFilmLingUNet(CLIPLingUNetLat): + """ CLIP RN50 with U-Net skip connections """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + def _build_decoder(self): + # language + self.lang_fusion_type = 'film' + + self.lang_fuser1 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 2) + self.lang_fuser2 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 4) + self.lang_fuser3 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 8) + + self.proj_input_dim = 1024 + + self.lang_gamma1 = nn.Linear(self.proj_input_dim, 1024) + self.lang_gamma2 = nn.Linear(self.proj_input_dim, 512) + self.lang_gamma3 = nn.Linear(self.proj_input_dim, 256) + + self.lang_beta1 = nn.Linear(self.proj_input_dim, 1024) + self.lang_beta2 = nn.Linear(self.proj_input_dim, 512) + self.lang_beta3 = nn.Linear(self.proj_input_dim, 256) + + # vision + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + self.lat_fusion1 = FusionConvLat(input_dim=1024+512, output_dim=512) + + self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + self.lat_fusion2 = FusionConvLat(input_dim=512+256, output_dim=256) + + self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + self.lat_fusion3 = FusionConvLat(input_dim=256+128, output_dim=128) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion4 = FusionConvLat(input_dim=128+64, output_dim=64) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion5 = FusionConvLat(input_dim=64+32, output_dim=32) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion6 = FusionConvLat(input_dim=32+16, output_dim=16) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def forward(self, x, lat, l): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + l_enc, l_emb, l_mask = self.encode_text(l) + l_input = l_enc + l_input = l_input.to(dtype=x.dtype) + + assert x.shape[1] == self.input_dim + x = self.conv1(x) + + x = self.lang_fuser1(x, l_input, gamma=self.lang_gamma1, beta=self.lang_beta1) + x = self.up1(x, im[-2]) + x = self.lat_fusion1(x, lat[-6]) + + x = self.lang_fuser2(x, l_input, gamma=self.lang_gamma2, beta=self.lang_beta2) + x = self.up2(x, im[-3]) + x = self.lat_fusion2(x, lat[-5]) + + x = self.lang_fuser3(x, l_input, gamma=self.lang_gamma3, beta=self.lang_beta3) + x = self.up3(x, im[-4]) + x = self.lat_fusion3(x, lat[-4]) + + x = self.layer1(x) + x = self.lat_fusion4(x, lat[-3]) + + x = self.layer2(x) + x = self.lat_fusion5(x, lat[-2]) + + x = self.layer3(x) + x = self.lat_fusion6(x, lat[-1]) + + x = self.conv2(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/clip_ling.py b/cliport/models/clip_ling.py new file mode 100644 index 0000000000000000000000000000000000000000..f0e1a434f6df82defd2128760115a062939710ab --- /dev/null +++ b/cliport/models/clip_ling.py @@ -0,0 +1,97 @@ +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up +from cliport.models.core import fusion +from cliport.models.clip_lingunet_lat import CLIPLingUNetLat + + +class CLIPLing(CLIPLingUNetLat): + """ CLIP RN50 with U-Net skip connections """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + # def _build_decoder(self): + # # language + # self.lang_fuser1 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 2) + # self.lang_fuser2 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 4) + # self.lang_fuser3 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 8) + + # self.proj_input_dim = 512 if 'word' in self.lang_fusion_type else 1024 + # self.lang_proj1 = nn.Linear(self.proj_input_dim, 1024) + # self.lang_proj2 = nn.Linear(self.proj_input_dim, 512) + # self.lang_proj3 = nn.Linear(self.proj_input_dim, 256) + + # # vision + # self.conv1 = nn.Sequential( + # nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + # nn.ReLU(True) + # ) + + # self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + + # self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + + # self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + + # self.layer1 = nn.Sequential( + # ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # nn.UpsamplingBilinear2d(scale_factor=2), + # ) + + # self.layer2 = nn.Sequential( + # ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # nn.UpsamplingBilinear2d(scale_factor=2), + # ) + + # self.layer3 = nn.Sequential( + # ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # nn.UpsamplingBilinear2d(scale_factor=2), + # ) + + del self.lang_fuser2, self.lang_fuser1, self.lang_proj1, self.lang_proj2, self.layer2, self.layer1, self.layer3 + + self.conv2 = nn.Sequential( + nn.Conv2d(128, self.output_dim, kernel_size=1) + ) + + + + + def forward(self, x, lat, l): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + l_enc, l_emb, l_mask = self.encode_text(l) + l_input = l_emb if 'word' in self.lang_fusion_type else l_enc + l_input = l_input.to(dtype=x.dtype) + + assert x.shape[1] == self.input_dim + x = self.conv1(x) + + # x = self.lang_fuser1(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj1) + # x = self.up1(x, im[-2]) + # x = self.lat_fusion1(x, lat[-6]) + + # x = self.lang_fuser2(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj2) + # x = self.up2(x, im[-3]) + # x = self.lat_fusion2(x, lat[-5]) + + x = self.lang_fuser3(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj3) + x = self.up3(x, im[-4]) + x = self.lat_fusion3(x, lat[1]) + x = self.conv2(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/clip_lingunet.py b/cliport/models/clip_lingunet.py new file mode 100644 index 0000000000000000000000000000000000000000..843d5d6e901257df882a33ec56a7a06ea20810c3 --- /dev/null +++ b/cliport/models/clip_lingunet.py @@ -0,0 +1,93 @@ +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up +from cliport.models.core import fusion +from cliport.models.clip_lingunet_lat import CLIPLingUNetLat + + +class CLIPLingUNet(CLIPLingUNetLat): + """ CLIP RN50 with U-Net skip connections """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + def _build_decoder(self): + # language + self.lang_fuser1 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 2) + self.lang_fuser2 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 4) + self.lang_fuser3 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 8) + + self.proj_input_dim = 512 if 'word' in self.lang_fusion_type else 1024 + self.lang_proj1 = nn.Linear(self.proj_input_dim, 1024) + self.lang_proj2 = nn.Linear(self.proj_input_dim, 512) + self.lang_proj3 = nn.Linear(self.proj_input_dim, 256) + + # vision + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + + self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + + self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + + self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def forward(self, x, l): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + # encode text + l_enc, l_emb, l_mask = self.encode_text(l) + l_input = l_emb if 'word' in self.lang_fusion_type else l_enc + l_input = l_input.to(dtype=x.dtype) + + # encode image + assert x.shape[1] == self.input_dim + x = self.conv1(x) + + x = self.lang_fuser1(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj1) + x = self.up1(x, im[-2]) + + x = self.lang_fuser2(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj2) + x = self.up2(x, im[-3]) + + x = self.lang_fuser3(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj3) + x = self.up3(x, im[-4]) + + for layer in [self.layer1, self.layer2, self.layer3, self.conv2]: + x = layer(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/clip_lingunet_lat.py b/cliport/models/clip_lingunet_lat.py new file mode 100644 index 0000000000000000000000000000000000000000..74e9006ecd5eac1df433085427443ae15489734b --- /dev/null +++ b/cliport/models/clip_lingunet_lat.py @@ -0,0 +1,149 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up +from cliport.models.core.clip import build_model, load_clip, tokenize + +from cliport.models.core import fusion +from cliport.models.core.fusion import FusionConvLat + + +class CLIPLingUNetLat(nn.Module): + """ CLIP RN50 with U-Net skip connections and lateral connections """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(CLIPLingUNetLat, self).__init__() + self.input_shape = input_shape + self.output_dim = output_dim + self.input_dim = 2048 # penultimate layer channel-size of CLIP-RN50 + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + self.lang_fusion_type = self.cfg['train']['lang_fusion_type'] + self.bilinear = True + self.up_factor = 2 if self.bilinear else 1 + self.preprocess = preprocess + + self._load_clip() + self._build_decoder() + + def _load_clip(self): + model, _ = load_clip("RN50", device=self.device) + self.clip_rn50 = build_model(model.state_dict()).to(self.device) + del model + + def _build_decoder(self): + # language + self.lang_fuser1 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 2) + self.lang_fuser2 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 4) + self.lang_fuser3 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 8) + + self.proj_input_dim = 512 if 'word' in self.lang_fusion_type else 1024 + self.lang_proj1 = nn.Linear(self.proj_input_dim, 1024) + self.lang_proj2 = nn.Linear(self.proj_input_dim, 512) + self.lang_proj3 = nn.Linear(self.proj_input_dim, 256) + + # vision + # self.conv1 = nn.Sequential( + # nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + # nn.ReLU(True) + # ) + + # self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + # self.lat_fusion1 = FusionConvLat(input_dim=1024+512, output_dim=512) + + # self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + # self.lat_fusion2 = FusionConvLat(input_dim=512+256, output_dim=256) + + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 256, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + + self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + self.lat_fusion3 = FusionConvLat(input_dim=256+128, output_dim=128) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion4 = FusionConvLat(input_dim=128+64, output_dim=64) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion5 = FusionConvLat(input_dim=64+32, output_dim=32) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion6 = FusionConvLat(input_dim=32+16, output_dim=16) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def encode_image(self, img): + with torch.no_grad(): + img_encoding, img_im = self.clip_rn50.visual.prepool_im(img) + return img_encoding, img_im + + def encode_text(self, x): + with torch.no_grad(): + tokens = tokenize(x).to(self.device) + text_feat, text_emb = self.clip_rn50.encode_text_with_embeddings(tokens) + + text_mask = torch.where(tokens==0, tokens, 1) # [1, max_token_len] + return text_feat, text_emb, text_mask + + def forward(self, x, lat, l): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + l_enc, l_emb, l_mask = self.encode_text(l) + l_input = l_emb if 'word' in self.lang_fusion_type else l_enc + l_input = l_input.to(dtype=x.dtype) + + assert x.shape[1] == self.input_dim + x = self.conv1(x) + + # x = self.lang_fuser1(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj1) + # x = self.up1(x, im[-2]) + # x = self.lat_fusion1(x, lat[-6]) + + # x = self.lang_fuser2(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj2) + # x = self.up2(x, im[-3]) + # x = self.lat_fusion2(x, lat[-5]) + if (x.shape[0] > 8) and ((x.shape[0] % 36) == 0): + l_input = l_input.repeat_interleave(36, dim=0) + + x = self.lang_fuser3(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj3) + x = self.up3(x, im[-4]) + x = self.lat_fusion3(x, lat[-4]) + + x = self.layer1(x) + x = self.lat_fusion4(x, lat[-3]) + + x = self.layer2(x) + x = self.lat_fusion5(x, lat[-2]) + + x = self.layer3(x) + x = self.lat_fusion6(x, lat[-1]) + + x = self.conv2(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/clip_unet.py b/cliport/models/clip_unet.py new file mode 100644 index 0000000000000000000000000000000000000000..adc0f4f81118dc1063cf19f05dca87650c9cf8cc --- /dev/null +++ b/cliport/models/clip_unet.py @@ -0,0 +1,69 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up +from cliport.models.clip_lingunet_lat import CLIPLingUNetLat + + +class CLIPUNet(CLIPLingUNetLat): + """ CLIP RN50 with U-Net skip connections without language """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + def _build_decoder(self): + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + + self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + + self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + + self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def forward(self, x): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + x = self.conv1(x) + x = self.up1(x, im[-2]) + x = self.up2(x, im[-3]) + x = self.up3(x, im[-4]) + + for layer in [self.layer1, self.layer2, self.layer3, self.conv2]: + x = layer(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/clip_unet_lat.py b/cliport/models/clip_unet_lat.py new file mode 100644 index 0000000000000000000000000000000000000000..811414569b33609353ed4eae5708aab1c6251025 --- /dev/null +++ b/cliport/models/clip_unet_lat.py @@ -0,0 +1,90 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up +from cliport.models.core.fusion import FusionConvLat +from cliport.models.clip_lingunet_lat import CLIPLingUNetLat + + +class CLIPUNetLat(CLIPLingUNetLat): + """ CLIP RN50 with U-Net skip connections and lateral connections without language """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + def _build_decoder(self): + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + + self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + self.lat_fusion1 = FusionConvLat(input_dim=1024+512, output_dim=512) + + self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + self.lat_fusion2 = FusionConvLat(input_dim=512+256, output_dim=256) + + self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + self.lat_fusion3 = FusionConvLat(input_dim=256+128, output_dim=128) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion4 = FusionConvLat(input_dim=128+64, output_dim=64) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion5 = FusionConvLat(input_dim=64+32, output_dim=32) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion6 = FusionConvLat(input_dim=32+16, output_dim=16) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def forward(self, x, lat): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + x = self.conv1(x) + + x = self.up1(x, im[-2]) + x = self.lat_fusion1(x, lat[-6]) + + x = self.up2(x, im[-3]) + x = self.lat_fusion2(x, lat[-5]) + + x = self.up3(x, im[-4]) + x = self.lat_fusion3(x, lat[-4]) + + x = self.layer1(x) + x = self.lat_fusion4(x, lat[-3]) + + x = self.layer2(x) + x = self.lat_fusion5(x, lat[-2]) + + x = self.layer3(x) + x = self.lat_fusion6(x, lat[-1]) + + x = self.conv2(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/clip_wo_skip.py b/cliport/models/clip_wo_skip.py new file mode 100644 index 0000000000000000000000000000000000000000..915c4bc64b674fc91872a89c97692263a690ac31 --- /dev/null +++ b/cliport/models/clip_wo_skip.py @@ -0,0 +1,67 @@ +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.clip_lingunet_lat import CLIPLingUNetLat + + +class CLIPWithoutSkipConnections(CLIPLingUNetLat): + """ CLIP RN50 with decoders (no skip connections) """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + def _build_decoder(self): + self.layers = nn.Sequential( + # conv1 + nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True), + nn.UpsamplingBilinear2d(scale_factor=2), + + # decoder blocks + ConvBlock(1024, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + + ConvBlock(512, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + # conv2 + nn.UpsamplingBilinear2d(scale_factor=2), + nn.Conv2d(32, self.output_dim, kernel_size=1) + ) + + def forward(self, x): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, _ = self.encode_image(x) + x = x.to(in_type) + + assert x.shape[1] == self.input_dim + x = self.layers(x) + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/core/__init__.py b/cliport/models/core/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/cliport/models/core/attention.py b/cliport/models/core/attention.py new file mode 100644 index 0000000000000000000000000000000000000000..9a615a4f32114df8f68a33efb43701fca5e0f4f5 --- /dev/null +++ b/cliport/models/core/attention.py @@ -0,0 +1,77 @@ +"""Attention module.""" + +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.models as models +from cliport.utils import utils + + +class Attention(nn.Module): + """Attention (a.k.a Pick) module.""" + + def __init__(self, stream_fcn, in_shape, n_rotations, preprocess, cfg, device): + super().__init__() + self.stream_fcn = stream_fcn + self.n_rotations = n_rotations + self.preprocess = preprocess + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + + self.padding = np.zeros((3, 2), dtype=int) + max_dim = np.max(in_shape[:2]) + pad = (max_dim - np.array(in_shape[:2])) / 2 + self.padding[:2] = pad.reshape(2, 1) # left right top bown front back + + in_shape = np.array(in_shape) + in_shape += np.sum(self.padding, axis=1) + in_shape = tuple(in_shape) + self.in_shape = in_shape + self.rotator = utils.ImageRotator(self.n_rotations) + self._build_nets() + + def _build_nets(self): + stream_one_fcn, _ = self.stream_fcn + self.attn_stream = models.names[stream_one_fcn](self.in_shape, 1, self.cfg, self.device) + print(f"Attn FCN: {stream_one_fcn}") + + def attend(self, x): + return self.attn_stream(x) + + def forward(self, inp_img, softmax=True): + """Forward pass.""" + # print("in_img.shape", inp_img.shape) + in_data = np.pad(inp_img, self.padding, mode='constant') + in_shape = input_data.shape + if len(inp_shape) == 3: + inp_shape = (1,) + inp_shape + in_data = in_data.reshape(in_shape) + in_tens = torch.from_numpy(in_data.copy()).to(dtype=torch.float, device=self.device) # [B W H 6] + + # Rotation pivot. + pv = np.array(in_data.shape[1:3]) // 2 + + # Rotate input. + in_tens = in_tens.permute(0, 3, 1, 2) # [B 6 W H] + in_tens = in_tens.repeat(self.n_rotations, 1, 1, 1) + in_tens = self.rotator(in_tens, pivot=pv) + + # Forward pass. + logits = self.attend(torch.cat(in_tens, dim=0), lang_goal) + + # Rotate back output. + logits = self.rotator(logits, reverse=True, pivot=pv) + logits = torch.cat(logits, dim=0) + c0 = self.padding[:2, 0] + c1 = c0 + inp_img.shape[:2] + logits = logits[:, :, c0[0]:c1[0], c0[1]:c1[1]] + + logits = logits.permute(1, 2, 3, 0) # [B W H 1] + output = logits.reshape(len(logits), np.prod(logits.shape)) + if softmax: + output = F.softmax(output, dim=-1) + output = output.reshape(logits.shape[1:]) + return output \ No newline at end of file diff --git a/cliport/models/core/attention_image_goal.py b/cliport/models/core/attention_image_goal.py new file mode 100644 index 0000000000000000000000000000000000000000..1d2a1049be2b03309a85db0337e33551dd561aa2 --- /dev/null +++ b/cliport/models/core/attention_image_goal.py @@ -0,0 +1,57 @@ +"""Attention module.""" + +import numpy as np +import torch +import torch.nn.functional as F + + +from cliport.models.core.attention import Attention + + +class AttentionImageGoal(Attention): + """Attention (a.k.a Pick) with image-goals module.""" + + def __init__(self, stream_fcn, in_shape, n_rotations, preprocess, cfg, device): + super().__init__(stream_fcn, in_shape, n_rotations, preprocess, cfg, device) + + def forward(self, inp_img, goal_img, softmax=True): + """Forward pass.""" + # Input image. + in_data = np.pad(inp_img, self.padding, mode='constant') + in_shape = (1,) + in_data.shape + in_data = in_data.reshape(in_shape) + in_tens = torch.from_numpy(in_data).to(dtype=torch.float, device=self.device) + + goal_tensor = np.pad(goal_img, self.padding, mode='constant') + goal_shape = (1,) + goal_tensor.shape + goal_tensor = goal_tensor.reshape(goal_shape) + goal_tensor = torch.from_numpy(goal_tensor.copy()).to(dtype=torch.float, device=self.device) + in_tens = in_tens * goal_tensor + + # Rotation pivot. + pv = np.array(in_data.shape[1:3]) // 2 + + # Rotate input. + in_tens = in_tens.permute(0, 3, 1, 2) + in_tens = in_tens.repeat(self.n_rotations, 1, 1, 1) + in_tens = self.rotator(in_tens, pivot=pv) + + # Forward pass. + logits = [] + for x in in_tens: + logits.append(self.attend(x)) + logits = torch.cat(logits, dim=0) + + # Rotate back output. + logits = self.rotator(logits, reverse=True, pivot=pv) + logits = torch.cat(logits, dim=0) + c0 = self.padding[:2, 0] + c1 = c0 + inp_img.shape[:2] + logits = logits[:, :, c0[0]:c1[0], c0[1]:c1[1]] + + logits = logits.permute(1, 2, 3, 0) # D H W C + output = logits.reshape(1, np.prod(logits.shape)) + if softmax: + output = F.softmax(output, dim=-1) + output = output.reshape(logits.shape[1:]) + return output \ No newline at end of file diff --git a/cliport/models/core/clip.py b/cliport/models/core/clip.py new file mode 100644 index 0000000000000000000000000000000000000000..d98ea192d65032535737cc6acced14c050894613 --- /dev/null +++ b/cliport/models/core/clip.py @@ -0,0 +1,615 @@ +########################################### +#### Authors: OpenAI +#### Credit: https://github.com/openai/CLIP +#### MIT License. + +from collections import OrderedDict +from typing import Tuple, Union + +import torch +import torch.nn.functional as F +from torch import nn + +import hashlib +import os +import urllib +import warnings +from typing import Union, List + +import torch +from PIL import Image +from torchvision.transforms import Compose, Resize, CenterCrop, ToTensor, Normalize +from tqdm import tqdm + +from cliport.utils.simple_tokenizer import SimpleTokenizer as _Tokenizer + + +__all__ = ["available_models", "load", "tokenize"] +_tokenizer = _Tokenizer() + +_MODELS = { + "RN50": "https://openaipublic.azureedge.net/clip/models/afeb0e10f9e5a86da6080e35cf09123aca3b358a0c3e3b6c78a7b63bc04b6762/RN50.pt", + "ViT-B/32": "https://openaipublic.azureedge.net/clip/models/40d365715913c9da98579312b702a82c18be219cc2a73407c4526f58eba950af/ViT-B-32.pt", +} + + +class Bottleneck(nn.Module): + expansion = 4 + + def __init__(self, inplanes, planes, stride=1): + super().__init__() + + # all conv layers have stride 1. an avgpool is performed after the second convolution when stride > 1 + self.conv1 = nn.Conv2d(inplanes, planes, 1, bias=False) + self.bn1 = nn.BatchNorm2d(planes) + + self.conv2 = nn.Conv2d(planes, planes, 3, padding=1, bias=False) + self.bn2 = nn.BatchNorm2d(planes) + + self.avgpool = nn.AvgPool2d(stride) if stride > 1 else nn.Identity() + + self.conv3 = nn.Conv2d(planes, planes * self.expansion, 1, bias=False) + self.bn3 = nn.BatchNorm2d(planes * self.expansion) + + self.relu = nn.ReLU(inplace=True) + self.downsample = None + self.stride = stride + + if stride > 1 or inplanes != planes * Bottleneck.expansion: + # downsampling layer is prepended with an avgpool, and the subsequent convolution has stride 1 + self.downsample = nn.Sequential(OrderedDict([ + ("-1", nn.AvgPool2d(stride)), + ("0", nn.Conv2d(inplanes, planes * self.expansion, 1, stride=1, bias=False)), + ("1", nn.BatchNorm2d(planes * self.expansion)) + ])) + + def forward(self, x: torch.Tensor): + identity = x + + out = self.relu(self.bn1(self.conv1(x))) + out = self.relu(self.bn2(self.conv2(out))) + out = self.avgpool(out) + out = self.bn3(self.conv3(out)) + + if self.downsample is not None: + identity = self.downsample(x) + + out += identity + out = self.relu(out) + return out + + +class AttentionPool2d(nn.Module): + def __init__(self, spacial_dim: int, embed_dim: int, num_heads: int, output_dim: int = None): + super().__init__() + self.positional_embedding = nn.Parameter(torch.randn(spacial_dim ** 2 + 1, embed_dim) / embed_dim ** 0.5) + self.k_proj = nn.Linear(embed_dim, embed_dim) + self.q_proj = nn.Linear(embed_dim, embed_dim) + self.v_proj = nn.Linear(embed_dim, embed_dim) + self.c_proj = nn.Linear(embed_dim, output_dim or embed_dim) + self.num_heads = num_heads + + def forward(self, x): + x = x.reshape(x.shape[0], x.shape[1], x.shape[2] * x.shape[3]).permute(2, 0, 1) # NCHW -> (HW)NC + x = torch.cat([x.mean(dim=0, keepdim=True), x], dim=0) # (HW+1)NC + x = x + self.positional_embedding[:, None, :].to(x.dtype) # (HW+1)NC + x, _ = F.multi_head_attention_forward( + query=x, key=x, value=x, + embed_dim_to_check=x.shape[-1], + num_heads=self.num_heads, + q_proj_weight=self.q_proj.weight, + k_proj_weight=self.k_proj.weight, + v_proj_weight=self.v_proj.weight, + in_proj_weight=None, + in_proj_bias=torch.cat([self.q_proj.bias, self.k_proj.bias, self.v_proj.bias]), + bias_k=None, + bias_v=None, + add_zero_attn=False, + dropout_p=0, + out_proj_weight=self.c_proj.weight, + out_proj_bias=self.c_proj.bias, + use_separate_proj_weight=True, + training=self.training, + need_weights=False + ) + + return x[0] + + +class ModifiedResNet(nn.Module): + """ + A ResNet class that is similar to torchvision's but contains the following changes: + - There are now 3 "stem" convolutions as opposed to 1, with an average pool instead of a max pool. + - Performs anti-aliasing strided convolutions, where an avgpool is prepended to convolutions with stride > 1 + - The final pooling layer is a QKV attention instead of an average pool + """ + + def __init__(self, layers, output_dim, heads, input_resolution=224, width=64): + super().__init__() + self.output_dim = output_dim + self.input_resolution = input_resolution + + # the 3-layer stem + self.conv1 = nn.Conv2d(3, width // 2, kernel_size=3, stride=2, padding=1, bias=False) + self.bn1 = nn.BatchNorm2d(width // 2) + self.conv2 = nn.Conv2d(width // 2, width // 2, kernel_size=3, padding=1, bias=False) + self.bn2 = nn.BatchNorm2d(width // 2) + self.conv3 = nn.Conv2d(width // 2, width, kernel_size=3, padding=1, bias=False) + self.bn3 = nn.BatchNorm2d(width) + self.avgpool = nn.AvgPool2d(2) + self.relu = nn.ReLU(inplace=True) + + # residual layers + self._inplanes = width # this is a *mutable* variable used during construction + self.layer1 = self._make_layer(width, layers[0]) + self.layer2 = self._make_layer(width * 2, layers[1], stride=2) + self.layer3 = self._make_layer(width * 4, layers[2], stride=2) + self.layer4 = self._make_layer(width * 8, layers[3], stride=2) + + embed_dim = width * 32 # the ResNet feature dimension + self.attnpool = AttentionPool2d(input_resolution // 32, embed_dim, heads, output_dim) + + def _make_layer(self, planes, blocks, stride=1): + layers = [Bottleneck(self._inplanes, planes, stride)] + + self._inplanes = planes * Bottleneck.expansion + for _ in range(1, blocks): + layers.append(Bottleneck(self._inplanes, planes)) + + return nn.Sequential(*layers) + + def forward(self, x): + x = self.prepool(x) + x = self.attnpool(x) + return x + + def prepool(self, x): + def stem(x): + for conv, bn in [(self.conv1, self.bn1), (self.conv2, self.bn2), (self.conv3, self.bn3)]: + x = self.relu(bn(conv(x))) + x = self.avgpool(x) + return x + + x = x.type(self.conv1.weight.dtype) + x = stem(x) + x = self.layer1(x) + x = self.layer2(x) + x = self.layer3(x) + x = self.layer4(x) + return x + + def prepool_im(self, x): + """Run until prepool and save intermediate features""" + im = [] + def stem(x): + for conv, bn in [(self.conv1, self.bn1), (self.conv2, self.bn2), (self.conv3, self.bn3)]: + x = self.relu(bn(conv(x))) + im.append(x) + x = self.avgpool(x) + im.append(x) + return x + + x = x.type(self.conv1.weight.dtype) + x = stem(x) + + for layer in [self.layer1, self.layer2, self.layer3, self.layer4]: + x = layer(x) + im.append(x) + + return x, im + +class LayerNorm(nn.LayerNorm): + """Subclass torch's LayerNorm to handle fp16.""" + + def forward(self, x: torch.Tensor): + orig_type = x.dtype + ret = super().forward(x.type(torch.float32)) + return ret.type(orig_type) + + +class QuickGELU(nn.Module): + def forward(self, x: torch.Tensor): + return x * torch.sigmoid(1.702 * x) + + +class ResidualAttentionBlock(nn.Module): + def __init__(self, d_model: int, n_head: int, attn_mask: torch.Tensor = None): + super().__init__() + + self.attn = nn.MultiheadAttention(d_model, n_head) + self.ln_1 = LayerNorm(d_model) + self.mlp = nn.Sequential(OrderedDict([ + ("c_fc", nn.Linear(d_model, d_model * 4)), + ("gelu", QuickGELU()), + ("c_proj", nn.Linear(d_model * 4, d_model)) + ])) + self.ln_2 = LayerNorm(d_model) + self.attn_mask = attn_mask + + def attention(self, x: torch.Tensor): + self.attn_mask = self.attn_mask.to(dtype=x.dtype, device=x.device) if self.attn_mask is not None else None + return self.attn(x, x, x, need_weights=False, attn_mask=self.attn_mask)[0] + + def forward(self, x: torch.Tensor): + x = x + self.attention(self.ln_1(x)) + x = x + self.mlp(self.ln_2(x)) + return x + + +class Transformer(nn.Module): + def __init__(self, width: int, layers: int, heads: int, attn_mask: torch.Tensor = None): + super().__init__() + self.width = width + self.layers = layers + self.resblocks = nn.Sequential(*[ResidualAttentionBlock(width, heads, attn_mask) for _ in range(layers)]) + + def forward(self, x: torch.Tensor): + return self.resblocks(x) + + +class VisualTransformer(nn.Module): + def __init__(self, input_resolution: int, patch_size: int, width: int, layers: int, heads: int, output_dim: int): + super().__init__() + self.input_resolution = input_resolution + self.output_dim = output_dim + self.conv1 = nn.Conv2d(in_channels=3, out_channels=width, kernel_size=patch_size, stride=patch_size, bias=False) + + scale = width ** -0.5 + self.class_embedding = nn.Parameter(scale * torch.randn(width)) + self.positional_embedding = nn.Parameter(scale * torch.randn((input_resolution // patch_size) ** 2 + 1, width)) + self.ln_pre = LayerNorm(width) + + self.transformer = Transformer(width, layers, heads) + + self.ln_post = LayerNorm(width) + self.proj = nn.Parameter(scale * torch.randn(width, output_dim)) + + def forward(self, x: torch.Tensor): + x = self.conv1(x) # shape = [*, width, grid, grid] + x = x.reshape(x.shape[0], x.shape[1], -1) # shape = [*, width, grid ** 2] + x = x.permute(0, 2, 1) # shape = [*, grid ** 2, width] + x = torch.cat([self.class_embedding.to(x.dtype) + torch.zeros(x.shape[0], 1, x.shape[-1], dtype=x.dtype, device=x.device), x], dim=1) # shape = [*, grid ** 2 + 1, width] + x = x + self.positional_embedding.to(x.dtype) + x = self.ln_pre(x) + + x = x.permute(1, 0, 2) # NLD -> LND + x = self.transformer(x) + x = x.permute(1, 0, 2) # LND -> NLD + + x = self.ln_post(x[:, 0, :]) + + if self.proj is not None: + x = x @ self.proj + + return x + + +class CLIP(nn.Module): + def __init__(self, + embed_dim: int, + # vision + image_resolution: int, + vision_layers: Union[Tuple[int, int, int, int], int], + vision_width: int, + vision_patch_size: int, + # text + context_length: int, + vocab_size: int, + transformer_width: int, + transformer_heads: int, + transformer_layers: int + ): + super().__init__() + + self.context_length = context_length + + if isinstance(vision_layers, (tuple, list)): + vision_heads = vision_width * 32 // 64 + self.visual = ModifiedResNet( + layers=vision_layers, + output_dim=embed_dim, + heads=vision_heads, + input_resolution=image_resolution, + width=vision_width + ) + else: + vision_heads = vision_width // 64 + self.visual = VisualTransformer( + input_resolution=image_resolution, + patch_size=vision_patch_size, + width=vision_width, + layers=vision_layers, + heads=vision_heads, + output_dim=embed_dim + ) + + self.transformer = Transformer( + width=transformer_width, + layers=transformer_layers, + heads=transformer_heads, + attn_mask=self.build_attention_mask() + ) + + self.vocab_size = vocab_size + self.token_embedding = nn.Embedding(vocab_size, transformer_width) + self.positional_embedding = nn.Parameter(torch.empty(self.context_length, transformer_width)) + self.ln_final = LayerNorm(transformer_width) + + self.text_projection = nn.Parameter(torch.empty(transformer_width, embed_dim)) + self.logit_scale = nn.Parameter(torch.ones([])) + + self.initialize_parameters() + + def initialize_parameters(self): + nn.init.normal_(self.token_embedding.weight, std=0.02) + nn.init.normal_(self.positional_embedding, std=0.01) + + if isinstance(self.visual, ModifiedResNet): + if self.visual.attnpool is not None: + std = self.visual.attnpool.c_proj.in_features ** -0.5 + nn.init.normal_(self.visual.attnpool.q_proj.weight, std=std) + nn.init.normal_(self.visual.attnpool.k_proj.weight, std=std) + nn.init.normal_(self.visual.attnpool.v_proj.weight, std=std) + nn.init.normal_(self.visual.attnpool.c_proj.weight, std=std) + + for resnet_block in [self.visual.layer1, self.visual.layer2, self.visual.layer3, self.visual.layer4]: + for name, param in resnet_block.named_parameters(): + if name.endswith("bn3.weight"): + nn.init.zeros_(param) + + proj_std = (self.transformer.width ** -0.5) * ((2 * self.transformer.layers) ** -0.5) + attn_std = self.transformer.width ** -0.5 + fc_std = (2 * self.transformer.width) ** -0.5 + for block in self.transformer.resblocks: + nn.init.normal_(block.attn.in_proj_weight, std=attn_std) + nn.init.normal_(block.attn.out_proj.weight, std=proj_std) + nn.init.normal_(block.mlp.c_fc.weight, std=fc_std) + nn.init.normal_(block.mlp.c_proj.weight, std=proj_std) + + if self.text_projection is not None: + nn.init.normal_(self.text_projection, std=self.transformer.width ** -0.5) + + def build_attention_mask(self): + # lazily create causal attention mask, with full attention between the vision tokens + # pytorch uses additive attention mask; fill with -inf + mask = torch.empty(self.context_length, self.context_length) + mask.fill_(float("-inf")) + mask.triu_(1) # zero out the lower diagonal + return mask + + @property + def dtype(self): + return self.visual.conv1.weight.dtype + + def encode_image(self, image): + return self.visual(image.type(self.dtype)) + + def encode_text(self, text): + x = self.token_embedding(text).type(self.dtype) # [batch_size, n_ctx, d_model] + + x = x + self.positional_embedding.type(self.dtype) + x = x.permute(1, 0, 2) # NLD -> LND + x = self.transformer(x) + x = x.permute(1, 0, 2) # LND -> NLD + x = self.ln_final(x).type(self.dtype) + + # x.shape = [batch_size, n_ctx, transformer.width] + # take features from the eot embedding (eot_token is the highest number in each sequence) + x = x[torch.arange(x.shape[0]), text.argmax(dim=-1)] @ self.text_projection + + return x + + def encode_text_with_embeddings(self, text): + x = self.token_embedding(text).type(self.dtype) # [batch_size, n_ctx, d_model] + + x = x + self.positional_embedding.type(self.dtype) + x = x.permute(1, 0, 2) # NLD -> LND + x = self.transformer(x) + x = x.permute(1, 0, 2) # LND -> NLD + x = self.ln_final(x).type(self.dtype) + + emb = x.clone() + # x.shape = [batch_size, n_ctx, transformer.width] + # take features from the eot embedding (eot_token is the highest number in each sequence) + x = x[torch.arange(x.shape[0]), text.argmax(dim=-1)] @ self.text_projection + + return x, emb + + def forward(self, image, text): + image_features = self.encode_image(image) + text_features = self.encode_text(text) + + # normalized features + image_features = image_features / image_features.norm(dim=-1, keepdim=True) + text_features = text_features / text_features.norm(dim=-1, keepdim=True) + + # cosine similarity as logits + logit_scale = self.logit_scale.exp() + logits_per_image = logit_scale * image_features @ text_features.t() + logits_per_text = logit_scale * text_features @ image_features.t() + + # shape = [global_batch_size, global_batch_size] + return logits_per_image, logits_per_text + + +def convert_weights(model: nn.Module): + """Convert applicable model parameters to fp16""" + + def _convert_weights_to_fp16(l): + if isinstance(l, (nn.Conv1d, nn.Conv2d, nn.Linear)): + l.weight.data = l.weight.data.half() + if l.bias is not None: + l.bias.data = l.bias.data.half() + + if isinstance(l, nn.MultiheadAttention): + for attr in [*[f"{s}_proj_weight" for s in ["in", "q", "k", "v"]], "in_proj_bias", "bias_k", "bias_v"]: + tensor = getattr(l, attr) + if tensor is not None: + tensor.data = tensor.data.half() + + for name in ["text_projection", "proj"]: + if hasattr(l, name): + attr = getattr(l, name) + if attr is not None: + attr.data = attr.data.half() + + model.apply(_convert_weights_to_fp16) + + +def build_model(state_dict: dict): + vit = "visual.proj" in state_dict + + if vit: + vision_width = state_dict["visual.conv1.weight"].shape[0] + vision_layers = len([k for k in state_dict.keys() if k.startswith("visual.") and k.endswith(".attn.in_proj_weight")]) + vision_patch_size = state_dict["visual.conv1.weight"].shape[-1] + grid_size = round((state_dict["visual.positional_embedding"].shape[0] - 1) ** 0.5) + image_resolution = vision_patch_size * grid_size + else: + counts: list = [len(set(k.split(".")[2] for k in state_dict if k.startswith(f"visual.layer{b}"))) for b in [1, 2, 3, 4]] + vision_layers = tuple(counts) + vision_width = state_dict["visual.layer1.0.conv1.weight"].shape[0] + output_width = round((state_dict["visual.attnpool.positional_embedding"].shape[0] - 1) ** 0.5) + vision_patch_size = None + assert output_width ** 2 + 1 == state_dict["visual.attnpool.positional_embedding"].shape[0] + image_resolution = output_width * 32 + + embed_dim = state_dict["text_projection"].shape[1] + context_length = state_dict["positional_embedding"].shape[0] + vocab_size = state_dict["token_embedding.weight"].shape[0] + transformer_width = state_dict["ln_final.weight"].shape[0] + transformer_heads = transformer_width // 64 + transformer_layers = len(set(k.split(".")[2] for k in state_dict if k.startswith(f"transformer.resblocks"))) + + model = CLIP( + embed_dim, + image_resolution, vision_layers, vision_width, vision_patch_size, + context_length, vocab_size, transformer_width, transformer_heads, transformer_layers + ) + + # for key in ["input_resolution", "context_length", "vocab_size"]: + # del state_dict[key] + + convert_weights(model) + model.load_state_dict(state_dict, strict=False) + return model.eval() + + +def _download(url: str, root: str = os.path.expanduser("~/.cache/clip")): + os.makedirs(root, exist_ok=True) + filename = os.path.basename(url) + + expected_sha256 = url.split("/")[-2] + download_target = os.path.join(root, filename) + + if os.path.exists(download_target) and not os.path.isfile(download_target): + raise RuntimeError(f"{download_target} exists and is not a regular file") + + if os.path.isfile(download_target): + if hashlib.sha256(open(download_target, "rb").read()).hexdigest() == expected_sha256: + return download_target + else: + warnings.warn(f"{download_target} exists, but the SHA256 checksum does not match; re-downloading the file") + + with urllib.request.urlopen(url) as source, open(download_target, "wb") as output: + with tqdm(total=int(source.info().get("Content-Length")), ncols=80) as loop: + while True: + buffer = source.read(8192) + if not buffer: + break + + output.write(buffer) + loop.update(len(buffer)) + + if hashlib.sha256(open(download_target, "rb").read()).hexdigest() != expected_sha256: + raise RuntimeError(f"Model has been downloaded but the SHA256 checksum does not not match") + + return download_target + + +def available_models(): + return list(_MODELS.keys()) + + +def load_clip(name: str, device: Union[str, torch.device] = "cuda" if torch.cuda.is_available() else "cpu", jit=False): + if name not in _MODELS: + raise RuntimeError(f"Model {name} not found; available models = {available_models()}") + + model_path = _download(_MODELS[name]) + model = torch.jit.load(model_path, map_location=device if jit else "cpu").eval() + n_px = model.input_resolution.item() + + transform = Compose([ + Resize(n_px, interpolation=Image.BICUBIC), + CenterCrop(n_px), + lambda image: image.convert("RGB"), + ToTensor(), + Normalize((0.48145466, 0.4578275, 0.40821073), (0.26862954, 0.26130258, 0.27577711)), + ]) + + if not jit: + model = build_model(model.state_dict()).to(device) + if str(device) == "cpu": + model.float() + return model, transform + + # patch the device names + device_holder = torch.jit.trace(lambda: torch.ones([]).to(torch.device(device)), example_inputs=[]) + device_node = [n for n in device_holder.graph.findAllNodes("prim::Constant") if "Device" in repr(n)][-1] + + def patch_device(module): + graphs = [module.graph] if hasattr(module, "graph") else [] + if hasattr(module, "forward1"): + graphs.append(module.forward1.graph) + + for graph in graphs: + for node in graph.findAllNodes("prim::Constant"): + if "value" in node.attributeNames() and str(node["value"]).startswith("cuda"): + node.copyAttributes(device_node) + + model.apply(patch_device) + patch_device(model.encode_image) + patch_device(model.encode_text) + + # patch dtype to float32 on CPU + if str(device) == "cpu": + float_holder = torch.jit.trace(lambda: torch.ones([]).float(), example_inputs=[]) + float_input = list(float_holder.graph.findNode("aten::to").inputs())[1] + float_node = float_input.node() + + def patch_float(module): + graphs = [module.graph] if hasattr(module, "graph") else [] + if hasattr(module, "forward1"): + graphs.append(module.forward1.graph) + + for graph in graphs: + for node in graph.findAllNodes("aten::to"): + inputs = list(node.inputs()) + for i in [1, 2]: # dtype can be the second or third argument to aten::to() + if inputs[i].node()["value"] == 5: + inputs[i].node().copyAttributes(float_node) + + model.apply(patch_float) + patch_float(model.encode_image) + patch_float(model.encode_text) + + model.float() + + return model, transform + + +def tokenize(texts: Union[str, List[str]], context_length: int = 77): + if isinstance(texts, str): + texts = [texts] + + sot_token = _tokenizer.encoder["<|startoftext|>"] + eot_token = _tokenizer.encoder["<|endoftext|>"] + all_tokens = [[sot_token] + _tokenizer.encode([text]) + [eot_token] for text in texts] + result = torch.zeros(len(all_tokens), context_length, dtype=torch.long) + + for i, tokens in enumerate(all_tokens): + if len(tokens) > context_length: + raise RuntimeError(f"Input {texts[i]} is too long for context length {context_length}") + result[i, :len(tokens)] = torch.tensor(tokens) + + return result diff --git a/cliport/models/core/fusion.py b/cliport/models/core/fusion.py new file mode 100644 index 0000000000000000000000000000000000000000..00d0126a2de11c5b2ce419997aeb2836c2605971 --- /dev/null +++ b/cliport/models/core/fusion.py @@ -0,0 +1,355 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import numpy as np + + +class DotAttn(nn.Module): + """ Dot-Attention """ + + def forward(self, inp, h): + score = self.softmax(inp, h) + return score.expand_as(inp).mul(inp).sum(1), score + + def softmax(self, inp, h): + raw_score = inp.bmm(h.unsqueeze(2)) + score = F.softmax(raw_score, dim=1) + return score + + +class ScaledDotAttn(nn.Module): + """ Scaled Dot-Attention """ + + def forward(self, inp, h): + score = self.softmax(inp, h) + return score.expand_as(inp).mul(inp).sum(1), score + + def softmax(self, inp, h): + raw_score = inp.bmm(h.unsqueeze(2)) / np.sqrt(h.shape[-1]) + score = F.softmax(raw_score, dim=1) + return score + + +class Fusion(nn.Module): + """ Base Fusion Class""" + + def __init__(self, input_dim=3): + super().__init__() + self.input_dim = input_dim + + def tile_x2(self, x1, x2, x2_proj=None): + if x2_proj: + x2 = x2_proj(x2) + + x2 = x2.unsqueeze(-1).unsqueeze(-1) + x2 = x2.repeat(x1.shape[0], 1, x1.shape[-2], x1.shape[-1]) + return x2 + + def batch_tile_x2(self, x1, x2, x2_proj=None): + if x2_proj: + x2 = x2_proj(x2) + + x2 = x2.unsqueeze(-1).unsqueeze(-1) + x2 = x2.repeat(1, 1, x1.shape[-2], x1.shape[-1]) + return x2 + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + raise NotImplementedError() + + +class FusionAdd(Fusion): + """ x1 + x2 """ + + def __init__(self, input_dim=3): + super(FusionAdd, self).__init__(input_dim=input_dim) + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + if x1.shape != x2.shape and len(x1.shape) != len(x2.shape): + x2 = self.tile_x2(x1, x2, x2_proj) + return x1 + x2 + + +class FusionMult(Fusion): + """ x1 * x2 """ + + def __init__(self, input_dim=3): + super(FusionMult, self).__init__(input_dim=input_dim) + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + if x1.shape != x2.shape and len(x1.shape) != len(x2.shape): + x2 = self.batch_tile_x2(x1, x2, x2_proj) # self.batch_tile_x2(x1, x2, x2_proj) + return x1 * x2 + + +class FusionMax(Fusion): + """ max(x1, x2) """ + + def __init__(self, input_dim=3): + super(FusionMax, self).__init__(input_dim=input_dim) + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + if x1.shape != x2.shape and len(x1.shape) != len(x2.shape): + x2 = self.tile_x2(x1, x2, x2_proj) + return torch.max(x1, x2) + + +class FusionConcat(Fusion): + """ [x1; x2] """ + + def __init__(self, input_dim=3): + super(FusionConcat, self).__init__(input_dim=input_dim) + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + if x1.shape != x2.shape and len(x1.shape) != len(x2.shape): + x2 = self.tile_x2(x1, x2, x2_proj) + return torch.cat([x1, x2], dim=1) + + +class FusionConv(Fusion): + """ 1x1 convs after [x1; x2] """ + + def __init__(self, input_dim=3): + super(FusionConv, self).__init__(input_dim=input_dim) + self.conv = nn.Sequential( + nn.ReLU(True), + nn.Conv2d(input_dim * 2, input_dim, kernel_size=1, bias=False) + ) + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + if x1.shape != x2.shape and len(x1.shape) != len(x2.shape): + x2 = self.tile_x2(x1, x2, x2_proj) + x = torch.cat([x1, x2], dim=1) # [B, 2C, H, W] + x = self.conv(x) # [B, C, H, W] + return x + + +class FusionConvLat(Fusion): + """ 1x1 convs after [x1; x2] for lateral fusion """ + + def __init__(self, input_dim=3, output_dim=3): + super(FusionConvLat, self).__init__(input_dim=input_dim) + self.conv = nn.Sequential( + nn.ReLU(True), + nn.Conv2d(input_dim, output_dim, kernel_size=1, bias=False) + ) + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + if x1.shape != x2.shape and len(x1.shape) != len(x2.shape): + x2 = self.tile_x2(x1, x2, x2_proj) + x = torch.cat([x1, x2], dim=1) # [B, input_dim, H, W] + x = self.conv(x) # [B, output_dim, H, W] + return x + + +## ------------- NOTE ---------------- +## The following are various fusion types I experimented with. +## Most of them didn't work well ¯\_(ツ)_/¯ +## But it doesn't mean there isn't a better way of +## doing lateral and multi-modal (language+vision) fusion. + + +class FusionFiLM(Fusion): + """ FiLM (Perez et. al, https://arxiv.org/abs/1709.07871). + Note: This is not used inside a Residual block before ReLU. + I had a version this in UpBlock with FiLM, which didn't seem to work at all. + """ + + def __init__(self, input_dim=3, output_dim=3): + super(FusionFiLM, self).__init__(input_dim=input_dim) + + def forward(self, x1, x2, gamma, beta): + g = self.tile_x2(x1, x2, gamma) + b = self.tile_x2(x1, x2, beta) + return x1 * g + b + + +class FusionDeepConv(Fusion): + """ Multi-Layer 1x1 convs after [x1; x2] """ + + def __init__(self, input_dim=3): + super(FusionDeepConv, self).__init__(input_dim=input_dim) + self.conv = nn.Sequential( + nn.ReLU(True), + nn.Conv2d(input_dim * 2, input_dim, kernel_size=1, bias=False), + nn.ReLU(True), + nn.Conv2d(input_dim, input_dim, kernel_size=1, bias=False), + nn.ReLU(True), + nn.Conv2d(input_dim, input_dim, kernel_size=1, bias=False), + ) + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + if x1.shape != x2.shape and len(x1.shape) != len(x2.shape): + x2 = self.tile_x2(x1, x2, x2_proj) + x = torch.cat([x1, x2], dim=1) # [B, 2C, H, W] + x = self.conv(x) # [B, C, H, W] + return x + + +class FusionMultWord(nn.Module): + """ Product with weighted-sum of words """ + + def __init__(self, input_dim=3): + super().__init__() + self.input_dim = input_dim + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + B, D, H, W = x1.shape + x2_len = int(x2_mask.count_nonzero()) + + weighted_x1 = torch.zeros_like(x1) + for t in range(x2_len): + x2_t = x2_proj(x2[:,t]) if x2_proj else x2[:,t] + x2_t = x2_t.unsqueeze(-1).unsqueeze(-1).repeat(B, 1, H, W) + weighted_x1 += x1 * x2_t + weighted_x1 /= x2_len + return weighted_x1 + + +class FusionWordAttention(nn.Module): + """ Word Attention """ + + def __init__(self, input_dim=3): + super().__init__() + self.input_dim = input_dim + self.dot_attn = DotAttn() + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + B, D, H, W = x1.shape + x1_flat = x1.reshape(B, D, H*W) + x2_len = int(x2_mask.count_nonzero()) + + # TODO: batch this unrolling? + weight_sum_x1_flat = torch.zeros_like(x1_flat) + for t in range(x2_len): + x2_t = x2_proj(x2[:,t]) if x2_proj else x2[:,t] + x2_t = x2_t.repeat(B, 1) + + _, attn_x1 = self.dot_attn(x1_flat.transpose(1, 2), x2_t) + weight_sum_x1_flat += x1_flat * attn_x1.transpose(1, 2) + + weight_sum_x1_flat /= x2_len + x2 = weight_sum_x1_flat.reshape(B, D, H, W) + return x2 + + +class FusionSentenceAttention(nn.Module): + """ Sentence Attention """ + + def __init__(self, input_dim=3): + super().__init__() + self.input_dim = input_dim + self.dot_attn = ScaledDotAttn() + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + B, D, H, W = x1.shape + x1_flat = x1.reshape(B, D, H*W) + + x2_t = x2_proj(x2) if x2_proj else x2 + x2_t = x2_t.repeat(B, 1) + + _, attn_x1 = self.dot_attn(x1_flat.transpose(1, 2), x2_t) + weight_sum_x1_flat = x1_flat * attn_x1.transpose(1, 2) + + x2 = weight_sum_x1_flat.reshape(B, D, H, W) + return x2 + + +class CrossModalAttention2d(nn.Module): + """ Cross-Modal Attention. Adapted from: https://github.com/openai/CLIP/blob/main/clip/model.py#L56 """ + + def __init__(self, spacial_dim=7, embed_dim=1024, num_heads=32, + output_dim=1024, lang_dim=512, lang_max_tokens=77): + super().__init__() + self.embed_dim = embed_dim + self.lang_dim = lang_dim + self.lang_max_tokens = lang_max_tokens + self.num_heads = num_heads + self.lang_proj = nn.Linear(self.lang_dim, embed_dim) + self.vision_positional_embedding = nn.Parameter(torch.randn(spacial_dim ** 2, embed_dim) / embed_dim ** 0.5) + self.lang_positional_embedding = nn.Parameter(torch.randn(lang_max_tokens, embed_dim) / embed_dim ** 0.5) + self.k_proj = nn.Linear(embed_dim, embed_dim) + self.q_proj = nn.Linear(embed_dim, embed_dim) + self.v_proj = nn.Linear(embed_dim, embed_dim) + self.c_proj = nn.Linear(embed_dim, output_dim or embed_dim) + + def forward(self, x, l, l_mask): + # reshape vision features + x_shape = x.shape + x = x.reshape(x.shape[0], x.shape[1], x.shape[2] * x.shape[3]).permute(2, 0, 1) # NCHW -> (HW)NC + x = x + self.vision_positional_embedding[:x.shape[0], None, :].to(x.dtype) # (HW)NC + + # project language + l = l.permute(1, 0, 2) + l_shape = l.shape + l = l.reshape(-1, self.lang_dim) + l = self.lang_proj(l) + l = l.reshape(l_shape[0], l_shape[1], self.embed_dim) + l = l + self.lang_positional_embedding[:, None, :].to(l.dtype) + + # hard language mask + l_len = int(l_mask.count_nonzero()) + l = l[:l_len] + l = l.repeat(1, x.shape[1], 1) + + x, _ = F.multi_head_attention_forward( + query=x, key=l, value=l, + embed_dim_to_check=x.shape[-1], + num_heads=self.num_heads, + q_proj_weight=self.q_proj.weight, + k_proj_weight=self.k_proj.weight, + v_proj_weight=self.v_proj.weight, + in_proj_weight=None, + in_proj_bias=torch.cat([self.q_proj.bias, self.k_proj.bias, self.v_proj.bias]), + bias_k=None, + bias_v=None, + add_zero_attn=False, + dropout_p=0, + out_proj_weight=self.c_proj.weight, + out_proj_bias=self.c_proj.bias, + use_separate_proj_weight=True, + training=self.training, + need_weights=False + ) + + x = x.permute(1, 2, 0) + x = x.reshape(x_shape) + return x + + +class FusionMultiHeadedWordAttention(nn.Module): + """ Multi-Headed Word Attention that uses Cross Modal Attention at different scales """ + + def __init__(self, input_dim=3): + super().__init__() + self.input_dim = input_dim + self.attn1 = CrossModalAttention2d(spacial_dim=7, embed_dim=1024, output_dim=1024) + self.attn2 = CrossModalAttention2d(spacial_dim=14, embed_dim=512, output_dim=512) + self.attn3 = CrossModalAttention2d(spacial_dim=28, embed_dim=256, output_dim=256) + + self.multi_headed_attns = { + 1024: self.attn1, + 512: self.attn2, + 256: self.attn3, + } + + def forward(self, x1, x2, x2_mask=None, x2_proj=None): + emb_dim = x1.shape[1] + x = self.multi_headed_attns[emb_dim](x1, x2, x2_mask) + return x + + +names = { + 'add': FusionAdd, + 'mult': FusionMult, + 'mult_word': FusionMultWord, + 'film': FusionFiLM, + 'max': FusionMax, + 'concat': FusionConcat, + 'conv': FusionConv, + 'deep_conv': FusionDeepConv, + 'word_attn': FusionWordAttention, + 'sent_attn': FusionSentenceAttention, + 'multi_headed_word_attn': FusionMultiHeadedWordAttention, +} + diff --git a/cliport/models/core/transport.py b/cliport/models/core/transport.py new file mode 100644 index 0000000000000000000000000000000000000000..bc81e33d800f9b9e1ce504c8c9352672037a32e4 --- /dev/null +++ b/cliport/models/core/transport.py @@ -0,0 +1,109 @@ +import numpy as np +import cliport.models as models +from cliport.utils import utils + +import torch +import torch.nn as nn +import torch.nn.functional as F + + +class Transport(nn.Module): + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + """Transport (a.k.a Place) module.""" + super().__init__() + + self.iters = 0 + self.stream_fcn = stream_fcn + self.n_rotations = n_rotations + self.crop_size = crop_size # crop size must be N*16 (e.g. 96) + self.preprocess = preprocess + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + + self.pad_size = int(self.crop_size / 2) + self.padding = np.zeros((3, 2), dtype=int) + self.padding[:2, :] = self.pad_size + + in_shape = np.array(in_shape) + in_shape = tuple(in_shape) + self.in_shape = in_shape + + # Crop before network (default from Transporters CoRL 2020). + self.kernel_shape = (self.crop_size, self.crop_size, self.in_shape[2]) + + if not hasattr(self, 'output_dim'): + self.output_dim = 3 + if not hasattr(self, 'kernel_dim'): + self.kernel_dim = 3 + + self.rotator = utils.ImageRotator(self.n_rotations) + + self._build_nets() + + def _build_nets(self): + stream_one_fcn, _ = self.stream_fcn + model = models.names[stream_one_fcn] + self.key_resnet = model(self.in_shape, self.output_dim, self.cfg, self.device) + self.query_resnet = model(self.kernel_shape, self.kernel_dim, self.cfg, self.device) + print(f"Transport FCN: {stream_one_fcn}") + + def correlate(self, in0, in1, softmax): + """Correlate two input tensors.""" + output = F.conv2d(in0, in1, padding=(self.pad_size, self.pad_size)) + output = F.interpolate(output, size=(in0.shape[-2], in0.shape[-1]), mode='bilinear') + output = output[:,:,self.pad_size:-self.pad_size, self.pad_size:-self.pad_size] + output_shape = output.shape + + # a hack around the batch size 1. The shape needs to tile back. + channel_num = in1.shape[0] // in0.shape[0] + output = torch.stack([output[i,i*channel_num:(i+1)*channel_num] for i in range(len(output))], dim=0) + if softmax: + output = output.reshape((len(output), -1)) + output = F.softmax(output, dim=-1) + output = output.reshape(len(output),channel_num,output_shape[2],output_shape[3]) + + return output + + def transport(self, in_tensor, crop): + logits = self.key_resnet(in_tensor) + kernel = self.query_resnet(crop) + return logits, kernel + + def forward(self, inp_img, p, softmax=True): + """Forward pass.""" + img_unprocessed = np.pad(inp_img, self.padding, mode='constant') + input_data = img_unprocessed + in_shape = input_data.shape + if len(inp_shape) == 3: + inp_shape = (1,) + inp_shape + input_data = input_data.reshape(in_shape) # [B W H D] + in_tensor = torch.from_numpy(input_data).to(dtype=torch.float, device=self.device) + + # Rotation pivot. + pv = p + self.pad_size # np.array([p[0], p[1]]) + + # Crop before network (default from Transporters CoRL 2020). + hcrop = self.pad_size + in_tensor = in_tensor.permute(0, 3, 1, 2) # [B D W H] + + crop = in_tensor.repeat(self.n_rotations, 1, 1, 1) + crop = self.rotator(crop, pivot=pv) + crop = torch.cat(crop, dim=0) + crop = crop[:, :, pv[0]-hcrop:pv[0]+hcrop, pv[1]-hcrop:pv[1]+hcrop] + + logits, kernel = self.transport(in_tensor, crop) + + # TODO(Mohit): Crop after network. Broken for now. + # in_tensor = in_tensor.permute(0, 3, 1, 2) + # logits, crop = self.transport(in_tensor) + # crop = crop.repeat(self.n_rotations, 1, 1, 1) + # crop = self.rotator(crop, pivot=pv) + # crop = torch.cat(crop, dim=0) + + # kernel = crop[:, :, pv[0]-hcrop:pv[0]+hcrop, pv[1]-hcrop:pv[1]+hcrop] + # kernel = crop[:, :, p[0]:(p[0] + self.crop_size), p[1]:(p[1] + self.crop_size)] + + return self.correlate(logits, kernel, softmax) + diff --git a/cliport/models/core/transport_image_goal.py b/cliport/models/core/transport_image_goal.py new file mode 100644 index 0000000000000000000000000000000000000000..13882d4b493eeaefc7d404a5756ad87005278d13 --- /dev/null +++ b/cliport/models/core/transport_image_goal.py @@ -0,0 +1,129 @@ +import numpy as np +import cliport.models as models +from cliport.utils import utils + +import torch +import torch.nn as nn +import torch.nn.functional as F + + +class TransportImageGoal(nn.Module): + """Transport module.""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + """Transport module for placing. + Args: + in_shape: shape of input image. + n_rotations: number of rotations of convolving kernel. + crop_size: crop size around pick argmax used as convolving kernel. + preprocess: function to preprocess input images. + """ + super().__init__() + + self.iters = 0 + self.stream_fcn = stream_fcn + self.n_rotations = n_rotations + self.crop_size = crop_size # crop size must be N*16 (e.g. 96) + self.preprocess = preprocess + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + + self.pad_size = int(self.crop_size / 2) + self.padding = np.zeros((3, 2), dtype=int) + self.padding[:2, :] = self.pad_size + + in_shape = np.array(in_shape) + in_shape = tuple(in_shape) + self.in_shape = in_shape + + # Crop before network (default for Transporters CoRL 2020). + self.kernel_shape = (self.crop_size, self.crop_size, self.in_shape[2]) + + if not hasattr(self, 'output_dim'): + self.output_dim = 3 + if not hasattr(self, 'kernel_dim'): + self.kernel_dim = 3 + + self.rotator = utils.ImageRotator(self.n_rotations) + + self._build_nets() + + def _build_nets(self): + stream_one_fcn, _ = self.stream_fcn + model = models.names[stream_one_fcn] + self.key_resnet = model(self.in_shape, self.output_dim, self.cfg, self.device) + self.query_resnet = model(self.in_shape, self.kernel_dim, self.cfg, self.device) + self.goal_resnet = model(self.in_shape, self.output_dim, self.cfg, self.device) + print(f"Transport FCN: {stream_one_fcn}") + + def correlate(self, in0, in1, softmax): + """Correlate two input tensors.""" + output = F.conv2d(in0, in1, padding=(self.pad_size, self.pad_size)) + output = F.interpolate(output, size=(in0.shape[-2], in0.shape[-1]), mode='bilinear') + output = output[:,:,self.pad_size:-self.pad_size, self.pad_size:-self.pad_size] + if softmax: + output_shape = output.shape + output = output.reshape((1, np.prod(output.shape))) + output = F.softmax(output, dim=-1) + output = output.reshape(output_shape[1:]) + return output + + def forward(self, inp_img, goal_img, p, softmax=True): + """Forward pass.""" + + # Input image. + img_unprocessed = np.pad(inp_img, self.padding, mode='constant') + input_data = img_unprocessed + in_shape = (1,) + input_data.shape + input_data = input_data.reshape(in_shape) + in_tensor = torch.from_numpy(input_data.copy()).to(dtype=torch.float, device=self.device) + in_tensor = in_tensor.permute(0, 3, 1, 2) + + # Goal image. + goal_tensor = np.pad(goal_img, self.padding, mode='constant') + goal_shape = (1,) + goal_tensor.shape + goal_tensor = goal_tensor.reshape(goal_shape) + goal_tensor = torch.from_numpy(goal_tensor.copy()).to(dtype=torch.float, device=self.device) + goal_tensor = goal_tensor.permute(0, 3, 1, 2) + + # Rotation pivot. + pv = np.array([p[0], p[1]]) + self.pad_size + hcrop = self.pad_size + + # Cropped input features. + in_crop = in_tensor.repeat(self.n_rotations, 1, 1, 1) + in_crop = self.rotator(in_crop, pivot=pv) + in_crop = torch.cat(in_crop, dim=0) + in_crop = in_crop[:, :, pv[0]-hcrop:pv[0]+hcrop, pv[1]-hcrop:pv[1]+hcrop] + + # Cropped goal features. + goal_crop = goal_tensor.repeat(self.n_rotations, 1, 1, 1) + goal_crop = self.rotator(goal_crop, pivot=pv) + goal_crop = torch.cat(goal_crop, dim=0) + goal_crop = goal_crop[:, :, pv[0]-hcrop:pv[0]+hcrop, pv[1]-hcrop:pv[1]+hcrop] + + in_logits = self.key_resnet(in_tensor) + goal_logits = self.goal_resnet(goal_tensor) + kernel_crop = self.query_resnet(in_crop) + goal_crop = self.goal_resnet(goal_crop) + + # Fuse Goal and Transport features + goal_x_in_logits = goal_logits + in_logits # Mohit: why doesn't multiply work? :( + goal_x_kernel = goal_crop + kernel_crop + + # TODO(Mohit): Crop after network. Broken for now + # in_logits = self.key_resnet(in_tensor) + # kernel_nocrop_logits = self.query_resnet(in_tensor) + # goal_logits = self.goal_resnet(goal_tensor) + + # goal_x_in_logits = in_logits + # goal_x_kernel_logits = goal_logits * kernel_nocrop_logits + + # goal_crop = goal_x_kernel_logits.repeat(self.n_rotations, 1, 1, 1) + # goal_crop = self.rotator(goal_crop, pivot=pv) + # goal_crop = torch.cat(goal_crop, dim=0) + # goal_crop = goal_crop[:, :, pv[0]-hcrop:pv[0]+hcrop, pv[1]-hcrop:pv[1]+hcrop] + + return self.correlate(goal_x_in_logits, goal_x_kernel, softmax) + diff --git a/cliport/models/core/unet.py b/cliport/models/core/unet.py new file mode 100644 index 0000000000000000000000000000000000000000..5aa28000fb2a35281e2291b31ae6e13b7c66fa59 --- /dev/null +++ b/cliport/models/core/unet.py @@ -0,0 +1,78 @@ +# Credit: https://github.com/milesial/Pytorch-UNet/ + +import torch +import torch.nn as nn +import torch.nn.functional as F + + +class DoubleConv(nn.Module): + """(convolution => [BN] => ReLU) * 2""" + + def __init__(self, in_channels, out_channels, mid_channels=None): + super().__init__() + if not mid_channels: + mid_channels = out_channels + self.double_conv = nn.Sequential( + nn.Conv2d(in_channels, mid_channels, kernel_size=3, padding=1), + nn.BatchNorm2d(mid_channels), # (Mohit): argh... forgot to remove this batchnorm + nn.ReLU(inplace=True), + nn.Conv2d(mid_channels, out_channels, kernel_size=3, padding=1), + nn.BatchNorm2d(out_channels), # (Mohit): argh... forgot to remove this batchnorm + nn.ReLU(inplace=True) + ) + + def forward(self, x): + return self.double_conv(x) + + +class Down(nn.Module): + """Downscaling with maxpool then double conv""" + + def __init__(self, in_channels, out_channels): + super().__init__() + self.maxpool_conv = nn.Sequential( + nn.MaxPool2d(2), + DoubleConv(in_channels, out_channels) + ) + + def forward(self, x): + return self.maxpool_conv(x) + + +class Up(nn.Module): + """Upscaling then double conv""" + + def __init__(self, in_channels, out_channels, bilinear=True): + super().__init__() + + # if bilinear, use the normal convolutions to reduce the number of channels + if bilinear: + self.up = nn.Upsample(scale_factor=2, mode='bilinear', align_corners=True) + self.conv = DoubleConv(in_channels, out_channels, in_channels // 2) + else: + self.up = nn.ConvTranspose2d(in_channels , in_channels // 2, kernel_size=2, stride=2) + self.conv = DoubleConv(in_channels, out_channels) + + + def forward(self, x1, x2): + x1 = self.up(x1) + # input is CHW + diffY = x2.size()[2] - x1.size()[2] + diffX = x2.size()[3] - x1.size()[3] + + x1 = F.pad(x1, [diffX // 2, diffX - diffX // 2, + diffY // 2, diffY - diffY // 2]) + # if you have padding issues, see + # https://github.com/HaiyongJiang/U-Net-Pytorch-Unstructured-Buggy/commit/0e854509c2cea854e247a9c615f175f76fbb2e3a + # https://github.com/xiaopeng-liao/Pytorch-UNet/commit/8ebac70e633bac59fc22bb5195e513d5832fb3bd + x = torch.cat([x2, x1], dim=1) + return self.conv(x) + + +class OutConv(nn.Module): + def __init__(self, in_channels, out_channels): + super(OutConv, self).__init__() + self.conv = nn.Conv2d(in_channels, out_channels, kernel_size=1) + + def forward(self, x): + return self.conv(x) \ No newline at end of file diff --git a/cliport/models/mdetr_lingunet_lat_fuse.py b/cliport/models/mdetr_lingunet_lat_fuse.py new file mode 100644 index 0000000000000000000000000000000000000000..81a55cd819d6f6096587593189d636a5f4bc4820 --- /dev/null +++ b/cliport/models/mdetr_lingunet_lat_fuse.py @@ -0,0 +1,353 @@ +import torch +import torch.nn.functional as F +from typing import List, Optional +from torch import Tensor, nn +import copy +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up + +from cliport.models.core import fusion +from cliport.models.core.fusion import FusionConvLat +from cliport.models.backbone_full import Backbone +from cliport.models.misc import NestedTensor +from cliport.models.position_encoding import build_position_encoding +from transformers import RobertaModel, RobertaTokenizerFast + + + +class FeatureResizer(nn.Module): + """ + This class takes as input a set of embeddings of dimension C1 and outputs a set of + embedding of dimension C2, after a linear transformation, dropout and normalization (LN). + """ + + def __init__(self, input_feat_size, output_feat_size, dropout, do_ln=True): + super().__init__() + self.do_ln = do_ln + # Object feature encoding + self.fc = nn.Linear(input_feat_size, output_feat_size, bias=True) + self.layer_norm = nn.LayerNorm(output_feat_size, eps=1e-12) + self.dropout = nn.Dropout(dropout) + + def forward(self, encoder_features): + x = self.fc(encoder_features) + if self.do_ln: + x = self.layer_norm(x) + output = self.dropout(x) + return output + + +class MDETRLingUNetLat_fuse(nn.Module): + """ CLIP RN50 with U-Net skip connections and lateral connections """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(MDETRLingUNetLat_fuse, self).__init__() + self.input_shape = input_shape + self.output_dim = output_dim + self.input_dim = 2048 # penultimate layer channel-size of mdetr + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + self.lang_fusion_type = self.cfg['train']['lang_fusion_type'] + self.bilinear = True + self.up_factor = 2 if self.bilinear else 1 + self.preprocess = preprocess + + self.backbone = Backbone('resnet101', True, True, False) + self.position_embedding = build_position_encoding() + self.input_proj = nn.Conv2d(2048, 256, kernel_size=1) + + self.tokenizer = RobertaTokenizerFast.from_pretrained('roberta-base') + self.text_encoder = RobertaModel.from_pretrained('roberta-base') + self.resizer = FeatureResizer( + input_feat_size=768, + output_feat_size=256, + dropout=0.1, + ) + encoder_layer = TransformerEncoderLayer(d_model=256, nhead=8, dim_feedforward=2048, dropout=0.1, activation='relu', normalize_before=False) + self.encoder = TransformerEncoder(encoder_layer, 6, None) + mdter_checkpoint = torch.load('/home/yzc/shared/project/GPT-CLIPort/ckpts/mdetr_pretrained_resnet101_checkpoint.pth', map_location="cpu")['model'] + + checkpoint_new = {} + for param in mdter_checkpoint: + if 'transformer.text_encoder' in param or 'transformer.encoder.' in param or 'input_proj' in param or 'resizer' in param: + param_new = param.replace('transformer.','') + checkpoint_new[param_new] = mdter_checkpoint[param] + elif 'backbone.0.body' in param: + param_new = param.replace('backbone.0.body', 'backbone.body') + checkpoint_new[param_new] = mdter_checkpoint[param] + + self.load_state_dict(checkpoint_new, True) + self._build_decoder() + + + def _build_decoder(self): + # language + self.up_fuse1 = nn.UpsamplingBilinear2d(scale_factor=2) + self.up_fuse2 = nn.UpsamplingBilinear2d(scale_factor=4) + self.up_fuse3 = nn.UpsamplingBilinear2d(scale_factor=8) + + self.lang_fuser1 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 2) + self.lang_fuser2 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 4) + self.lang_fuser3 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 8) + + self.proj_input_dim = 768 + self.lang_proj1 = nn.Linear(self.proj_input_dim, 1024) + self.lang_proj2 = nn.Linear(self.proj_input_dim, 512) + self.lang_proj3 = nn.Linear(self.proj_input_dim, 256) + + # vision + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim+256, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + + self.up1 = Up(2048+256, 1024 // self.up_factor, self.bilinear) + self.lat_fusion1 = FusionConvLat(input_dim=1024+512, output_dim=512) + + self.up2 = Up(1024+256, 512 // self.up_factor, self.bilinear) + self.lat_fusion2 = FusionConvLat(input_dim=512+256, output_dim=256) + + self.up3 = Up(512+256, 256 // self.up_factor, self.bilinear) + self.lat_fusion3 = FusionConvLat(input_dim=256+128, output_dim=128) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion4 = FusionConvLat(input_dim=128+64, output_dim=64) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion5 = FusionConvLat(input_dim=64+32, output_dim=32) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion6 = FusionConvLat(input_dim=32+16, output_dim=16) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def encode_image(self, img): + img = NestedTensor.from_tensor_list(img) + with torch.no_grad(): + xs = self.backbone(img) + out = [] + pos = [] + for name, x in xs.items(): + out.append(x) + # position encoding + pos.append(self.position_embedding(x).to(x.tensors.dtype)) + return out, pos + + + def encode_text(self, x): + with torch.no_grad(): + tokenized = self.tokenizer.batch_encode_plus(x, padding="longest", return_tensors="pt").to(self.device) + encoded_text = self.text_encoder(**tokenized) + + # Transpose memory because pytorch's attention expects sequence first + text_memory = encoded_text.last_hidden_state.transpose(0, 1) + text_memory_mean = torch.mean(text_memory, 0) + # Invert attention mask that we get from huggingface because its the opposite in pytorch transformer + text_attention_mask = tokenized.attention_mask.ne(1).bool() + # Resize the encoder hidden states to be of the same d_model as the decoder + text_memory_resized = self.resizer(text_memory) + return text_memory_resized, text_attention_mask, text_memory_mean + + def forward(self, x, lat, l): + + x = self.preprocess(x, dist='mdetr') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + + x = x.permute(0, 1, 3, 2) + + + with torch.no_grad(): + features, pos = self.encode_image(x) + x1, mask = features[-1].decompose() + x2, _ = features[-2].decompose() + x3, _ = features[-3].decompose() + x4, _ = features[-4].decompose() + #print(x1.shape, x2.shape, x3.shape, x4.shape) + src = self.input_proj(x1) + pos_embed = pos[-1] + bs, c, h, w = src.shape + src = src.flatten(2).permute(2, 0, 1) + device = self.device + pos_embed = pos_embed.flatten(2).permute(2, 0, 1) + mask = mask.flatten(1) + + text_memory_resized, text_attention_mask, l_input = self.encode_text(l) + # l_input = l_input.view(1, -1) + # text_memory_resized = text_memory_resized.repeat(1, src.shape[1], 1) + # text_attention_mask = text_attention_mask.repeat(src.shape[1], 1) + #print(src.shape, text_memory_resized.shape, mask.shape, text_attention_mask.shape) + if src.shape[1] == int(36*8): + text_memory_resized = text_memory_resized.repeat_interleave(36, dim=1) + l_input = l_input.repeat_interleave(36, dim=0) + text_attention_mask = text_attention_mask.repeat_interleave(36, dim=0) + src = torch.cat([src, text_memory_resized], dim=0) + # For mask, sequence dimension is second + mask = torch.cat([mask, text_attention_mask], dim=1) + # Pad the pos_embed with 0 so that the addition will be a no-op for the text tokens + pos_embed = torch.cat([pos_embed, torch.zeros_like(text_memory_resized)], dim=0) + img_memory, img_memory_all = self.encoder(src, src_key_padding_mask=mask, pos=pos_embed) + + dim = img_memory.shape[-1] + fuse1 = img_memory_all[-1][:h*w].permute(1,2,0).reshape(bs, dim, h, w) + fuse2 = self.up_fuse1(img_memory_all[-2][:h*w].permute(1,2,0).reshape(bs, dim, h, w)) + fuse3 = self.up_fuse2(img_memory_all[-3][:h*w].permute(1,2,0).reshape(bs, dim, h, w)) + fuse4 = self.up_fuse3(img_memory_all[-4][:h*w].permute(1,2,0).reshape(bs, dim, h, w)) + + assert x1.shape[1] == self.input_dim + + x1 = torch.cat((x1, fuse1), 1) + x2 = torch.cat((x2, fuse2), 1) + x3 = torch.cat((x3, fuse3), 1) + x4 = torch.cat((x4, fuse4), 1) + + x = self.conv1(x1) + x = self.lang_fuser1(x, l_input, x2_mask=None, x2_proj=self.lang_proj1) + x = self.up1(x, x2) + x = self.lat_fusion1(x, lat[-6].permute(0, 1, 3, 2)) + + x = self.lang_fuser2(x, l_input, x2_mask=None, x2_proj=self.lang_proj2) + + x = self.up2(x, x3) + x = self.lat_fusion2(x, lat[-5].permute(0, 1, 3, 2)) + + x = self.lang_fuser3(x, l_input, x2_mask=None, x2_proj=self.lang_proj3) + x = self.up3(x, x4) + x = self.lat_fusion3(x, lat[-4].permute(0, 1, 3, 2)) + x = self.layer1(x) + x = self.lat_fusion4(x, lat[-3].permute(0, 1, 3, 2)) + + x = self.layer2(x) + x = self.lat_fusion5(x, lat[-2].permute(0, 1, 3, 2)) + + x = self.layer3(x) + x = self.lat_fusion6(x, lat[-1].permute(0, 1, 3, 2)) + + x = self.conv2(x) + + x = F.interpolate(x, size=(in_shape[-1], in_shape[-2]), mode='bilinear') + x = x.permute(0, 1, 3, 2) + return x + + +class TransformerEncoder(nn.Module): + def __init__(self, encoder_layer, num_layers, norm=None): + super().__init__() + self.layers = _get_clones(encoder_layer, num_layers) + self.num_layers = num_layers + self.norm = norm + + def forward( + self, + src, + mask: Optional[Tensor] = None, + src_key_padding_mask: Optional[Tensor] = None, + pos: Optional[Tensor] = None, + ): + + output = src + output_all = [] + for layer in self.layers: + output = layer(output, src_mask=mask, src_key_padding_mask=src_key_padding_mask, pos=pos) + output_all.append(output) + if self.norm is not None: + output = self.norm(output) + + return output, output_all + +class TransformerEncoderLayer(nn.Module): + def __init__(self, d_model, nhead, dim_feedforward=2048, dropout=0.1, activation="relu", normalize_before=False): + super().__init__() + self.self_attn = nn.MultiheadAttention(d_model, nhead, dropout=dropout) + # Implementation of Feedforward model + self.linear1 = nn.Linear(d_model, dim_feedforward) + self.dropout = nn.Dropout(dropout) + self.linear2 = nn.Linear(dim_feedforward, d_model) + + self.norm1 = nn.LayerNorm(d_model) + self.norm2 = nn.LayerNorm(d_model) + self.dropout1 = nn.Dropout(dropout) + self.dropout2 = nn.Dropout(dropout) + + self.activation = _get_activation_fn(activation) + self.normalize_before = normalize_before + print(self.normalize_before) + + def with_pos_embed(self, tensor, pos: Optional[Tensor]): + return tensor if pos is None else tensor + pos + + def forward_post( + self, + src, + src_mask: Optional[Tensor] = None, + src_key_padding_mask: Optional[Tensor] = None, + pos: Optional[Tensor] = None, + ): + q = k = self.with_pos_embed(src, pos) + src2 = self.self_attn(q, k, value=src, attn_mask=src_mask, key_padding_mask=src_key_padding_mask)[0] + src = src + self.dropout1(src2) + src = self.norm1(src) + src2 = self.linear2(self.dropout(self.activation(self.linear1(src)))) + src = src + self.dropout2(src2) + src = self.norm2(src) + return src + + def forward_pre( + self, + src, + src_mask: Optional[Tensor] = None, + src_key_padding_mask: Optional[Tensor] = None, + pos: Optional[Tensor] = None, + ): + src2 = self.norm1(src) + q = k = self.with_pos_embed(src2, pos) + src2 = self.self_attn(q, k, value=src2, attn_mask=src_mask, key_padding_mask=src_key_padding_mask)[0] + src = src + self.dropout1(src2) + src2 = self.norm2(src) + src2 = self.linear2(self.dropout(self.activation(self.linear1(src2)))) + src = src + self.dropout2(src2) + return src + + def forward( + self, + src, + src_mask: Optional[Tensor] = None, + src_key_padding_mask: Optional[Tensor] = None, + pos: Optional[Tensor] = None, + ): + if self.normalize_before: + return self.forward_pre(src, src_mask, src_key_padding_mask, pos) + return self.forward_post(src, src_mask, src_key_padding_mask, pos) + + +def _get_clones(module, N): + return nn.ModuleList([copy.deepcopy(module) for i in range(N)]) + + +def _get_activation_fn(activation): + """Return an activation function given a string""" + if activation == "relu": + return F.relu + if activation == "gelu": + return F.gelu + if activation == "glu": + return F.glu + raise RuntimeError(f"activation should be relu/gelu, not {activation}.") + diff --git a/cliport/models/misc.py b/cliport/models/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..2d326fab6b57317110af5fa7b722a33d4ffe7908 --- /dev/null +++ b/cliport/models/misc.py @@ -0,0 +1,162 @@ +# Copyright (c) Aishwarya Kamath & Nicolas Carion. Licensed under the Apache License 2.0. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +""" +Misc functions, including distributed helpers. + +Mostly copy-paste from torchvision references. +""" +import os +import subprocess +from typing import Any, Dict, List, Optional + +import torch +import torchvision +from torch import Tensor + + +def get_sha(): + cwd = os.path.dirname(os.path.abspath(__file__)) + + def _run(command): + return subprocess.check_output(command, cwd=cwd).decode("ascii").strip() + + sha = "N/A" + diff = "clean" + branch = "N/A" + try: + sha = _run(["git", "rev-parse", "HEAD"]) + subprocess.check_output(["git", "diff"], cwd=cwd) + diff = _run(["git", "diff-index", "HEAD"]) + diff = "has uncommited changes" if diff else "clean" + branch = _run(["git", "rev-parse", "--abbrev-ref", "HEAD"]) + except Exception: + pass + message = f"sha: {sha}, status: {diff}, branch: {branch}" + return message + + +def collate_fn(do_round, batch): + batch = list(zip(*batch)) + final_batch = {} + final_batch["samples"] = NestedTensor.from_tensor_list(batch[0], do_round) + final_batch["targets"] = batch[1] + if "positive_map" in batch[1][0]: + # we batch the positive maps here + # Since in general each batch element will have a different number of boxes, + # we collapse a single batch dimension to avoid padding. This is sufficient for our purposes. + max_len = max([v["positive_map"].shape[1] for v in batch[1]]) + nb_boxes = sum([v["positive_map"].shape[0] for v in batch[1]]) + batched_pos_map = torch.zeros((nb_boxes, max_len), dtype=torch.bool) + cur_count = 0 + for v in batch[1]: + cur_pos = v["positive_map"] + batched_pos_map[cur_count : cur_count + len(cur_pos), : cur_pos.shape[1]] = cur_pos + cur_count += len(cur_pos) + + assert cur_count == len(batched_pos_map) + # assert batched_pos_map.sum().item() == sum([v["positive_map"].sum().item() for v in batch[1]]) + final_batch["positive_map"] = batched_pos_map.float() + if "positive_map_eval" in batch[1][0]: + # we batch the positive maps here + # Since in general each batch element will have a different number of boxes, + # we collapse a single batch dimension to avoid padding. This is sufficient for our purposes. + max_len = max([v["positive_map_eval"].shape[1] for v in batch[1]]) + nb_boxes = sum([v["positive_map_eval"].shape[0] for v in batch[1]]) + batched_pos_map = torch.zeros((nb_boxes, max_len), dtype=torch.bool) + cur_count = 0 + for v in batch[1]: + cur_pos = v["positive_map_eval"] + batched_pos_map[cur_count : cur_count + len(cur_pos), : cur_pos.shape[1]] = cur_pos + cur_count += len(cur_pos) + + assert cur_count == len(batched_pos_map) + # assert batched_pos_map.sum().item() == sum([v["positive_map"].sum().item() for v in batch[1]]) + final_batch["positive_map_eval"] = batched_pos_map.float() + if "answer" in batch[1][0] or "answer_type" in batch[1][0]: + answers = {} + for f in batch[1][0].keys(): + if "answer" not in f: + continue + answers[f] = torch.stack([b[f] for b in batch[1]]) + final_batch["answers"] = answers + + return final_batch + + +class NestedTensor(object): + def __init__(self, tensors, mask): + self.tensors = tensors + self.mask = mask + + def to(self, *args, **kwargs): + cast_tensor = self.tensors.to(*args, **kwargs) + cast_mask = self.mask.to(*args, **kwargs) if self.mask is not None else None + return type(self)(cast_tensor, cast_mask) + + def decompose(self): + return self.tensors, self.mask + + @classmethod + def from_tensor_list(cls, tensor_list, do_round=False): + # TODO make this more general + if tensor_list[0].ndim == 3: + # TODO make it support different-sized images + max_size = tuple(max(s) for s in zip(*[img.shape for img in tensor_list])) + # min_size = tuple(min(s) for s in zip(*[img.shape for img in tensor_list])) + batch_shape = (len(tensor_list),) + max_size + b, c, h, w = batch_shape + if do_round: + # Round to an even size to avoid rounding issues in fpn + p = 128 + h = h if h % p == 0 else (h // p + 1) * p + w = w if w % p == 0 else (w // p + 1) * p + batch_shape = b, c, h, w + + dtype = tensor_list[0].dtype + device = tensor_list[0].device + tensor = torch.zeros(batch_shape, dtype=dtype, device=device) + mask = torch.ones((b, h, w), dtype=torch.bool, device=device) + for img, pad_img, m in zip(tensor_list, tensor, mask): + pad_img[: img.shape[0], : img.shape[1], : img.shape[2]].copy_(img) + m[: img.shape[1], : img.shape[2]] = False + else: + raise ValueError("not supported") + return cls(tensor, mask) + + def __repr__(self): + return repr(self.tensors) + + +def interpolate(input, size=None, scale_factor=None, mode="nearest", align_corners=None): + # type: (Tensor, Optional[List[int]], Optional[float], str, Optional[bool]) -> Tensor + """ + Equivalent to nn.functional.interpolate, but with support for empty channel sizes. + """ + if input.numel() > 0: + return torch.nn.functional.interpolate(input, size, scale_factor, mode, align_corners) + + assert input.shape[0] != 0 or input.shape[1] != 0, "At least one of the two first dimensions must be non zero" + + if input.shape[1] == 0: + # Pytorch doesn't support null dimension on the channel dimension, so we transpose to fake a null batch dim + return torch.nn.functional.interpolate(input.transpose(0, 1), size, scale_factor, mode, align_corners).transpose(0, 1) + + # empty batch dimension is now supported in pytorch + return torch.nn.functional.interpolate(input, size, scale_factor, mode, align_corners) + + + +def targets_to(targets: List[Dict[str, Any]], device): + """Moves the target dicts to the given device.""" + excluded_keys = [ + "questionId", + "tokens_positive", + "tokens", + "dataset_name", + "sentence_id", + "original_img_id", + "nb_eval", + "task_id", + "original_id", + ] + return [{k: v.to(device) if k not in excluded_keys else v for k, v in t.items() if k != "caption"} for t in targets] diff --git a/cliport/models/position_encoding.py b/cliport/models/position_encoding.py new file mode 100644 index 0000000000000000000000000000000000000000..97d59c800327eea0c3c3f500c37f09afb260c542 --- /dev/null +++ b/cliport/models/position_encoding.py @@ -0,0 +1,92 @@ +# Copyright (c) Aishwarya Kamath & Nicolas Carion. Licensed under the Apache License 2.0. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +""" +Various positional encodings for the transformer. +""" +import math + +import torch +from torch import nn + + +class PositionEmbeddingSine(nn.Module): + """ + This is a more standard version of the position embedding, very similar to the one + used by the Attention is all you need paper, generalized to work on images. + """ + + def __init__(self, num_pos_feats=64, temperature=10000, normalize=False, scale=None): + super().__init__() + self.num_pos_feats = num_pos_feats + self.temperature = temperature + self.normalize = normalize + if scale is not None and normalize is False: + raise ValueError("normalize should be True if scale is passed") + if scale is None: + scale = 2 * math.pi + self.scale = scale + + def forward(self, tensor_list): + x = tensor_list.tensors + mask = tensor_list.mask + not_mask = ~mask + y_embed = not_mask.cumsum(1, dtype=torch.float32) + x_embed = not_mask.cumsum(2, dtype=torch.float32) + if self.normalize: + eps = 1e-6 + y_embed = y_embed / (y_embed[:, -1:, :] + eps) * self.scale + x_embed = x_embed / (x_embed[:, :, -1:] + eps) * self.scale + + dim_t = torch.arange(self.num_pos_feats, dtype=torch.float32, device=x.device) + dim_t = self.temperature ** (2 * (dim_t // 2) / self.num_pos_feats) + + pos_x = x_embed[:, :, :, None] / dim_t + pos_y = y_embed[:, :, :, None] / dim_t + pos_x = torch.stack((pos_x[:, :, :, 0::2].sin(), pos_x[:, :, :, 1::2].cos()), dim=4).flatten(3) + pos_y = torch.stack((pos_y[:, :, :, 0::2].sin(), pos_y[:, :, :, 1::2].cos()), dim=4).flatten(3) + pos = torch.cat((pos_y, pos_x), dim=3).permute(0, 3, 1, 2) + return pos + + +class PositionEmbeddingLearned(nn.Module): + """ + Absolute pos embedding, learned. + """ + + def __init__(self, num_pos_feats=256): + super().__init__() + self.row_embed = nn.Embedding(50, num_pos_feats) + self.col_embed = nn.Embedding(50, num_pos_feats) + self.reset_parameters() + + def reset_parameters(self): + nn.init.uniform_(self.row_embed.weight) + nn.init.uniform_(self.col_embed.weight) + + def forward(self, tensor_list): + x = tensor_list.tensors + h, w = x.shape[-2:] + i = torch.arange(w, device=x.device) + j = torch.arange(h, device=x.device) + x_emb = self.col_embed(i) + y_emb = self.row_embed(j) + pos = ( + torch.cat( + [ + x_emb.unsqueeze(0).repeat(h, 1, 1), + y_emb.unsqueeze(1).repeat(1, w, 1), + ], + dim=-1, + ) + .permute(2, 0, 1) + .unsqueeze(0) + .repeat(x.shape[0], 1, 1, 1) + ) + return pos + + +def build_position_encoding(hidden_dim=256): + N_steps = hidden_dim // 2 + position_embedding = PositionEmbeddingSine(N_steps, normalize=True) + + return position_embedding diff --git a/cliport/models/pretrain_resnet.py b/cliport/models/pretrain_resnet.py new file mode 100644 index 0000000000000000000000000000000000000000..75b167a9ce9026425f20049b51ebddd3e3997329 --- /dev/null +++ b/cliport/models/pretrain_resnet.py @@ -0,0 +1,144 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils + +from cliport.models.resnet import ConvBlock, IdentityBlock +from torchvision.models import resnet18, resnet34, resnet50 + +class PretrainedResNet18(nn.Module): + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(PretrainedResNet18, self).__init__() + self.input_shape = input_shape + self.input_dim = input_shape[-1] + self.output_dim = output_dim + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + self.preprocess = preprocess + self.pretrained_model = resnet18(pretrained=True) + self.pretrained_model.avgpool = nn.Identity() + self.pretrained_model.fc = nn.Identity() + # self.pretrained_model.eval() + self.pretrained_model.conv1 = nn.Conv2d(self.input_dim, 64, kernel_size=2, stride=1, padding=3, bias=False) + # import IPython; IPython.embed() + for param in self.pretrained_model.parameters(): + param.requires_grad = False + self.pretrained_model.conv1.weight.requires_grad = True + + self._make_layers() + + def _make_layers(self): + # conv1 + # self.conv1 = nn.Sequential( + # nn.Conv2d(self.input_dim, 64, stride=1, kernel_size=3, padding=1), + # nn.BatchNorm2d(64) if self.batchnorm else nn.Identity(), + # nn.ReLU(True), + # ) + + # # fcn + # self.layer1 = nn.Sequential( + # ConvBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # ) + + # self.layer2 = nn.Sequential( + # ConvBlock(64, [128, 128, 128], kernel_size=3, stride=2, batchnorm=self.batchnorm), + # IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # ) + + # self.layer3 = nn.Sequential( + # ConvBlock(128, [256, 256, 256], kernel_size=3, stride=2, batchnorm=self.batchnorm), + # IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # ) + + # self.layer4 = nn.Sequential( + # ConvBlock(256, [512, 512, 512], kernel_size=3, stride=2, batchnorm=self.batchnorm), + # IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # ) + + # self.layer5 = nn.Sequential( + # ConvBlock(512, [1024, 1024, 1024], kernel_size=3, stride=2, batchnorm=self.batchnorm), + # IdentityBlock(1024, [1024, 1024, 1024], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # ) + + # # head + # self.layer6 = nn.Sequential( + # ConvBlock(1024, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # nn.UpsamplingBilinear2d(scale_factor=2), + # ) + + self.layer7 = nn.Sequential( + ConvBlock(512, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer8 = nn.Sequential( + ConvBlock(256, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer9 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer10 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + # conv2 + self.conv2 = nn.Sequential( + ConvBlock(128, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm), + IdentityBlock(self.output_dim, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm) + ) + + def forward(self, x): + x = self.preprocess(x, dist='transporter') + in_shape = x.shape + + # # encoder + # for layer in [self.conv1, self.layer1, self.layer2, self.layer3, self.layer4, self.layer5]: + # x = layer(x) + + # # decoder + # im = [] + # for layer in [self.layer6, self.layer7, self.layer8, self.layer9, self.layer10, self.conv2]: + # im.append(x) + # x = layer(x) + + # encoder + # for layer in [self.conv1, self.layer1, self.layer2, self.layer3, self.layer4]: + # x = layer(x) + # x = x[:, :3, :, :] + x = self.pretrained_model.conv1(x) + for name, module in self.pretrained_model._modules.items(): + if name == 'conv1': + continue + x = module(x) + if name == 'layer4': + break + # with torch.no_grad(): + # x = self.pretrained_model(x) + # import ipdb;ipdb.set_trace() + + + x = F.interpolate(x, size=(8, 8), mode='bilinear') + + # decoder + im = [] + for layer in [self.layer7, self.layer8, self.conv2]: + im.append(x) + x = layer(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x, im \ No newline at end of file diff --git a/cliport/models/resnet.py b/cliport/models/resnet.py new file mode 100644 index 0000000000000000000000000000000000000000..079b10a53fddbdcd292e72e6903091fa6545fbb2 --- /dev/null +++ b/cliport/models/resnet.py @@ -0,0 +1,122 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils + + +class IdentityBlock(nn.Module): + def __init__(self, in_planes, filters, kernel_size, stride=1, final_relu=True, batchnorm=True): + super(IdentityBlock, self).__init__() + self.final_relu = final_relu + self.batchnorm = batchnorm + + filters1, filters2, filters3 = filters + self.conv1 = nn.Conv2d(in_planes, filters1, kernel_size=1, bias=False) + self.bn1 = nn.BatchNorm2d(filters1) if self.batchnorm else nn.Identity() + self.conv2 = nn.Conv2d(filters1, filters2, kernel_size=kernel_size, dilation=1, + stride=stride, padding=1, bias=False) + self.bn2 = nn.BatchNorm2d(filters2) if self.batchnorm else nn.Identity() + self.conv3 = nn.Conv2d(filters2, filters3, kernel_size=1, bias=False) + self.bn3 = nn.BatchNorm2d(filters3) if self.batchnorm else nn.Identity() + + def forward(self, x): + out = F.relu(self.bn1(self.conv1(x))) + out = F.relu(self.bn2(self.conv2(out))) + out = self.bn3(self.conv3(out)) + out += x + if self.final_relu: + out = F.relu(out) + return out + + +class ConvBlock(nn.Module): + def __init__(self, in_planes, filters, kernel_size, stride=1, final_relu=True, batchnorm=True): + super(ConvBlock, self).__init__() + self.final_relu = final_relu + self.batchnorm = batchnorm + + filters1, filters2, filters3 = filters + self.conv1 = nn.Conv2d(in_planes, filters1, kernel_size=1, bias=False) + self.bn1 = nn.BatchNorm2d(filters1) if self.batchnorm else nn.Identity() + self.conv2 = nn.Conv2d(filters1, filters2, kernel_size=kernel_size, dilation=1, + stride=stride, padding=1, bias=False) + self.bn2 = nn.BatchNorm2d(filters2) if self.batchnorm else nn.Identity() + self.conv3 = nn.Conv2d(filters2, filters3, kernel_size=1, bias=False) + self.bn3 = nn.BatchNorm2d(filters3) if self.batchnorm else nn.Identity() + + self.shortcut = nn.Sequential( + nn.Conv2d(in_planes, filters3, + kernel_size=1, stride=stride, bias=False), + nn.BatchNorm2d(filters3) if self.batchnorm else nn.Identity() + ) + + def forward(self, x): + out = F.relu(self.bn1(self.conv1(x))) + out = F.relu(self.bn2(self.conv2(out))) + out = self.bn3(self.conv3(out)) + out += self.shortcut(x) + if self.final_relu: + out = F.relu(out) + return out + + +class ResNet43_8s(nn.Module): + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(ResNet43_8s, self).__init__() + self.input_shape = input_shape + self.input_dim = input_shape[-1] + self.output_dim = output_dim + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + self.preprocess = preprocess + + self.layers = self._make_layers() + + def _make_layers(self): + layers = nn.Sequential( + # conv1 + nn.Conv2d(self.input_dim, 64, stride=1, kernel_size=3, padding=1), + nn.BatchNorm2d(64) if self.batchnorm else nn.Identity(), + nn.ReLU(True), + + # fcn + ConvBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(64, [128, 128, 128], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(128, [256, 256, 256], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(256, [512, 512, 512], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + # head + ConvBlock(512, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + + ConvBlock(256, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + + # conv2 + ConvBlock(64, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm), + IdentityBlock(self.output_dim, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm), + ) + return layers + + def forward(self, x): + x = self.preprocess(x, dist='transporter') + + out = self.layers(x) + return out \ No newline at end of file diff --git a/cliport/models/resnet_lang.py b/cliport/models/resnet_lang.py new file mode 100644 index 0000000000000000000000000000000000000000..0d28cf6b2b859c9750f7061b12cd6fec07176257 --- /dev/null +++ b/cliport/models/resnet_lang.py @@ -0,0 +1,118 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from transformers import DistilBertTokenizer, DistilBertModel +from cliport.models.core import fusion +from cliport.models.resnet import ConvBlock, IdentityBlock + + +class ResNet43_8s_lang(nn.Module): + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(ResNet43_8s_lang, self).__init__() + self.input_shape = input_shape + self.input_dim = input_shape[-1] + self.output_dim = output_dim + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + self.lang_fusion_type = self.cfg['train']['lang_fusion_type'] + self.preprocess = preprocess + + self._make_layers() + + def _make_layers(self): + self.conv1 = nn.Sequential( + # conv1 + nn.Conv2d(self.input_dim, 64, stride=1, kernel_size=3, padding=1), + nn.BatchNorm2d(64) if self.batchnorm else nn.Identity(), + nn.ReLU(True), + + # fcn + ConvBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(64, [128, 128, 128], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(128, [256, 256, 256], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + + ConvBlock(256, [512, 512, 512], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + + # decoders + self.decoder1 = nn.Sequential( + ConvBlock(512, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.decoder2 = nn.Sequential( + ConvBlock(256, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.decoder3 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.conv2 = nn.Sequential( + # conv2 + ConvBlock(64, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm), + IdentityBlock(self.output_dim, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm), + ) + + self.tokenizer = DistilBertTokenizer.from_pretrained('distilbert-base-uncased') + self.text_encoder = DistilBertModel.from_pretrained('distilbert-base-uncased') + self.text_fc = nn.Linear(768, 1024) + + self.lang_fuser1 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 2) + self.lang_fuser2 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 4) + self.lang_fuser3 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 8) + + self.proj_input_dim = 512 if 'word' in self.lang_fusion_type else 1024 + self.lang_proj1 = nn.Linear(self.proj_input_dim, 512) + self.lang_proj2 = nn.Linear(self.proj_input_dim, 256) + self.lang_proj3 = nn.Linear(self.proj_input_dim, 128) + + def encode_text(self, l): + with torch.no_grad(): + inputs = self.tokenizer(l, return_tensors='pt') + input_ids, attention_mask = inputs['input_ids'].to(self.device), inputs['attention_mask'].to(self.device) + text_embeddings = self.text_encoder(input_ids, attention_mask) + text_encodings = text_embeddings.last_hidden_state.mean(1) + text_feat = self.text_fc(text_encodings) + text_mask = torch.ones_like(input_ids) # [1, max_token_len] + return text_feat, text_embeddings.last_hidden_state, text_mask + + def forward(self, x, l): + x = self.preprocess(x, dist='transporter') + + # encode language + l_enc, l_emb, l_mask = self.encode_text(l) + l_input = l_emb if 'word' in self.lang_fusion_type else l_enc + l_input = l_input.to(dtype=x.dtype) + + x = self.conv1(x) + + x = self.lang_fuser1(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj1) + x = self.decoder1(x) + + x = self.lang_fuser2(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj2) + x = self.decoder2(x) + + x = self.lang_fuser3(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj3) + x = self.decoder3(x) + + out = self.conv2(x) + + return out \ No newline at end of file diff --git a/cliport/models/resnet_lat.py b/cliport/models/resnet_lat.py new file mode 100644 index 0000000000000000000000000000000000000000..b7ca39891552f4eb51a5fe25776cb72d534126e6 --- /dev/null +++ b/cliport/models/resnet_lat.py @@ -0,0 +1,121 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils + +from cliport.models.resnet import ConvBlock, IdentityBlock + +class ResNet45_10s(nn.Module): + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(ResNet45_10s, self).__init__() + self.input_shape = input_shape + self.input_dim = input_shape[-1] + self.output_dim = output_dim + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + self.preprocess = preprocess + # import IPython; IPython.embed() + + self._make_layers() + + def _make_layers(self): + # conv1 + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 64, stride=1, kernel_size=3, padding=1), + nn.BatchNorm2d(64) if self.batchnorm else nn.Identity(), + nn.ReLU(True), + ) + + # fcn + self.layer1 = nn.Sequential( + ConvBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer2 = nn.Sequential( + ConvBlock(64, [128, 128, 128], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer3 = nn.Sequential( + ConvBlock(128, [256, 256, 256], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer4 = nn.Sequential( + ConvBlock(256, [512, 512, 512], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + # self.layer5 = nn.Sequential( + # ConvBlock(512, [1024, 1024, 1024], kernel_size=3, stride=2, batchnorm=self.batchnorm), + # IdentityBlock(1024, [1024, 1024, 1024], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # ) + + # # head + # self.layer6 = nn.Sequential( + # ConvBlock(1024, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # nn.UpsamplingBilinear2d(scale_factor=2), + # ) + + self.layer7 = nn.Sequential( + ConvBlock(512, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer8 = nn.Sequential( + ConvBlock(256, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer9 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer10 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + # conv2 + self.conv2 = nn.Sequential( + ConvBlock(32, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm), + IdentityBlock(self.output_dim, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm) + ) + + def forward(self, x): + x = self.preprocess(x, dist='transporter') + in_shape = x.shape + + # # encoder + # for layer in [self.conv1, self.layer1, self.layer2, self.layer3, self.layer4, self.layer5]: + # x = layer(x) + + # # decoder + # im = [] + # for layer in [self.layer6, self.layer7, self.layer8, self.layer9, self.layer10, self.conv2]: + # im.append(x) + # x = layer(x) + + # encoder + for layer in [self.conv1, self.layer1, self.layer2, self.layer3, self.layer4]: + x = layer(x) + + # decoder + im = [] + for layer in [self.layer7, self.layer8, self.layer9, self.layer10, self.conv2]: + im.append(x) + x = layer(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x, im \ No newline at end of file diff --git a/cliport/models/resnet_lat_origin.py b/cliport/models/resnet_lat_origin.py new file mode 100644 index 0000000000000000000000000000000000000000..9b2776979b2b6e11d416ab0aef30de5384a7d8d3 --- /dev/null +++ b/cliport/models/resnet_lat_origin.py @@ -0,0 +1,110 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils + +from cliport.models.resnet import ConvBlock, IdentityBlock + +class ResNet45_10s_origin(nn.Module): + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(ResNet45_10s_origin, self).__init__() + self.input_shape = input_shape + self.input_dim = input_shape[-1] + self.output_dim = output_dim + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + self.preprocess = preprocess + + self._make_layers() + + def _make_layers(self): + # conv1 + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 64, stride=1, kernel_size=3, padding=1), + nn.BatchNorm2d(64) if self.batchnorm else nn.Identity(), + nn.ReLU(True), + ) + + # fcn + self.layer1 = nn.Sequential( + ConvBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer2 = nn.Sequential( + ConvBlock(64, [128, 128, 128], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer3 = nn.Sequential( + ConvBlock(128, [256, 256, 256], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer4 = nn.Sequential( + ConvBlock(256, [512, 512, 512], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer5 = nn.Sequential( + ConvBlock(512, [1024, 1024, 1024], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(1024, [1024, 1024, 1024], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + # head + self.layer6 = nn.Sequential( + ConvBlock(1024, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer7 = nn.Sequential( + ConvBlock(512, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer8 = nn.Sequential( + ConvBlock(256, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer9 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer10 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + # conv2 + self.conv2 = nn.Sequential( + ConvBlock(32, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm), + IdentityBlock(self.output_dim, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm) + ) + + def forward(self, x): + x = self.preprocess(x, dist='transporter') + in_shape = x.shape + + # encoder + for layer in [self.conv1, self.layer1, self.layer2, self.layer3, self.layer4, self.layer5]: + x = layer(x) + + # decoder + im = [] + for layer in [self.layer6, self.layer7, self.layer8, self.layer9, self.layer10, self.conv2]: + im.append(x) + x = layer(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x, im \ No newline at end of file diff --git a/cliport/models/resnet_lat_reduce.py b/cliport/models/resnet_lat_reduce.py new file mode 100644 index 0000000000000000000000000000000000000000..8a64d7e0665ed471c71441deb0fdb393940c8f73 --- /dev/null +++ b/cliport/models/resnet_lat_reduce.py @@ -0,0 +1,119 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils + +from cliport.models.resnet import ConvBlock, IdentityBlock + +class ResNet45_Reduced_10s(nn.Module): + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(ResNet45_Reduced_10s, self).__init__() + self.input_shape = input_shape + self.input_dim = input_shape[-1] + self.output_dim = output_dim + self.cfg = cfg + self.device = device + self.batchnorm = self.cfg['train']['batchnorm'] + self.preprocess = preprocess + # import IPython; IPython.embed() + + self._make_layers() + + def _make_layers(self): + # conv1 + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 64, stride=1, kernel_size=3, padding=1), + nn.BatchNorm2d(64) if self.batchnorm else nn.Identity(), + nn.ReLU(True), + ) + + # fcn + self.layer1 = nn.Sequential( + ConvBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer2 = nn.Sequential( + ConvBlock(64, [128, 128, 128], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer3 = nn.Sequential( + ConvBlock(128, [256, 256, 256], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + self.layer4 = nn.Sequential( + ConvBlock(256, [512, 512, 512], kernel_size=3, stride=2, batchnorm=self.batchnorm), + IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + ) + + # self.layer5 = nn.Sequential( + # ConvBlock(512, [1024, 1024, 1024], kernel_size=3, stride=2, batchnorm=self.batchnorm), + # IdentityBlock(1024, [1024, 1024, 1024], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # ) + + # # head + # self.layer6 = nn.Sequential( + # ConvBlock(1024, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(512, [512, 512, 512], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # nn.UpsamplingBilinear2d(scale_factor=2), + # ) + + self.layer7 = nn.Sequential( + ConvBlock(512, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(256, [256, 256, 256], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer8 = nn.Sequential( + ConvBlock(256, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(128, [128, 128, 128], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + # self.layer9 = nn.Sequential( + # ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # nn.UpsamplingBilinear2d(scale_factor=2), + # ) + + # self.layer10 = nn.Sequential( + # ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + # nn.UpsamplingBilinear2d(scale_factor=2), + # ) + + # conv2 + self.conv2 = nn.Sequential( + ConvBlock(128, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm), + IdentityBlock(self.output_dim, [16, 16, self.output_dim], kernel_size=3, stride=1, + final_relu=False, batchnorm=self.batchnorm) + ) # change the input channel to the 128 + + def forward(self, x): + x = self.preprocess(x, dist='transporter') + in_shape = x.shape + + # # encoder + # for layer in [self.conv1, self.layer1, self.layer2, self.layer3, self.layer4, self.layer5]: + # x = layer(x) + + # # decoder + # im = [] + # for layer in [self.layer6, self.layer7, self.layer8, self.layer9, self.layer10, self.conv2]: + # im.append(x) + # x = layer(x) + # encoder + for layer in [self.conv1, self.layer1, self.layer2, self.layer3, self.layer4]: + x = layer(x) + # decoder + im = [] + for layer in [self.layer7, self.layer8, self.conv2]: + im.append(x) + x = layer(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x, im \ No newline at end of file diff --git a/cliport/models/rn50_bert_lingunet.py b/cliport/models/rn50_bert_lingunet.py new file mode 100644 index 0000000000000000000000000000000000000000..3b72b982b8351b48f856bc2ddbfdb846748cc0a1 --- /dev/null +++ b/cliport/models/rn50_bert_lingunet.py @@ -0,0 +1,79 @@ +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up + +from cliport.models.rn50_bert_lingunet_lat import RN50BertLingUNetLat + + +class RN50BertLingUNet(RN50BertLingUNetLat): + """ ImageNet RN50 & Bert with U-Net skip connections but without lateral connections """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + def _build_decoder(self): + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def forward(self, x, l): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + # encode language + l_enc, l_emb, l_mask = self.encode_text(l) + l_input = l_emb if 'word' in self.lang_fusion_type else l_enc + l_input = l_input.to(dtype=x.dtype) + + # encode image + assert x.shape[1] == self.input_dim + x = self.conv1(x) + + x = self.lang_fuser1(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj1) + x = self.up1(x, im[-2]) + + x = self.lang_fuser2(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj2) + x = self.up2(x, im[-3]) + + x = self.lang_fuser3(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj3) + x = self.up3(x, im[-4]) + + for layer in [self.layer1, self.layer2, self.layer3, self.conv2]: + x = layer(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/rn50_bert_lingunet_lat.py b/cliport/models/rn50_bert_lingunet_lat.py new file mode 100644 index 0000000000000000000000000000000000000000..df0c39d59ce60f33348eaffb264202cb731dff92 --- /dev/null +++ b/cliport/models/rn50_bert_lingunet_lat.py @@ -0,0 +1,159 @@ +import torch +import torch.nn as nn +import torch.nn.functional as F +import torchvision.models as models + +import cliport.utils.utils as utils +from transformers import DistilBertTokenizer, DistilBertModel +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up + +from cliport.models.core import fusion +from cliport.models.core.fusion import FusionConvLat + + +class RN50BertLingUNetLat(nn.Module): + """ ImageNet RN50 & Bert with U-Net skip connections """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super(RN50BertLingUNetLat, self).__init__() + self.input_shape = input_shape + self.output_dim = output_dim + self.input_dim = 2048 + self.cfg = cfg + self.batchnorm = self.cfg['train']['batchnorm'] + self.lang_fusion_type = self.cfg['train']['lang_fusion_type'] + self.bilinear = True + self.up_factor = 2 if self.bilinear else 1 + self.device = device + self.preprocess = preprocess + + self._load_vision_fcn() + self._load_lang_enc() + self._build_decoder() + + def _load_vision_fcn(self): + resnet50 = models.resnet50(pretrained=True) + modules = list(resnet50.children())[:-2] + + self.stem = nn.Sequential(*modules[:4]) + self.layer1 = modules[4] + self.layer2 = modules[5] + self.layer3 = modules[6] + self.layer4 = modules[7] + + def _load_lang_enc(self): + self.tokenizer = DistilBertTokenizer.from_pretrained('distilbert-base-uncased') + self.text_encoder = DistilBertModel.from_pretrained('distilbert-base-uncased') + self.text_fc = nn.Linear(768, 1024) + + self.lang_fuser1 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 2) + self.lang_fuser2 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 4) + self.lang_fuser3 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 8) + + self.proj_input_dim = 512 if 'word' in self.lang_fusion_type else 1024 + self.lang_proj1 = nn.Linear(self.proj_input_dim, 1024) + self.lang_proj2 = nn.Linear(self.proj_input_dim, 512) + self.lang_proj3 = nn.Linear(self.proj_input_dim, 256) + + def _build_decoder(self): + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + self.lat_fusion1 = FusionConvLat(input_dim=1024+512, output_dim=512) + + self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + self.lat_fusion2 = FusionConvLat(input_dim=512+256, output_dim=256) + + self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + self.lat_fusion3 = FusionConvLat(input_dim=256+128, output_dim=128) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion4 = FusionConvLat(input_dim=128+64, output_dim=64) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion5 = FusionConvLat(input_dim=64+32, output_dim=32) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + self.lat_fusion6 = FusionConvLat(input_dim=32+16, output_dim=16) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def resnet50(self, x): + im = [] + for layer in [self.stem, self.layer1, self.layer2, self.layer3, self.layer4]: + x = layer(x) + im.append(x) + return x, im + + def encode_image(self, img): + with torch.no_grad(): + img_encoding, img_im = self.resnet50(img) + return img_encoding, img_im + + def encode_text(self, x): + with torch.no_grad(): + inputs = self.tokenizer(x, return_tensors='pt') + input_ids, attention_mask = inputs['input_ids'].to(self.device), inputs['attention_mask'].to(self.device) + text_embeddings = self.text_encoder(input_ids, attention_mask) + text_encodings = text_embeddings.last_hidden_state.mean(1) + text_feat = self.text_fc(text_encodings) + text_mask = torch.ones_like(input_ids) # [1, max_token_len] + return text_feat, text_embeddings.last_hidden_state, text_mask + + def forward(self, x, lat, l): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + l_enc, l_emb, l_mask = self.encode_text(l) + l_input = l_emb if 'word' in self.lang_fusion_type else l_enc + l_input = l_input.to(dtype=x.dtype) + + assert x.shape[1] == self.input_dim + x = self.conv1(x) + + x = self.lang_fuser1(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj1) + x = self.up1(x, im[-2]) + x = self.lat_fusion1(x, lat[-6]) + + x = self.lang_fuser2(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj2) + x = self.up2(x, im[-3]) + x = self.lat_fusion2(x, lat[-5]) + + x = self.lang_fuser3(x, l_input, x2_mask=l_mask, x2_proj=self.lang_proj3) + x = self.up3(x, im[-4]) + x = self.lat_fusion3(x, lat[-4]) + + x = self.layer1(x) + x = self.lat_fusion4(x, lat[-3]) + + x = self.layer2(x) + x = self.lat_fusion5(x, lat[-2]) + + x = self.layer3(x) + x = self.lat_fusion6(x, lat[-1]) + + x = self.conv2(x) + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/rn50_bert_unet.py b/cliport/models/rn50_bert_unet.py new file mode 100644 index 0000000000000000000000000000000000000000..2072f8a582875dac27b129ce29288acd18b45d9e --- /dev/null +++ b/cliport/models/rn50_bert_unet.py @@ -0,0 +1,69 @@ +import torch.nn as nn +import torch.nn.functional as F + +import cliport.utils.utils as utils +from cliport.models.resnet import IdentityBlock, ConvBlock +from cliport.models.core.unet import Up +from cliport.models.rn50_bert_lingunet import RN50BertLingUNet + + +class RN50BertUNet(RN50BertLingUNet): + """ ImageNet RN50 & Bert with U-Net skip connections without language""" + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + def _build_decoder(self): + self.conv1 = nn.Sequential( + nn.Conv2d(self.input_dim, 1024, kernel_size=3, stride=1, padding=1, bias=False), + nn.ReLU(True) + ) + + self.up1 = Up(2048, 1024 // self.up_factor, self.bilinear) + + self.up2 = Up(1024, 512 // self.up_factor, self.bilinear) + + self.up3 = Up(512, 256 // self.up_factor, self.bilinear) + + self.layer1 = nn.Sequential( + ConvBlock(128, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(64, [64, 64, 64], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer2 = nn.Sequential( + ConvBlock(64, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(32, [32, 32, 32], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.layer3 = nn.Sequential( + ConvBlock(32, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + IdentityBlock(16, [16, 16, 16], kernel_size=3, stride=1, batchnorm=self.batchnorm), + nn.UpsamplingBilinear2d(scale_factor=2), + ) + + self.conv2 = nn.Sequential( + nn.Conv2d(16, self.output_dim, kernel_size=1) + ) + + def forward(self, x): + x = self.preprocess(x, dist='clip') + + in_type = x.dtype + in_shape = x.shape + x = x[:,:3] # select RGB + x, im = self.encode_image(x) + x = x.to(in_type) + + x = self.conv1(x) + + x = self.up1(x, im[-2]) + x = self.up2(x, im[-3]) + x = self.up3(x, im[-4]) + + for layer in [self.layer1, self.layer2, self.layer3, self.conv2]: + x = layer(x) + + x = F.interpolate(x, size=(in_shape[-2], in_shape[-1]), mode='bilinear') + return x \ No newline at end of file diff --git a/cliport/models/streams/one_stream_attention_lang_fusion.py b/cliport/models/streams/one_stream_attention_lang_fusion.py new file mode 100644 index 0000000000000000000000000000000000000000..0e433a6d60d933ae259ee84ef2d0371bdfb3a20e --- /dev/null +++ b/cliport/models/streams/one_stream_attention_lang_fusion.py @@ -0,0 +1,23 @@ +"""Attention module.""" + +import cliport.models as models +from cliport.models.streams.two_stream_attention_lang_fusion import TwoStreamAttentionLangFusion + + +class OneStreamAttentionLangFusion(TwoStreamAttentionLangFusion): + """Attention (a.k.a Pick) module with language features fused at the bottleneck.""" + + def __init__(self, stream_fcn, in_shape, n_rotations, preprocess, cfg, device): + self.fusion_type = cfg['train']['attn_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, preprocess, cfg, device) + + def _build_nets(self): + stream_one_fcn, _ = self.stream_fcn + stream_one_model = models.names[stream_one_fcn] + + self.attn_stream_one = stream_one_model(self.in_shape, 1, self.cfg, self.device, self.preprocess) + print(f"Attn FCN: {stream_one_fcn}") + + def attend(self, x, l): + x = self.attn_stream_one(x, l) + return x \ No newline at end of file diff --git a/cliport/models/streams/one_stream_transport_lang_fusion.py b/cliport/models/streams/one_stream_transport_lang_fusion.py new file mode 100644 index 0000000000000000000000000000000000000000..91fb81297ba83710db36fe41635c3b7ac05312aa --- /dev/null +++ b/cliport/models/streams/one_stream_transport_lang_fusion.py @@ -0,0 +1,24 @@ +import cliport.models as models +from cliport.models.streams.two_stream_transport_lang_fusion import TwoStreamTransportLangFusion + + +class OneStreamTransportLangFusion(TwoStreamTransportLangFusion): + """Transport (a.k.a) Place module with language features fused at the bottleneck""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + self.fusion_type = cfg['train']['trans_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device) + + def _build_nets(self): + stream_one_fcn, _ = self.stream_fcn + stream_one_model = models.names[stream_one_fcn] + + self.key_stream_one = stream_one_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + self.query_stream_one = stream_one_model(self.kernel_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + + print(f"Transport FCN: {stream_one_fcn}") + + def transport(self, in_tensor, crop, l): + logits = self.key_stream_one(in_tensor, l) + kernel = self.query_stream_one(crop, l) + return logits, kernel diff --git a/cliport/models/streams/two_stream_attention.py b/cliport/models/streams/two_stream_attention.py new file mode 100644 index 0000000000000000000000000000000000000000..4aa4ccb0ee15e6d1a7f43d1b364d7a8e5ec7a525 --- /dev/null +++ b/cliport/models/streams/two_stream_attention.py @@ -0,0 +1,40 @@ +import cliport.models as models +import cliport.models.core.fusion as fusion +from cliport.models.core.attention import Attention + + +class TwoStreamAttention(Attention): + """Two Stream Attention (a.k.a Pick) module""" + + def __init__(self, stream_fcn, in_shape, n_rotations, preprocess, cfg, device): + self.fusion_type = cfg['train']['attn_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, preprocess, cfg, device) + + def _build_nets(self): + stream_one_fcn, stream_two_fcn = self.stream_fcn + stream_one_model = models.names[stream_one_fcn] + stream_two_model = models.names[stream_two_fcn] + + self.attn_stream_one = stream_one_model(self.in_shape, 1, self.cfg, self.device, self.preprocess) + self.attn_stream_two = stream_two_model(self.in_shape, 1, self.cfg, self.device, self.preprocess) + self.fusion = fusion.names[self.fusion_type](input_dim=1) + print(f"Attn FCN - Stream One: {stream_one_fcn}, Stream Two: {stream_two_fcn}, Stream Fusion: {self.fusion_type}") + + def attend(self, x): + x1 = self.attn_stream_one(x) + x2 = self.attn_stream_two(x) + x = self.fusion(x1, x2) + return x + + +class TwoStreamAttentionLat(TwoStreamAttention): + """Two Stream Attention (a.k.a Pick) module with lateral connections""" + + def __init__(self, stream_fcn, in_shape, n_rotations, preprocess, cfg, device): + super().__init__(stream_fcn, in_shape, n_rotations, preprocess, cfg, device) + + def attend(self, x): + x1, lat = self.attn_stream_one(x) + x2 = self.attn_stream_two(x, lat) + x = self.fusion(x1, x2) + return x \ No newline at end of file diff --git a/cliport/models/streams/two_stream_attention_lang_fusion.py b/cliport/models/streams/two_stream_attention_lang_fusion.py new file mode 100644 index 0000000000000000000000000000000000000000..bb18915a965f55357751d59bb8d5a8ca487bebce --- /dev/null +++ b/cliport/models/streams/two_stream_attention_lang_fusion.py @@ -0,0 +1,115 @@ +import numpy as np +import torch +import torch.nn.functional as F + +from cliport.models.core.attention import Attention +import cliport.models as models +import cliport.models.core.fusion as fusion + + +class TwoStreamAttentionLangFusion(Attention): + """Two Stream Language-Conditioned Attention (a.k.a Pick) module.""" + + def __init__(self, stream_fcn, in_shape, n_rotations, preprocess, cfg, device): + self.fusion_type = cfg['train']['attn_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, preprocess, cfg, device) + + def _build_nets(self): + stream_one_fcn, stream_two_fcn = self.stream_fcn + stream_one_model = models.names[stream_one_fcn] # resnet_lat.REsNet45_10s + stream_two_model = models.names[stream_two_fcn] # clip_ligunet_lat.CLIP_LIGUnet_lat + + self.attn_stream_one = stream_one_model(self.in_shape, 1, self.cfg, self.device, self.preprocess) + self.attn_stream_two = stream_two_model(self.in_shape, 1, self.cfg, self.device, self.preprocess) + self.fusion = fusion.names[self.fusion_type](input_dim=1) + + print(f"Attn FCN - Stream One: {stream_one_fcn}, Stream Two: {stream_two_fcn}, Stream Fusion: {self.fusion_type}") + + def attend(self, x, l): + x1 = self.attn_stream_one(x) + x2 = self.attn_stream_two(x, l) + x = self.fusion(x1, x2) + return x + + def forward(self, inp_img, lang_goal, softmax=True): + """Forward pass.""" + if len(inp_img.shape) < 4: + inp_img = inp_img[None] + + if type(inp_img) is not torch.Tensor: + in_data = inp_img # .reshape(in_shape) + in_tens = torch.from_numpy(in_data.copy()).to(dtype=torch.float, device=self.device) # [B W H 6] + else: + in_data = inp_img + in_tens = in_data + + # [B W H 6] + in_tens = torch.nn.functional.pad(in_tens, tuple(self.padding[[2,1,0]].reshape(-1)), mode='constant') + + # Rotation pivot. + pv = np.array(in_tens.shape[1:3]) // 2 + + # Rotate input. + in_tens = in_tens.permute(0, 3, 1, 2) # [B 6 W H] + + # in_tens = in_tens.repeat(self.n_rotations, 1, 1, 1) + # make n copies, but keep batchsize + in_tens = [in_tens] * self.n_rotations + in_tens = self.rotator(in_tens, pivot=pv) + + # Forward pass. + logits = self.attend(torch.cat(in_tens, dim=0), lang_goal) + + # Rotate back output. + logits = self.rotator([logits], reverse=True, pivot=pv) + logits = torch.cat(logits, dim=0) + c0 = self.padding[:2, 0] + c1 = c0 + inp_img[0].shape[:2] + logits = logits[:, :, c0[0]:c1[0], c0[1]:c1[1]] + output_shape = logits.shape + + # logits = logits.permute(1, 2, 3, 0) # [B W H 1] + output = logits.reshape(len(logits), -1) + if softmax: + output = F.softmax(output, dim=-1) + return output.view(output_shape) + + +class TwoStreamAttentionLangFusionLat(TwoStreamAttentionLangFusion): + """Language-Conditioned Attention (a.k.a Pick) module with lateral connections.""" + + def __init__(self, stream_fcn, in_shape, n_rotations, preprocess, cfg, device): + self.fusion_type = cfg['train']['attn_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, preprocess, cfg, device) + + def attend(self, x, l): + x1, lat = self.attn_stream_one(x) + x2 = self.attn_stream_two(x, lat, l) + x = self.fusion(x1, x2) + return x + + + +class TwoStreamAttentionLangFusionLatReduce(TwoStreamAttentionLangFusion): + """Language-Conditioned Attention (a.k.a Pick) module with lateral connections.""" + + def __init__(self, stream_fcn, in_shape, n_rotations, preprocess, cfg, device): + self.fusion_type = cfg['train']['attn_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, preprocess, cfg, device) + + del self.attn_stream_one + del self.attn_stream_two + + stream_one_fcn = 'plain_resnet_reduce_lat' + stream_one_model = models.names[stream_one_fcn] + stream_two_fcn = 'clip_ling' + stream_two_model = models.names[stream_two_fcn] + + self.attn_stream_one = stream_one_model(self.in_shape, 1, self.cfg, self.device, self.preprocess) + self.attn_stream_two = stream_two_model(self.in_shape, 1, self.cfg, self.device, self.preprocess) + + def attend(self, x, l): + x1, lat = self.attn_stream_one(x) + x2 = self.attn_stream_two(x, lat, l) + x = self.fusion(x1, x2) + return x \ No newline at end of file diff --git a/cliport/models/streams/two_stream_transport.py b/cliport/models/streams/two_stream_transport.py new file mode 100644 index 0000000000000000000000000000000000000000..54e44241c1a00ee8d024bf0b1e78357aa3d4d6ec --- /dev/null +++ b/cliport/models/streams/two_stream_transport.py @@ -0,0 +1,49 @@ +import cliport.models as models +import cliport.models.core.fusion as fusion +from cliport.models.core.transport import Transport + + +class TwoStreamTransport(Transport): + """Two Stream Transport (a.k.a Place) module""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + self.fusion_type = cfg['train']['trans_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device) + + def _build_nets(self): + stream_one_fcn, stream_two_fcn = self.stream_fcn + stream_one_model = models.names[stream_one_fcn] + stream_two_model = models.names[stream_two_fcn] + + self.key_stream_one = stream_one_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + self.key_stream_two = stream_two_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + self.query_stream_one = stream_one_model(self.kernel_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + self.query_stream_two = stream_two_model(self.in_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + + self.fusion_key = fusion.names[self.fusion_type](input_dim=self.kernel_dim) + self.fusion_query = fusion.names[self.fusion_type](input_dim=self.kernel_dim) + + print(f"Transport FCN - Stream One: {stream_one_fcn}, Stream Two: {stream_two_fcn}, Stream Fusion: {self.fusion_type}") + + def transport(self, in_tensor, crop): + logits = self.fusion_key(self.key_stream_one(in_tensor), self.key_stream_two(in_tensor)) + kernel = self.fusion_query(self.query_stream_one(crop), self.query_stream_two(crop)) + return logits, kernel + + +class TwoStreamTransportLat(TwoStreamTransport): + """Two Stream Transport (a.k.a Place) module with lateral connections""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + super().__init__(stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device) + + def transport(self, in_tensor, crop): + key_out_one, key_lat_one = self.key_stream_one(in_tensor) + key_out_two = self.key_stream_two(in_tensor, key_lat_one) + logits = self.fusion_key(key_out_one, key_out_two) + + query_out_one, query_lat_one = self.query_stream_one(crop) + query_out_two = self.query_stream_two(crop, query_lat_one) + kernel = self.fusion_query(query_out_one, query_out_two) + + return logits, kernel \ No newline at end of file diff --git a/cliport/models/streams/two_stream_transport_lang_fusion.py b/cliport/models/streams/two_stream_transport_lang_fusion.py new file mode 100644 index 0000000000000000000000000000000000000000..b20a28c446071ed50dad3ce7977ae6c9b459fec3 --- /dev/null +++ b/cliport/models/streams/two_stream_transport_lang_fusion.py @@ -0,0 +1,196 @@ +import torch +import numpy as np + +import cliport.models as models +import cliport.models.core.fusion as fusion +from cliport.models.core.transport import Transport + + +class TwoStreamTransportLangFusion(Transport): + """Two Stream Transport (a.k.a Place) module""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + self.fusion_type = cfg['train']['trans_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device) + + def _build_nets(self): + stream_one_fcn, stream_two_fcn = self.stream_fcn + stream_one_model = models.names[stream_one_fcn] + stream_two_model = models.names[stream_two_fcn] + + self.key_stream_one = stream_one_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + self.key_stream_two = stream_two_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + self.query_stream_one = stream_one_model(self.kernel_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + self.query_stream_two = stream_two_model(self.kernel_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + self.fusion_key = fusion.names[self.fusion_type](input_dim=self.kernel_dim) + self.fusion_query = fusion.names[self.fusion_type](input_dim=self.kernel_dim) + + print(f"Transport FCN - Stream One: {stream_one_fcn}, Stream Two: {stream_two_fcn}, Stream Fusion: {self.fusion_type}") + + def transport2(self, in_tensor, crop, l): + logits = self.fusion_key(self.key_stream_one(in_tensor), self.key_stream_two(in_tensor, l)) + kernel = self.fusion_query(self.query_stream_one(crop), self.query_stream_two(crop, l)) + return logits, kernel + + def forward(self, inp_img, p, lang_goal, softmax=True): + """Forward pass.""" + if len(inp_img.shape) < 4: + inp_img = inp_img[None] + + if type(inp_img) is not torch.Tensor: + in_data = inp_img # .reshape(in_shape) + in_tens = torch.from_numpy(in_data).to(dtype=torch.float, device=self.device) # [B W H 6] + else: + in_data = inp_img + in_tens = in_data + + in_tensor = torch.nn.functional.pad(in_tens, tuple(self.padding[[2,1,0]].reshape(-1)), mode='constant') + if type(p[0]) is not torch.Tensor: + p = torch.FloatTensor(p)[None] + + in_tensors = [] + crops = [] + + # this for loop is fast. + for i in range(len(in_tensor)): + in_tensor_i = in_tensor[[i]] + # Rotation pivot. + pv = p[i] + self.pad_size + + # Crop before network (default for Transporters CoRL 2020). + hcrop = self.pad_size + in_tensor_i = in_tensor_i.permute(0, 3, 1, 2) + + crop = [in_tensor_i] * self.n_rotations + crop = self.rotator(crop, pivot=pv.float()) + crop = torch.cat(crop, dim=0) + crop = crop[:, :, int(pv[0]-hcrop):int(pv[0]+hcrop), int(pv[1]-hcrop):int(pv[1]+hcrop)] + + in_tensors.append(in_tensor_i) + crops.append(crop) + + logits, kernels = self.transport(torch.cat(in_tensors,dim=0), torch.cat(crops, dim=0), lang_goal) #crops.shape:(8, 36, 6, 64, 64) + res = self.correlate(logits, kernels, softmax) + return res + +class TwoStreamTransportLangFusionLat(TwoStreamTransportLangFusion): + """Two Stream Transport (a.k.a Place) module with lateral connections""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + + self.fusion_type = cfg['train']['trans_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device) + + def transport(self, in_tensor, crop, l): + key_out_one, key_lat_one = self.key_stream_one(in_tensor) + key_out_two = self.key_stream_two(in_tensor, key_lat_one, l) + logits = self.fusion_key(key_out_one, key_out_two) + + query_out_one, query_lat_one = self.query_stream_one(crop) + query_out_two = self.query_stream_two(crop, query_lat_one, l) + kernel = self.fusion_query(query_out_one, query_out_two) + + return logits, kernel + + +class TwoStreamTransportLangFusionLatReduce(TwoStreamTransportLangFusionLat): + """Two Stream Transport (a.k.a Place) module with lateral connections""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + + self.fusion_type = cfg['train']['trans_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device) + + del self.query_stream_one + del self.query_stream_two + # del self.key_stream_one + # del self.key_stream_two + + stream_one_fcn = 'plain_resnet_reduce_lat' + stream_one_model = models.names[stream_one_fcn] + stream_two_fcn = 'clip_ling' + stream_two_model = models.names[stream_two_fcn] + + + + # self.key_stream_one = stream_one_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + # self.key_stream_two = stream_two_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + + self.query_stream_one = stream_one_model(self.kernel_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + self.query_stream_two = stream_two_model(self.kernel_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + + def transport(self, in_tensor, crop, l): + key_out_one, key_lat_one = self.key_stream_one(in_tensor) + key_out_two = self.key_stream_two(in_tensor, key_lat_one, l) + logits = self.fusion_key(key_out_one, key_out_two) + + query_out_one, query_lat_one = self.query_stream_one(crop) + query_out_two = self.query_stream_two(crop, query_lat_one, l) + kernel = self.fusion_query(query_out_one, query_out_two) + + return logits, kernel + + + + + +class TwoStreamTransportLangFusionLatReduceOneStream(TwoStreamTransportLangFusionLatReduce): + """Two Stream Transport (a.k.a Place) module with lateral connections""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + + self.fusion_type = cfg['train']['trans_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device) + + del self.query_stream_one + del self.query_stream_two + + + + def transport(self, in_tensor, crop, l): + key_out_one, key_lat_one = self.key_stream_one(in_tensor) + key_out_two = self.key_stream_two(in_tensor, key_lat_one, l) + logits = self.fusion_key(key_out_one, key_out_two) + + query_out_one, query_lat_one = self.key_stream_one(crop) + query_out_two = self.key_stream_two(crop, query_lat_one, l) + kernel = self.fusion_query(query_out_one, query_out_two) + + return logits, kernel + + + + +class TwoStreamTransportLangFusionLatPretrained18(TwoStreamTransportLangFusionLat): + """Two Stream Transport (a.k.a Place) module with lateral connections""" + + def __init__(self, stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device): + + self.fusion_type = cfg['train']['trans_stream_fusion_type'] + super().__init__(stream_fcn, in_shape, n_rotations, crop_size, preprocess, cfg, device) + + del self.query_stream_one + del self.query_stream_two + # del self.key_stream_one + # del self.key_stream_two + stream_one_fcn = 'pretrained_resnet18' + stream_one_model = models.names[stream_one_fcn] + stream_two_fcn = 'clip_ling' + stream_two_model = models.names[stream_two_fcn] + + # self.key_stream_one = stream_one_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + # self.key_stream_two = stream_two_model(self.in_shape, self.output_dim, self.cfg, self.device, self.preprocess) + + self.query_stream_one = stream_one_model(self.kernel_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + self.query_stream_two = stream_two_model(self.kernel_shape, self.kernel_dim, self.cfg, self.device, self.preprocess) + + def transport(self, in_tensor, crop, l): + key_out_one, key_lat_one = self.key_stream_one(in_tensor) + key_out_two = self.key_stream_two(in_tensor, key_lat_one, l) + logits = self.fusion_key(key_out_one, key_out_two) + + query_out_one, query_lat_one = self.query_stream_one(crop) + query_out_two = self.query_stream_two(crop, query_lat_one, l) + kernel = self.fusion_query(query_out_one, query_out_two) + + return logits, kernel \ No newline at end of file diff --git a/cliport/models/untrained_rn50_bert_lingunet.py b/cliport/models/untrained_rn50_bert_lingunet.py new file mode 100644 index 0000000000000000000000000000000000000000..69bf583e8ea9d2bf505ce3387131ff4c8ff617eb --- /dev/null +++ b/cliport/models/untrained_rn50_bert_lingunet.py @@ -0,0 +1,39 @@ +import torch.nn as nn +import torchvision.models as models + +from transformers import DistilBertTokenizer, DistilBertModel, DistilBertConfig +from cliport.models.core import fusion +from cliport.models.rn50_bert_lingunet import RN50BertLingUNet + + +class UntrainedRN50BertLingUNet(RN50BertLingUNet): + """ Untrained ImageNet RN50 & Bert with U-Net skip connections """ + + def __init__(self, input_shape, output_dim, cfg, device, preprocess): + super().__init__(input_shape, output_dim, cfg, device, preprocess) + + def _load_vision_fcn(self): + resnet50 = models.resnet50(pretrained=False) + modules = list(resnet50.children())[:-2] + + self.stem = nn.Sequential(*modules[:4]) + self.layer1 = modules[4] + self.layer2 = modules[5] + self.layer3 = modules[6] + self.layer4 = modules[7] + + def _load_lang_enc(self): + self.tokenizer = DistilBertTokenizer.from_pretrained('distilbert-base-uncased') # only Tokenizer is pre-trained + distilbert_config = DistilBertConfig() + self.text_encoder = DistilBertModel(distilbert_config) + + self.text_fc = nn.Linear(768, 1024) + + self.lang_fuser1 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 2) + self.lang_fuser2 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 4) + self.lang_fuser3 = fusion.names[self.lang_fusion_type](input_dim=self.input_dim // 8) + + self.proj_input_dim = 512 if 'word' in self.lang_fusion_type else 1024 + self.lang_proj1 = nn.Linear(self.proj_input_dim, 1024) + self.lang_proj2 = nn.Linear(self.proj_input_dim, 512) + self.lang_proj3 = nn.Linear(self.proj_input_dim, 256) diff --git a/cliport/simgen_utils.py b/cliport/simgen_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..f0f270af9c9bd8af89309fa819543d3d5749828d --- /dev/null +++ b/cliport/simgen_utils.py @@ -0,0 +1,189 @@ +import os + +import numpy as np +import os +import hydra +import numpy as np +import random + +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment + +from pygments import highlight +from pygments.lexers import PythonLexer +from pygments.formatters import TerminalFormatter +import re + +import openai +import IPython +import time +import pybullet as p +import traceback +from datetime import datetime +from pprint import pprint +import cv2 +import re +import random +import json +import operator +import csv + +model = "gpt-4" + +def mkdir_if_missing(dst_dir): + if not os.path.exists(dst_dir): + os.makedirs(dst_dir) + + +def save_text(folder, name, out): + mkdir_if_missing(folder) + with open(os.path.join(folder, name + ".txt"), "w") as fhandle: + fhandle.write(out) + + +def add_to_txt(full_interaction, message, with_print=False): + """ Add the message string to the full interaction """ + full_interaction += "\n\n"+message + if with_print: + print("\n\n"+message) + return full_interaction + +def extract_code(res): + """ parse code block """ + # Pattern to find string between ``` + pattern = r'```(.*?)```' + + # Use re.findall to get all substrings within ``` + code_string = re.findall(pattern, res, re.DOTALL) + if len(code_string) == 0: + print("\n".join(res.split("\n"))) + print("empty code string") + return '', '' + + code_string = code_string[0] + code_string = code_string.replace('python', '') + code_lines = code_string.split("\n") + + if 'python' in code_string: + code_lines = code_lines[1:] # skip the first line + + class_def = [line for line in code_lines if line.startswith('class')] + task_name = class_def[0] + task_name = task_name[task_name.find("class "): task_name.rfind("(Task)")][6:] + + print("task_name:", task_name) + return '\n'.join(code_lines).strip(), task_name + + +def extract_dict(res, prefix="new_task"): + """ parse task dictionary """ + pattern = r'{(.*?)}' + code_string = re.findall(pattern, res, re.DOTALL) + if len(code_string) == 0: + return '' + + code_string = code_string[0] + code_string = code_string.replace('python', '') + + return prefix + '={'+ code_string.replace("\n","").strip() + '}' + +def extract_list(res, prefix="code_reference"): + """ parse task dictionary """ + pattern = r'\[(.*?)\]' + code_string = re.findall(pattern, res, re.DOTALL) + if len(code_string) == 0: + return '' + + code_string = code_string[0] + return prefix + '=[' + code_string.strip() + ']' + +def extract_assets(res): + """ parse generated assets """ + pattern = r'' + code_string = re.findall(pattern, res, re.DOTALL) + + assets_pattern = r'robot name="(.*?)">' + assets_string = re.findall(assets_pattern, res, re.DOTALL) + if len(code_string) == 0: + return {} + + try: + new_urdf = {} + for asset_path, code in zip(assets_string, code_string): + new_urdf[asset_path] = " 0: + sample_idx = np.random.choice(len(task_name_dict), sample_num, replace=False) + + for idx, (task_name, task_desc) in enumerate(task_name_dict.items()): + if idx in sample_idx: + prompt_replacement += f'- {task_name}: {task_desc}\n' + + return prompt_replacement + "\n\n" + +def sample_list_reference(item_list, sample_num=-1): + """ sample reference code from a list of python files """ + sample_idx = list(range(len(item_list))) + prompt_replacement = '' + + if sample_num > 0: + sample_idx = np.random.choice(len(item_list), sample_num, replace=False) + + print("reference files: ", [item_list[idx] for idx in sample_idx]) + for idx, item in enumerate(item_list): + item_content = open(f"cliport/tasks/{item}").read() + if idx in sample_idx: + prompt_replacement += f'```\n{item_content}\n```\n\n' + + return prompt_replacement + "\n\n" + + +def compute_diversity_score_from_assets(task_assets): + """ compute how many new asset combos are found by a proxy""" + if len(task_assets) == 0: + return 0 + + existing_assets = [] + for asset in task_assets: + new_asset_flag = True + for existing_asset in existing_assets: + # it's covered by any previous assets + if set(asset).issubset(existing_asset): + new_asset_flag = False + break + + if new_asset_flag: + existing_assets.append(asset) + + return len(existing_assets) / len(task_assets) \ No newline at end of file diff --git a/cliport/tasks/README.md b/cliport/tasks/README.md new file mode 100644 index 0000000000000000000000000000000000000000..3aefc423c9166783f309221b0cb1480bab8a61d5 --- /dev/null +++ b/cliport/tasks/README.md @@ -0,0 +1,67 @@ +# Tasks + +### Descriptions + +This folder contains a total of 10 goal-conditioned (language or image) and 8 demo-conditioned (original TransporterNets) tasks. 8 out of the 10 goal-conditioned tasks contain two splits: **seen** and **unseen**. The **full** version is a union of both **seen** and **unseen** attributes made specifically for multi-attr training. Sequential tasks that involve following instructions in a specific order are indicated by **seq** in their names. + +See [__init__.py](__init__.py) for the full list of demo-conditioned and goal-conditioned (language or image) tasks: + +```python +# demo conditioned +'align-box-corner': AlignBoxCorner, +'assembling-kits': AssemblingKits, +'assembling-kits-easy': AssemblingKitsEasy, +'block-insertion': BlockInsertion, +'block-insertion-easy': BlockInsertionEasy, +'block-insertion-nofixture': BlockInsertionNoFixture, +'block-insertion-sixdof': BlockInsertionSixDof, +'block-insertion-translation': BlockInsertionTranslation, +'manipulating-rope': ManipulatingRope, +'packing-boxes': PackingBoxes, +'palletizing-boxes': PalletizingBoxes, +'place-red-in-green': PlaceRedInGreen, +'stack-block-pyramid': StackBlockPyramid, +'sweeping-piles': SweepingPiles, +'towers-of-hanoi': TowersOfHanoi, + +# goal conditioned +'align-rope': AlignRope, +'assembling-kits-seq-seen-colors': AssemblingKitsSeqSeenColors, +'assembling-kits-seq-unseen-colors': AssemblingKitsSeqUnseenColors, +'assembling-kits-seq-full': AssemblingKitsSeqFull, +'packing-shapes': PackingShapes, +'packing-boxes-pairs-seen-colors': PackingBoxesPairsSeenColors, +'packing-boxes-pairs-unseen-colors': PackingBoxesPairsUnseenColors, +'packing-boxes-pairs-full': PackingBoxesPairsFull, +'packing-seen-google-objects-seq': PackingSeenGoogleObjectsSeq, +'packing-unseen-google-objects-seq': PackingUnseenGoogleObjectsSeq, +'packing-seen-google-objects-group': PackingSeenGoogleObjectsGroup, +'packing-unseen-google-objects-group': PackingUnseenGoogleObjectsGroup, +'put-block-in-bowl-seen-colors': PutBlockInBowlSeenColors, +'put-block-in-bowl-unseen-colors': PutBlockInBowlUnseenColors, +'put-block-in-bowl-full': PutBlockInBowlFull, +'stack-block-pyramid-seq-seen-colors': StackBlockPyramidSeqSeenColors, +'stack-block-pyramid-seq-unseen-colors': StackBlockPyramidSeqUnseenColors, +'stack-block-pyramid-seq-full': StackBlockPyramidSeqFull, +'separating-piles-seen-colors': SeparatingPilesSeenColors, +'separating-piles-unseen-colors': SeparatingPilesUnseenColors, +'separating-piles-full': SeparatingPilesFull, +'towers-of-hanoi-seq-seen-colors': TowersOfHanoiSeqSeenColors, +'towers-of-hanoi-seq-unseen-colors': TowersOfHanoiSeqUnseenColors, +'towers-of-hanoi-seq-full': TowersOfHanoiSeqFull, +``` + +### Generated Tasks by GPT +1. All of them should be automatically imported and exists in `generated_tasks` + +### Adding New Tasks + +See [put_block_in_bowl.py](put_block_in_bowl.py) for an example on how a task is specified. Creating a new task involves: (1) setting up a scene with the desired objects, (2) specifying goals with a language instruction and target "zones" or "poses", (3) defining an evaluation metric that is either sequential or non-sequential. See the original [Ravens codebase](https://github.com/google-research/ravens) for more details on task specification and organization. + +### Correcting COM for Google Scanned Objects + +By default all [Google Scanned Objects](https://app.ignitionrobotics.org/GoogleResearch/fuel/collections/Google%20Scanned%20Objects) have COMs (Center of Mass) at the base of the object, which leads to weird behavior with the physics engine. To correct this, I manually edited the COM of each `.obj` file to be the geometric center of the mesh with [Blender](https://www.blender.org/). See this [guide on editing COMs](https://blender.stackexchange.com/questions/14294/how-to-recenter-an-objects-origin) for reference. After correction, the original `.obj` can be overwritten using Blender's Export option. + +## Credit + +All demo-conditioned are from [Ravens](https://github.com/google-research/ravens). The language-conditioned tasks were built-off the same PyBullet environments. \ No newline at end of file diff --git a/cliport/tasks/__init__.py b/cliport/tasks/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..bffa0271b0451ca134f7de08953bf68a6d91f831 --- /dev/null +++ b/cliport/tasks/__init__.py @@ -0,0 +1,80 @@ +"""Ravens tasks.""" + +from cliport.tasks.align_box_corner import AlignBoxCorner +from cliport.tasks.assembling_kits import AssemblingKits +from cliport.tasks.assembling_kits_seq import AssemblingKitsSeq +from cliport.tasks.block_insertion import BlockInsertion +from cliport.tasks.manipulating_rope import ManipulatingRope +from cliport.tasks.align_rope import AlignRope +from cliport.tasks.packing_boxes import PackingBoxes +from cliport.tasks.packing_shapes import PackingShapes +from cliport.tasks.packing_boxes_pairs import PackingBoxesPairs +from cliport.tasks.packing_google_objects import PackingSeenGoogleObjectsSeq +from cliport.tasks.palletizing_boxes import PalletizingBoxes +from cliport.tasks.place_red_in_green import PlaceRedInGreen +from cliport.tasks.put_block_in_bowl import PutBlockInBowl +from cliport.tasks.stack_block_pyramid import StackBlockPyramid +from cliport.tasks.stack_block_pyramid_seq import StackBlockPyramidSeq +from cliport.tasks.sweeping_piles import SweepingPiles +from cliport.tasks.separating_piles import SeparatingPiles +from cliport.tasks.task import Task +from cliport.tasks.towers_of_hanoi import TowersOfHanoi +from cliport.tasks.towers_of_hanoi_seq import TowersOfHanoiSeq +from cliport.tasks.generated_task import GeneratedTask +from cliport.tasks.extended_tasks import * + +names = { + # demo conditioned + 'align-box-corner': AlignBoxCorner, + 'assembling-kits': AssemblingKits, + 'assembling-kits-easy': AssemblingKitsEasy, + 'block-insertion': BlockInsertion, + 'block-insertion-easy': BlockInsertionEasy, + 'block-insertion-nofixture': BlockInsertionNoFixture, + 'block-insertion-sixdof': BlockInsertionSixDof, + 'block-insertion-translation': BlockInsertionTranslation, + 'manipulating-rope': ManipulatingRope, + 'packing-boxes': PackingBoxes, + 'palletizing-boxes': PalletizingBoxes, + 'place-red-in-green': PlaceRedInGreen, + 'stack-block-pyramid': StackBlockPyramid, + 'sweeping-piles': SweepingPiles, + 'towers-of-hanoi': TowersOfHanoi, + 'gen-task': GeneratedTask, + + # goal conditioned + 'align-rope': AlignRope, + 'assembling-kits-seq': AssemblingKitsSeq, + 'assembling-kits-seq-seen-colors': AssemblingKitsSeqSeenColors, + 'assembling-kits-seq-unseen-colors': AssemblingKitsSeqUnseenColors, + 'assembling-kits-seq-full': AssemblingKitsSeqFull, + 'packing-shapes': PackingShapes, + 'packing-boxes-pairs': PackingBoxesPairsSeenColors, + 'packing-boxes-pairs-seen-colors': PackingBoxesPairsSeenColors, + 'packing-boxes-pairs-unseen-colors': PackingBoxesPairsUnseenColors, + 'packing-boxes-pairs-full': PackingBoxesPairsFull, + 'packing-seen-google-objects-seq': PackingSeenGoogleObjectsSeq, + 'packing-unseen-google-objects-seq': PackingUnseenGoogleObjectsSeq, + 'packing-seen-google-objects-group': PackingSeenGoogleObjectsGroup, + 'packing-unseen-google-objects-group': PackingUnseenGoogleObjectsGroup, + 'put-block-in-bowl': PutBlockInBowlSeenColors, + 'put-block-in-bowl-seen-colors': PutBlockInBowlSeenColors, + 'put-block-in-bowl-unseen-colors': PutBlockInBowlUnseenColors, + 'put-block-in-bowl-full': PutBlockInBowlFull, + 'stack-block-pyramid-seq': StackBlockPyramidSeqSeenColors, + 'stack-block-pyramid-seq-seen-colors': StackBlockPyramidSeqSeenColors, + 'stack-block-pyramid-seq-unseen-colors': StackBlockPyramidSeqUnseenColors, + 'stack-block-pyramid-seq-full': StackBlockPyramidSeqFull, + 'separating-piles': SeparatingPilesSeenColors, + 'separating-piles-seen-colors': SeparatingPilesSeenColors, + 'separating-piles-unseen-colors': SeparatingPilesUnseenColors, + 'separating-piles-full': SeparatingPilesFull, + 'towers-of-hanoi-seq': TowersOfHanoiSeqSeenColors, + 'towers-of-hanoi-seq-seen-colors': TowersOfHanoiSeqSeenColors, + 'towers-of-hanoi-seq-unseen-colors': TowersOfHanoiSeqUnseenColors, + 'towers-of-hanoi-seq-full': TowersOfHanoiSeqFull, +} + + +from cliport.generated_tasks import new_names +names.update(new_names) \ No newline at end of file diff --git a/cliport/tasks/align_box_corner.py b/cliport/tasks/align_box_corner.py new file mode 100644 index 0000000000000000000000000000000000000000..e0f9e21c4f4f5ce2abde06d297220f1f2b434de2 --- /dev/null +++ b/cliport/tasks/align_box_corner.py @@ -0,0 +1,59 @@ +import os +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class AlignBoxCorner(Task): + """Pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 3 + self.lang_template = "align the brown box with the green corner" + self.task_completed_desc = "done with alignment" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Generate randomly shaped box. + box_size = self.get_random_size(0.05, 0.15, 0.05, 0.15, 0.01, 0.06) + + # Add corner. + dimx = (box_size[0] / 2 - 0.025 + 0.0025, box_size[0] / 2 + 0.0025) + dimy = (box_size[1] / 2 + 0.0025, box_size[1] / 2 - 0.025 + 0.0025) + corner_template = 'corner/corner-template.urdf' + replace = {'DIMX': dimx, 'DIMY': dimy} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + corner_urdf = self.fill_template(corner_template, replace) + corner_size = (box_size[0], box_size[1], 0) + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed') + + # Add possible placing poses. + theta = utils.quatXYZW_to_eulerXYZ(corner_pose[1])[2] + fip_rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta + np.pi)) + pose1 = (corner_pose[0], fip_rot) + alt_x = (box_size[0] / 2) - (box_size[1] / 2) + alt_y = (box_size[1] / 2) - (box_size[0] / 2) + alt_pos = (alt_x, alt_y, 0) + alt_rot0 = utils.eulerXYZ_to_quatXYZW((0, 0, np.pi / 2)) + alt_rot1 = utils.eulerXYZ_to_quatXYZW((0, 0, 3 * np.pi / 2)) + pose2 = utils.multiply(corner_pose, (alt_pos, alt_rot0)) + pose3 = utils.multiply(corner_pose, (alt_pos, alt_rot1)) + + # Add box. + box_template = 'box/box-template.urdf' + + # IMPORTANT: REPLACE THE TEMPLATE URDF + box_urdf = self.fill_template(box_template, {'DIM': np.float32(box_size)}) + box_pose = self.get_random_pose(env, box_size) + box_id = env.add_object(box_urdf, box_pose) + self.color_random_brown(box_id) + + # Goal: box is aligned with corner (1 of 4 possible poses). + self.add_goal(objs=[box_id], matches=np.int32([[1, 1, 1, 1]]), targ_poses=[corner_pose, pose1, pose2, pose3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1, symmetries=[2 * np.pi]) + self.lang_goals.append(self.lang_template) diff --git a/cliport/tasks/align_rope.py b/cliport/tasks/align_rope.py new file mode 100644 index 0000000000000000000000000000000000000000..a8c68bd77bb244973808ea8ff6cc8c02026c80d9 --- /dev/null +++ b/cliport/tasks/align_rope.py @@ -0,0 +1,70 @@ +import os + +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.task import Task +from cliport.utils import utils + +import random +import pybullet as p + + +class AlignRope(Task): + """Manipulate a deformable rope to connect its end-points between two + corners of a 3-sided square.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "align the rope from {direction}" + self.task_completed_desc = "done aligning the rope." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + n_parts = 20 + radius = 0.005 + length = 2 * radius * n_parts * np.sqrt(2) + + # Add 3-sided square. + square_size = (length, length, 0) + square_pose = self.get_random_pose(env, square_size) + square_template = 'square/square-template.urdf' + replace = {'DIM': (length,), 'HALF': (np.float32(length) / 2 - 0.005,)} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(square_template, replace) + env.add_object(urdf, square_pose, 'fixed') + + # Get four corner points of square. + corner0 = ( length / 2, length / 2, 0.001) + corner1 = (-length / 2, length / 2, 0.001) + corner2 = ( length / 2, -length / 2, 0.001) + corner3 = (-length / 2, -length / 2, 0.001) + + corner0 = utils.apply(square_pose, corner0) + corner1 = utils.apply(square_pose, corner1) + corner2 = utils.apply(square_pose, corner2) + corner3 = utils.apply(square_pose, corner3) + + # Four possible alignment tasks. + task_descs = [ + ((corner0, corner1), "front left tip to front right tip"), + ((corner0, corner2), "front right tip to back right corner"), + ((corner1, corner3), "front left tip to back left corner"), + ((corner3, corner2), "back right corner to back left corner") + ] + chosen_task = np.random.choice(len(task_descs), 1)[0] + (corner_0, corner_1), direction = task_descs[chosen_task] + + # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks). + objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1)) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1.) + self.lang_goals += [self.lang_template.format(direction=direction)] * len(self.goals) + + # wait for the scene to settle down + for i in range(480): + p.stepSimulation() \ No newline at end of file diff --git a/cliport/tasks/assembling_kits.py b/cliport/tasks/assembling_kits.py new file mode 100644 index 0000000000000000000000000000000000000000..803c3459a5fe76c7594564d1d942d8292b34f4f6 --- /dev/null +++ b/cliport/tasks/assembling_kits.py @@ -0,0 +1,62 @@ +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class AssemblingKits(Task): + """pick up different objects and arrange them on a board marked with corresponding silhouettes.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.homogeneous = False + + self.lang_template = "put all the blocks inside the holes they fit in" + self.task_completed_desc = "done assembling blocks." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add kit. + kit_size = (0.28, 0.2, 0.005) + kit_urdf = 'kitting/kit.urdf' + kit_pose = self.get_random_pose(env, kit_size) + env.add_object(kit_urdf, kit_pose, 'fixed') + + n_objects = 5 + obj_shapes = self.get_kitting_shapes(n_objects) + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['red'] + ] + + # Build kit. + targets = [] + targ_pos = [[-0.09, 0.045, 0.0014], [0, 0.045, 0.0014], + [0.09, 0.045, 0.0014], [-0.045, -0.045, 0.0014], + [0.045, -0.045, 0.0014]] + template = 'kitting/object-template.urdf' + + for i in range(n_objects): + shape = os.path.join(self.assets_root, 'kitting', + f'{obj_shapes[i]:02d}.obj') + scale = [0.003, 0.003, 0.0001] # .0005 + pos = utils.apply(kit_pose, targ_pos[i]) + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + replace = {'FNAME': (shape,), 'SCALE': scale, 'COLOR': [0.2, 0.2, 0.2]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + env.add_object(urdf, (pos, rot), 'fixed') + targets.append((pos, rot)) + + # Add objects. + objects, matches = self.make_kitting_objects(env, targets=targets, obj_shapes=obj_shapes, n_objects=n_objects, colors=colors) + matches = np.int32(matches) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) diff --git a/cliport/tasks/assembling_kits_seq.py b/cliport/tasks/assembling_kits_seq.py new file mode 100644 index 0000000000000000000000000000000000000000..8a4632a2d3d1c5e0a62dfe28ac7a9645701fcc74 --- /dev/null +++ b/cliport/tasks/assembling_kits_seq.py @@ -0,0 +1,89 @@ +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class AssemblingKitsSeq(Task): + """ Precisely place each specified shape in the specified hole following the order prescribed in the +language instruction at each timestep.""" + + def __init__(self): + super().__init__() + self.max_steps = 7 + self.homogeneous = False + + self.lang_template = "put the {color} {obj} in the {loc}{obj} hole" + self.task_completed_desc = "done assembling kit." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add kit. + kit_size = (0.28, 0.2, 0.005) + kit_urdf = 'kitting/kit.urdf' + kit_pose = self.get_random_pose(env, kit_size) + env.add_object(kit_urdf, kit_pose, 'fixed') + + # Shape Names: + shapes = utils.assembling_kit_shapes + n_objects = 5 + obj_shapes = self.get_kitting_shapes(n_objects) + colors, color_names = utils.get_colors(mode=self.mode) + + # Build kit. + targets = [] + targets_spatial_desc = [] + targ_pos = [[-0.09, 0.045, 0.0014], [0, 0.045, 0.0014], + [0.09, 0.045, 0.0014], [-0.045, -0.045, 0.0014], + [0.045, -0.045, 0.0014]] + template = 'kitting/object-template.urdf' + + for i in range(n_objects): + shape = os.path.join(self.assets_root, 'kitting', + f'{obj_shapes[i]:02d}.obj') + scale = [0.003, 0.003, 0.0001] # .0005 + pos = utils.apply(kit_pose, targ_pos[i]) + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + replace = {'FNAME': (shape,), 'SCALE': scale, 'COLOR': [0.2, 0.2, 0.2]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + env.add_object(urdf, (pos, rot), 'fixed') + targets.append((pos, rot)) + + # Decide spatial description based on the location of the hole (top-down view). + shape_type = obj_shapes[i] + if list(obj_shapes).count(obj_shapes[i]) > 1: + duplicate_shapes = [j for j, o in enumerate(obj_shapes) if i != j and o == shape_type] + other_poses = [utils.apply(kit_pose, targ_pos[d]) for d in duplicate_shapes] + + if all(pos[0] < op[0] and abs(pos[0]-op[0]) > abs(pos[1]-op[1]) for op in other_poses): + spatial_desc = "top " + elif all(pos[0] > op[0] and abs(pos[0]-op[0]) > abs(pos[1]-op[1]) for op in other_poses): + spatial_desc = "bottom " + elif all(pos[1] < op[1] for op in other_poses): + spatial_desc = "left " + elif all(pos[1] > op[1] for op in other_poses): + spatial_desc = "right " + else: + spatial_desc = "middle " + + targets_spatial_desc.append(spatial_desc) + else: + targets_spatial_desc.append("") + + # Add objects. + objects, matches = self.make_kitting_objects(env, targets=targets, obj_shapes=obj_shapes, n_objects=n_objects, colors=colors) + target_idxs = list(range(n_objects)) + np.random.shuffle(target_idxs) + for i in target_idxs: + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[targets[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / n_objects) + self.lang_goals.append(self.lang_template.format(color=color_names[i], + obj=shapes[obj_shapes[i]], + loc=targets_spatial_desc[i])) + self.max_steps = n_objects diff --git a/cliport/tasks/block_insertion.py b/cliport/tasks/block_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..b60e3865386f8d67f20e2003d107f9b97cb99847 --- /dev/null +++ b/cliport/tasks/block_insertion.py @@ -0,0 +1,40 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class BlockInsertion(Task): + """pick up the L-shaped red block and place it into the L-shaped fixture.""" + + def __init__(self): + super().__init__() + self.max_steps = 3 + self.lang_template = "put the L shape block in the L shape hole" + self.task_completed_desc = "done with insertion." + self.additional_reset() + + def get_random_pose(self, env, obj_size): + pose = super().get_random_pose(env, obj_size) + pos, rot = pose + rot = utils.eulerXYZ_to_quatXYZW((0, 0, np.pi / 2)) + return pos, rot + + def reset(self, env): + super().reset(env) + + """Add L-shaped block.""" + size = (0.1, 0.1, 0.04) + urdf = 'insertion/ell.urdf' + pose = self.get_random_pose(env, size) + block_id = env.add_object(urdf, pose) + + """Add L-shaped fixture to place block.""" + size = (0.1, 0.1, 0.04) + urdf = 'insertion/fixture.urdf' + targ_pose = self.get_random_pose(env, size) + env.add_object(urdf, targ_pose, 'fixed') + + self.add_goal(objs=[block_id], matches=np.int32([[1]]), targ_poses=[targ_pose], replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1, symmetries=[2 * np.pi]) + self.lang_goals.append(self.lang_template) diff --git a/cliport/tasks/cameras.py b/cliport/tasks/cameras.py new file mode 100644 index 0000000000000000000000000000000000000000..882c8b7e4e0a24925da393ac1bf4ea0381f832c4 --- /dev/null +++ b/cliport/tasks/cameras.py @@ -0,0 +1,107 @@ +"""Camera configs.""" + +import numpy as np +import pybullet as p + + +class RealSenseD415(): + """Default configuration with 3 RealSense RGB-D cameras.""" + + # Mimic RealSense D415 RGB-D camera parameters. + image_size = (480, 640) + intrinsics = (450., 0, 320., 0, 450., 240., 0, 0, 1) + + # Set default camera poses. + front_position = (1., 0, 0.75) + front_rotation = (np.pi / 4, np.pi, -np.pi / 2) + front_rotation = p.getQuaternionFromEuler(front_rotation) + left_position = (0, 0.5, 0.75) + left_rotation = (np.pi / 4.5, np.pi, np.pi / 4) + left_rotation = p.getQuaternionFromEuler(left_rotation) + right_position = (0, -0.5, 0.75) + right_rotation = (np.pi / 4.5, np.pi, 3 * np.pi / 4) + right_rotation = p.getQuaternionFromEuler(right_rotation) + + # Default camera configs. + CONFIG = [{ + 'image_size': image_size, + 'intrinsics': intrinsics, + 'position': front_position, + 'rotation': front_rotation, + 'zrange': (0.01, 10.), + 'noise': False + }, { + 'image_size': image_size, + 'intrinsics': intrinsics, + 'position': left_position, + 'rotation': left_rotation, + 'zrange': (0.01, 10.), + 'noise': False + }, { + 'image_size': image_size, + 'intrinsics': intrinsics, + 'position': right_position, + 'rotation': right_rotation, + 'zrange': (0.01, 10.), + 'noise': False + }] + + +class Oracle(): + """Top-down noiseless image used only by the oracle demonstrator.""" + + # Near-orthographic projection. + image_size = (480, 640) + intrinsics = (63e4, 0, 320., 0, 63e4, 240., 0, 0, 1) + position = (0.5, 0, 1000.) + rotation = p.getQuaternionFromEuler((0, np.pi, -np.pi / 2)) + + # Camera config. + CONFIG = [{ + 'image_size': image_size, + 'intrinsics': intrinsics, + 'position': position, + 'rotation': rotation, + 'zrange': (999.7, 1001.), + 'noise': False + }] + + +class RS200Gazebo(): + """Gazebo Camera""" + + # Near-orthographic projection. + image_size = (480, 640) + intrinsics = (554.3826904296875, 0.0, 320.0, 0.0, 554.3826904296875, 240.0, 0.0, 0.0, 1.0) + position = (0.5, 0, 1.0) + rotation = p.getQuaternionFromEuler((0, np.pi, np.pi / 2)) + + # Camera config. + CONFIG = [{ + 'image_size': image_size, + 'intrinsics': intrinsics, + 'position': position, + 'rotation': rotation, + 'zrange': (0.01, 10.), + 'noise': False + }] + + +class KinectFranka(): + """Kinect Franka Camera""" + + # Near-orthographic projection. + image_size = (424,512) + intrinsics = (365.57489013671875, 0.0, 257.5205078125, 0.0, 365.57489013671875, 205.26710510253906, 0.0, 0.0, 1.0) + position = (1.082, -0.041, 1.027) + rotation = p.getQuaternionFromEuler((-2.611, 0.010, 1.553)) + + # Camera config. + CONFIG = [{ + 'image_size': image_size, + 'intrinsics': intrinsics, + 'position': position, + 'rotation': rotation, + 'zrange': (0.01, 10.), + 'noise': False + }] \ No newline at end of file diff --git a/cliport/tasks/extended_tasks.py b/cliport/tasks/extended_tasks.py new file mode 100644 index 0000000000000000000000000000000000000000..4e00eb0a41db74c3f2d1092ce2c5b0475812bbe0 --- /dev/null +++ b/cliport/tasks/extended_tasks.py @@ -0,0 +1,259 @@ +from cliport.tasks.align_box_corner import AlignBoxCorner +from cliport.tasks.assembling_kits import AssemblingKits +from cliport.tasks.assembling_kits_seq import AssemblingKitsSeq +from cliport.tasks.block_insertion import BlockInsertion +from cliport.tasks.manipulating_rope import ManipulatingRope +from cliport.tasks.align_rope import AlignRope +from cliport.tasks.packing_boxes import PackingBoxes +from cliport.tasks.packing_shapes import PackingShapes +from cliport.tasks.packing_boxes_pairs import PackingBoxesPairs +from cliport.tasks.packing_google_objects import PackingSeenGoogleObjectsSeq +from cliport.tasks.palletizing_boxes import PalletizingBoxes +from cliport.tasks.place_red_in_green import PlaceRedInGreen +from cliport.tasks.put_block_in_bowl import PutBlockInBowl +from cliport.tasks.stack_block_pyramid import StackBlockPyramid +from cliport.tasks.stack_block_pyramid_seq import StackBlockPyramidSeq +from cliport.tasks.sweeping_piles import SweepingPiles +from cliport.tasks.separating_piles import SeparatingPiles +from cliport.tasks.task import Task +from cliport.tasks.towers_of_hanoi import TowersOfHanoi +from cliport.tasks.towers_of_hanoi_seq import TowersOfHanoiSeq +from cliport.tasks.generated_task import GeneratedTask + +import pybullet as p +import os +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +##################### block insertion +class BlockInsertionTranslation(BlockInsertion): + """Insertion Task - Translation Variant.""" + + def get_random_pose(self, env, obj_size): + pose = super(BlockInsertionTranslation, self).get_random_pose(env, obj_size) + pos, rot = pose + rot = utils.eulerXYZ_to_quatXYZW((0, 0, np.pi / 2)) + return pos, rot + +class BlockInsertionEasy(BlockInsertionTranslation): + """Insertion Task - Easy Variant.""" + + def add_block(self, env): + """Add L-shaped block in fixed position.""" + # size = (0.1, 0.1, 0.04) + urdf = 'insertion/ell.urdf' + pose = ((0.5, 0, 0.02), p.getQuaternionFromEuler((0, 0, np.pi / 2))) + return env.add_object(urdf, pose) + +class BlockInsertionSixDof(BlockInsertion): + """Insertion Task - 6DOF Variant.""" + + def __init__(self): + super().__init__() + self.sixdof = True + self.pos_eps = 0.02 + + def add_fixture(self, env): + """Add L-shaped fixture to place block.""" + size = (0.1, 0.1, 0.04) + urdf = 'insertion/fixture.urdf' + pose = self.get_random_pose_6dof(env, size) + env.add_object(urdf, pose, 'fixed') + return pose + + def get_random_pose_6dof(self, env, obj_size): + pos, rot = super(BlockInsertionSixDof, self).get_random_pose(env, obj_size) + z = (np.random.rand() / 10) + 0.03 + pos = (pos[0], pos[1], obj_size[2] / 2 + z) + roll = (np.random.rand() - 0.5) * np.pi / 2 + pitch = (np.random.rand() - 0.5) * np.pi / 2 + yaw = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((roll, pitch, yaw)) + return pos, rot + + +class BlockInsertionNoFixture(BlockInsertion): + """Insertion Task - No Fixture Variant.""" + + def add_fixture(self, env): + """Add target pose to place block.""" + size = (0.1, 0.1, 0.04) + # urdf = 'insertion/fixture.urdf' + pose = self.get_random_pose(env, size) + return pose + +# AssemblingKits +class AssemblingKitsSeqUnseenColors(AssemblingKitsSeq): + """Kitting Task - Easy variant.""" + def __init__(self): + super().__init__() + self.mode = 'test' + +class AssemblingKitsSeqSeenColors(AssemblingKitsSeqUnseenColors): + """Kitting Task - Easy variant.""" + def __init__(self): + super().__init__() + self.mode = 'train' + +class AssemblingKitsSeqFull(AssemblingKitsSeqUnseenColors): + """Kitting Task - Easy variant.""" + def __init__(self): + super().__init__() + self.mode = 'full' + + +class AssemblingKitsEasy(AssemblingKits): + """Kitting Task - Easy variant.""" + + def __init__(self): + super().__init__() + self.rot_eps = np.deg2rad(30) + self.train_set = np.int32( + [0, 1, 2, 4, 5, 6, 7, 8, 9, 10, 12, 13, 14, 15, 16, 17, 18, 19]) + self.test_set = np.int32([3, 11]) + self.homogeneous = True + + +# PackingBoxesPairs +class PackingBoxesPairsUnseenColors(PackingBoxesPairs): + def __init__(self): + super().__init__() + self.mode = 'test' + +class PackingBoxesPairsSeenColors(PackingBoxesPairsUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'train' + +class PackingBoxesPairsFull(PackingBoxesPairsUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'all' + + +# PackingUnseenGoogleObjects +class PackingUnseenGoogleObjectsSeq(PackingSeenGoogleObjectsSeq): + """Packing Unseen Google Objects Sequence task.""" + + def __init__(self): + super().__init__() + + def get_object_names(self): + return utils.google_seen_obj_shapes + +class PackingSeenGoogleObjectsGroup(PackingSeenGoogleObjectsSeq): + """Packing Seen Google Objects Group task.""" + + def __init__(self): + super().__init__() + self.lang_template = "pack all the {obj} objects in the brown box" + self.max_steps = 3 + + def choose_objects(self, object_names, k): + # Randomly choose a category to repeat. + chosen_objects = np.random.choice(object_names, k, replace=True) + repeat_category, distractor_category = np.random.choice(chosen_objects, 2, replace=False) + num_repeats = np.random.randint(2, 3) + chosen_objects[:num_repeats] = repeat_category + chosen_objects[num_repeats:2*num_repeats] = distractor_category + + return chosen_objects, repeat_category + + def set_goals(self, object_descs, object_ids, object_points, repeat_category, zone_pose, zone_size): + # Pack all objects of the chosen (repeat) category. + num_pack_objs = object_descs.count(repeat_category) + true_poses = [] + + chosen_obj_pts = dict() + chosen_obj_ids = [] + for obj_idx, (object_id, info) in enumerate(object_ids): + if object_descs[obj_idx] == repeat_category: + true_poses.append(zone_pose) + chosen_obj_pts[object_id] = object_points[object_id] + chosen_obj_ids.append((object_id, info)) + + self.goals.append(( + chosen_obj_ids, np.eye(len(chosen_obj_ids)), true_poses, False, True, 'zone', + (chosen_obj_pts, [(zone_pose, zone_size)]), 1)) + self.lang_goals.append(self.lang_template.format(obj=repeat_category)) + + # Only one mistake allowed. + self.max_steps = num_pack_objs+1 + +class PackingUnseenGoogleObjectsGroup(PackingSeenGoogleObjectsGroup): + """Packing Unseen Google Objects Group task.""" + + def __init__(self): + super().__init__() + + def get_object_names(self): + return utils.google_unseen_obj_shapes + + +# PutBlockInBowl +class PutBlockInBowlUnseenColors(PutBlockInBowl): + def __init__(self): + super().__init__() + self.mode = 'test' + +class PutBlockInBowlSeenColors(PutBlockInBowlUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'train' + +class PutBlockInBowlFull(PutBlockInBowlUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'full' + +# SeparatingPiles +class SeparatingPilesUnseenColors(SeparatingPiles): + def __init__(self): + super().__init__() + self.mode = 'test' + +class SeparatingPilesSeenColors(SeparatingPilesUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'train' + +class SeparatingPilesFull(SeparatingPilesUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'full' + + +# StackBlockPyramid +class StackBlockPyramidSeqUnseenColors(StackBlockPyramidSeq): + def __init__(self): + super().__init__() + self.mode = 'test' + + +class StackBlockPyramidSeqSeenColors(StackBlockPyramidSeqUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'train' + +class StackBlockPyramidSeqFull(StackBlockPyramidSeqUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'full' + +# TowersOfHanoiSeq + +class TowersOfHanoiSeqUnseenColors(TowersOfHanoiSeq): + def __init__(self): + super().__init__() + self.mode = 'test' + +class TowersOfHanoiSeqSeenColors(TowersOfHanoiSeqUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'train' + +class TowersOfHanoiSeqFull(TowersOfHanoiSeqUnseenColors): + def __init__(self): + super().__init__() + self.mode = 'full' \ No newline at end of file diff --git a/cliport/tasks/generated_task.py b/cliport/tasks/generated_task.py new file mode 100644 index 0000000000000000000000000000000000000000..da3db0345a7d632cc52543b537d5c06ba5aecb3e --- /dev/null +++ b/cliport/tasks/generated_task.py @@ -0,0 +1,61 @@ +import numpy as np + +from cliport.tasks import Task + +from cliport.tasks.grippers import Spatula +import random + +from cliport.utils import utils + +import pybullet as p + + +class GeneratedTask(Task): + """Build a car using blocks.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "build a car using blocks" + self.task_completed_desc = "done building car." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add car base. + base_size = (0.12, 0.12, 0.02) + base_urdf = 'car-base/car-base.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + + objs = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked vertically (bottom row: red, blue, green). + for i in range(4): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(blocks="the blocks", stacked="stacked vertically")) + + # Goal: blocks are stacked horizontally (top row: yellow). + for i in range(2): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) \ No newline at end of file diff --git a/cliport/tasks/grippers.py b/cliport/tasks/grippers.py new file mode 100644 index 0000000000000000000000000000000000000000..f6f8d55292eb7f394a825ceee668898b58aae11f --- /dev/null +++ b/cliport/tasks/grippers.py @@ -0,0 +1,249 @@ +"""Classes to handle gripper dynamics.""" + +import os + +import numpy as np +from cliport.utils import pybullet_utils + +import pybullet as p + +SPATULA_BASE_URDF = 'ur5/spatula/spatula-base.urdf' +SUCTION_BASE_URDF = 'ur5/suction/suction-base.urdf' +SUCTION_HEAD_URDF = 'ur5/suction/suction-head.urdf' + + +class Gripper: + """Base gripper class.""" + + def __init__(self, assets_root): + self.assets_root = assets_root + self.activated = False + + def step(self): + """This function can be used to create gripper-specific behaviors.""" + return + + def activate(self, objects): + del objects + return + + def release(self): + return + + +class Spatula(Gripper): + """Simulate simple spatula for pushing.""" + + def __init__(self, assets_root=None, robot=None, ee=None, obj_ids=None): + """Creates spatula and 'attaches' it to the robot.""" + if assets_root is None: + return + super().__init__(assets_root) + + # Load spatula model. + pose = ((0.487, 0.109, 0.438), p.getQuaternionFromEuler((np.pi, 0, 0))) + self.base_urdf_path = os.path.join(self.assets_root, SPATULA_BASE_URDF) + + base = pybullet_utils.load_urdf( + p, self.base_urdf_path, pose[0], pose[1]) + self.base = base + p.createConstraint( + parentBodyUniqueId=robot, + parentLinkIndex=ee, + childBodyUniqueId=base, + childLinkIndex=-1, + jointType=p.JOINT_FIXED, + jointAxis=(0, 0, 0), + parentFramePosition=(0, 0, 0), + childFramePosition=(0, 0, 0.01)) + + +class Suction(Gripper): + """Simulate simple suction dynamics.""" + + def __init__(self, assets_root, robot, ee, obj_ids): + """Creates suction and 'attaches' it to the robot. + + Has special cases when dealing with rigid vs deformables. For rigid, + only need to check contact_constraint for any constraint. For soft + bodies (i.e., cloth or bags), use cloth_threshold to check distances + from gripper body (self.body) to any vertex in the cloth mesh. We + need correct code logic to handle gripping potentially a rigid or a + deformable (and similarly for releasing). + + To be clear on terminology: 'deformable' here should be interpreted + as a PyBullet 'softBody', which includes cloths and bags. There's + also cables, but those are formed by connecting rigid body beads, so + they can use standard 'rigid body' grasping code. + + To get the suction gripper pose, use p.getLinkState(self.body, 0), + and not p.getBasePositionAndOrientation(self.body) as the latter is + about z=0.03m higher and empirically seems worse. + + Args: + assets_root: str for root directory with assets. + robot: int representing PyBullet ID of robot. + ee: int representing PyBullet ID of end effector link. + obj_ids: list of PyBullet IDs of all suctionable objects in the env. + """ + super().__init__(assets_root) + + # Load suction gripper base model (visual only). + pose = ((0.487, 0.109, 0.438), p.getQuaternionFromEuler((np.pi, 0, 0))) + self.base_urdf_path = os.path.join(self.assets_root, SUCTION_BASE_URDF) + + base = pybullet_utils.load_urdf( + p, self.base_urdf_path, pose[0], pose[1]) + self.base = base + p.createConstraint( + parentBodyUniqueId=robot, + parentLinkIndex=ee, + childBodyUniqueId=base, + childLinkIndex=-1, + jointType=p.JOINT_FIXED, + jointAxis=(0, 0, 0), + parentFramePosition=(0, 0, 0), + childFramePosition=(0, 0, 0.01)) + + # Load suction tip model (visual and collision) with compliance. + # urdf = 'assets/ur5/suction/suction-head.urdf' + pose = ((0.487, 0.109, 0.347), p.getQuaternionFromEuler((np.pi, 0, 0))) + self.urdf_path = os.path.join(self.assets_root, SUCTION_HEAD_URDF) + self.body = pybullet_utils.load_urdf( + p, self.urdf_path, pose[0], pose[1]) + constraint_id = p.createConstraint( + parentBodyUniqueId=robot, + parentLinkIndex=ee, + childBodyUniqueId=self.body, + childLinkIndex=-1, + jointType=p.JOINT_FIXED, + jointAxis=(0, 0, 0), + parentFramePosition=(0, 0, 0), + childFramePosition=(0, 0, -0.08)) + p.changeConstraint(constraint_id, maxForce=100) + + # Reference to object IDs in environment for simulating suction. + self.obj_ids = obj_ids + + # Indicates whether gripper is gripping anything (rigid or def). + self.activated = False + + # For gripping and releasing rigid objects. + self.contact_constraint = None + + # Defaults for deformable parameters, and can override in tasks. + self.def_ignore = 0.035 # TODO(daniel) check if this is needed + self.def_threshold = 0.030 + self.def_nb_anchors = 1 + + # Track which deformable is being gripped (if any), and anchors. + self.def_grip_item = None + self.def_grip_anchors = [] + + # Determines release when gripped deformable touches a rigid/def. + # TODO(daniel) should check if the code uses this -- not sure? + self.def_min_vetex = None + self.def_min_distance = None + + # Determines release when a gripped rigid touches defs (e.g. cloth-cover). + self.init_grip_distance = None + self.init_grip_item = None + + def activate(self): + """Simulate suction using a rigid fixed constraint to contacted object.""" + # TODO(andyzeng): check deformables logic. + # del def_ids + + if not self.activated: + points = p.getContactPoints(bodyA=self.body, linkIndexA=0) + # print(points) + if points: + + # Handle contact between suction with a rigid object. + for point in points: + obj_id, contact_link = point[2], point[4] + if obj_id in self.obj_ids['rigid']: + body_pose = p.getLinkState(self.body, 0) + obj_pose = p.getBasePositionAndOrientation(obj_id) + world_to_body = p.invertTransform(body_pose[0], body_pose[1]) + obj_to_body = p.multiplyTransforms(world_to_body[0], + world_to_body[1], + obj_pose[0], obj_pose[1]) + self.contact_constraint = p.createConstraint( + parentBodyUniqueId=self.body, + parentLinkIndex=0, + childBodyUniqueId=obj_id, + childLinkIndex=contact_link, + jointType=p.JOINT_FIXED, + jointAxis=(0, 0, 0), + parentFramePosition=obj_to_body[0], + parentFrameOrientation=obj_to_body[1], + childFramePosition=(0, 0, 0), + childFrameOrientation=(0, 0, 0)) + + self.activated = True + + def release(self): + """Release gripper object, only applied if gripper is 'activated'. + + If suction off, detect contact between gripper and objects. + If suction on, detect contact between picked object and other objects. + + To handle deformables, simply remove constraints (i.e., anchors). + Also reset any relevant variables, e.g., if releasing a rigid, we + should reset init_grip values back to None, which will be re-assigned + in any subsequent grasps. + """ + if self.activated: + self.activated = False + + # Release gripped rigid object (if any). + if self.contact_constraint is not None: + try: + p.removeConstraint(self.contact_constraint) + self.contact_constraint = None + except: # pylint: disable=bare-except + pass + self.init_grip_distance = None + self.init_grip_item = None + + # Release gripped deformable object (if any). + if self.def_grip_anchors: + for anchor_id in self.def_grip_anchors: + p.removeConstraint(anchor_id) + self.def_grip_anchors = [] + self.def_grip_item = None + self.def_min_vetex = None + self.def_min_distance = None + + def detect_contact(self): + """Detects a contact with a rigid object.""" + body, link = self.body, 0 + if self.activated and self.contact_constraint is not None: + try: + info = p.getConstraintInfo(self.contact_constraint) + body, link = info[2], info[3] + except: # pylint: disable=bare-except + self.contact_constraint = None + pass + + # Get all contact points between the suction and a rigid body. + points = p.getContactPoints(bodyA=body, linkIndexA=link) + # print(points) + # exit() + if self.activated: + points = [point for point in points if point[2] != self.body] + + # # We know if len(points) > 0, contact is made with SOME rigid item. + if points: + return True + + return False + + def check_grasp(self): + """Check a grasp (object in contact?) for picking success.""" + + suctioned_object = None + if self.contact_constraint is not None: + suctioned_object = p.getConstraintInfo(self.contact_constraint)[2] + return suctioned_object is not None diff --git a/cliport/tasks/manipulating_rope.py b/cliport/tasks/manipulating_rope.py new file mode 100644 index 0000000000000000000000000000000000000000..e27aea513306cb80ecb2300c6e64efa621617f52 --- /dev/null +++ b/cliport/tasks/manipulating_rope.py @@ -0,0 +1,52 @@ +import os + +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.task import Task +from cliport.utils import utils + +import pybullet as p + + +class ManipulatingRope(Task): + """rearrange a deformable rope such that it connects the two endpoints of a 3-sided square.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "manipulate the rope to complete the square" + self.task_completed_desc = "done manipulating the rope." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + n_parts = 20 + radius = 0.005 + length = 2 * radius * n_parts * np.sqrt(2) + + # Add 3-sided square. + square_size = (length, length, 0) + square_pose = self.get_random_pose(env, square_size) + square_template = 'square/square-template.urdf' + + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + replace = {'DIM': (length,), 'HALF': (np.float32(length) / 2 - 0.005,)} + urdf = self.fill_template(square_template, replace) + env.add_object(urdf, square_pose, 'fixed') + + # compute corners + corner0 = (length / 2, length / 2, 0.001) + corner1 = (-length / 2, length / 2, 0.001) + corner_0 = utils.apply(square_pose, corner0) + corner_1 = utils.apply(square_pose, corner1) + + # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks). + objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1)) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1.) + self.lang_goals.append(self.lang_template) + + for i in range(480): + p.stepSimulation() diff --git a/cliport/tasks/packing_boxes.py b/cliport/tasks/packing_boxes.py new file mode 100644 index 0000000000000000000000000000000000000000..a9e0f5747acc706e0376f8c6a15be8b8b614f42e --- /dev/null +++ b/cliport/tasks/packing_boxes.py @@ -0,0 +1,84 @@ +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +import pybullet as p + + +class PackingBoxes(Task): + """pick up randomly sized boxes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "pack all the boxes inside the brown box" + self.task_completed_desc = "done packing boxes." + + self.zone_bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.08]]) + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container box. + zone_size = self.get_random_size(0.05, 0.3, 0.05, 0.3, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + margin = 0.01 + min_object_dim = 0.05 + bboxes = [] + + # Split container space with KD trees. + stack_size = np.array(zone_size) + stack_size[0] -= 0.01 + stack_size[1] -= 0.01 + root_size = (0.01, 0.01, 0) + tuple(stack_size) + root = utils.TreeNode(None, [], bbox=np.array(root_size)) + utils.KDTree(root, min_object_dim, margin, bboxes) + + colors = [utils.COLORS[c] for c in utils.COLORS if c != 'brown'] + + # Add objects in container. + object_ids = [] + bboxes = np.array(bboxes) + object_template = 'box/box-template.urdf' + + # Compute object points that are needed for zone + for bbox in bboxes: + size = bbox[3:] - bbox[:3] + position = size / 2. + bbox[:3] + position[0] += -zone_size[0] / 2 + position[1] += -zone_size[1] / 2 + pose = (position, (0, 0, 0, 1)) + pose = utils.multiply(zone_pose, pose) + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(object_template, {'DIM': size}) + icolor = np.random.choice(range(len(colors)), 1).squeeze() + box_id = env.add_object(urdf, pose, color=colors[icolor]) + object_ids.append(box_id) + + # Randomly select object in box and save ground truth pose. + object_volumes = [] + true_poses = [] + + for object_id in object_ids: + true_pose = p.getBasePositionAndOrientation(object_id) + object_size = p.getVisualShapeData(object_id)[0][3] + object_volumes.append(np.prod(np.array(object_size) * 100)) + pose = self.get_random_pose(env, object_size) + p.resetBasePositionAndOrientation(object_id, pose[0], pose[1]) + true_poses.append(true_pose) + + self.add_goal(objs=object_ids, matches=np.eye(len(object_ids)), targ_poses=true_poses, replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + + self.lang_goals.append(self.lang_template) diff --git a/cliport/tasks/packing_boxes_pairs.py b/cliport/tasks/packing_boxes_pairs.py new file mode 100644 index 0000000000000000000000000000000000000000..3a95d4f33296bab7d3917533466c27f3a6cb841d --- /dev/null +++ b/cliport/tasks/packing_boxes_pairs.py @@ -0,0 +1,115 @@ +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +import pybullet as p + + +class PackingBoxesPairs(Task): + """Tightly pack all the boxes of two specified colors inside the brown box.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "pack all the {colors} blocks into the brown box" # should have called it boxes :( + self.task_completed_desc = "done packing blocks." + + # Tight z-bound (0.0525) to discourage stuffing everything into the brown box + self.zone_bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.0525]]) + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container box. + zone_size = self.get_random_size(0.05, 0.3, 0.05, 0.3, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + margin = 0.01 + min_object_dim = 0.05 + bboxes = [] + + # Split container space with KD trees. + stack_size = np.array(zone_size) + stack_size[0] -= 0.01 + stack_size[1] -= 0.01 + root_size = (0.01, 0.01, 0) + tuple(stack_size) + root = utils.TreeNode(None, [], bbox=np.array(root_size)) + utils.KDTree(root, min_object_dim, margin, bboxes) + + # select colors + all_colors, all_color_names = utils.get_colors(mode=self.mode) + selected_idx = np.random.choice(range(len(all_colors)), 2, replace=False) + + relevant_color_names = [c for idx, c in enumerate(all_color_names) if idx in selected_idx] + distractor_colors = [c for idx, c in enumerate(all_color_names) if idx not in selected_idx] + + pack_colors = [c for idx, c in enumerate(all_colors) if idx in selected_idx] + distractor_colors = [c for idx, c in enumerate(all_colors) if idx not in selected_idx] + + # Add objects in container. + object_ids = [] + bboxes = np.array(bboxes) + object_template = 'box/box-template.urdf' + for bbox in bboxes: + size = bbox[3:] - bbox[:3] + position = size / 2. + bbox[:3] + position[0] += -zone_size[0] / 2 + position[1] += -zone_size[1] / 2 + pose = (position, (0, 0, 0, 1)) + pose = utils.multiply(zone_pose, pose) + urdf = self.fill_template(object_template, {'DIM': size}) + box_id = env.add_object(urdf, pose) + + object_ids.append(box_id) + icolor = np.random.choice(range(len(pack_colors)), 1).squeeze() + p.changeVisualShape(box_id, -1, rgbaColor=pack_colors[icolor] + [1]) + + # Randomly select object in box and save ground truth pose. + object_volumes = [] + true_poses = [] + for object_id in object_ids: + true_pose = p.getBasePositionAndOrientation(object_id) + object_size = p.getVisualShapeData(object_id)[0][3] + object_volumes.append(np.prod(np.array(object_size) * 100)) + pose = self.get_random_pose(env, object_size) + p.resetBasePositionAndOrientation(object_id, pose[0], pose[1]) + true_poses.append(true_pose) + + # Add distractor objects + num_distractor_objects = 4 + distractor_bbox_idxs = np.random.choice(len(bboxes), num_distractor_objects) + for bbox_idx in distractor_bbox_idxs: + bbox = bboxes[bbox_idx] + size = bbox[3:] - bbox[:3] + position = size / 2. + bbox[:3] + position[0] += -zone_size[0] / 2 + position[1] += -zone_size[1] / 2 + + pose = self.get_random_pose(env, size) + urdf = self.fill_template(object_template, {'DIM': size}) + box_id = env.add_object(urdf, pose) + + icolor = np.random.choice(range(len(distractor_colors)), 1).squeeze() + if box_id: + p.changeVisualShape(box_id, -1, rgbaColor=distractor_colors[icolor] + [1]) + + # Some scenes might contain just one relevant block that fits in the box. + if len(relevant_color_names) > 1: + relevant_desc = f'{relevant_color_names[0]} and {relevant_color_names[1]}' + else: + relevant_desc = f'{relevant_color_names[0]}' + + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=object_ids, matches=np.eye(len(object_ids)), targ_poses=true_poses, replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + + self.lang_goals.append(self.lang_template.format( + colors=relevant_desc, + )) \ No newline at end of file diff --git a/cliport/tasks/packing_google_objects.py b/cliport/tasks/packing_google_objects.py new file mode 100644 index 0000000000000000000000000000000000000000..fe305ac55c6f4362781f31b52536df1e46c77652 --- /dev/null +++ b/cliport/tasks/packing_google_objects.py @@ -0,0 +1,127 @@ +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +import pybullet as p + + +class PackingSeenGoogleObjectsSeq(Task): + """: Place the specified objects in the brown box following the order prescribed in the language +instruction at each timestep.""" + + def __init__(self): + super().__init__() + self.max_steps = 6 + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing objects." + self.object_names = self.get_object_names() + self.additional_reset() + + def get_object_names(self): + return utils.google_all_shapes + + def reset(self, env): + super().reset(env) + + # object names + object_names = self.object_names[self.mode] + + # Add container box. + zone_size = self.get_random_size(0.2, 0.35, 0.2, 0.35, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template_DIM_HALF.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + margin = 0.01 + min_object_dim = 0.08 + bboxes = [] + + # Split container space with KD trees. + stack_size = np.array(zone_size) + stack_size[0] -= 0.01 + stack_size[1] -= 0.01 + root_size = (0.01, 0.01, 0) + tuple(stack_size) + root = utils.TreeNode(None, [], bbox=np.array(root_size)) + utils.KDTree(root, min_object_dim, margin, bboxes) + + # Add Google Scanned Objects to scene. + object_ids = [] + bboxes = np.array(bboxes) + scale_factor = 5 + object_template = 'google/object-template_FNAME_COLOR_SCALE.urdf' + chosen_objs, repeat_category = self.choose_objects(object_names, len(bboxes)) + object_descs = [] + for i, bbox in enumerate(bboxes): + size = bbox[3:] - bbox[:3] + max_size = size.max() + position = size / 2. + bbox[:3] + position[0] += -zone_size[0] / 2 + position[1] += -zone_size[1] / 2 + shape_size = max_size * scale_factor + pose = self.get_random_pose(env, size) + + # Add object only if valid pose found. + if pose[0] is not None: + # Initialize with a slightly tilted pose so that the objects aren't always erect. + slight_tilt = utils.q_mult(pose[1], (-0.1736482, 0, 0, 0.9848078)) + ps = ((pose[0][0], pose[0][1], pose[0][2]+0.05), slight_tilt) + + object_name = chosen_objs[i] + object_name_with_underscore = object_name.replace(" ", "_") + mesh_file = os.path.join(self.assets_root, + 'google', + 'meshes_fixed', + f'{object_name_with_underscore}.obj') + texture_file = os.path.join(self.assets_root, + 'google', + 'textures', + f'{object_name_with_underscore}.png') + + try: + replace = {'FNAME': (mesh_file,), + 'SCALE': [shape_size, shape_size, shape_size], + 'COLOR': (0.2, 0.2, 0.2)} + urdf = self.fill_template(object_template, replace) + box_id = env.add_object(urdf, ps) + object_ids.append((box_id, (0, None))) + + texture_id = p.loadTexture(texture_file) + p.changeVisualShape(box_id, -1, textureUniqueId=texture_id) + p.changeVisualShape(box_id, -1, rgbaColor=[1, 1, 1, 1]) + + object_descs.append(object_name) + + except Exception as e: + print("Failed to load Google Scanned Object in PyBullet") + print(object_name_with_underscore, mesh_file, texture_file) + print(f"Exception: {e}") + + self.set_goals(object_descs, object_ids, repeat_category, zone_pose, zone_size) + + for i in range(480): + p.stepSimulation() + + def choose_objects(self, object_names, k): + repeat_category = None + return np.random.choice(object_names, k, replace=False), repeat_category + + def set_goals(self, object_descs, object_ids, repeat_category, zone_pose, zone_size): + # Random picking sequence. + num_pack_objs = np.random.randint(1, len(object_ids)) + + object_ids = object_ids[:num_pack_objs] + true_poses = [] + for obj_idx, (object_id, _) in enumerate(object_ids): + true_poses.append(zone_pose) + self.add_goal(objs=[object_id], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / len(object_ids)) + + self.lang_goals.append(self.lang_template.format(obj=object_descs[obj_idx])) + + # Only mistake allowed. + self.max_steps = len(object_ids)+1 + diff --git a/cliport/tasks/packing_shapes.py b/cliport/tasks/packing_shapes.py new file mode 100644 index 0000000000000000000000000000000000000000..e31e0cd55295d4d566fb929bc01f62976b57ed30 --- /dev/null +++ b/cliport/tasks/packing_shapes.py @@ -0,0 +1,76 @@ +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] # .0005 + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) diff --git a/cliport/tasks/palletizing_boxes.py b/cliport/tasks/palletizing_boxes.py new file mode 100644 index 0000000000000000000000000000000000000000..26f620c47278cfb2704f80922eb9cd1e7bd3ac6e --- /dev/null +++ b/cliport/tasks/palletizing_boxes.py @@ -0,0 +1,87 @@ +import os +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PalletizingBoxes(Task): + """Pick up homogeneous fixed-sized boxes and stack them in transposed layers on the pallet.""" + + def __init__(self): + super().__init__() + self.max_steps = 30 + self.lang_template = "stack all the boxes on the pallet" + self.task_completed_desc = "done stacking boxes." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + zone_size = (0.3, 0.25, 0.25) + zone_urdf = 'pallet/pallet.urdf' + rotation = utils.eulerXYZ_to_quatXYZW((0, 0, 0)) + zone_pose = ((0.5, 0.25, 0.02), rotation) + env.add_object(zone_urdf, zone_pose, 'fixed') + + # Add stack of boxes on pallet. + margin = 0.01 + object_ids = [] + + # x, y, z dimensions for the asset size + stack_size = (0.19, 0.19, 0.19) + box_template = 'box/box-template.urdf' + stack_dim = np.int32([2, 3, 3]) + + box_size = (stack_size - (stack_dim - 1) * margin) / stack_dim + for z in range(stack_dim[2]): + + # Transpose every layer. + stack_dim[0], stack_dim[1] = stack_dim[1], stack_dim[0] + box_size[0], box_size[1] = box_size[1], box_size[0] + + # IMPORTANT: Compute object points and store as a dictionary for the `goal` + for y in range(stack_dim[1]): + for x in range(stack_dim[0]): + position = list((x + 0.5, y + 0.5, z + 0.5) * box_size) + position[0] += x * margin - stack_size[0] / 2 + position[1] += y * margin - stack_size[1] / 2 + position[2] += z * margin + 0.03 + pose = (position, (0, 0, 0, 1)) + pose = utils.multiply(zone_pose, pose) + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(box_template, {'DIM': box_size}) + box_id = env.add_object(urdf, pose) + object_ids.append(box_id) + self.color_random_brown(box_id) + + # Randomly select top box on pallet and save ground truth pose. + targets = [] + self.steps = [] + boxes = object_ids[:] # make copy + while boxes: + _, height, object_mask = self.get_true_image(env) + top = np.argwhere(height > (np.max(height) - 0.03)) + rpixel = top[int(np.floor(np.random.random() * len(top)))] # y, x + box_id = int(object_mask[rpixel[0], rpixel[1]]) + if box_id in boxes: + position, rotation = p.getBasePositionAndOrientation(box_id) + rposition = np.float32(position) + np.float32([0, -10, 0]) + p.resetBasePositionAndOrientation(box_id, rposition, rotation) + self.steps.append(box_id) + targets.append((position, rotation)) + boxes.remove(box_id) + + self.steps.reverse() # Time-reversed depalletizing. + self.add_goal(objs=object_ids, matches=np.eye(len(object_ids)), targ_poses=targets, replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) + + self.spawn_box() + + def reward(self): + reward, info = super().reward() + self.spawn_box() + return reward, info \ No newline at end of file diff --git a/cliport/tasks/place_red_in_green.py b/cliport/tasks/place_red_in_green.py new file mode 100644 index 0000000000000000000000000000000000000000..2ff5a7651370afd3345c00c302c9372d06f9cf14 --- /dev/null +++ b/cliport/tasks/place_red_in_green.py @@ -0,0 +1,62 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 diff --git a/cliport/tasks/primitives.py b/cliport/tasks/primitives.py new file mode 100644 index 0000000000000000000000000000000000000000..de6d4da015622d54c160f65dc9a1682bab649267 --- /dev/null +++ b/cliport/tasks/primitives.py @@ -0,0 +1,113 @@ +"""Motion primitives.""" + +import numpy as np +from cliport.utils import utils + + +class PickPlace(): + """Pick and place primitive.""" + + def __init__(self, height=0.32, speed=0.01): + self.height, self.speed = height, speed + + def __call__(self, movej, movep, ee, pose0, pose1): + """Execute pick and place primitive. + + Args: + movej: function to move robot joints. + movep: function to move robot end effector pose. + ee: robot end effector. + pose0: SE(3) picking pose. + pose1: SE(3) placing pose. + + Returns: + timeout: robot movement timed out if True. + """ + + pick_pose, place_pose = pose0, pose1 + + # Execute picking primitive. + prepick_to_pick = ((0, 0, 0.32), (0, 0, 0, 1)) + postpick_to_pick = ((0, 0, self.height), (0, 0, 0, 1)) + prepick_pose = utils.multiply(pick_pose, prepick_to_pick) + postpick_pose = utils.multiply(pick_pose, postpick_to_pick) + timeout = movep(prepick_pose) + + # Move towards pick pose until contact is detected. + delta = (np.float32([0, 0, -0.001]), + utils.eulerXYZ_to_quatXYZW((0, 0, 0))) + targ_pose = prepick_pose + while not ee.detect_contact(): # and target_pose[2] > 0: + targ_pose = utils.multiply(targ_pose, delta) + timeout |= movep(targ_pose) + if timeout: + return True + + # Activate end effector, move up, and check picking success. + ee.activate() + timeout |= movep(postpick_pose, self.speed) + pick_success = ee.check_grasp() + + # Execute placing primitive if pick is successful. + if pick_success: + preplace_to_place = ((0, 0, self.height), (0, 0, 0, 1)) + postplace_to_place = ((0, 0, 0.32), (0, 0, 0, 1)) + preplace_pose = utils.multiply(place_pose, preplace_to_place) + postplace_pose = utils.multiply(place_pose, postplace_to_place) + targ_pose = preplace_pose + while not ee.detect_contact(): + targ_pose = utils.multiply(targ_pose, delta) + timeout |= movep(targ_pose, self.speed) + if timeout: + return True + ee.release() + timeout |= movep(postplace_pose) + + # Move to prepick pose if pick is not successful. + else: + ee.release() + timeout |= movep(prepick_pose) + + return timeout + + +def push(movej, movep, ee, pose0, pose1): # pylint: disable=unused-argument + """Execute pushing primitive. + + Args: + movej: function to move robot joints. + movep: function to move robot end effector pose. + ee: robot end effector. + pose0: SE(3) starting pose. + pose1: SE(3) ending pose. + + Returns: + timeout: robot movement timed out if True. + """ + + # Adjust push start and end positions. + pos0 = np.float32((pose0[0][0], pose0[0][1], 0.005)) + pos1 = np.float32((pose1[0][0], pose1[0][1], 0.005)) + vec = np.float32(pos1) - np.float32(pos0) + length = np.linalg.norm(vec) + vec = vec / length + pos0 -= vec * 0.02 + pos1 -= vec * 0.05 + + # Align spatula against push direction. + theta = np.arctan2(vec[1], vec[0]) + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + + over0 = (pos0[0], pos0[1], 0.31) + over1 = (pos1[0], pos1[1], 0.31) + + # Execute push. + timeout = movep((over0, rot)) + timeout |= movep((pos0, rot)) + n_push = np.int32(np.floor(np.linalg.norm(pos1 - pos0) / 0.01)) + for _ in range(n_push): + target = pos0 + vec * n_push * 0.01 + timeout |= movep((target, rot), speed=0.003) + timeout |= movep((pos1, rot), speed=0.003) + timeout |= movep((over1, rot)) + return timeout diff --git a/cliport/tasks/put_block_in_bowl.py b/cliport/tasks/put_block_in_bowl.py new file mode 100644 index 0000000000000000000000000000000000000000..37aaf4cb0dbaa7933d484891dc62c616a7d27804 --- /dev/null +++ b/cliport/tasks/put_block_in_bowl.py @@ -0,0 +1,69 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import random +import pybullet as p + + +class PutBlockInBowl(Task): + """Place all blocks of a specified color in a bowl of specified color.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the {pick} blocks in a {place} bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + colors, selected_color_names = utils.get_colors(mode=self.mode, n_colors=2) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, category='fixed', color=colors[1]) + bowl_poses.append(bowl_pose) + + # Add blocks. + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[0]) + blocks.append(block_id) + + # Goal: put each block in a different bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template.format(pick=selected_color_names[0], + place=selected_color_names[1])) + + # Only one mistake allowed. + self.max_steps = len(blocks) + 1 + + # Colors of distractor objects. + distractor_bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c not in selected_color_names] + distractor_block_colors = [utils.COLORS[c] for c in utils.COLORS if c not in selected_color_names] + + # Add distractors. + n_distractors = 0 + max_distractors = 6 + while n_distractors < max_distractors: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = distractor_block_colors if is_block else distractor_bowl_colors + pose = self.get_random_pose(env, size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 \ No newline at end of file diff --git a/cliport/tasks/separating_piles.py b/cliport/tasks/separating_piles.py new file mode 100644 index 0000000000000000000000000000000000000000..b20457609cefb5cd395af008e362068ce54394c7 --- /dev/null +++ b/cliport/tasks/separating_piles.py @@ -0,0 +1,54 @@ +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +import random +import pybullet as p + + +class SeparatingPiles(Task): + """Sweep the pile of blocks into the specified zone. Each scene contains two square zones: one +relevant to the task, another as a distractor.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of {block_color} blocks into the {square_color} square" + self.task_completed_desc = "done separating pile." + self.primitive = primitives.push + self.ee = Spatula + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # sample colors + (zone1_color, zone2_color, block_color), color_names = utils.get_colors(mode=self.mode, n_colors=3) + + # Add goal zone. + zone_size = (0.15, 0.15, 0) + zone1_pose = self.get_random_pose(env, zone_size) + zone2_pose = self.get_random_pose(env, zone_size) + while np.linalg.norm(np.array(zone2_pose[0]) - np.array(zone1_pose[0])) < 0.2: + zone2_pose = self.get_random_pose(env, zone_size) + + zone1_obj_id = env.add_object('zone/zone.urdf', zone1_pose, 'fixed') + p.changeVisualShape(zone1_obj_id, -1, rgbaColor=zone1_color + [1]) + zone2_obj_id = env.add_object('zone/zone.urdf', zone2_pose, 'fixed') + p.changeVisualShape(zone2_obj_id, -1, rgbaColor=zone2_color + [1]) + + # Choose zone + zone_target_idx = random.randint(0, 1) + zone_target = [zone1_pose, zone2_pose][zone_target_idx] + zone_target_color = [color_names[0], color_names[1]][zone_target_idx] + + # Add pile of small blocks with `make_piles` function + obj_ids = self.make_piles(env, block_color=block_color) + + # Goal: all small blocks must be in the correct zone. + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_target], replace=True, + rotations=False, metric='zone', params=[(zone_target, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template.format(block_color=color_names[2], + square_color=zone_target_color)) \ No newline at end of file diff --git a/cliport/tasks/stack_block_pyramid.py b/cliport/tasks/stack_block_pyramid.py new file mode 100644 index 0000000000000000000000000000000000000000..cc97746b77c1750518c86b31e2213c7dc97d72f4 --- /dev/null +++ b/cliport/tasks/stack_block_pyramid.py @@ -0,0 +1,63 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # IMPORTANT Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*1) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) diff --git a/cliport/tasks/stack_block_pyramid_seq.py b/cliport/tasks/stack_block_pyramid_seq.py new file mode 100644 index 0000000000000000000000000000000000000000..4aa18f40ebef58bf6dfd9c6bc3844c4368e2f1ff --- /dev/null +++ b/cliport/tasks/stack_block_pyramid_seq.py @@ -0,0 +1,80 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +import pybullet as p +import random + +class StackBlockPyramidSeq(Task): + """Stacking Block Pyramid Sequence base class.""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "put the {pick} block on {place}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + # x, y, z dimensions for the asset size + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, 'fixed') + + # Block colors. + colors, color_names = utils.get_colors(self.mode) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: make bottom row. + self.add_goal(objs=[objs[0]], matches=np.ones((1, 1)), targ_poses=[targs[0]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + + self.lang_goals.append(self.lang_template.format(pick=color_names[0], + place="the lightest brown block")) + + self.add_goal(objs=[objs[1]], matches=np.ones((1, 1)), targ_poses=[targs[1]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(pick=color_names[1], + place="the middle brown block")) + + self.add_goal(objs=[objs[2]], matches=np.ones((1, 1)), targ_poses=[targs[2]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(pick=color_names[2], + place="the darkest brown block")) + + # Goal: make middle row. + self.add_goal(objs=[objs[3]], matches=np.ones((1, 1)), targ_poses=[targs[3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(pick=color_names[3], + place=f"the {color_names[0]} and {color_names[1]} blocks")) + + self.add_goal(objs=[objs[4]], matches=np.ones((1, 1)), targ_poses=[targs[4]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(pick=color_names[4], + place=f"the {color_names[1]} and {color_names[2]} blocks")) + + # Goal: make top row. + self.add_goal(objs=[objs[5]], matches=np.ones((1, 1)), targ_poses=[targs[5]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(pick=color_names[5], + place=f"the {color_names[3]} and {color_names[4]} blocks")) \ No newline at end of file diff --git a/cliport/tasks/sweeping_piles.py b/cliport/tasks/sweeping_piles.py new file mode 100644 index 0000000000000000000000000000000000000000..ffcbabe63f0d418ab36b694226a88aac2e8e948f --- /dev/null +++ b/cliport/tasks/sweeping_piles.py @@ -0,0 +1,34 @@ +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.primitive = primitives.push + self.ee = Spatula + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # Add pile of small blocks with `make_piles` function + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/tasks/task.py b/cliport/tasks/task.py new file mode 100644 index 0000000000000000000000000000000000000000..2dde53deebbc455f34283e4cc91a5cf0b670aa4a --- /dev/null +++ b/cliport/tasks/task.py @@ -0,0 +1,653 @@ +"""Base Task class.""" + +import collections +import os +import random +import string +import tempfile + +import cv2 +import numpy as np +from cliport.tasks import cameras +from cliport.tasks import primitives +from cliport.tasks.grippers import Suction +from cliport.utils import utils +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +import pybullet as p +from typing import Tuple, List +import re + +class Task(): + """Base Task class.""" + + def __init__(self): + self.ee = Suction + self.mode = 'train' + self.sixdof = False + self.primitive = primitives.PickPlace() + self.oracle_cams = cameras.Oracle.CONFIG + + # Evaluation epsilons (for pose evaluation metric). + self.pos_eps = 0.01 + self.rot_eps = np.deg2rad(15) + + # for piles + self.num_blocks = 50 + + # Workspace bounds. + self.pix_size = 0.003125 + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]]) + self.zone_bounds = np.copy(self.bounds) + + self.goals = [] + self.lang_goals = [] + self.obj_points_cache = {} + + self.task_completed_desc = "task completed." + self.progress = 0 + self._rewards = 0 + + self.train_set = np.arange(0, 14) + self.test_set = np.arange(14, 20) + self.assets_root = None + self.homogeneous = False + + def reset(self, env): + if not self.assets_root: + raise ValueError('assets_root must be set for task, ' + 'call set_assets_root().') + self.goals = [] + self.lang_goals = [] + self.progress = 0 # Task progression metric in range [0, 1]. + self._rewards = 0 # Cumulative returned rewards. + self.obj_points_cache = {} + + def additional_reset(self): + # Additional changes to make the environment adaptable + if 'bowl' in self.lang_template: + # IMPORTANT: increase position tolerance for bowl placement + self.pos_eps = 0.05 + + if 'piles' in self.lang_template: + # IMPORTANT: Define the primitive to be push and ee to be spatula for tasks involving piles + self.ee = Spatula + self.primitive = primitives.push + + if 'rope' in self.lang_template: + self.primitive = primitives.PickPlace(height=0.02, speed=0.001) + self.pos_eps = 0.02 + + # ------------------------------------------------------------------------- + # Oracle Agent + # ------------------------------------------------------------------------- + + def oracle(self, env): + """Oracle agent.""" + OracleAgent = collections.namedtuple('OracleAgent', ['act']) + + def act(obs, info): + """Calculate action.""" + + # Oracle uses perfect RGB-D orthographic images and segmentation masks. + _, hmap, obj_mask = self.get_true_image(env) + + # Unpack next goal step. + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] + + for j, targ in enumerate(targs): + # add default orientation if missing + if len(targ) == 3 and (type(targs[j][0]) is float or type(targs[j][0]) is np.float32): + targs[j] = (targs[j], (0,0,0,1)) + + # Match objects to targets without replacement. + if not replace: + + # Modify a copy of the match matrix. + matches = matches.copy() + + # Ignore already matched objects. + for i in range(len(objs)): + if type(objs[i]) is int: + objs[i] = (objs[i], (False, None)) + + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + if self.is_match(pose, targs[j], symmetry): + matches[i, :] = 0 + matches[:, j] = 0 + + # Get objects to be picked (prioritize farthest from nearest neighbor). + nn_dists = [] + nn_targets = [] + for i in range(len(objs)): + if type(objs[i]) is int: + objs[i] = (objs[i], (False, None)) + + object_id, (symmetry, _) = objs[i] + xyz, _ = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + if len(targets_i) > 0: + + targets_xyz = np.float32([targs[j][0] for j in targets_i]) + dists = np.linalg.norm( + targets_xyz - np.float32(xyz).reshape(1, 3), axis=1) + nn = np.argmin(dists) + nn_dists.append(dists[nn]) + nn_targets.append(targets_i[nn]) + + # Handle ignored objects. + else: + nn_dists.append(0) + nn_targets.append(-1) + order = np.argsort(nn_dists)[::-1] + + # Filter out matched objects. + order = [i for i in order if nn_dists[i] > 0] + + pick_mask = None + for pick_i in order: + pick_mask = np.uint8(obj_mask == objs[pick_i][0]) + + # Erode to avoid picking on edges. + pick_mask = cv2.erode(pick_mask, np.ones((3, 3), np.uint8)) + + if np.sum(pick_mask) > 0: + break + + # Trigger task reset if no object is visible. + if pick_mask is None or np.sum(pick_mask) == 0: + self.goals = [] + self.lang_goals = [] + print('Object for pick is not visible. Skipping demonstration.') + return + + # Get picking pose. + pick_prob = np.float32(pick_mask) + pick_pix = utils.sample_distribution(pick_prob) + # For "deterministic" demonstrations on insertion-easy, use this: + pick_pos = utils.pix_to_xyz(pick_pix, hmap, + self.bounds, self.pix_size) + pick_pose = (np.asarray(pick_pos), np.asarray((0, 0, 0, 1))) + + # Get placing pose. + targ_pose = targs[nn_targets[pick_i]] + obj_pose = p.getBasePositionAndOrientation(objs[pick_i][0]) + if not self.sixdof: + obj_euler = utils.quatXYZW_to_eulerXYZ(obj_pose[1]) + obj_quat = utils.eulerXYZ_to_quatXYZW((0, 0, obj_euler[2])) + obj_pose = (obj_pose[0], obj_quat) + world_to_pick = utils.invert(pick_pose) + obj_to_pick = utils.multiply(world_to_pick, obj_pose) + pick_to_obj = utils.invert(obj_to_pick) + + if len(targ_pose) == 3 and (type(targ_pose[0]) is float or type(targ_pose[0]) is np.float32): + # add default orientation if missing + targ_pose = (targ_pose, (0,0,0,1)) + + place_pose = utils.multiply(targ_pose, pick_to_obj) + + # Rotate end effector? + if not rotations: + place_pose = (place_pose[0], (0, 0, 0, 1)) + + place_pose = (np.asarray(place_pose[0]), np.asarray(place_pose[1])) + + return {'pose0': pick_pose, 'pose1': place_pose} + + return OracleAgent(act) + + # ------------------------------------------------------------------------- + # Reward Function and Task Completion Metrics + # ------------------------------------------------------------------------- + + def reward(self): + """Get delta rewards for current timestep. + + Returns: + A tuple consisting of the scalar (delta) reward. + """ + reward, info = 0, {} + + # Unpack next goal step. + objs, matches, targs, replace, _, metric, params, max_reward = self.goals[0] + + # Evaluate by matching object poses. + step_reward = 0 + + if metric == 'pose': + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]) + if len(targets_i) > 0: + targets_i = targets_i.reshape(-1) + for j in targets_i: + target_pose = targs[j] + if self.is_match(pose, target_pose, symmetry): + step_reward += max_reward / len(objs) + print(f"object {i} match with target {j} rew: {step_reward:.3f}") + break + + # Evaluate by measuring object intersection with zone. + elif metric == 'zone': + zone_pts, total_pts = 0, 0 + zones = params + + if len(self.obj_points_cache) == 0 or objs[0][0] not in self.obj_points_cache: + for obj_id, _ in objs: + self.obj_points_cache[obj_id] = self.get_box_object_points(obj_id) + + for zone_idx, (zone_pose, zone_size) in enumerate(zones): + # Count valid points in zone. + for (obj_id, _) in objs: + pts = self.obj_points_cache[obj_id] + obj_pose = p.getBasePositionAndOrientation(obj_id) + world_to_zone = utils.invert(zone_pose) + obj_to_zone = utils.multiply(world_to_zone, obj_pose) + pts = np.float32(utils.apply(obj_to_zone, pts)) + # if type(zone_size) is int: + # print("closest point:", p.getClosestPoints(obj_id, zone_size, 0.1)) + # valid_pts = len(p.getClosestPoints(obj_id, zone_size, 0.1)) > 0 + + if len(zone_size) > 1: + valid_pts = np.logical_and.reduce([ + pts[0, :] > -zone_size[0] / 2, pts[0, :] < zone_size[0] / 2, + pts[1, :] > -zone_size[1] / 2, pts[1, :] < zone_size[1] / 2, + pts[2, :] < self.zone_bounds[2, 1]]) + + zone_pts += np.sum(np.float32(valid_pts)) + total_pts += pts.shape[1] + + if total_pts > 0: + step_reward = max_reward * (zone_pts / total_pts) + + # Get cumulative rewards and return delta. + reward = self.progress + step_reward - self._rewards + self._rewards = self.progress + step_reward + + # Move to next goal step if current goal step is complete. + if np.abs(max_reward - step_reward) < 0.01: + self.progress += max_reward # Update task progress. + self.goals.pop(0) + if len(self.lang_goals) > 0: + self.lang_goals.pop(0) + + return reward, info + + def done(self): + """Check if the task is done or has failed. + + Returns: + True if the episode should be considered a success. + """ + return (len(self.goals) == 0) or (self._rewards > 0.99) + # return zone_done or defs_done or goal_done + + # ------------------------------------------------------------------------- + # Environment Helper Functions + # ------------------------------------------------------------------------- + + def is_match(self, pose0, pose1, symmetry): + """Check if pose0 and pose1 match within a threshold. + pose0 and pose1 should both be tuples of (translation, rotation). + Return true if the pose translation and orientation errors are below certain thresholds""" + if len(pose1) == 3 and (not hasattr(pose1[0], '__len__')): + # add default orientation if missing + pose1 = (pose1, (0,0,0,1)) + # print(len(pose1) == 3, not hasattr(pose1[0], '__len__')) + # print(pose1, pose0) + # Get translational error. + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) + dist_pos = np.linalg.norm(diff_pos) + + # Get rotational error around z-axis (account for symmetries). + diff_rot = 0 + if symmetry > 0: + rot0 = np.array(utils.quatXYZW_to_eulerXYZ(pose0[1]))[2] + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + diff_rot = np.abs(rot0 - rot1) % symmetry + if diff_rot > (symmetry / 2): + diff_rot = symmetry - diff_rot + + return (dist_pos < self.pos_eps) and (diff_rot < self.rot_eps) + + def get_true_image(self, env): + """Get RGB-D orthographic heightmaps and segmentation masks.""" + + # Capture near-orthographic RGB-D images and segmentation masks. + color, depth, segm = env.render_camera(self.oracle_cams[0]) + + # Combine color with masks for faster processing. + color = np.concatenate((color, segm[Ellipsis, None]), axis=2) + + # Reconstruct real orthographic projection from point clouds. + hmaps, cmaps = utils.reconstruct_heightmaps( + [color], [depth], self.oracle_cams, self.bounds, self.pix_size) + + # Split color back into color and masks. + cmap = np.uint8(cmaps)[0, Ellipsis, :3] + hmap = np.float32(hmaps)[0, Ellipsis] + mask = np.int32(cmaps)[0, Ellipsis, 3:].squeeze() + return cmap, hmap, mask + + def get_random_pose(self, env, obj_size=0.1, **kwargs) -> (List, List): + """ + Get random collision-free object pose within workspace bounds. + :param obj_size: (3, ) contains the object size in x,y,z dimensions + return: translation (3, ), rotation (4, ) """ + + # Get erosion size of object in pixels. + max_size = np.sqrt(obj_size[0] ** 2 + obj_size[1] ** 2) + erode_size = int(np.round(max_size / self.pix_size)) + + _, hmap, obj_mask = self.get_true_image(env) + + # Randomly sample an object pose within free-space pixels. + free = np.ones(obj_mask.shape, dtype=np.uint8) + for obj_ids in env.obj_ids.values(): + for obj_id in obj_ids: + free[obj_mask == obj_id] = 0 + free[0, :], free[:, 0], free[-1, :], free[:, -1] = 0, 0, 0, 0 + free = cv2.erode(free, np.ones((erode_size, erode_size), np.uint8)) + + # if np.sum(free) == 0: + # return None, None + + if np.sum(free) == 0: + # avoid returning None + pix = (obj_mask.shape[0] // 2, obj_mask.shape[1] // 2) + else: + pix = utils.sample_distribution(np.float32(free)) + pos = utils.pix_to_xyz(pix, hmap, self.bounds, self.pix_size) + + if len(obj_size) == 2: + print("Should have z dimension in obj_size as well.") + pos = [pos[0], pos[1], 0.05] + else: + pos = [pos[0], pos[1], obj_size[2] / 2] + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + return pos, rot + + def get_lang_goal(self): + if len(self.lang_goals) == 0: + return self.task_completed_desc + else: + return self.lang_goals[0] + + def get_reward(self): + return float(self._rewards) + + def add_corner_anchor_for_pose(self, env, pose): + corner_template = 'corner/corner-template.urdf' + replace = {'DIMX': (0.04,), 'DIMY': (0.04,)} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + corner_urdf = self.fill_template(corner_template, replace) + if len(pose) != 2: + pose = [pose,(0,0,0,1)] + env.add_object(corner_urdf, pose, 'fixed') + + + def get_target_sample_surface_points(self, model, scale, pose, num_points=50): + import trimesh + mesh = trimesh.load_mesh(model) + points = trimesh.sample.volume_mesh(mesh, num_points * 3) + points = points[:num_points] + points = points * np.array(scale) + points = utils.apply(pose, points.T) + poses = [((x,y,z),(0,0,0,1)) for x, y, z in zip(points[0], points[1], points[2])] + return poses + # ------------------------------------------------------------------------- + # Helper Functions + # ------------------------------------------------------------------------- + def check_require_obj(self, path): + return os.path.exists(path.replace(".urdf", ".obj")) + + def fill_template(self, template, replace): + """Read a file and replace key strings. + NOTE: This function must be called if a URDF has template in its name """ + + full_template_path = os.path.join(self.assets_root, template) + if not os.path.exists(full_template_path) or (self.check_require_obj(full_template_path) and 'template' not in full_template_path): + return template + + with open(full_template_path, 'r') as file: + fdata = file.read() + + for field in replace: + # if not hasattr(replace[field], '__len__'): + # replace[field] = (replace[field], ) + + for i in range(len(replace[field])): + fdata = fdata.replace(f'{field}{i}', str(replace[field][i])) + + if field == 'COLOR': + # handle gpt + pattern = r'' + code_string = re.findall(pattern, fdata) + if type(replace[field]) is str: + replace[field] = utils.COLORS[replace[field]] + for to_replace_color in code_string: + fdata = fdata.replace(f'{to_replace_color}', " ".join([str(x) for x in list(replace[field]) + [1]])) + + alphabet = string.ascii_lowercase + string.digits + rname = ''.join(random.choices(alphabet, k=16)) + tmpdir = tempfile.gettempdir() + template_filename = os.path.split(template)[-1] + fname = os.path.join(tmpdir, f'{template_filename}.{rname}') + with open(fname, 'w') as file: + file.write(fdata) + return fname + + def get_random_size(self, min_x, max_x, min_y, max_y, min_z, max_z) -> Tuple: + """Get random box size.""" + size = np.random.rand(3) + size[0] = size[0] * (max_x - min_x) + min_x + size[1] = size[1] * (max_y - min_y) + min_y + size[2] = size[2] * (max_z - min_z) + min_z + return tuple(size) + + def get_box_object_points(self, obj): + obj_shape = p.getVisualShapeData(obj) + obj_dim = obj_shape[0][3] + obj_dim = tuple(d for d in obj_dim) + xv, yv, zv = np.meshgrid( + np.arange(-obj_dim[0] / 2, obj_dim[0] / 2, 0.02), + np.arange(-obj_dim[1] / 2, obj_dim[1] / 2, 0.02), + np.arange(-obj_dim[2] / 2, obj_dim[2] / 2, 0.02), + sparse=False, indexing='xy') + return np.vstack((xv.reshape(1, -1), yv.reshape(1, -1), zv.reshape(1, -1))) + + def get_sphere_object_points(self, obj): + return self.get_box_object_points(obj) + + def get_mesh_object_points(self, obj): + mesh = p.getMeshData(obj) + mesh_points = np.array(mesh[1]) + mesh_dim = np.vstack((mesh_points.min(axis=0), mesh_points.max(axis=0))) + xv, yv, zv = np.meshgrid( + np.arange(mesh_dim[0][0], mesh_dim[1][0], 0.02), + np.arange(mesh_dim[0][1], mesh_dim[1][1], 0.02), + np.arange(mesh_dim[0][2], mesh_dim[1][2], 0.02), + sparse=False, indexing='xy') + return np.vstack((xv.reshape(1, -1), yv.reshape(1, -1), zv.reshape(1, -1))) + + def color_random_brown(self, obj): + shade = np.random.rand() + 0.5 + color = np.float32([shade * 156, shade * 117, shade * 95, 255]) / 255 + p.changeVisualShape(obj, -1, rgbaColor=color) + + def set_assets_root(self, assets_root): + self.assets_root = assets_root + + def zip_obj_ids(self, obj_ids, symmetries): + if type(obj_ids[0]) is tuple: + return obj_ids + + if symmetries is None: + symmetries = [0.] * len(obj_ids) + objs = [] + + for obj_id, symmetry in zip(obj_ids, symmetries): + objs.append((obj_id, (symmetry, None))) + return objs + + def add_goal(self, objs, matches, targ_poses, replace, rotations, metric, params, step_max_reward, symmetries=None, **kwargs): + """ Add the goal to the environment + - objs (List of Tuple [(obj_id, (float, None))] ): object ID, (the radians that the object is symmetric over, None). Do not pass in `(object id, object pose)` as the wrong tuple. or `object id` (such as `containers[i][0]`). + - matches (Binary Matrix): a binary matrix that denotes which object is matched with which target. This matrix has dimension len(objs) x len(targ_poses). + - targ_poses (List of Poses [(translation, rotation)] ): a list of target poses of tuple (translation, rotation). Don't pass in object IDs such as `bowls[i-1][0]` or `[stands[i][0]]`. + - replace (Boolean): whether each object can match with one unique target. This is important if we have one target and multiple objects. If it's set to be false, then any object matching with the target will satisfy. + - rotations (Boolean): whether the placement action has a rotation degree of freedom. + - metric (`pose` or `zone`): `pose` or `zone` that the object needs to be transported to. Example: `pose`. + - params ([(zone_target, zone_size)])): has to be [(zone_target, zone_size)] if the metric is `zone` where obj_pts is a dictionary that maps object ID to points. + - step_max_reward (float): the maximum reward of matching all the objects with all the target poses. + """ + objs = self.zip_obj_ids(objs, symmetries) + self.goals.append((objs, matches, targ_poses, replace, rotations, + metric, params, step_max_reward)) + + + def make_piles(self, env, block_color=None, *args, **kwargs): + """ + add the piles objects for tasks involving piles + """ + obj_ids = [] + for _ in range(self.num_blocks): + rx = self.bounds[0, 0] + 0.15 + np.random.rand() * 0.2 + ry = self.bounds[1, 0] + 0.4 + np.random.rand() * 0.2 + xyz = (rx, ry, 0.01) + theta = np.random.rand() * 2 * np.pi + xyzw = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + obj_id = env.add_object('block/small.urdf', (xyz, xyzw)) + if block_color is not None: + p.changeVisualShape(obj_id, -1, rgbaColor=block_color + [1]) + + obj_ids.append(obj_id) + return obj_ids + + def make_rope(self, *args, **kwargs): + return self.make_ropes(*args, **kwargs) + + def make_ropes(self, env, corners, radius=0.005, n_parts = 20, color_name='red', *args, **kwargs): + """ add cables simulation for tasks that involve cables """ + # Get corner points of square. + + # radius = 0.005 + length = 2 * radius * n_parts * np.sqrt(2) + corner0, corner1 = corners + # Add cable (series of articulated small blocks). + increment = (np.float32(corner1) - np.float32(corner0)) / n_parts + position, _ = self.get_random_pose(env, (0.1, 0.1, 0.1)) + position = np.float32(position) + part_shape = p.createCollisionShape(p.GEOM_BOX, halfExtents=[radius] * 3) + part_visual = p.createVisualShape(p.GEOM_SPHERE, radius=radius * 1.5) + parent_id = -1 + targets = [] + objects = [] + + for i in range(n_parts): + position[2] += np.linalg.norm(increment) + part_id = p.createMultiBody(0.1, part_shape, part_visual, + basePosition=position) + if parent_id > -1: + constraint_id = p.createConstraint( + parentBodyUniqueId=parent_id, + parentLinkIndex=-1, + childBodyUniqueId=part_id, + childLinkIndex=-1, + jointType=p.JOINT_POINT2POINT, + jointAxis=(0, 0, 0), + parentFramePosition=(0, 0, np.linalg.norm(increment)), + childFramePosition=(0, 0, 0)) + p.changeConstraint(constraint_id, maxForce=100) + + if (i > 0) and (i < n_parts - 1): + color = utils.COLORS[color_name] + [1] + p.changeVisualShape(part_id, -1, rgbaColor=color) + + env.obj_ids['rigid'].append(part_id) + parent_id = part_id + target_xyz = np.float32(corner0) + i * increment + increment / 2 + objects.append((part_id, (0, None))) + targets.append((target_xyz, (0, 0, 0, 1))) + + if hasattr(env, 'record_cfg') and 'blender_render' in env.record_cfg and env.record_cfg['blender_render']: + sphere_template = os.path.join(self.assets_root, 'sphere/sphere_rope.urdf') + env.blender_recorder.register_object(part_id, os.path.join(self.assets_root, 'sphere/sphere_rope.urdf')) + + + matches = np.clip(np.eye(n_parts) + np.eye(n_parts)[::-1], 0, 1) + return objects, targets, matches + + + def get_kitting_shapes(self, n_objects): + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects) + + return obj_shapes + + + def make_kitting_objects(self, env, targets, obj_shapes, n_objects, colors): + symmetry = [ + 2 * np.pi, 2 * np.pi, 2 * np.pi / 3, np.pi / 2, np.pi / 2, 2 * np.pi, + np.pi, 2 * np.pi / 5, np.pi, np.pi / 2, 2 * np.pi / 5, 0, 2 * np.pi, + 2 * np.pi, 2 * np.pi, 2 * np.pi, 0, 2 * np.pi / 6, 2 * np.pi, 2 * np.pi + ] + objects = [] + matches = [] + template = 'kitting/object-template.urdf' + + for i in range(n_objects): + shape = obj_shapes[i] + size = (0.08, 0.08, 0.02) + pose = self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] # .0005 + replace = {'FNAME': (fname,), 'SCALE': scale, 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append((block_id, (symmetry[shape], None))) + match = np.zeros(len(targets)) + match[np.argwhere(obj_shapes == shape).reshape(-1)] = 1 + matches.append(match) + return objects, matches + + def spawn_box(self): + """Palletizing: spawn another box in the workspace if it is empty.""" + workspace_empty = True + if self.goals: + for obj in self.goals[0][0]: + obj_pose = p.getBasePositionAndOrientation(obj[0]) + workspace_empty = workspace_empty and ((obj_pose[0][1] < -0.5) or + (obj_pose[0][1] > 0)) + if not self.steps: + self.goals = [] + print('Palletized boxes toppled. Terminating episode.') + return + + if workspace_empty: + obj = self.steps[0] + theta = np.random.random() * 2 * np.pi + rotation = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + p.resetBasePositionAndOrientation(obj, [0.5, -0.25, 0.1], rotation) + self.steps.pop(0) + + # Wait until spawned box settles. + for _ in range(480): + p.stepSimulation() + + def get_asset_full_path(self, path): + return path \ No newline at end of file diff --git a/cliport/tasks/towers_of_hanoi.py b/cliport/tasks/towers_of_hanoi.py new file mode 100644 index 0000000000000000000000000000000000000000..2f061669cef25051db549bdcd2c408d48c5ffda8 --- /dev/null +++ b/cliport/tasks/towers_of_hanoi.py @@ -0,0 +1,50 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class TowersOfHanoi(Task): + """Sequentially move disks from one tower to another—only smaller disks can be on top of larger ones.""" + + def __init__(self): + super().__init__() + self.max_steps = 14 + self.lang_template = "solve towers of hanoi" + self.task_completed_desc = "solved towers of hanoi." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add stand. + base_size = (0.12, 0.36, 0.01) + base_urdf = 'hanoi/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, 'fixed') + + # Rod positions in base coordinates. + rod_position = ((0, -0.12, 0.03), (0, 0, 0.03), (0, 0.12, 0.03)) + + # Add disks. + disks = [] + n_disks = 3 + for i in range(n_disks): + disk_urdf = 'hanoi/disk%d.urdf' % i + pos = utils.apply(base_pose, rod_position[0]) + z = 0.015 * (n_disks - i - 2) + pos = (pos[0], pos[1], pos[2] + z) + disks.append(env.add_object(disk_urdf, (pos, base_pose[1]))) + + # Solve Hanoi sequence with dynamic programming. + hanoi_steps = utils.solve_hanoi_all(n_disks) + + # Goal: pick and place disks using Hanoi sequence. + for step in hanoi_steps: + disk_id = disks[step[0]] + targ_position = rod_position[step[2]] + targ_position = utils.apply(base_pose, targ_position) + targ_pose = (targ_position, (0, 0, 0, 1)) + self.add_goal(objs=[disk_id], matches=np.int32([[1]]), targ_poses=[targ_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(hanoi_steps), + symmetries=[0]) + self.lang_goals.append(self.lang_template) \ No newline at end of file diff --git a/cliport/tasks/towers_of_hanoi_seq.py b/cliport/tasks/towers_of_hanoi_seq.py new file mode 100644 index 0000000000000000000000000000000000000000..2df3b166eef7be42bbe33594d2828eb86eb3ae4e --- /dev/null +++ b/cliport/tasks/towers_of_hanoi_seq.py @@ -0,0 +1,60 @@ +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +import pybullet as p +import random + +class TowersOfHanoiSeq(Task): + """Move the ring to the specified peg in the language instruction at each timestep""" + + def __init__(self): + super().__init__() + self.max_steps = 14 + self.lang_template = "move the {obj} ring to the {loc}" + self.task_completed_desc = "solved towers of hanoi." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add stand. + base_size = (0.12, 0.36, 0.01) + base_urdf = 'hanoi/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, 'fixed') + + # Choose three colors for three rings. + colors, color_names = utils.get_colors(mode=self.mode, n_colors=3) + + # Rod positions in base coordinates. + rod_pos = ((0, -0.12, 0.03), (0, 0, 0.03), (0, 0.12, 0.03)) + rod_names = ('lighter brown side', 'middle of the stand', 'darker brown side') + + # Add disks. + disks = [] + disks_names = {} + n_disks = 3 + for i in range(n_disks): + disk_urdf = 'hanoi/disk%d.urdf' % i + pos = utils.apply(base_pose, rod_pos[0]) + z = 0.015 * (n_disks - i - 2) + pos = (pos[0], pos[1], pos[2] + z) + ring_id = env.add_object(disk_urdf, (pos, base_pose[1]), color=colors[i]) + disks.append(ring_id) + disks_names[ring_id] = color_names[i] + + # Solve Hanoi sequence with dynamic programming. + hanoi_steps = utils.solve_hanoi_all(n_disks) + + # Goal: pick and place disks using Hanoi sequence. + for step in hanoi_steps: + disk_id = disks[step[0]] + targ_pos = rod_pos[step[2]] + targ_pos = utils.apply(base_pose, targ_pos) + targ_pose = (targ_pos, (0, 0, 0, 1)) + self.add_goal(objs=[disk_id], matches=np.int32([[1]]), targ_poses=[targ_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(hanoi_steps), + symmetries=[0]) + self.lang_goals.append(self.lang_template.format(obj=disks_names[disk_id], + loc=rod_names[step[2]])) \ No newline at end of file diff --git a/cliport/tests/tasks_test.py b/cliport/tests/tasks_test.py new file mode 100644 index 0000000000000000000000000000000000000000..37868a38371ecb9434d048eb2c51cb33ac07ae83 --- /dev/null +++ b/cliport/tests/tasks_test.py @@ -0,0 +1,146 @@ +"""Integration tests for dvnets tasks.""" + +from absl.testing import absltest +from absl.testing import parameterized +from cliport import tasks +from cliport.environments import environment + +ASSETS_PATH = 'cliport/environments/assets/' + + +class TaskTest(parameterized.TestCase): + + def _create_env(self): + assets_root = ASSETS_PATH + env = environment.Environment(assets_root) + env.seed(0) + return env + + def _run_oracle_in_env(self, env): + agent = env.task.oracle(env) + obs = env.reset() + info = None + done = False + for _ in range(10): + act = agent.act(obs, info) + obs, _, done, info = env.step(act) + if done: + break + + @parameterized.named_parameters(( + # demo conditioned + 'AlignBoxCorner', + tasks.AlignBoxCorner(), + ), ( + 'AssemblingKits', + tasks.AssemblingKits(), + ), ( + 'AssemblingKitsEasy', + tasks.AssemblingKitsEasy(), + ), ( + 'BlockInsertion', + tasks.BlockInsertion(), + ), ( + 'ManipulatingRope', + tasks.ManipulatingRope(), + ), ( + 'PackingBoxes', + tasks.PackingBoxes(), + ), ( + 'PalletizingBoxes', + tasks.PalletizingBoxes(), + ), ( + 'PlaceRedInGreen', + tasks.PlaceRedInGreen(), + ), ( + 'StackBlockPyramid', + tasks.StackBlockPyramid(), + ), ( + 'SweepingPiles', + tasks.SweepingPiles(), + ), ( + 'TowersOfHanoi', + tasks.TowersOfHanoi(), + + # goal conditioned + ), ( + 'AlignRope', + tasks.AlignRope(), + ), ( + 'AssemblingKitsSeqSeenColors', + tasks.AssemblingKitsSeqSeenColors(), + ), ( + 'AssemblingKitsSeqUnseenColors', + tasks.AssemblingKitsSeqUnseenColors(), + ), ( + 'AssemblingKitsSeqFull', + tasks.AssemblingKitsSeqFull(), + ), ( + 'PackingShapes', + tasks.PackingShapes(), + ), ( + 'PackingBoxesPairsSeenColors', + tasks.PackingBoxesPairsSeenColors(), + ), ( + 'PackingBoxesPairsUnseenColors', + tasks.PackingBoxesPairsUnseenColors(), + ), ( + 'PackingBoxesPairsFull', + tasks.PackingBoxesPairsFull(), + ), ( + 'PackingSeenGoogleObjectsSeq', + tasks.PackingSeenGoogleObjectsSeq(), + ), ( + 'PackingUnseenGoogleObjectsSeq', + tasks.PackingUnseenGoogleObjectsSeq(), + ), ( + 'PackingSeenGoogleObjectsGroup', + tasks.PackingSeenGoogleObjectsGroup(), + ), ( + 'PackingUnseenGoogleObjectsGroup', + tasks.PackingUnseenGoogleObjectsGroup(), + ), ( + 'PutBlockInBowlSeenColors', + tasks.PutBlockInBowlSeenColors(), + ), ( + 'PutBlockInBowlUnseenColors', + tasks.PutBlockInBowlUnseenColors(), + ), ( + 'PutBlockInBowlFull', + tasks.PutBlockInBowlFull(), + ), ( + 'StackBlockPyramidSeqSeenColors', + tasks.StackBlockPyramidSeqSeenColors(), + ), ( + 'StackBlockPyramidSeqUnseenColors', + tasks.StackBlockPyramidSeqUnseenColors(), + ), ( + 'StackBlockPyramidSeqFull', + tasks.StackBlockPyramidSeqFull(), + ), ( + 'SeparatingPilesSeenColors', + tasks.SeparatingPilesUnseenColors(), + ), ( + 'SeparatingPilesUnseenColors', + tasks.SeparatingPilesUnseenColors(), + ), ( + 'SeparatingPilesFull', + tasks.SeparatingPilesFull(), + ), ( + 'TowersOfHanoiSeqSeenColors', + tasks.TowersOfHanoiSeqSeenColors(), + ), ( + 'TowersOfHanoiSeqUnseenColors', + tasks.TowersOfHanoiSeqUnseenColors(), + ), ( + 'TowersOfHanoiSeqFull', + tasks.TowersOfHanoiSeqFull(), + )) + def test_all_tasks(self, dvnets_task): + env = self._create_env() + env.set_task(dvnets_task) + self._run_oracle_in_env(env) + + +if __name__ == '__main__': + absltest.main() diff --git a/cliport/train.py b/cliport/train.py new file mode 100644 index 0000000000000000000000000000000000000000..4c2938c1064781ff1c9a26442c8f3a264cd386d8 --- /dev/null +++ b/cliport/train.py @@ -0,0 +1,118 @@ +"""Main training script.""" + +import os +from pathlib import Path + +import torch +from cliport import agents +from cliport.dataset import RavensDataset, RavensMultiTaskDataset, RavenMultiTaskDatasetBalance + +import hydra +from pytorch_lightning import Trainer +from pytorch_lightning.callbacks import ModelCheckpoint +from pytorch_lightning.loggers import WandbLogger +import numpy as np +from torch.utils.data import DataLoader +from torch.utils.data.dataloader import default_collate +import IPython +import pytorch_lightning as pl +from pytorch_lightning.utilities import rank_zero_only +import datetime +import time + +@hydra.main(config_path="./cfg", config_name='train', version_base="1.2") +def main(cfg): + # Logger + wandb_logger = None + + if cfg['train']['log']: + try: + wandb_logger = WandbLogger(name=cfg['tag']) + except: + pass + + # Checkpoint saver + hydra_dir = Path(os.getcwd()) + checkpoint_path = os.path.join(cfg['train']['train_dir'], 'checkpoints') + last_checkpoint_path = os.path.join(checkpoint_path, 'last.ckpt') + last_checkpoint = last_checkpoint_path if os.path.exists(last_checkpoint_path) and cfg['train']['load_from_last_ckpt'] else None + checkpoint_callback = [ModelCheckpoint( + # monitor=cfg['wandb']['saver']['monitor'], + dirpath=os.path.join(checkpoint_path, 'best'), + save_top_k=1, + every_n_epochs=3, + save_last=True, + # every_n_train_steps=100 + )] + + # Trainer + max_epochs = cfg['train']['n_steps'] * cfg['train']['batch_size'] // cfg['train']['n_demos'] + if cfg['train']['training_step_scale'] > 0: + # scale training time depending on the tasks to ensure coverage. + max_epochs = cfg['train']['training_step_scale'] # // cfg['train']['batch_size'] + + trainer = Trainer( + accelerator='gpu', + devices=cfg['train']['gpu'], + fast_dev_run=cfg['debug'], + logger=wandb_logger, + callbacks=checkpoint_callback, + max_epochs=max_epochs, + # check_val_every_n_epoch=max_epochs // 50, + # resume_from_checkpoint=last_checkpoint, + sync_batchnorm=True, + log_every_n_steps=30, + ) + + print(f"max epochs: {max_epochs}!") + + # Resume epoch and global_steps + if last_checkpoint: + print(f"Resuming: {last_checkpoint}") + + # Config + data_dir = cfg['train']['data_dir'] + task = cfg['train']['task'] + agent_type = cfg['train']['agent'] + n_demos = cfg['train']['n_demos'] + + # n_demos = cfg['train']['n_demos'] + # n_demos = cfg['train']['n_demos'] + n_val = cfg['train']['n_val'] + name = '{}-{}-{}'.format(task, agent_type, n_demos) + + # Datasets + dataset_type = cfg['dataset']['type'] + if 'multi' in dataset_type: + train_ds = RavensMultiTaskDataset(data_dir, cfg, group=task, mode='train', + n_demos=n_demos, augment=True) + val_ds = RavensMultiTaskDataset(data_dir, cfg, group=task, mode='val', n_demos=n_val, augment=False) + elif 'weighted' in dataset_type: + train_ds = RavenMultiTaskDatasetBalance(data_dir, cfg, group=task, mode='train', n_demos=n_demos, augment=True) + val_ds = RavenMultiTaskDatasetBalance(data_dir, cfg, group=task, mode='val', n_demos=n_val, augment=False) + else: + train_ds = RavensDataset(os.path.join(data_dir, '{}-train'.format(task)), cfg, n_demos=n_demos, augment=True) + val_ds = RavensDataset(os.path.join(data_dir, '{}-val'.format(task)), cfg, n_demos=n_val, augment=False) + + # Initialize agent + train_loader = DataLoader(train_ds, shuffle=True, + pin_memory=True, + batch_size=cfg['train']['batch_size'], + num_workers=1 ) + test_loader = DataLoader(val_ds, shuffle=False, + num_workers=1, + batch_size=cfg['train']['batch_size'], + pin_memory=True) + + agent = agents.names[agent_type](name, cfg, train_loader, test_loader) + dt_string = datetime.datetime.now().strftime("%d_%m_%Y_%H:%M:%S") + print("current time:", dt_string) + + start_time = time.time() + # Main training loop + trainer.fit(agent, ckpt_path=last_checkpoint) + + print("current time:", time.time() - start_time) + +if __name__ == '__main__': + main() diff --git a/cliport/utils/__init__.py b/cliport/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/cliport/utils/bpe_simple_vocab_16e6.txt.gz b/cliport/utils/bpe_simple_vocab_16e6.txt.gz new file mode 100644 index 0000000000000000000000000000000000000000..36a15856e00a06a9fbed8cdd34d2393fea4a3113 --- /dev/null +++ b/cliport/utils/bpe_simple_vocab_16e6.txt.gz @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:924691ac288e54409236115652ad4aa250f48203de50a9e4722a6ecd48d6804a +size 1356917 diff --git a/cliport/utils/model_checkpoint.py b/cliport/utils/model_checkpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..389ef024e8b750df19e116f5a37e27c9e45fdb38 --- /dev/null +++ b/cliport/utils/model_checkpoint.py @@ -0,0 +1,43 @@ +import os +import pytorch_lightning as pl +from pytorch_lightning.callbacks.base import Callback + + +class IntervalModelCheckpoint(Callback): + """ + Save a checkpoint every N steps, instead of Lightning's default that checkpoints + based on validation loss. + """ + + def __init__( + self, + dirpath, + save_intervals, + ): + """ + Args: + save_step_frequency: how often to save in steps + prefix: add a prefix to the name, only used if + use_modelcheckpoint_filename=False + use_modelcheckpoint_filename: just use the ModelCheckpoint callback's + default filename, don't use ours. + """ + self.dirpath = dirpath + self.save_intervals = save_intervals + self.best_val_loss = 1e10 + + def on_batch_end(self, trainer: pl.Trainer, _): + """ Check if we should save a checkpoint after every train batch """ + global_step = trainer.global_step + + if (global_step + 1) in self.save_intervals: + trainer.run_evaluation() + val_loss = trainer.callback_metrics['val_loss'] + filename = f"steps={global_step+1:05d}-val_loss={val_loss:0.8f}.ckpt" + ckpt_path = os.path.join(self.dirpath, filename) + trainer.save_checkpoint(ckpt_path) + + if val_loss < self.best_val_loss: + best_ckpt_path = os.path.join(self.dirpath, 'best.ckpt') + trainer.save_checkpoint(best_ckpt_path) + self.best_val_loss = val_loss diff --git a/cliport/utils/pybullet_utils.py b/cliport/utils/pybullet_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..1c22aa119da1bc3ebcd1c84a3ad6064024dac974 --- /dev/null +++ b/cliport/utils/pybullet_utils.py @@ -0,0 +1,23 @@ +"""PyBullet utilities for loading assets.""" +import os +import six +import time +import pybullet as p + + +# BEGIN GOOGLE-EXTERNAL +def load_urdf(pybullet_client, file_path, *args, **kwargs): + """Loads the given URDF filepath.""" + # Handles most general file open case. + for _ in range(6): + try: + return pybullet_client.loadURDF(file_path, *args, **kwargs) + except pybullet_client.error as e: + print("PYBULLET load urdf error!") + print(e) + time.sleep(0.1) + print("missing urdf error. use dummy block.") + urdf = 'stacking/block.urdf' + return pybullet_client.loadURDF(urdf, *args, **kwargs) + +# END GOOGLE-EXTERNAL diff --git a/cliport/utils/simple_tokenizer.py b/cliport/utils/simple_tokenizer.py new file mode 100644 index 0000000000000000000000000000000000000000..9311a8619dc07af56567434fef7726a382e999d5 --- /dev/null +++ b/cliport/utils/simple_tokenizer.py @@ -0,0 +1,133 @@ +import gzip +import html +import os +from functools import lru_cache + +import ftfy +import regex as re + + +@lru_cache() +def default_bpe(): + return os.path.join(os.path.dirname(os.path.abspath(__file__)), "bpe_simple_vocab_16e6.txt.gz") + + +@lru_cache() +def bytes_to_unicode(): + """ + Returns list of utf-8 byte and a corresponding list of unicode strings. + The reversible bpe codes work on unicode strings. + This means you need a large # of unicode characters in your vocab if you want to avoid UNKs. + When you're at something like a 10B token dataset you end up needing around 5K for decent coverage. + This is a signficant percentage of your normal, say, 32K bpe vocab. + To avoid that, we want lookup tables between utf-8 bytes and unicode strings. + And avoids mapping to whitespace/control characters the bpe code barfs on. + """ + bs = list(range(ord("!"), ord("~")+1))+list(range(ord("¡"), ord("¬")+1))+list(range(ord("®"), ord("ÿ")+1)) + cs = bs[:] + n = 0 + for b in range(2**8): + if b not in bs: + bs.append(b) + cs.append(2**8+n) + n += 1 + cs = [chr(n) for n in cs] + return dict(zip(bs, cs)) + + +def get_pairs(word): + """Return set of symbol pairs in a word. + Word is represented as tuple of symbols (symbols being variable-length strings). + """ + pairs = set() + prev_char = word[0] + for char in word[1:]: + pairs.add((prev_char, char)) + prev_char = char + return pairs + + +def basic_clean(text): + text = ftfy.fix_text(text) + text = html.unescape(html.unescape(text)) + return text.strip() + + +def whitespace_clean(text): + text = re.sub(r'\s+', ' ', text) + text = text.strip() + return text + + +class SimpleTokenizer(object): + def __init__(self, bpe_path: str = default_bpe()): + self.byte_encoder = bytes_to_unicode() + self.byte_decoder = {v: k for k, v in self.byte_encoder.items()} + merges = gzip.open(bpe_path).read().decode("utf-8").split('\n') + merges = merges[1:49152-256-2+1] + merges = [tuple(merge.split()) for merge in merges] + vocab = list(bytes_to_unicode().values()) + vocab = vocab + [v+'' for v in vocab] + for merge in merges: + vocab.append(''.join(merge)) + vocab.extend(['<|startoftext|>', '<|endoftext|>']) + self.encoder = dict(zip(vocab, range(len(vocab)))) + self.decoder = {v: k for k, v in self.encoder.items()} + self.bpe_ranks = dict(zip(merges, range(len(merges)))) + self.cache = {'<|startoftext|>': '<|startoftext|>', '<|endoftext|>': '<|endoftext|>'} + self.pat = re.compile(r"""<\|startoftext\|>|<\|endoftext\|>|'s|'t|'re|'ve|'m|'ll|'d|[\p{L}]+|[\p{N}]|[^\s\p{L}\p{N}]+""", re.IGNORECASE) + + def bpe(self, token): + if token in self.cache: + return self.cache[token] + word = tuple(token[:-1]) + ( token[-1] + '',) + pairs = get_pairs(word) + + if not pairs: + return token+'' + + while True: + bigram = min(pairs, key = lambda pair: self.bpe_ranks.get(pair, float('inf'))) + if bigram not in self.bpe_ranks: + break + first, second = bigram + new_word = [] + i = 0 + while i < len(word): + try: + j = word.index(first, i) + new_word.extend(word[i:j]) + i = j + except: + new_word.extend(word[i:]) + break + + if word[i] == first and i < len(word)-1 and word[i+1] == second: + new_word.append(first+second) + i += 2 + else: + new_word.append(word[i]) + i += 1 + new_word = tuple(new_word) + word = new_word + if len(word) == 1: + break + else: + pairs = get_pairs(word) + word = ' '.join(word) + self.cache[token] = word + return word + + def encode(self, text): + bpe_tokens = [] + text = text[0] + text = whitespace_clean(basic_clean(text)).lower() + for token in re.findall(self.pat, text): + token = ''.join(self.byte_encoder[b] for b in token.encode('utf-8')) + bpe_tokens.extend(self.encoder[bpe_token] for bpe_token in self.bpe(token).split(' ')) + return bpe_tokens + + def decode(self, tokens): + text = ''.join([self.decoder[token] for token in tokens]) + text = bytearray([self.byte_decoder[c] for c in text]).decode('utf-8', errors="replace").replace('', ' ') + return text \ No newline at end of file diff --git a/cliport/utils/utils.py b/cliport/utils/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..95cb3e365fbb83f762ab21ebfe0942ac0545dc75 --- /dev/null +++ b/cliport/utils/utils.py @@ -0,0 +1,1255 @@ +"""Miscellaneous utilities.""" + +import cv2 +import random +import matplotlib +import matplotlib.pyplot as plt +import meshcat +import meshcat.geometry as g +import meshcat.transformations as mtf + +import PIL +import yaml +import numpy as np +from transforms3d import euler + +import pybullet as p +import kornia +from omegaconf import OmegaConf + +import os +import torch +import torchvision + + +# ----------------------------------------------------------------------------- +# HEIGHTMAP UTILS +# ----------------------------------------------------------------------------- + +def get_heightmap(points, colors, bounds, pixel_size): + """Get top-down (z-axis) orthographic heightmap image from 3D pointcloud. + + Args: + points: HxWx3 float array of 3D points in world coordinates. + colors: HxWx3 uint8 array of values in range 0-255 aligned with points. + bounds: 3x2 float array of values (rows: X,Y,Z; columns: min,max) defining + region in 3D space to generate heightmap in world coordinates. + pixel_size: float defining size of each pixel in meters. + + Returns: + heightmap: HxW float array of height (from lower z-bound) in meters. + colormap: HxWx3 uint8 array of backprojected color aligned with heightmap. + """ + width = int(np.round((bounds[0, 1] - bounds[0, 0]) / pixel_size)) + height = int(np.round((bounds[1, 1] - bounds[1, 0]) / pixel_size)) + heightmap = np.zeros((height, width), dtype=np.float32) + colormap = np.zeros((height, width, colors.shape[-1]), dtype=np.uint8) + + # Filter out 3D points that are outside of the predefined bounds. + ix = (points[Ellipsis, 0] >= bounds[0, 0]) & (points[Ellipsis, 0] < bounds[0, 1]) + iy = (points[Ellipsis, 1] >= bounds[1, 0]) & (points[Ellipsis, 1] < bounds[1, 1]) + iz = (points[Ellipsis, 2] >= bounds[2, 0]) & (points[Ellipsis, 2] < bounds[2, 1]) + valid = ix & iy & iz + points = points[valid] + colors = colors[valid] + + # Sort 3D points by z-value, which works with array assignment to simulate + # z-buffering for rendering the heightmap image. + iz = np.argsort(points[:, -1]) + points, colors = points[iz], colors[iz] + px = np.int32(np.floor((points[:, 0] - bounds[0, 0]) / pixel_size)) + py = np.int32(np.floor((points[:, 1] - bounds[1, 0]) / pixel_size)) + px = np.clip(px, 0, width - 1) + py = np.clip(py, 0, height - 1) + heightmap[py, px] = points[:, 2] - bounds[2, 0] + for c in range(colors.shape[-1]): + colormap[py, px, c] = colors[:, c] + return heightmap, colormap + + +def get_pointcloud(depth, intrinsics): + """Get 3D pointcloud from perspective depth image. + + Args: + depth: HxW float array of perspective depth in meters. + intrinsics: 3x3 float array of camera intrinsics matrix. + + Returns: + points: HxWx3 float array of 3D points in camera coordinates. + """ + height, width = depth.shape + xlin = np.linspace(0, width - 1, width) + ylin = np.linspace(0, height - 1, height) + px, py = np.meshgrid(xlin, ylin) + px = (px - intrinsics[0, 2]) * (depth / intrinsics[0, 0]) + py = (py - intrinsics[1, 2]) * (depth / intrinsics[1, 1]) + points = np.float32([px, py, depth]).transpose(1, 2, 0) + return points + + +def transform_pointcloud(points, transform): + """Apply rigid transformation to 3D pointcloud. + + Args: + points: HxWx3 float array of 3D points in camera coordinates. + transform: 4x4 float array representing a rigid transformation matrix. + + Returns: + points: HxWx3 float array of transformed 3D points. + """ + padding = ((0, 0), (0, 0), (0, 1)) + homogen_points = np.pad(points.copy(), padding, + 'constant', constant_values=1) + for i in range(3): + points[Ellipsis, i] = np.sum(transform[i, :] * homogen_points, axis=-1) + return points + + +def reconstruct_heightmaps(color, depth, configs, bounds, pixel_size): + """Reconstruct top-down heightmap views from multiple 3D pointclouds.""" + heightmaps, colormaps = [], [] + for color, depth, config in zip(color, depth, configs): + intrinsics = np.array(config['intrinsics']).reshape(3, 3) + xyz = get_pointcloud(depth, intrinsics) + position = np.array(config['position']).reshape(3, 1) + rotation = p.getMatrixFromQuaternion(config['rotation']) + rotation = np.array(rotation).reshape(3, 3) + transform = np.eye(4) + transform[:3, :] = np.hstack((rotation, position)) + xyz = transform_pointcloud(xyz, transform) + heightmap, colormap = get_heightmap(xyz, color, bounds, pixel_size) + heightmaps.append(heightmap) + colormaps.append(colormap) + return heightmaps, colormaps + + +def pix_to_xyz(pixel, height, bounds, pixel_size, skip_height=False): + """Convert from pixel location on heightmap to 3D position.""" + u, v = pixel + x = bounds[0, 0] + v * pixel_size + y = bounds[1, 0] + u * pixel_size + if not skip_height: + z = bounds[2, 0] + height[u, v] + else: + z = 0.0 + return (x, y, z) + + +def xyz_to_pix(position, bounds, pixel_size): + """Convert from 3D position to pixel location on heightmap.""" + u = int(np.round((position[1] - bounds[1, 0]) / pixel_size)) + v = int(np.round((position[0] - bounds[0, 0]) / pixel_size)) + return (u, v) + + +def unproject_vectorized(uv_coordinates, depth_values, + intrinsic, + distortion): + """Vectorized version of unproject(), for N points. + + Args: + uv_coordinates: pixel coordinates to unproject of shape (n, 2). + depth_values: depth values corresponding index-wise to the uv_coordinates of + shape (n). + intrinsic: array of shape (3, 3). This is typically the return value of + intrinsics_to_matrix. + distortion: camera distortion parameters of shape (5,). + + Returns: + xyz coordinates in camera frame of shape (n, 3). + """ + cam_mtx = intrinsic # shape [3, 3] + cam_dist = np.array(distortion) # shape [5] + + # shape of points_undistorted is [N, 2] after the squeeze(). + points_undistorted = cv2.undistortPoints( + uv_coordinates.reshape((-1, 1, 2)), cam_mtx, cam_dist).squeeze() + + x = points_undistorted[:, 0] * depth_values + y = points_undistorted[:, 1] * depth_values + + xyz = np.vstack((x, y, depth_values)).T + return xyz + + +def unproject_depth_vectorized(im_depth, depth_dist, + camera_mtx, + camera_dist): + """Unproject depth image into 3D point cloud, using calibration. + + Args: + im_depth: raw depth image, pre-calibration of shape (height, width). + depth_dist: depth distortion parameters of shape (8,) + camera_mtx: intrinsics matrix of shape (3, 3). This is typically the return + value of intrinsics_to_matrix. + camera_dist: camera distortion parameters shape (5,). + + Returns: + numpy array of shape [3, H*W]. each column is xyz coordinates + """ + h, w = im_depth.shape + + # shape of each u_map, v_map is [H, W]. + u_map, v_map = np.meshgrid(np.linspace( + 0, w - 1, w), np.linspace(0, h - 1, h)) + + adjusted_depth = depth_dist[0] + im_depth * depth_dist[1] + + # shape after stack is [N, 2], where N = H * W. + uv_coordinates = np.stack((u_map.reshape(-1), v_map.reshape(-1)), axis=-1) + + return unproject_vectorized(uv_coordinates, adjusted_depth.reshape(-1), + camera_mtx, camera_dist) + + +# ----------------------------------------------------------------------------- +# MATH UTILS +# ----------------------------------------------------------------------------- + + +def sample_distribution(prob, n_samples=1): + """Sample data point from a custom distribution.""" + flat_prob = prob.flatten() / np.sum(prob) + rand_ind = np.random.choice( + np.arange(len(flat_prob)), n_samples, p=flat_prob, replace=False) + rand_ind_coords = np.array(np.unravel_index(rand_ind, prob.shape)).T + return np.int32(rand_ind_coords.squeeze()) + + +# ------------------------------------------------------------------------- +# Transformation Helper Functions +# ------------------------------------------------------------------------- + + +def invert(pose): + return p.invertTransform(pose[0], pose[1]) + + +def multiply(pose0, pose1): + return p.multiplyTransforms(pose0[0], pose0[1], pose1[0], pose1[1]) + + +def apply(pose, position): + position = np.float32(position) + position_shape = position.shape + position = np.float32(position).reshape(3, -1) + rotation = np.float32(p.getMatrixFromQuaternion(pose[1])).reshape(3, 3) + translation = np.float32(pose[0]).reshape(3, 1) + position = rotation @ position + translation + return tuple(position.reshape(position_shape)) + + +def eulerXYZ_to_quatXYZW(rotation): # pylint: disable=invalid-name + """Abstraction for converting from a 3-parameter rotation to quaterion. + + This will help us easily switch which rotation parameterization we use. + Quaternion should be in xyzw order for pybullet. + + Args: + rotation: a 3-parameter rotation, in xyz order tuple of 3 floats + + Returns: + quaternion, in xyzw order, tuple of 4 floats + """ + euler_zxy = (rotation[2], rotation[0], rotation[1]) + quaternion_wxyz = euler.euler2quat(*euler_zxy, axes='szxy') + q = quaternion_wxyz + quaternion_xyzw = (q[1], q[2], q[3], q[0]) + return quaternion_xyzw + + +def quatXYZW_to_eulerXYZ(quaternion_xyzw): # pylint: disable=invalid-name + """Abstraction for converting from quaternion to a 3-parameter toation. + + This will help us easily switch which rotation parameterization we use. + Quaternion should be in xyzw order for pybullet. + + Args: + quaternion_xyzw: in xyzw order, tuple of 4 floats + + Returns: + rotation: a 3-parameter rotation, in xyz order, tuple of 3 floats + """ + q = quaternion_xyzw + quaternion_wxyz = np.array([q[3], q[0], q[1], q[2]]) + euler_zxy = euler.quat2euler(quaternion_wxyz, axes='szxy') + euler_xyz = (euler_zxy[1], euler_zxy[2], euler_zxy[0]) + return euler_xyz + + +def apply_transform(transform_to_from, points_from): + r"""Transforms points (3D) into new frame. + + Using transform_to_from notation. + + Args: + transform_to_from: numpy.ndarray of shape [B,4,4], SE3 + points_from: numpy.ndarray of shape [B,3,N] + + Returns: + points_to: numpy.ndarray of shape [B,3,N] + """ + num_points = points_from.shape[-1] + + # non-batched + if len(transform_to_from.shape) == 2: + ones = np.ones((1, num_points)) + + # makes these each into homogenous vectors + points_from = np.vstack((points_from, ones)) # [4,N] + points_to = transform_to_from @ points_from # [4,N] + return points_to[0:3, :] # [3,N] + + # batched + else: + assert len(transform_to_from.shape) == 3 + batch_size = transform_to_from.shape[0] + zeros = np.ones((batch_size, 1, num_points)) + points_from = np.concatenate((points_from, zeros), axis=1) + assert points_from.shape[1] == 4 + points_to = transform_to_from @ points_from + return points_to[:, 0:3, :] + + +# ----------------------------------------------------------------------------- +# IMAGE UTILS +# ----------------------------------------------------------------------------- + + +def preprocess(img, dist='transporter'): + """Pre-process input (subtract mean, divide by std).""" + + transporter_color_mean = [0.18877631, 0.18877631, 0.18877631] + transporter_color_std = [0.07276466, 0.07276466, 0.07276466] + transporter_depth_mean = 0.00509261 + transporter_depth_std = 0.00903967 + + franka_color_mean = [0.622291933, 0.628313992, 0.623031488] + franka_color_std = [0.168154213, 0.17626014, 0.184527364] + franka_depth_mean = 0.872146842 + franka_depth_std = 0.195743116 + + clip_color_mean = [0.48145466, 0.4578275, 0.40821073] + clip_color_std = [0.26862954, 0.26130258, 0.27577711] + + # choose distribution + if dist == 'clip': + color_mean = clip_color_mean + color_std = clip_color_std + elif dist == 'mdetr': + color_mean = [0.485, 0.456, 0.406] + color_std = [0.229, 0.224, 0.225] + elif dist == 'franka': + color_mean = franka_color_mean + color_std = franka_color_std + else: + color_mean = transporter_color_mean + color_std = transporter_color_std + + if dist == 'franka': + depth_mean = franka_depth_mean + depth_std = franka_depth_std + else: + depth_mean = transporter_depth_mean + depth_std = transporter_depth_std + + # convert to pytorch tensor (if required) + if type(img) == torch.Tensor: + def cast_shape(stat, img): + tensor = torch.from_numpy(np.array(stat)).to(device=img.device, dtype=img.dtype) + tensor = tensor.unsqueeze(0).unsqueeze(-1).unsqueeze(-1) + tensor = tensor.repeat(img.shape[0], 1, img.shape[-2], img.shape[-1]) + return tensor + + color_mean = cast_shape(color_mean, img) + color_std = cast_shape(color_std, img) + depth_mean = cast_shape(depth_mean, img) + depth_std = cast_shape(depth_std, img) + + # normalize + img = img.clone() + img[:, :3, :, :] = ((img[:, :3, :, :] / 255 - color_mean) / color_std) + img[:, 3:, :, :] = ((img[:, 3:, :, :] - depth_mean) / depth_std) + else: + # normalize + img[:, :, :3] = (img[:, :, :3] / 255 - color_mean) / color_std + img[:, :, 3:] = (img[:, :, 3:] - depth_mean) / depth_std + + # if dist == 'franka' or dist == 'transporter': + # print(np.mean(img[:,:3,:,:].detach().cpu().numpy(), axis=(0,2,3)), + # np.mean(img[:,3,:,:].detach().cpu().numpy())) + + return img + + +def deprocess(img): + color_mean = 0.18877631 + depth_mean = 0.00509261 + color_std = 0.07276466 + depth_std = 0.00903967 + + img[:, :, :3] = np.uint8(((img[:, :, :3] * color_std) + color_mean) * 255) + img[:, :, 3:] = np.uint8(((img[:, :, 3:] * depth_std) + depth_mean) * 255) + return img + + +def get_fused_heightmap(obs, configs, bounds, pix_size): + """Reconstruct orthographic heightmaps with segmentation masks.""" + heightmaps, colormaps = reconstruct_heightmaps( + obs['color'], obs['depth'], configs, bounds, pix_size) + colormaps = np.float32(colormaps) + heightmaps = np.float32(heightmaps) + + # Fuse maps from different views. + valid = np.sum(colormaps, axis=3) > 0 + repeat = np.sum(valid, axis=0) + repeat[repeat == 0] = 1 + cmap = np.sum(colormaps, axis=0) / repeat[Ellipsis, None] + cmap = np.uint8(np.round(cmap)) + hmap = np.max(heightmaps, axis=0) # Max to handle occlusions. + return cmap, hmap + + +def get_image_transform(theta, trans, pivot=(0, 0)): + """Compute composite 2D rigid transformation matrix.""" + # Get 2D rigid transformation matrix that rotates an image by theta (in + # radians) around pivot (in pixels) and translates by trans vector (in + # pixels) + pivot_t_image = np.array([[1., 0., -pivot[0]], [0., 1., -pivot[1]], + [0., 0., 1.]]) + image_t_pivot = np.array([[1., 0., pivot[0]], [0., 1., pivot[1]], + [0., 0., 1.]]) + transform = np.array([[np.cos(theta), -np.sin(theta), trans[0]], + [np.sin(theta), np.cos(theta), trans[1]], [0., 0., 1.]]) + return np.dot(image_t_pivot, np.dot(transform, pivot_t_image)) + + +def check_transform(image, pixel, transform): + """Valid transform only if pixel locations are still in FoV after transform.""" + new_pixel = np.flip( + np.int32( + np.round( + np.dot(transform, + np.float32([pixel[1], pixel[0], + 1.]).reshape(3, 1))))[:2].squeeze()) + valid = np.all( + new_pixel >= 0 + ) and new_pixel[0] < image.shape[0] and new_pixel[1] < image.shape[1] + return valid, new_pixel + + +def get_se3_from_image_transform(theta, trans, pivot, heightmap, bounds, + pixel_size): + """Calculate SE3 from image transform.""" + position_center = pix_to_xyz( + np.flip(np.int32(np.round(pivot))), + heightmap, + bounds, + pixel_size, + skip_height=False) + new_position_center = pix_to_xyz( + np.flip(np.int32(np.round(pivot + trans))), + heightmap, + bounds, + pixel_size, + skip_height=True) + # Don't look up the z height, it might get augmented out of frame + new_position_center = (new_position_center[0], new_position_center[1], + position_center[2]) + + delta_position = np.array(new_position_center) - np.array(position_center) + + t_world_center = np.eye(4) + t_world_center[0:3, 3] = np.array(position_center) + + t_centernew_center = np.eye(4) + euler_zxy = (-theta, 0, 0) + t_centernew_center[0:3, 0:3] = euler.euler2mat( + *euler_zxy, axes='szxy')[0:3, 0:3] + + t_centernew_center_tonly = np.eye(4) + t_centernew_center_tonly[0:3, 3] = -delta_position + t_centernew_center = t_centernew_center @ t_centernew_center_tonly + + t_world_centernew = t_world_center @ np.linalg.inv(t_centernew_center) + return t_world_center, t_world_centernew + + +def get_random_image_transform_params(image_size, theta_sigma=60): + theta = np.random.normal(0, np.deg2rad(theta_sigma)) + + trans_sigma = np.min(image_size) / 6 + trans = np.random.normal(0, trans_sigma, size=2) # [x, y] + pivot = (image_size[1] / 2, image_size[0] / 2) + return theta, trans, pivot + + +def q_mult(q1, q2): + w1, x1, y1, z1 = q1 + w2, x2, y2, z2 = q2 + w = w1 * w2 - x1 * x2 - y1 * y2 - z1 * z2 + x = w1 * x2 + x1 * w2 + y1 * z2 - z1 * y2 + y = w1 * y2 + y1 * w2 + z1 * x2 - x1 * z2 + z = w1 * z2 + z1 * w2 + x1 * y2 - y1 * x2 + return (w, x, y, z) + +def perturb(input_image, pixels, theta_sigma=60, add_noise=False): + """Data augmentation on images.""" + image_size = input_image.shape[:2] + + # Compute random rigid transform. + while True: + theta, trans, pivot = get_random_image_transform_params(image_size, theta_sigma=theta_sigma) + transform = get_image_transform(theta, trans, pivot) + transform_params = theta, trans, pivot + + # Ensure pixels remain in the image after transform. + is_valid = True + new_pixels = [] + new_rounded_pixels = [] + for pixel in pixels: + pixel = np.float32([pixel[1], pixel[0], 1.]).reshape(3, 1) + + rounded_pixel = np.int32(np.round(transform @ pixel))[:2].squeeze() + rounded_pixel = np.flip(rounded_pixel) + + pixel = (transform @ pixel)[:2].squeeze() + pixel = np.flip(pixel) + + in_fov_rounded = rounded_pixel[0] < image_size[0] and rounded_pixel[ + 1] < image_size[1] + in_fov = pixel[0] < image_size[0] and pixel[1] < image_size[1] + + is_valid = is_valid and np.all(rounded_pixel >= 0) and np.all( + pixel >= 0) and in_fov_rounded and in_fov + + new_pixels.append(pixel) + new_rounded_pixels.append(rounded_pixel) + if is_valid: + break + + # Apply rigid transform to image and pixel labels. + input_image = cv2.warpAffine( + input_image, + transform[:2, :], (image_size[1], image_size[0]), + flags=cv2.INTER_LINEAR) + + # Apply noise + color = np.int32(input_image[:,:,:3]) + depth = np.float32(input_image[:,:,3:]) + + if add_noise: + color += np.int32(np.random.normal(0, 3, image_size + (3,))) + color = np.uint8(np.clip(color, 0, 255)) + + depth += np.float32(np.random.normal(0, 0.003, image_size + (3,))) + + input_image = np.concatenate((color, depth), axis=2) + + # length of 5 + transform_params = np.array([theta, trans[0], trans[1], pivot[0], pivot[1]]) + return input_image, new_pixels, new_rounded_pixels, transform_params + + +def apply_perturbation(input_image, transform_params): + '''Apply data augmentation with specific transform params''' + image_size = input_image.shape[:2] + + # Apply rigid transform to image and pixel labels. + theta, trans, pivot = transform_params[0], transform_params[1:3], transform_params[3:5] + transform = get_image_transform(theta, trans, pivot) + + input_image = cv2.warpAffine( + input_image, + transform[:2, :], (image_size[1], image_size[0]), + flags=cv2.INTER_LINEAR) + return input_image + + +class ImageRotator: + """Rotate for n rotations.""" + # Reference: https://kornia.readthedocs.io/en/latest/tutorials/warp_affine.html?highlight=rotate + + def __init__(self, n_rotations): + self.angles = [] + for i in range(n_rotations): + theta = i * 2 * 180 / n_rotations + self.angles.append(theta) + + def __call__(self, x_list, pivot, reverse=False): + rot_x_list = [] + for i, angle in enumerate(self.angles): + x = x_list[i]# .unsqueeze(0) + # create transformation (rotation) + size = len(x) + alpha = angle if not reverse else (-1.0 * angle) # in degrees + angle = torch.ones(size) * alpha + + # define the rotation center + if type(pivot) is not torch.Tensor: + center = torch.FloatTensor(pivot)[...,[1,0]] + center = center.view(1,-1).repeat((size,1)) + else: + center = pivot[...,[1,0]].view(1,-1).clone().to(angle.device) + # center: torch.tensor = torch.ones(size, 2) + # center[..., 0] = int(pivot[1]) + # center[..., 1] = int(pivot[0]) + + # define the scale factor + scale = torch.ones(size, 2) + + # # compute the transformation matrix + M = kornia.geometry.get_rotation_matrix2d(center, angle, scale) + # x_warped = torchvision.transforms.functional.affine(x.float(), scale=1., + # center=[int(pivot[1]),int(pivot[0])], + # angle=alpha, translate=[0,0], shear=0, + # interpolation= torchvision.transforms.InterpolationMode.BILINEAR) + + + # apply the transformation to original image + # M = M.repeat(len(x), 1, 1) + _, _, h, w = x.shape + x_warped = kornia.geometry.transform.warp_affine(x.float(), M.to(x.device), dsize=(h, w)) + x_warped = x_warped + rot_x_list.append(x_warped) + + return rot_x_list + +# KD Tree Utils +# Construct K-D Tree to roughly estimate how many objects can fit inside the box. +class TreeNode: + + def __init__(self, parent, children, bbox): + self.parent = parent + self.children = children + self.bbox = bbox # min x, min y, min z, max x, max y, max z + +def KDTree(node, min_object_dim, margin, bboxes): + size = node.bbox[3:] - node.bbox[:3] + + # Choose which axis to split. + split = size > 2 * min_object_dim + if np.sum(split) == 0: + bboxes.append(node.bbox) + return + split = np.float32(split) / np.sum(split) + split_axis = np.random.choice(range(len(split)), 1, p=split)[0] + + # Split along chosen axis and create 2 children + cut_ind = np.random.rand() * \ + (size[split_axis] - 2 * min_object_dim) + \ + node.bbox[split_axis] + min_object_dim + child1_bbox = node.bbox.copy() + child1_bbox[3 + split_axis] = cut_ind - margin / 2. + child2_bbox = node.bbox.copy() + child2_bbox[split_axis] = cut_ind + margin / 2. + node.children = [ + TreeNode(node, [], bbox=child1_bbox), + TreeNode(node, [], bbox=child2_bbox) + ] + KDTree(node.children[0], min_object_dim, margin, bboxes) + KDTree(node.children[1], min_object_dim, margin, bboxes) + +# ----------------------------------------------------------------------------- +# Shape Name UTILS +# ----------------------------------------------------------------------------- +google_seen_obj_shapes = { + 'train': [ + 'alarm clock', + 'android toy', + 'black boot with leopard print', + 'black fedora', + 'black razer mouse', + 'black sandal', + 'black shoe with orange stripes', + 'bull figure', + 'butterfinger chocolate', + 'c clamp', + 'can opener', + 'crayon box', + 'dog statue', + 'frypan', + 'green and white striped towel', + 'grey soccer shoe with cleats', + 'hard drive', + 'honey dipper', + 'magnifying glass', + 'mario figure', + 'nintendo 3ds', + 'nintendo cartridge', + 'office depot box', + 'orca plush toy', + 'pepsi gold caffeine free box', + 'pepsi wild cherry box', + 'porcelain cup', + 'purple tape', + 'red and white flashlight', + 'rhino figure', + 'rocket racoon figure', + 'scissors', + 'silver tape', + 'spatula with purple head', + 'spiderman figure', + 'tablet', + 'toy school bus', + ], + 'val': [ + 'ball puzzle', + 'black and blue sneakers', + 'black shoe with green stripes', + 'brown fedora', + 'dinosaur figure', + 'hammer', + 'light brown boot with golden laces', + 'lion figure', + 'pepsi max box', + 'pepsi next box', + 'porcelain salad plate', + 'porcelain spoon', + 'red and white striped towel', + 'red cup', + 'screwdriver', + 'toy train', + 'unicorn toy', + 'white razer mouse', + 'yoshi figure' + ], + 'test': [ + 'ball puzzle', + 'black and blue sneakers', + 'black shoe with green stripes', + 'brown fedora', + 'dinosaur figure', + 'hammer', + 'light brown boot with golden laces', + 'lion figure', + 'pepsi max box', + 'pepsi next box', + 'porcelain salad plate', + 'porcelain spoon', + 'red and white striped towel', + 'red cup', + 'screwdriver', + 'toy train', + 'unicorn toy', + 'white razer mouse', + 'yoshi figure' + ], + } + +google_unseen_obj_shapes = { + 'train': [ + 'alarm clock', + 'android toy', + 'black boot with leopard print', + 'black fedora', + 'black razer mouse', + 'black sandal', + 'black shoe with orange stripes', + 'bull figure', + 'butterfinger chocolate', + 'c clamp', + 'can opener', + 'crayon box', + 'dog statue', + 'frypan', + 'green and white striped towel', + 'grey soccer shoe with cleats', + 'hard drive', + 'honey dipper', + 'magnifying glass', + 'mario figure', + 'nintendo 3ds', + 'nintendo cartridge', + 'office depot box', + 'orca plush toy', + 'pepsi gold caffeine free box', + 'pepsi wild cherry box', + 'porcelain cup', + 'purple tape', + 'red and white flashlight', + 'rhino figure', + 'rocket racoon figure', + 'scissors', + 'silver tape', + 'spatula with purple head', + 'spiderman figure', + 'tablet', + 'toy school bus', + ], + 'val': [ + 'ball puzzle', + 'black and blue sneakers', + 'black shoe with green stripes', + 'brown fedora', + 'dinosaur figure', + 'hammer', + 'light brown boot with golden laces', + 'lion figure', + 'pepsi max box', + 'pepsi next box', + 'porcelain salad plate', + 'porcelain spoon', + 'red and white striped towel', + 'red cup', + 'screwdriver', + 'toy train', + 'unicorn toy', + 'white razer mouse', + 'yoshi figure' + ], + 'test': [ + 'ball puzzle', + 'black and blue sneakers', + 'black shoe with green stripes', + 'brown fedora', + 'dinosaur figure', + 'hammer', + 'light brown boot with golden laces', + 'lion figure', + 'pepsi max box', + 'pepsi next box', + 'porcelain salad plate', + 'porcelain spoon', + 'red and white striped towel', + 'red cup', + 'screwdriver', + 'toy train', + 'unicorn toy', + 'white razer mouse', + 'yoshi figure' + ], + } + +google_all_shapes = { + 'train': [ + 'alarm clock', + 'android toy', + 'ball puzzle', + 'black and blue sneakers', + 'black boot with leopard print', + 'black fedora', + 'black razer mouse', + 'black sandal', + 'black shoe with green stripes', + 'black shoe with orange stripes', + 'brown fedora', + 'bull figure', + 'butterfinger chocolate', + 'c clamp', + 'can opener', + 'crayon box', + 'dinosaur figure', + 'dog statue', + 'frypan', + 'green and white striped towel', + 'grey soccer shoe with cleats', + 'hammer', + 'hard drive', + 'honey dipper', + 'light brown boot with golden laces', + 'lion figure', + 'magnifying glass', + 'mario figure', + 'nintendo 3ds', + 'nintendo cartridge', + 'office depot box', + 'orca plush toy', + 'pepsi gold caffeine free box', + 'pepsi max box', + 'pepsi next box', + 'pepsi wild cherry box', + 'porcelain cup', + 'porcelain salad plate', + 'porcelain spoon', + 'purple tape', + 'red and white flashlight', + 'red and white striped towel', + 'red cup', + 'rhino figure', + 'rocket racoon figure', + 'scissors', + 'screwdriver', + 'silver tape', + 'spatula with purple head', + 'spiderman figure', + 'tablet', + 'toy school bus', + 'toy train', + 'unicorn toy', + 'white razer mouse', + 'yoshi figure', + ], + 'val': [ + 'alarm clock', + 'android toy', + 'ball puzzle', + 'black and blue sneakers', + 'black boot with leopard print', + 'black fedora', + 'black razer mouse', + 'black sandal', + 'black shoe with green stripes', + 'black shoe with orange stripes', + 'brown fedora', + 'bull figure', + 'butterfinger chocolate', + 'c clamp', + 'can opener', + 'crayon box', + 'dinosaur figure', + 'dog statue', + 'frypan', + 'green and white striped towel', + 'grey soccer shoe with cleats', + 'hammer', + 'hard drive', + 'honey dipper', + 'light brown boot with golden laces', + 'lion figure', + 'magnifying glass', + 'mario figure', + 'nintendo 3ds', + 'nintendo cartridge', + 'office depot box', + 'orca plush toy', + 'pepsi gold caffeine free box', + 'pepsi max box', + 'pepsi next box', + 'pepsi wild cherry box', + 'porcelain cup', + 'porcelain salad plate', + 'porcelain spoon', + 'purple tape', + 'red and white flashlight', + 'red and white striped towel', + 'red cup', + 'rhino figure', + 'rocket racoon figure', + 'scissors', + 'screwdriver', + 'silver tape', + 'spatula with purple head', + 'spiderman figure', + 'tablet', + 'toy school bus', + 'toy train', + 'unicorn toy', + 'white razer mouse', + 'yoshi figure', + ], + 'test': [ + 'alarm clock', + 'android toy', + 'ball puzzle', + 'black and blue sneakers', + 'black boot with leopard print', + 'black fedora', + 'black razer mouse', + 'black sandal', + 'black shoe with green stripes', + 'black shoe with orange stripes', + 'brown fedora', + 'bull figure', + 'butterfinger chocolate', + 'c clamp', + 'can opener', + 'crayon box', + 'dinosaur figure', + 'dog statue', + 'frypan', + 'green and white striped towel', + 'grey soccer shoe with cleats', + 'hammer', + 'hard drive', + 'honey dipper', + 'light brown boot with golden laces', + 'lion figure', + 'magnifying glass', + 'mario figure', + 'nintendo 3ds', + 'nintendo cartridge', + 'office depot box', + 'orca plush toy', + 'pepsi gold caffeine free box', + 'pepsi max box', + 'pepsi next box', + 'pepsi wild cherry box', + 'porcelain cup', + 'porcelain salad plate', + 'porcelain spoon', + 'purple tape', + 'red and white flashlight', + 'red and white striped towel', + 'red cup', + 'rhino figure', + 'rocket racoon figure', + 'scissors', + 'screwdriver', + 'silver tape', + 'spatula with purple head', + 'spiderman figure', + 'tablet', + 'toy school bus', + 'toy train', + 'unicorn toy', + 'white razer mouse', + 'yoshi figure', + ], + } +assembling_kit_shapes = { + 0: "letter R shape", + 1: "letter A shape", + 2: "triangle", + 3: "square", + 4: "plus", + 5: "letter T shape", + 6: "diamond", + 7: "pentagon", + 8: "rectangle", + 9: "flower", + 10: "star", + 11: "circle", + 12: "letter G shape", + 13: "letter V shape", + 14: "letter E shape", + 15: "letter L shape", + 16: "ring", + 17: "hexagon", + 18: "heart", + 19: "letter M shape", + } + +# ----------------------------------------------------------------------------- +# COLOR AND PLOT UTILS +# ----------------------------------------------------------------------------- + + +# Colors (Tableau palette). +COLORS = { + 'blue': [78.0 / 255.0, 121.0 / 255.0, 167.0 / 255.0], + 'red': [255.0 / 255.0, 087.0 / 255.0, 089.0 / 255.0], + 'green': [089.0 / 255.0, 169.0 / 255.0, 079.0 / 255.0], + 'orange': [242.0 / 255.0, 142.0 / 255.0, 043.0 / 255.0], + 'yellow': [237.0 / 255.0, 201.0 / 255.0, 072.0 / 255.0], + 'purple': [176.0 / 255.0, 122.0 / 255.0, 161.0 / 255.0], + 'pink': [255.0 / 255.0, 157.0 / 255.0, 167.0 / 255.0], + 'cyan': [118.0 / 255.0, 183.0 / 255.0, 178.0 / 255.0], + 'brown': [156.0 / 255.0, 117.0 / 255.0, 095.0 / 255.0], + 'white': [255.0 / 255.0, 255.0 / 255.0, 255.0 / 255.0], + 'gray': [186.0 / 255.0, 176.0 / 255.0, 172.0 / 255.0], + 'indigo': [75.0 / 255.0, 0.0 / 255.0, 130.0 / 255.0], + 'violet': [143.0 / 255.0, 0.0 / 255.0, 255.0 / 255.0], + 'black': [0.0 / 255.0, 0.0 / 255.0, 0.0 / 255.0], + 'silver': [192.0 / 255.0, 192.0 / 255.0, 192.0 / 255.0], + 'gold': [255.0 / 255.0, 215.0 / 255.0, 0.0 / 255.0], + +} + +COLORS_NAMES = list(COLORS.keys()) +TRAIN_COLORS = ['blue', 'red', 'green', 'yellow', 'brown', 'gray', 'cyan'] +EVAL_COLORS = ['blue', 'red', 'green', 'orange', 'purple', 'pink', 'white'] + + +def get_colors(mode, n_colors=-1, **kwargs): + all_color_names = get_colors_names(mode) + + if n_colors == -1: + all_color_names = all_color_names + else: + all_color_names = random.sample(all_color_names, n_colors) + return [COLORS[cn] for cn in all_color_names], all_color_names + +def get_colors_names(mode): + if mode == 'train': + return TRAIN_COLORS + elif mode == 'full': + return TRAIN_COLORS + else: + return TRAIN_COLORS + +def get_random_color(): + return get_colors(mode='train', n_colors=1) + +def solve_hanoi_all(n_disks): + # Solve Hanoi sequence with dynamic programming. + hanoi_steps = [] # [[object index, from rod, to rod], ...] + + def solve_hanoi(n, t0, t1, t2): + if n == 0: + hanoi_steps.append([n, t0, t1]) + return + solve_hanoi(n - 1, t0, t2, t1) + hanoi_steps.append([n, t0, t1]) + solve_hanoi(n - 1, t2, t1, t0) + + solve_hanoi(n_disks - 1, 0, 2, 1) + return hanoi_steps + +def plot(fname, # pylint: disable=dangerous-default-value + title, + ylabel, + xlabel, + data, + xlim=[-np.inf, 0], + xticks=None, + ylim=[np.inf, -np.inf], + show_std=True): + """Plot frame data.""" + # Data is a dictionary that maps experiment names to tuples with 3 + # elements: x (size N array) and y (size N array) and y_std (size N array) + + # Get data limits. + for name, (x, y, _) in data.items(): + del name + y = np.array(y) + xlim[0] = max(xlim[0], np.min(x)) + xlim[1] = max(xlim[1], np.max(x)) + ylim[0] = min(ylim[0], np.min(y)) + ylim[1] = max(ylim[1], np.max(y)) + + # Draw background. + plt.title(title, fontsize=14) + plt.ylim(ylim) + plt.ylabel(ylabel, fontsize=14) + plt.yticks(fontsize=14) + plt.xlim(xlim) + plt.xlabel(xlabel, fontsize=14) + plt.grid(True, linestyle='-', color=[0.8, 0.8, 0.8]) + ax = plt.gca() + for axis in ['top', 'bottom', 'left', 'right']: + ax.spines[axis].set_color('#000000') + plt.rcParams.update({'font.size': 14}) + plt.rcParams['mathtext.default'] = 'regular' + matplotlib.rcParams['pdf.fonttype'] = 42 + matplotlib.rcParams['ps.fonttype'] = 42 + + # Draw data. + color_iter = 0 + for name, (x, y, std) in data.items(): + del name + x, y, std = np.float32(x), np.float32(y), np.float32(std) + upper = np.clip(y + std, ylim[0], ylim[1]) + lower = np.clip(y - std, ylim[0], ylim[1]) + color = COLORS[list(COLORS.keys())[color_iter]] + if show_std: + plt.fill_between(x, upper, lower, color=color, linewidth=0, alpha=0.3) + plt.plot(x, y, color=color, linewidth=2, marker='o', alpha=1.) + color_iter += 1 + + if xticks: + plt.xticks(ticks=range(len(xticks)), labels=xticks, fontsize=14) + else: + plt.xticks(fontsize=14) + plt.legend([name for name, _ in data.items()], + loc='lower right', fontsize=14) + plt.tight_layout() + plt.savefig(fname) + plt.clf() + + +# ----------------------------------------------------------------------------- +# MESHCAT UTILS +# ----------------------------------------------------------------------------- + +def create_visualizer(clear=True): + print('Waiting for meshcat server... have you started a server?') + vis = meshcat.Visualizer(zmq_url='tcp://127.0.0.1:6000') + if clear: + vis.delete() + return vis + + +def make_frame(vis, name, h, radius, o=1.0): + """Add a red-green-blue triad to the Meschat visualizer. + + Args: + vis (MeshCat Visualizer): the visualizer + name (string): name for this frame (should be unique) + h (float): height of frame visualization + radius (float): radius of frame visualization + o (float): opacity + """ + vis[name]['x'].set_object( + g.Cylinder(height=h, radius=radius), + g.MeshLambertMaterial(color=0xff0000, reflectivity=0.8, opacity=o)) + rotate_x = mtf.rotation_matrix(np.pi / 2.0, [0, 0, 1]) + rotate_x[0, 3] = h / 2 + vis[name]['x'].set_transform(rotate_x) + + vis[name]['y'].set_object( + g.Cylinder(height=h, radius=radius), + g.MeshLambertMaterial(color=0x00ff00, reflectivity=0.8, opacity=o)) + rotate_y = mtf.rotation_matrix(np.pi / 2.0, [0, 1, 0]) + rotate_y[1, 3] = h / 2 + vis[name]['y'].set_transform(rotate_y) + + vis[name]['z'].set_object( + g.Cylinder(height=h, radius=radius), + g.MeshLambertMaterial(color=0x0000ff, reflectivity=0.8, opacity=o)) + rotate_z = mtf.rotation_matrix(np.pi / 2.0, [1, 0, 0]) + rotate_z[2, 3] = h / 2 + vis[name]['z'].set_transform(rotate_z) + + +def meshcat_visualize(vis, obs, act, info): + """Visualize data using meshcat.""" + + for key in sorted(info.keys()): + pose = info[key] + pick_transform = np.eye(4) + pick_transform[0:3, 3] = pose[0] + quaternion_wxyz = np.asarray( + [pose[1][3], pose[1][0], pose[1][1], pose[1][2]]) + pick_transform[0:3, 0:3] = mtf.quaternion_matrix(quaternion_wxyz)[0:3, 0:3] + label = 'obj_' + str(key) + make_frame(vis, label, h=0.05, radius=0.0012, o=1.0) + vis[label].set_transform(pick_transform) + + for cam_index in range(len(act['camera_config'])): + verts = unproject_depth_vectorized( + obs['depth'][cam_index], np.array([0, 1]), + np.array(act['camera_config'][cam_index]['intrinsics']).reshape(3, 3), + np.zeros(5)) + + # switch from [N,3] to [3,N] + verts = verts.T + + cam_transform = np.eye(4) + cam_transform[0:3, 3] = act['camera_config'][cam_index]['position'] + quaternion_xyzw = act['camera_config'][cam_index]['rotation'] + quaternion_wxyz = np.asarray([ + quaternion_xyzw[3], quaternion_xyzw[0], quaternion_xyzw[1], + quaternion_xyzw[2] + ]) + cam_transform[0:3, 0:3] = mtf.quaternion_matrix(quaternion_wxyz)[0:3, 0:3] + verts = apply_transform(cam_transform, verts) + + colors = obs['color'][cam_index].reshape(-1, 3).T / 255.0 + + vis['pointclouds/' + str(cam_index)].set_object( + g.PointCloud(position=verts, color=colors)) + + +# ----------------------------------------------------------------------------- +# CONFIG UTILS +# ----------------------------------------------------------------------------- + +def set_seed(seed, torch=False): + random.seed(seed) + os.environ['PYTHONHASHSEED'] = str(seed) + np.random.seed(seed) + + if torch: + import torch + torch.manual_seed(seed) + + +def load_cfg(yaml_path): + with open(yaml_path, 'r') as f: + data = yaml.safe_load(f) + return data + + +def load_hydra_config(config_path): + return OmegaConf.load(config_path) diff --git a/gensim/__init__.py b/gensim/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/gensim/agent.py b/gensim/agent.py new file mode 100644 index 0000000000000000000000000000000000000000..f83db29bb97397458139e8410765bca0c0e7fa56 --- /dev/null +++ b/gensim/agent.py @@ -0,0 +1,162 @@ +import numpy as np +import os +import IPython +import random +import json +import traceback +import pybullet as p +from gensim.utils import ( + save_text, + add_to_txt, + extract_code, + extract_dict, + extract_list, + extract_assets, + format_dict_prompt, + sample_list_reference, + generate_feedback, +) + + +class Agent: + """ + class that design new tasks and codes for simulation environments + """ + def __init__(self, cfg, memory): + self.cfg = cfg + self.model_output_dir = cfg["model_output_dir"] + self.prompt_folder = f"prompts/{cfg['prompt_folder']}" + self.memory = memory + self.chat_log = memory.chat_log + self.use_template = cfg['use_template'] + + def propose_task(self, proposed_task_names): + """Language descriptions for the task""" + add_to_txt(self.chat_log, "================= Task and Asset Design!", with_print=True) + + if self.use_template: + task_prompt_text = open(f"{self.prompt_folder}/cliport_prompt_task.txt").read() + task_asset_replacement_str = format_dict_prompt(self.memory.online_asset_buffer, self.cfg['task_asset_candidate_num']) + task_prompt_text = task_prompt_text.replace("TASK_ASSET_PROMPT", task_asset_replacement_str) + + task_desc_replacement_str = format_dict_prompt(self.memory.online_task_buffer, self.cfg['task_description_candidate_num']) + print("prompt task description candidates:") + print(task_desc_replacement_str) + task_prompt_text = task_prompt_text.replace("TASK_DESCRIPTION_PROMPT", task_desc_replacement_str) + + if len(self.cfg['target_task_name']) > 0: + task_prompt_text = task_prompt_text.replace("TARGET_TASK_NAME", self.cfg['target_task_name']) + + # print("Template Task PROMPT: ", task_prompt_text) + else: + task_prompt_text = open(f"{self.prompt_folder}/cliport_prompt_task.txt").read() + + # maximum number + print("online_task_buffer size:", len(self.memory.online_task_buffer)) + total_tasks = self.memory.online_task_buffer + + MAX_NUM = 20 + if len(total_tasks) > MAX_NUM: + total_tasks = dict(random.sample(total_tasks.items(), MAX_NUM)) + + task_prompt_text = task_prompt_text.replace("PAST_TASKNAME_TEMPLATE", format_dict_prompt(total_tasks)) + + res = generate_feedback( + task_prompt_text, + temperature=self.cfg["gpt_temperature"], + interaction_txt=self.chat_log, + ) + + # Extract dictionary for task name, descriptions, and assets + task_def = extract_dict(res, prefix="new_task") + try: + exec(task_def, globals()) + self.new_task = new_task + return new_task + except: + self.new_task = {"task-name": "dummy", "assets-used": [], "task_descriptions": ""} + print(str(traceback.format_exc())) + return self.new_task + + def propose_assets(self): + """Asset Generation. Not used for now.""" + if os.path.exists(f"{self.prompt_folder}/cliport_prompt_asset_template.txt"): + add_to_txt(self.chat_log, "================= Asset Generation!", with_print=True) + asset_prompt_text = open(f"{self.prompt_folder}/cliport_prompt_asset_template.txt").read() + + if self.use_template: + asset_prompt_text = asset_prompt_text.replace("TASK_NAME_TEMPLATE", self.new_task["task-name"]) + asset_prompt_text = asset_prompt_text.replace("ASSET_STRING_TEMPLATE", str(self.new_task["assets-used"])) + print("Template Asset PROMPT: ", asset_prompt_text) + + res = generate_feedback(asset_prompt_text, temperature=0, interaction_txt=self.chat_log) + print("Save asset to:", self.model_output_dir, task_name + "_asset_output") + save_text(self.model_output_dir, f'{self.new_task["task-name"]}_asset_output', res) + asset_list = extract_assets(res) + # save_urdf(asset_list) + else: + asset_list = {} + return asset_list + + def api_review(self): + """review the task api""" + if os.path.exists(f"{self.prompt_folder}/cliport_prompt_api_template.txt"): + add_to_txt( + self.chat_log, "================= API Preview!", with_print=True) + api_prompt_text = open( + f"{self.prompt_folder}/cliport_prompt_api_template.txt").read() + if "task-name" in self.new_task: + api_prompt_text = api_prompt_text.replace("TASK_NAME_TEMPLATE", self.new_task["task-name"]) + api_prompt_text = api_prompt_text.replace("TASK_STRING_TEMPLATE", str(self.new_task)) + + res = generate_feedback( + api_prompt_text, temperature=0, interaction_txt=self.chat_log) + + def template_reference_prompt(self): + """ select which code reference to reference """ + if os.path.exists(f"{self.prompt_folder}/cliport_prompt_code_reference_selection_template.txt"): + self.chat_log = add_to_txt(self.chat_log, "================= Code Reference!", with_print=True) + code_reference_question = open(f'{self.prompt_folder}/cliport_prompt_code_reference_selection_template.txt').read() + code_reference_question = code_reference_question.replace("TASK_NAME_TEMPLATE", self.new_task["task-name"]) + code_reference_question = code_reference_question.replace("TASK_CODE_LIST_TEMPLATE", str(list(self.memory.online_code_buffer.keys()))) + + code_reference_question = code_reference_question.replace("TASK_STRING_TEMPLATE", str(self.new_task)) + res = generate_feedback(code_reference_question, temperature=0., interaction_txt=self.chat_log) + code_reference_cmd = extract_list(res, prefix='code_reference') + exec(code_reference_cmd, globals()) + task_code_reference_replace_prompt = '' + for key in code_reference: + if key in self.memory.online_code_buffer: + task_code_reference_replace_prompt += f'```\n{self.memory.online_code_buffer[key]}\n```\n\n' + else: + print("missing task reference code:", key) + else: + task_code_reference_replace_prompt = sample_list_reference(base_task_codes, sample_num=cfg['task_code_candidate_num']) + # print("Template Reference Code PROMPT: ", task_code_reference_replace_prompt) + + return task_code_reference_replace_prompt + + def implement_task(self): + """Generate Code for the task""" + code_prompt_text = open(f"{self.prompt_folder}/cliport_prompt_code_split_template.txt").read() + code_prompt_text = code_prompt_text.replace("TASK_NAME_TEMPLATE", self.new_task["task-name"]) + + if self.use_template or os.path.exists(f"{self.prompt_folder}/cliport_prompt_code_reference_selection_template.txt"): + task_code_reference_replace_prompt = self.template_reference_prompt() + code_prompt_text = code_prompt_text.replace("TASK_CODE_REFERENCE_TEMPLATE", task_code_reference_replace_prompt) + + elif os.path.exists(f"{self.prompt_folder}/cliport_prompt_code_split_template.txt"): + self.chat_log = add_to_txt(self.chat_log, "================= Code Generation!", with_print=True) + code_prompt_text = code_prompt_text.replace("TASK_STRING_TEMPLATE", str(self.new_task)) + + res = generate_feedback( + code_prompt_text, temperature=0, interaction_txt=self.chat_log) + code, task_name = extract_code(res) + print("Save code to:", self.model_output_dir, task_name + "_code_output") + save_text(self.model_output_dir, task_name + "_code_output", code) + + if len(task_name) == 0: + print("empty task name:", task_name) + return None + + return code, task_name diff --git a/gensim/critic.py b/gensim/critic.py new file mode 100644 index 0000000000000000000000000000000000000000..8cde0240552141276d6dc71f1e726db6a56948eb --- /dev/null +++ b/gensim/critic.py @@ -0,0 +1,85 @@ +import numpy as np +import os +import IPython + +import traceback +import json +from gensim.utils import ( + save_text, + add_to_txt, + extract_dict, + format_dict_prompt, + generate_feedback, +) +import copy +import random + +class Critic: + """ + class that reflects and criticizes new task for improvement + """ + def __init__(self, cfg, memory): + self.prompt_folder = f"prompts/{cfg['prompt_folder']}" + self.memory = memory + self.chat_log = self.memory.chat_log + self.cfg = cfg + self.model_output_dir = cfg["model_output_dir"] + + def error_review(self, new_task): + """ commonly made error review """ + if os.path.exists(f"{self.prompt_folder}/cliport_prompt_common_errors_template.txt") and "task-name" in new_task: + self.chat_log = add_to_txt(self.chat_log, "================= Error Book Preview!", with_print=True) + errorbook_prompt_text = open(f'{self.prompt_folder}/cliport_prompt_common_errors_template.txt').read() + errorbook_prompt_text = errorbook_prompt_text.replace("TASK_NAME_TEMPLATE", new_task["task-name"]) + res = generate_feedback(errorbook_prompt_text, temperature=0., interaction_txt=self.chat_log) # cfg['gpt_temperature'] + + def reflection(self, new_task, new_code, current_tasks=None): + """ reflect on if the new task needs to be added """ + all_add_to_the_task_list_flag = True + + if os.path.exists(f"{self.prompt_folder}/cliport_prompt_task_reflection.txt"): + # only consider successful task + self.chat_log = add_to_txt(self.chat_log, "================= Code Reflect!", with_print=True) + total_tasks = copy.deepcopy(self.memory.online_task_buffer) + if current_tasks is not None: + # adding all the tasks in the current run. at least should not overlap with those + for t in current_tasks: + total_tasks[t['task-name']] = t + + # need to load more + total_tasks = self.memory.online_task_buffer + MAX_NUM = 40 + if len(total_tasks) > MAX_NUM: + total_tasks = dict(random.sample(total_tasks.items(), MAX_NUM)) + + print("reflection history task num:", len(total_tasks)) + task_descriptions_replacement_str = format_dict_prompt(total_tasks, -1) + + # append current new task + code_reflection_prompt_text = open(f"{self.prompt_folder}/cliport_prompt_task_reflection.txt").read() + code_reflection_prompt_text = code_reflection_prompt_text.replace("CURRENT_TASK_NAME_TEMPLATE", str(task_descriptions_replacement_str)) + code_reflection_prompt_text = code_reflection_prompt_text.replace("TASK_STRING_TEMPLATE", str(new_task)) + code_reflection_prompt_text = code_reflection_prompt_text.replace("TASK_CODE_TEMPLATE", str(new_code)) + if len(self.cfg['target_task_name']) > 0: + code_reflection_prompt_text = code_reflection_prompt_text.replace("TARGET_TASK_NAME", self.cfg['target_task_name']) + + # no matter + total_tasks[new_task["task-name"].replace("-", "_")] = str(new_task) + res = generate_feedback(code_reflection_prompt_text, temperature=0.4, interaction_txt=self.chat_log, n=int(self.cfg['reflection_agreement_num'])) # cfg['gpt_temperature'] + all_add_to_the_task_list_flag = True + + for idx, r in enumerate(res): + # iterate through for agreement + reflection_def_cmd = extract_dict(r, prefix='task_reflection') + exec(reflection_def_cmd, globals()) + try: + print(f"critic {idx}:", task_reflection) + + if task_reflection["add_to_the_task_list"] == 'False': + all_add_to_the_task_list_flag = False + print(f"critic {idx} suggests not adding this task to the buffer! ") + except: + IPython.embed() + save_text(self.model_output_dir, new_task['task-name'] + "_reflection_output", str(task_reflection)) + + return all_add_to_the_task_list_flag \ No newline at end of file diff --git a/gensim/evaluate_finetune_model.py b/gensim/evaluate_finetune_model.py new file mode 100644 index 0000000000000000000000000000000000000000..0af7f14c946e1494d0865c503d2bf820d84ed868 --- /dev/null +++ b/gensim/evaluate_finetune_model.py @@ -0,0 +1,62 @@ +import openai +import argparse +import os +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment + +from pygments import highlight +from pygments.lexers import PythonLexer +from pygments.formatters import TerminalFormatter + +import time +import random +import json +import traceback +import pybullet as p +import IPython +from gensim.topdown_sim_runner import TopDownSimulationRunner +import hydra +from datetime import datetime + +from gensim.memory import Memory +from gensim.utils import set_gpt_model, clear_messages, format_finetune_prompt + +@hydra.main(config_path='../cliport/cfg', config_name='data', version_base="1.2") +def main(cfg): + # parser.add_argument("--task", type=str, default='build-car') + # parser.add_argument("--model", type=str, default='davinci:ft-wang-lab:gensim-2023-08-04-18-28-34') + + task = cfg.target_task + model = cfg.target_model + prompt = format_finetune_prompt(task) + + openai.api_key = cfg['openai_key'] + model_time = datetime.now().strftime("%d_%m_%Y_%H:%M:%S") + cfg['model_output_dir'] = os.path.join(cfg['output_folder'], cfg['prompt_folder'] + "_" + model_time) + if 'seed' in cfg: + cfg['model_output_dir'] = cfg['model_output_dir'] + f"_{cfg['seed']}" + + set_gpt_model(cfg['gpt_model']) + memory = Memory(cfg) + simulation_runner = TopDownSimulationRunner(cfg, memory) + + for trial_i in range(cfg['trials']): + response = openai.Completion.create( + model=model, + prompt=prompt) + res = response["choices"][0]["text"] + simulation_runner.task_creation(res) + simulation_runner.simulate_task() + simulation_runner.print_current_stats() + + simulation_runner.save_stats() + + + + +# load few shot prompts + + +if __name__ == "__main__": + main() diff --git a/gensim/memory.py b/gensim/memory.py new file mode 100644 index 0000000000000000000000000000000000000000..114e0cdd36e4e00cc37818fde9fdbbc525adaad8 --- /dev/null +++ b/gensim/memory.py @@ -0,0 +1,122 @@ +import numpy as np +import os +import IPython + +import random +import json +from gensim.utils import save_text + + +class Memory: + """ + class that maintains a buffer of generated tasks and codes + """ + def __init__(self, cfg): + self.prompt_folder = f"prompts/{cfg['prompt_folder']}" + self.data_path = cfg["prompt_data_path"] + self.cfg = cfg + + # a chat history is a list of strings + self.chat_log = [] + self.online_task_buffer = {} + self.online_code_buffer = {} + self.online_asset_buffer = {} + + # directly load current offline memory into online memory + base_tasks, base_assets, base_task_codes = self.load_offline_memory() + self.online_task_buffer.update(base_tasks) + self.online_asset_buffer.update(base_assets) + + # load each code file + for task_file in base_task_codes: + # the original cliport task path + if os.path.exists("cliport/tasks/" + task_file): + self.online_code_buffer[task_file] = open("cliport/tasks/" + task_file).read() + + # the generated cliport task path + elif os.path.exists("cliport/generated_tasks/" + task_file): + self.online_code_buffer[task_file] = open("cliport/generated_tasks/" + task_file).read() + + print(f"load {len(self.online_code_buffer)} tasks for memory from offline to online:") + cache_embedding_path = "outputs/task_cache_embedding.npz" + + if os.path.exists(cache_embedding_path): + print("task code embeding:", cache_embedding_path) + self.task_code_embedding = np.load(cache_embedding_path) + + def save_run(self, new_task): + """save chat history and potentially save base memory""" + print("save all interaction to :", f'{new_task["task-name"]}_full_output') + unroll_chatlog = '' + for chat in self.chat_log: + unroll_chatlog += chat + save_text( + self.cfg['model_output_dir'], f'{new_task["task-name"]}_full_output', unroll_chatlog + ) + + def save_task_to_online(self, new_task, code): + """(not dumping the task offline). save the task information for online bootstrapping.""" + self.online_task_buffer[new_task['task-name']] = new_task + code_file_name = new_task["task-name"].replace("-", "_") + ".py" + + # code file name: actual code in contrast to offline code files format. + self.online_code_buffer[code_file_name] = code + + def save_task_to_offline(self, new_task, code): + """save the current task descriptions, assets, and code, if it passes reflection and environment test""" + generated_task_code_path = os.path.join( + self.cfg["prompt_data_path"], "generated_task_codes.json" + ) + generated_task_codes = json.load(open(generated_task_code_path)) + new_file_path = new_task["task-name"].replace("-", "_") + ".py" + + if new_file_path not in generated_task_codes: + generated_task_codes.append(new_file_path) + + python_file_path = "cliport/generated_tasks/" + new_file_path + print(f"save {new_task['task-name']} to ", python_file_path) + + with open(python_file_path, "w", + ) as fhandle: + fhandle.write(code) + + with open(generated_task_code_path, "w") as outfile: + json.dump(generated_task_codes, outfile, indent=4) + else: + print(f"{new_file_path}.py already exists.") + + # save task descriptions + generated_task_path = os.path.join( + self.cfg["prompt_data_path"], "generated_tasks.json" + ) + generated_tasks = json.load(open(generated_task_path)) + generated_tasks[new_task["task-name"]] = new_task + + with open(generated_task_path, "w") as outfile: + json.dump(generated_tasks, outfile, indent=4) + + def load_offline_memory(self): + """get the current task descriptions, assets, and code""" + base_task_path = os.path.join(self.data_path, "base_tasks.json") + base_asset_path = os.path.join(self.data_path, "base_assets.json") + base_task_code_path = os.path.join(self.data_path, "base_task_codes.json") + + base_tasks = json.load(open(base_task_path)) + base_assets = json.load(open(base_asset_path)) + base_task_codes = json.load(open(base_task_code_path)) + + if self.cfg["load_memory"]: + generated_task_path = os.path.join(self.data_path, "generated_tasks.json") + generated_asset_path = os.path.join(self.data_path, "generated_assets.json") + generated_task_code_path = os.path.join(self.data_path, "generated_task_codes.json") + + print("original base task num:", len(base_tasks)) + base_tasks.update(json.load(open(generated_task_path))) + # base_assets.update(json.load(open(generated_asset_path))) + + for task in json.load(open(generated_task_code_path)): + if task not in base_task_codes: + base_task_codes.append(task) + + print("current base task num:", len(base_tasks)) + return base_tasks, base_assets, base_task_codes diff --git a/gensim/prepare_finetune_gpt.py b/gensim/prepare_finetune_gpt.py new file mode 100644 index 0000000000000000000000000000000000000000..73f5c9ae55abeca500bbca16a2cbc14d0f8f8a35 --- /dev/null +++ b/gensim/prepare_finetune_gpt.py @@ -0,0 +1,110 @@ +import cv2 +import numpy as np +import IPython +import os + +import openai +import pandas as pd +import json +import subprocess +from gensim.utils import set_gpt_model, clear_messages, format_finetune_prompt + + + +def format_completion(task_name, descriptions, code): + completion_text = f" \n {task_name}: {descriptions}``` \n\n###" + completion_text += "Implementation: \n ```python\n" + code + "``` \n END" + return completion_text + +# test if using the finetuned model can generate better task coed than the base model +# https://platform.openai.com/docs/guides/fine-tuning +data_path = 'prompts/data' +def load_offline_memory(): + """get the current task descriptions, assets, and code""" + base_task_path = os.path.join(data_path, "base_tasks.json") + base_asset_path = os.path.join(data_path, "base_assets.json") + base_task_code_path = os.path.join(data_path, "base_task_codes.json") + + base_tasks = json.load(open(base_task_path)) + base_assets = json.load(open(base_asset_path)) + base_task_codes = json.load(open(base_task_code_path)) + + generated_task_path = os.path.join(data_path, "generated_tasks.json") + generated_asset_path = os.path.join(data_path, "generated_assets.json") + generated_task_code_path = os.path.join(data_path, "generated_task_codes.json") + + # print("original base task num:", len(base_tasks)) + base_tasks.update(json.load(open(generated_task_path))) + # base_assets.update(json.load(open(generated_asset_path))) + + for task in json.load(open(generated_task_code_path)): + if task not in base_task_codes: + base_task_codes.append(task) + + # print("current base task num:", len(base_tasks)) + return base_tasks, base_assets, base_task_codes + + +code_buffer = {} +base_tasks, base_assets, base_task_codes = load_offline_memory() +TOTAL_DATASET_TOKENS = 0 + +added_tasks = [] +df = pd.DataFrame() +for task_file in base_task_codes: + ## TODO(lirui): consider adding more structure here. + task_name = task_file[:-3].replace("_", "-") + if task_name in added_tasks: + continue + + if task_name not in base_tasks: + print(f"{task_name} missing") + continue + + added_tasks.append(task_name) + task_description = base_tasks[task_name] + + if os.path.exists("cliport/tasks/" + task_file): + task_code = open("cliport/tasks/" + task_file).read() + + # the generated cliport task path + elif os.path.exists("cliport/generated_tasks/" + task_file): + task_code = open("cliport/generated_tasks/" + task_file).read() + + prompt = format_finetune_prompt(task_name) + completion = format_completion(task_name, task_description, task_code) + + # rough estimates + TOTAL_DATASET_TOKENS += len(prompt) / 4 + TOTAL_DATASET_TOKENS += len(completion) / 4 + new_row = { 'prompt': prompt, + 'completion': completion} + new_row = pd.DataFrame([new_row]) + df = pd.concat([df, new_row], axis=0, ignore_index=True) + +df.to_csv("prompts/finetune_data.csv",index=False) +print("======================================") +print("estimate number of tokens:", TOTAL_DATASET_TOKENS) +print("estimate price for davinci:", TOTAL_DATASET_TOKENS / 1000 * 0.03) +print("total number of instructions:", len(df)) +print("======================================") +# actual finetuning + +## prepared_data.csv --> prepared_data_prepared.json +subprocess.run('openai tools fine_tunes.prepare_data --file prompts/finetune_data.csv --quiet'.split()) + +print("now you can run \n openai api fine_tunes.create --training_file prompts/finetune_data_prepared.jsonl --model davinci --suffix 'GenSim'") +# Model Training Usage +# Ada $0.0004 / 1K tokens $0.0016 / 1K tokens +# Curie $0.0030 / 1K tokens $0.0120 / 1K tokens +# Davinci $0.0300 / 1K tokens $0.1200 / 1K tokens + +# ## Start fine-tuning +# openai api fine_tunes.create --training_file output/finetune_data_prepared.jsonl --model davinci --suffix "GenSim" +# subprocess.run('openai api fine_tunes.create --training_file output/finetune_data_prepared.jsonl --model davinci --suffix "GenSim"'.split()) + + +# Tracking Finetune Status +# openai api fine_tunes.follow -i +# openai api fine_tunes.get -i +# openai wandb sync \ No newline at end of file diff --git a/gensim/run_simulation.py b/gensim/run_simulation.py new file mode 100644 index 0000000000000000000000000000000000000000..29f7e6f9fadfc7b1d8a941e8ab8f85c791c0adf2 --- /dev/null +++ b/gensim/run_simulation.py @@ -0,0 +1,50 @@ +import numpy as np +import os +import hydra +import random + +import re +import openai +import IPython +import time +import pybullet as p +import traceback +from datetime import datetime +from pprint import pprint +import cv2 +import re +import random +import json + +from gensim.agent import Agent +from gensim.critic import Critic +from gensim.sim_runner import SimulationRunner +from gensim.memory import Memory +from gensim.utils import set_gpt_model, clear_messages + + +@hydra.main(config_path='../cliport/cfg', config_name='data', version_base="1.2") +def main(cfg): + openai.api_key = cfg['openai_key'] + + model_time = datetime.now().strftime("%d_%m_%Y_%H:%M:%S") + cfg['model_output_dir'] = os.path.join(cfg['output_folder'], cfg['prompt_folder'] + "_" + model_time) + if 'seed' in cfg: + cfg['model_output_dir'] = cfg['model_output_dir'] + f"_{cfg['seed']}" + + set_gpt_model(cfg['gpt_model']) + memory = Memory(cfg) + agent = Agent(cfg, memory) + critic = Critic(cfg, memory) + simulation_runner = SimulationRunner(cfg, agent, critic, memory) + + for trial_i in range(cfg['trials']): + simulation_runner.task_creation() + simulation_runner.simulate_task() + simulation_runner.print_current_stats() + # clear_messages() + + simulation_runner.save_stats() + +if __name__ == '__main__': + main() diff --git a/gensim/sim_runner.py b/gensim/sim_runner.py new file mode 100644 index 0000000000000000000000000000000000000000..b7f9ff1867cd3131a6c8cf34037b9580cedc9bdf --- /dev/null +++ b/gensim/sim_runner.py @@ -0,0 +1,204 @@ +import numpy as np +import os +import IPython +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment + +from pygments import highlight +from pygments.lexers import PythonLexer +from pygments.formatters import TerminalFormatter + +import time +import random +import json +import traceback +from gensim.utils import ( + mkdir_if_missing, + save_text, + save_stat, + compute_diversity_score_from_assets, + add_to_txt +) +import pybullet as p + +class SimulationRunner: + """ the main class that runs simulation loop """ + def __init__(self, cfg, agent, critic, memory): + self.cfg = cfg + self.agent = agent + self.critic = critic + self.memory = memory + + # statistics + self.syntax_pass_rate = 0 + self.runtime_pass_rate = 0 + self.env_pass_rate = 0 + self.curr_trials = 0 + + self.prompt_folder = f"prompts/{cfg['prompt_folder']}" + self.chat_log = memory.chat_log + self.task_asset_logs = [] + + # All the generated tasks in this run. + # Different from the ones in online buffer that can load from offline. + self.generated_task_assets = [] + self.generated_task_programs = [] + self.generated_task_names = [] + self.generated_tasks = [] + self.passed_tasks = [] # accepted ones + + def print_current_stats(self): + """ print the current statistics of the simulation design """ + print("=========================================================") + print(f"{self.cfg['prompt_folder']} Trial {self.curr_trials} SYNTAX_PASS_RATE: {(self.syntax_pass_rate / (self.curr_trials)) * 100:.1f}% RUNTIME_PASS_RATE: {(self.runtime_pass_rate / (self.curr_trials)) * 100:.1f}% ENV_PASS_RATE: {(self.env_pass_rate / (self.curr_trials)) * 100:.1f}%") + print("=========================================================") + + def save_stats(self): + """ save the final simulation statistics """ + self.diversity_score = compute_diversity_score_from_assets(self.task_asset_logs, self.curr_trials) + save_stat(self.cfg, self.cfg['model_output_dir'], self.generated_tasks, self.syntax_pass_rate / (self.curr_trials), + self.runtime_pass_rate / (self.curr_trials), self.env_pass_rate / (self.curr_trials), self.diversity_score) + print("Model Folder: ", self.cfg['model_output_dir']) + print(f"Total {len(self.generated_tasks)} New Tasks:", [task['task-name'] for task in self.generated_tasks]) + try: + print(f"Added {len(self.passed_tasks)} Tasks:", self.passed_tasks) + except: + pass + + + def task_creation(self): + """ create the task through interactions of agent and critic """ + self.task_creation_pass = True + mkdir_if_missing(self.cfg['model_output_dir']) + + try: + start_time = time.time() + self.generated_task = self.agent.propose_task(self.generated_task_names) + self.generated_asset = self.agent.propose_assets() + self.agent.api_review() + self.critic.error_review(self.generated_task) + self.generated_code, self.curr_task_name = self.agent.implement_task() + self.task_asset_logs.append(self.generated_task["assets-used"]) + self.generated_task_name = self.generated_task["task-name"] + self.generated_tasks.append(self.generated_task) + self.generated_task_assets.append(self.generated_asset) + self.generated_task_programs.append(self.generated_code) + self.generated_task_names.append(self.generated_task_name) + except: + to_print = highlight(f"{str(traceback.format_exc())}", PythonLexer(), TerminalFormatter()) + print("Task Creation Exception:", to_print) + self.task_creation_pass = False + + # self.curr_task_name = self.generated_task['task-name'] + print("task creation time {:.3f}".format(time.time() - start_time)) + + + def setup_env(self): + """ build the new task""" + env = Environment( + self.cfg['assets_root'], + disp=self.cfg['disp'], + shared_memory=self.cfg['shared_memory'], + hz=480, + record_cfg=self.cfg['record'] + ) + + task = eval(self.curr_task_name)() + task.mode = self.cfg['mode'] + record = self.cfg['record']['save_video'] + save_data = self.cfg['save_data'] + + # Initialize scripted oracle agent and dataset. + expert = task.oracle(env) + self.cfg['task'] = self.generated_task["task-name"] + data_path = os.path.join(self.cfg['data_dir'], "{}-{}".format(self.generated_task["task-name"], task.mode)) + dataset = RavensDataset(data_path, self.cfg, n_demos=0, augment=False) + print(f"Saving to: {data_path}") + print(f"Mode: {task.mode}") + + # Start video recording + if record: + env.start_rec(f'{dataset.n_episodes+1:06d}') + + return task, dataset, env, expert + + def run_one_episode(self, dataset, expert, env, task, episode, seed): + """ run the new task for one episode """ + add_to_txt( + self.chat_log, f"================= TRIAL: {self.curr_trials}", with_print=True) + record = self.cfg['record']['save_video'] + np.random.seed(seed) + random.seed(seed) + print('Oracle demo: {}/{} | Seed: {}'.format(dataset.n_episodes + 1, self.cfg['n'], seed)) + env.set_task(task) + obs = env.reset() + + info = env.info + reward = 0 + total_reward = 0 + + # Rollout expert policy + for _ in range(task.max_steps): + act = expert.act(obs, info) + episode.append((obs, act, reward, info)) + lang_goal = info['lang_goal'] + obs, reward, done, info = env.step(act) + total_reward += reward + print(f'Total Reward: {total_reward:.3f} | Done: {done} | Goal: {lang_goal}') + if done: + break + + episode.append((obs, None, reward, info)) + return total_reward + + def simulate_task(self): + """ simulate the created task and save demonstrations """ + total_cnt = 0. + reset_success_cnt = 0. + env_success_cnt = 0. + seed = 123 + self.curr_trials += 1 + + if p.isConnected(): + p.disconnect() + + if not self.task_creation_pass: + print("task creation failure => count as syntax exceptions.") + return + + # Check syntax and compilation-time error + try: + exec(self.generated_code, globals()) + task, dataset, env, expert = self.setup_env() + self.env = env + self.syntax_pass_rate += 1 + + except: + to_print = highlight(f"{str(traceback.format_exc())}", PythonLexer(), TerminalFormatter()) + save_text(self.cfg['model_output_dir'], self.generated_task_name + '_error', str(traceback.format_exc())) + print("========================================================") + print("Syntax Exception:", to_print) + return + + try: + # Collect environment and collect data from oracle demonstrations. + while total_cnt <= self.cfg['max_env_run_cnt']: + total_cnt += 1 + # Set seeds. + episode = [] + total_reward = self.run_one_episode(dataset, expert, env, task, episode, seed) + + reset_success_cnt += 1 + env_success_cnt += total_reward > 0.99 + + self.runtime_pass_rate += 1 + print("Runtime Test Pass!") + + + except: + to_print = highlight(f"{str(traceback.format_exc())}", PythonLexer(), TerminalFormatter()) + save_text(self.cfg['model_output_dir'], self.generated_task_name + '_error', str(traceback.format_exc())) + print("========================================================") + print("Runtime Exception:", to_print) + self.memory.save_run(self.generated_task) diff --git a/gensim/topdown_sim_runner.py b/gensim/topdown_sim_runner.py new file mode 100644 index 0000000000000000000000000000000000000000..d55c8a8b32db93fa531b1e05400707c8732f255b --- /dev/null +++ b/gensim/topdown_sim_runner.py @@ -0,0 +1,230 @@ +import numpy as np +import os +import IPython +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment + +from pygments import highlight +from pygments.lexers import PythonLexer +from pygments.formatters import TerminalFormatter + +import time +import random +import json +import traceback +from gensim.utils import ( + mkdir_if_missing, + save_text, + save_stat, + compute_diversity_score_from_assets, + add_to_txt, + extract_dict, + extract_code +) +import pybullet as p + +class TopDownSimulationRunner: + """ the main class that runs simulation loop """ + def __init__(self, cfg, memory): + self.cfg = cfg + self.memory = memory + + # statistics + self.syntax_pass_rate = 0 + self.runtime_pass_rate = 0 + self.env_pass_rate = 0 + self.curr_trials = 0 + + self.prompt_folder = f"prompts/{cfg['prompt_folder']}" + self.chat_log = memory.chat_log + self.task_asset_logs = [] + + # All the generated tasks in this run. + # Different from the ones in online buffer that can load from offline. + self.generated_task_assets = [] + self.generated_task_programs = [] + self.generated_task_names = [] + self.generated_tasks = [] + self.passed_tasks = [] # accepted ones + + def print_current_stats(self): + """ print the current statistics of the simulation design """ + print("=========================================================") + print(f"{self.cfg['prompt_folder']} Trial {self.curr_trials} SYNTAX_PASS_RATE: {(self.syntax_pass_rate / (self.curr_trials)) * 100:.1f}% RUNTIME_PASS_RATE: {(self.runtime_pass_rate / (self.curr_trials)) * 100:.1f}% ENV_PASS_RATE: {(self.env_pass_rate / (self.curr_trials)) * 100:.1f}%") + print("=========================================================") + + def save_stats(self): + """ save the final simulation statistics """ + self.diversity_score = compute_diversity_score_from_assets(self.task_asset_logs, self.curr_trials) + save_stat(self.cfg, self.cfg['model_output_dir'], self.generated_tasks, self.syntax_pass_rate / (self.curr_trials+1), + self.runtime_pass_rate / (self.curr_trials), self.env_pass_rate / (self.curr_trials), self.diversity_score) + print("Model Folder: ", self.cfg['model_output_dir']) + print(f"Total {len(self.generated_tasks)} New Tasks:", [task['task-name'] for task in self.generated_tasks]) + try: + print(f"Added {len(self.passed_tasks)} Tasks:", self.passed_tasks) + except: + pass + + + def task_creation(self, res): + """ create the task through interactions of agent and critic """ + self.task_creation_pass = True + mkdir_if_missing(self.cfg['model_output_dir']) + + try: + new_task = { + "task-name": "dummy", + "task-description": "dummy.", + "assets-used": [] + } + start_time = time.time() + task_def = extract_dict(res, prefix="new_task") + exec(task_def, globals()) + self.generated_task = new_task + self.generated_asset = {} + self.generated_code, self.curr_task_name = extract_code(res) + + self.task_asset_logs.append(self.generated_task["assets-used"]) + self.generated_task_name = self.generated_task["task-name"] + self.generated_tasks.append(self.generated_task) + self.generated_task_assets.append(self.generated_asset) + self.generated_task_programs.append(self.generated_code) + self.generated_task_names.append(self.generated_task_name) + except: + to_print = highlight(f"{str(traceback.format_exc())}", PythonLexer(), TerminalFormatter()) + print("Task Creation Exception:", to_print) + self.task_creation_pass = False + + # self.curr_task_name = self.generated_task['task-name'] + print("task creation time {:.3f}".format(time.time() - start_time)) + + + def setup_env(self): + """ build the new task""" + env = Environment( + self.cfg['assets_root'], + disp=self.cfg['disp'], + shared_memory=self.cfg['shared_memory'], + hz=480, + record_cfg=self.cfg['record'] + ) + + task = eval(self.curr_task_name)() + task.mode = self.cfg['mode'] + record = self.cfg['record']['save_video'] + save_data = self.cfg['save_data'] + + # Initialize scripted oracle agent and dataset. + expert = task.oracle(env) + self.cfg['task'] = self.generated_task["task-name"] + data_path = os.path.join(self.cfg['data_dir'], "{}-{}".format(self.generated_task["task-name"], task.mode)) + dataset = RavensDataset(data_path, self.cfg, n_demos=0, augment=False) + print(f"Saving to: {data_path}") + print(f"Mode: {task.mode}") + + # Start video recording + if record: + env.start_rec(f'{dataset.n_episodes+1:06d}') + + return task, dataset, env, expert + + def run_one_episode(self, dataset, expert, env, task, episode, seed): + """ run the new task for one episode """ + add_to_txt( + self.chat_log, f"================= TRIAL: {self.curr_trials}", with_print=True) + record = self.cfg['record']['save_video'] + np.random.seed(seed) + random.seed(seed) + print('Oracle demo: {}/{} | Seed: {}'.format(dataset.n_episodes + 1, self.cfg['n'], seed)) + env.set_task(task) + obs = env.reset() + + info = env.info + reward = 0 + total_reward = 0 + + # Rollout expert policy + for _ in range(task.max_steps): + act = expert.act(obs, info) + episode.append((obs, act, reward, info)) + lang_goal = info['lang_goal'] + obs, reward, done, info = env.step(act) + total_reward += reward + print(f'Total Reward: {total_reward:.3f} | Done: {done} | Goal: {lang_goal}') + if done: + break + + episode.append((obs, None, reward, info)) + return total_reward + + def simulate_task(self): + """ simulate the created task and save demonstrations """ + total_cnt = 0. + reset_success_cnt = 0. + env_success_cnt = 0. + seed = 123 + self.curr_trials += 1 + + if p.isConnected(): + p.disconnect() + + if not self.task_creation_pass: + print("task creation failure => count as syntax exceptions.") + return + + # Check syntax and compilation-time error + try: + exec(self.generated_code, globals()) + task, dataset, env, expert = self.setup_env() + self.syntax_pass_rate += 1 + + except: + to_print = highlight(f"{str(traceback.format_exc())}", PythonLexer(), TerminalFormatter()) + save_text(self.cfg['model_output_dir'], self.generated_task_name + '_error', str(traceback.format_exc())) + print("========================================================") + print("Syntax Exception:", to_print) + return + + try: + # Collect environment and collect data from oracle demonstrations. + while total_cnt <= self.cfg['max_env_run_cnt']: + total_cnt += 1 + # Set seeds. + episode = [] + total_reward = self.run_one_episode(dataset, expert, env, task, episode, seed) + + reset_success_cnt += 1 + env_success_cnt += total_reward > 0.99 + + self.runtime_pass_rate += 1 + print("Runtime Test Pass!") + + # the task can actually be completed with oracle. 50% success rates are high enough. + if env_success_cnt >= total_cnt / 2: + self.env_pass_rate += 1 + print("Environment Test Pass!") + + # Only save completed demonstrations. + if self.cfg['save_data']: + dataset.add(seed, episode) + save_task_flag = self.critic.reflection(self.generated_task, self.generated_code, current_tasks=self.generated_tasks) + if save_task_flag: + """ add to online buffer """ + self.memory.save_task_to_online(self.generated_task, self.generated_code) + print(f"added new task to online buffer: {self.generated_task['task-name']}") + self.passed_tasks.append(self.generated_task['task-name']) + + if self.cfg['save_memory']: + """ add to disk for future inspection and use """ + self.memory.save_task_to_offline(self.generated_task, self.generated_code) + print(f"added new task to offline: {self.generated_task['task-name']}") + + except: + to_print = highlight(f"{str(traceback.format_exc())}", PythonLexer(), TerminalFormatter()) + save_text(self.cfg['model_output_dir'], self.generated_task_name + '_error', str(traceback.format_exc())) + print("========================================================") + print("Runtime Exception:", to_print) + self.memory.save_run(self.generated_task) + + diff --git a/gensim/use_finetune_model.py b/gensim/use_finetune_model.py new file mode 100644 index 0000000000000000000000000000000000000000..5c553b8ba4b7805053e747e172e8ccfffedaea45 --- /dev/null +++ b/gensim/use_finetune_model.py @@ -0,0 +1,54 @@ +import openai +import argparse +import os +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment + +from pygments import highlight +from pygments.lexers import PythonLexer +from pygments.formatters import TerminalFormatter + +import time +import random +import json + +from gensim.utils import set_gpt_model, clear_messages, format_finetune_prompt + + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--task", type=str, default='build-car') + parser.add_argument("--model", type=str, default='davinci:ft-wang-lab:gensim-2023-08-05-16-54-05') + + args = parser.parse_args() + task = args.task + prompt = format_finetune_prompt(task) + + if True: + response = openai.Completion.create( + model=args.model, + prompt=prompt, + temperature=0, + max_tokens=1024) + res = response["choices"][0]["text"] + else: + params = { + "model": args.model, + "max_tokens": 500, + "temperature": 0.1, + "messages": [prompt] + } + call_res = openai.ChatCompletion.create(**params) + res = call_res["choices"][0]["message"]["content"] + + print("code!:", res) + python_file_path = f"cliport/generated_tasks/finetune_{task.replace('-','_')}.py" + print(f"saving task {args.task} to {python_file_path}") + + # evaluate and then save + # with open(python_file_path, "w", + # ) as fhandle: + # fhandle.write(res) + diff --git a/gensim/utils.py b/gensim/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..0e7dd7a8a11ff3ae3c93fcf036b9acd202373ac1 --- /dev/null +++ b/gensim/utils.py @@ -0,0 +1,322 @@ +import os + +import numpy as np +import os +import hydra +import numpy as np +import random + +from cliport import tasks +from cliport.dataset import RavensDataset +from cliport.environments.environment import Environment + +from pygments import highlight +from pygments.lexers import PythonLexer +from pygments.formatters import TerminalFormatter +import re + +import openai +import IPython +import time +import pybullet as p +import traceback +from datetime import datetime +from pprint import pprint +import cv2 +import re +import random +import json +import operator +import csv +import itertools + +model = "gpt-4" +# model = "gpt-3.5-turbo-16k" +# model = "gpt-4-0613" + +def set_gpt_model(gpt_model_name): + """ globally set gpt-model""" + global model + model = gpt_model_name + print("use gpt model:", model) + +def mkdir_if_missing(dst_dir): + if not os.path.exists(dst_dir): + os.makedirs(dst_dir) + + +def save_text(folder, name, out): + mkdir_if_missing(folder) + with open(os.path.join(folder, name + ".txt"), "w") as fhandle: + fhandle.write(out) + + +def add_to_txt(full_interaction, message, with_print=False): + """ Add the message string to the full interaction """ + full_interaction.append("\n\n"+message) + if with_print: + print("\n\n"+message) + return full_interaction + +def get_task_import_str(): + return "import numpy as np\n" + \ + "import os\n" + \ + "import pybullet as p\n" + \ + "import random\n" + \ + "from cliport.tasks import primitives\n" + \ + "from cliport.tasks.grippers import Spatula\n" + \ + "from cliport.tasks.task import Task\n" + \ + "from cliport.utils import utils\n" + +def extract_code(res): + """ parse code block """ + # Pattern to find string between ``` + pattern = r'```(.*?)```' + + # Use re.findall to get all substrings within ``` + code_string = re.findall(pattern, res, re.DOTALL) + if len(code_string) == 0: + print("\n".join(res.split("\n"))) + print("empty code string") + return '', '' + + code_string = code_string[0] + code_string = code_string.replace('python', '') + code_lines = code_string.split("\n") + + if 'python' in code_string: + code_lines = code_lines[1:] # skip the first line + + class_def = [line for line in code_lines if line.startswith('class')] + task_name = class_def[0] + task_name = task_name[task_name.find("class "): task_name.rfind("(Task)")][6:] + + print("task_name:", task_name) + return get_task_import_str() + '\n'.join(code_lines).strip(), task_name + + +def extract_dict(res, prefix="new_task"): + """ parse task dictionary """ + pattern = r'{(.*?)}' + code_string = re.findall(pattern, res, re.DOTALL) + if len(code_string) == 0: + return '' + + code_string = code_string[0] + code_string = code_string.replace('python', '') + + return prefix + '={'+ code_string.replace("\n","").strip() + '}' + +def extract_list(res, prefix="code_reference"): + """ parse task dictionary """ + pattern = r'\[(.*?)\]' + code_string = re.findall(pattern, res, re.DOTALL) + if len(code_string) == 0: + return '' + + code_string = code_string[0] + return prefix + '=[' + code_string.strip() + ']' + +def extract_assets(res): + """ parse generated assets """ + pattern = r'' + code_string = re.findall(pattern, res, re.DOTALL) + + assets_pattern = r'robot name="(.*?)">' + assets_string = re.findall(assets_pattern, res, re.DOTALL) + if len(code_string) == 0: + return {} + + try: + new_urdf = {} + for asset_path, code in zip(assets_string, code_string): + new_urdf[asset_path] = " 0: + sample_idx = np.random.choice(len(task_name_dict), sample_num, replace=False) + + for idx, (task_name, task_desc) in enumerate(task_name_dict.items()): + if idx in sample_idx: + prompt_replacement += f'- {task_name}: {task_desc}\n' + + return prompt_replacement + "\n\n" + +def format_list_prompt(task_list, sample_num=-1, sort_items=False): + """ format a saved dictionary into prompt """ + + # if sort_items: + # task_list = sorted(task_list, key=operator.itemgetter(0)) + prompt_replacement = '' + sample_idx = list(range(len(task_list))) + + if sample_num > 0: + sample_idx = np.random.choice(len(task_list), sample_num, replace=False) + + for idx, task in enumerate(task_list): + if idx in sample_idx: + prompt_replacement += f"- {task['task-name']}: {task['task-descriptions']}\n" + + return prompt_replacement + "\n\n" + +def sample_list_reference(item_list, sample_num=-1): + """ sample reference code from a list of python files """ + sample_idx = list(range(len(item_list))) + prompt_replacement = '' + + if sample_num > 0: + sample_idx = np.random.choice(len(item_list), sample_num, replace=False) + + print("reference files: ", [item_list[idx] for idx in sample_idx]) + for idx, item in enumerate(item_list): + try: + item_content = open(f"cliport/tasks/{item}").read() + except: + # one or the other + item_content = open(f"cliport/generated_tasks/{item}").read() + + if idx in sample_idx: + prompt_replacement += f'```\n{item_content}\n```\n\n' + + return prompt_replacement + "\n\n" + + +def compute_diversity_score_from_assets_old(task_assets): + """ compute how many new asset combos are covered by previous by a proxy""" + if len(task_assets) == 0: + return 0 + + existing_assets = [] + for asset in task_assets: + new_asset_flag = True + for existing_asset in existing_assets: + # it's covered by any previous assets + if set(asset).issubset(existing_asset): + new_asset_flag = False + break + + if new_asset_flag: + existing_assets.append(asset) + + return len(existing_assets) / len(task_assets) + +def iou_assets(asset1, asset2): + asset1 = set(asset1) + asset2 = set(asset2) + return len(asset1 & asset2) / len(asset1 | asset2) + +def compute_diversity_score_from_assets(task_assets, total_trials): + """ compute the pairwise IOU for assets""" + if len(task_assets) == 0: + return 0 + + score = 0 + pairs = list(itertools.combinations(range(len(task_assets)), 2)) + for j, k in pairs: + score += 1. - iou_assets(task_assets[j], task_assets[k]) + + return score / len(pairs) + +def truncate_message_for_token_limit(message_history, max_tokens=6000): + truncated_messages = [] + tokens = 0 + + # reverse + for idx in range(len(message_history)-1, -1, -1) : + message = message_history[idx] + message_tokens = len(message['content']) / 4 # rough estimate. + # print("message_tokens:", message['content']) + if tokens + message_tokens > max_tokens: + break # This message would put us over the limit + + truncated_messages.append(message) + tokens += message_tokens + + truncated_messages.reverse() + # print("truncated messages:", len(truncated_messages)) + return truncated_messages + +def insert_system_message(message_history): + system_message_prompt = 'You are a helpful and expert assistant in robot simulation code writing and task design.' + 'You design tasks that are creative and do-able by table-top manipulation. ' + 'You write code without syntax errors and always think through and document your code carefully. ' + message_history.insert(0, {"role": "system", "content": system_message_prompt}) + +# globally always feed the previous reply as the assistant message back into the model +existing_messages = [] +def generate_feedback(prompt, max_tokens=2048, temperature=0.0, interaction_txt=None, retry_max=5, n=1): + """ use GPT-4 API """ + global existing_messages + existing_messages.append({"role": "user", "content": prompt}) + truncated_messages = truncate_message_for_token_limit(existing_messages) + insert_system_message(truncated_messages) + + params = { + "model": model, + "max_tokens": max_tokens, + "temperature": temperature, + "messages": truncated_messages, + "n": n + } + + for retry in range(retry_max): + try: + if interaction_txt is not None: + add_to_txt(interaction_txt, ">>> Prompt: \n" + prompt, with_print=False) + call_res = openai.ChatCompletion.create(**params) + res = call_res["choices"][0]["message"]["content"] + existing_messages.append({"role": "assistant", "content": res}) + + to_print = highlight(f"{res}", PythonLexer(), TerminalFormatter()) + print(to_print) + if interaction_txt is not None: + add_to_txt(interaction_txt, ">>> Answer: \n" + res, with_print=False) + + if n > 1: + return [r["message"]["content"] for r in call_res["choices"]] + return res + + except Exception as e: + print("failed chat completion", e) + raise Exception("Failed to generate") + +def clear_messages(): + global existing_messages + existing_messages = [] + + +def format_finetune_prompt(task_name): + instruction_text = open('prompts/finetune_instructions_prompt.txt').read() + instruction_text = instruction_text.replace("TASK_NAME_TEMPLATE", task_name) + prompt_text = instruction_text + return prompt_text \ No newline at end of file diff --git a/prompts/bottomup_task_generation_prompt/cliport_prompt_api_template.txt b/prompts/bottomup_task_generation_prompt/cliport_prompt_api_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..f56b6cc4e25e7ce5f7f5788034851cb07bf3de28 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt/cliport_prompt_api_template.txt @@ -0,0 +1,355 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some APIs that are defined. Please confirm that you understand these APIs. + +""" +class Task(): + """Base Task class.""" + + def __init__(self): + self.ee = Suction + self.mode = 'train' + self.sixdof = False + self.primitive = primitives.PickPlace() + self.oracle_cams = cameras.Oracle.CONFIG + + # Evaluation epsilons (for pose evaluation metric). + self.pos_eps = 0.01 + self.rot_eps = np.deg2rad(15) + + # Workspace bounds. + self.pix_size = 0.003125 + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]]) + self.zone_bounds = np.copy(self.bounds) + + self.goals = [] + self.lang_goals = [] + self.task_completed_desc = "task completed." + self.progress = 0 + self._rewards = 0 + self.assets_root = None + + def reset(self, env): + if not self.assets_root: + raise ValueError('assets_root must be set for task, ' + 'call set_assets_root().') + self.goals = [] + self.lang_goals = [] + self.progress = 0 # Task progression metric in range [0, 1]. + self._rewards = 0 # Cumulative returned rewards. + + # ------------------------------------------------------------------------- + # Oracle Agent + # ------------------------------------------------------------------------- + + def oracle(self, env): + """Oracle agent.""" + OracleAgent = collections.namedtuple('OracleAgent', ['act']) + + def act(obs, info): + """Calculate action.""" + + # Oracle uses perfect RGB-D orthographic images and segmentation masks. + _, hmap, obj_mask = self.get_true_image(env) + + # Unpack next goal step. + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] + + # Match objects to targets without replacement. + if not replace: + + # Modify a copy of the match matrix. + matches = matches.copy() + + # Ignore already matched objects. + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + if self.is_match(pose, targs[j], symmetry): + matches[i, :] = 0 + matches[:, j] = 0 + + # Get objects to be picked (prioritize farthest from nearest neighbor). + nn_dists = [] + nn_targets = [] + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + xyz, _ = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + if len(targets_i) > 0: + targets_xyz = np.float32([targs[j][0] for j in targets_i]) + dists = np.linalg.norm( + targets_xyz - np.float32(xyz).reshape(1, 3), axis=1) + nn = np.argmin(dists) + nn_dists.append(dists[nn]) + nn_targets.append(targets_i[nn]) + + # Handle ignored objects. + else: + nn_dists.append(0) + nn_targets.append(-1) + order = np.argsort(nn_dists)[::-1] + + # Filter out matched objects. + order = [i for i in order if nn_dists[i] > 0] + + pick_mask = None + for pick_i in order: + pick_mask = np.uint8(obj_mask == objs[pick_i][0]) + + # Erode to avoid picking on edges. + # pick_mask = cv2.erode(pick_mask, np.ones((3, 3), np.uint8)) + + if np.sum(pick_mask) > 0: + break + + # Trigger task reset if no object is visible. + if pick_mask is None or np.sum(pick_mask) == 0: + self.goals = [] + self.lang_goals = [] + print('Object for pick is not visible. Skipping demonstration.') + return + + # Get picking pose. + pick_prob = np.float32(pick_mask) + pick_pix = utils.sample_distribution(pick_prob) + # For "deterministic" demonstrations on insertion-easy, use this: + # pick_pix = (160,80) + pick_pos = utils.pix_to_xyz(pick_pix, hmap, + self.bounds, self.pix_size) + pick_pose = (np.asarray(pick_pos), np.asarray((0, 0, 0, 1))) + + # Get placing pose. + targ_pose = targs[nn_targets[pick_i]] + obj_pose = p.getBasePositionAndOrientation(objs[pick_i][0]) + if not self.sixdof: + obj_euler = utils.quatXYZW_to_eulerXYZ(obj_pose[1]) + obj_quat = utils.eulerXYZ_to_quatXYZW((0, 0, obj_euler[2])) + obj_pose = (obj_pose[0], obj_quat) + world_to_pick = utils.invert(pick_pose) + obj_to_pick = utils.multiply(world_to_pick, obj_pose) + pick_to_obj = utils.invert(obj_to_pick) + place_pose = utils.multiply(targ_pose, pick_to_obj) + + # Rotate end effector? + if not rotations: + place_pose = (place_pose[0], (0, 0, 0, 1)) + + place_pose = (np.asarray(place_pose[0]), np.asarray(place_pose[1])) + + return {'pose0': pick_pose, 'pose1': place_pose} + + return OracleAgent(act) + + # ------------------------------------------------------------------------- + # Reward Function and Task Completion Metrics + # ------------------------------------------------------------------------- + + def reward(self): + """Get delta rewards for current timestep. + + Returns: + A tuple consisting of the scalar (delta) reward, plus `extras` + dict which has extra task-dependent info from the process of + computing rewards that gives us finer-grained details. Use + `extras` for further data analysis. + """ + reward, info = 0, {} + + # Unpack next goal step. + objs, matches, targs, _, _, metric, params, max_reward = self.goals[0] + + # Evaluate by matching object poses. + if metric == 'pose': + step_reward = 0 + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + target_pose = targs[j] + if self.is_match(pose, target_pose, symmetry): + step_reward += max_reward / len(objs) + print(f"object {i} match with target {j} rew: {step_reward}") + break + + # Evaluate by measuring object intersection with zone. + elif metric == 'zone': + zone_pts, total_pts = 0, 0 + obj_pts, zones = params + for zone_idx, (zone_pose, zone_size) in enumerate(zones): + + # Count valid points in zone. + for obj_idx, obj_id in enumerate(obj_pts): + pts = obj_pts[obj_id] + obj_pose = p.getBasePositionAndOrientation(obj_id) + world_to_zone = utils.invert(zone_pose) + obj_to_zone = utils.multiply(world_to_zone, obj_pose) + pts = np.float32(utils.apply(obj_to_zone, pts)) + if len(zone_size) > 1: + valid_pts = np.logical_and.reduce([ + pts[0, :] > -zone_size[0] / 2, pts[0, :] < zone_size[0] / 2, + pts[1, :] > -zone_size[1] / 2, pts[1, :] < zone_size[1] / 2, + pts[2, :] < self.zone_bounds[2, 1]]) + + # if zone_idx == matches[obj_idx].argmax(): + zone_pts += np.sum(np.float32(valid_pts)) + total_pts += pts.shape[1] + step_reward = max_reward * (zone_pts / total_pts) + + # Get cumulative rewards and return delta. + reward = self.progress + step_reward - self._rewards + self._rewards = self.progress + step_reward + + # Move to next goal step if current goal step is complete. + if np.abs(max_reward - step_reward) < 0.01: + self.progress += max_reward # Update task progress. + self.goals.pop(0) + if len(self.lang_goals) > 0: + self.lang_goals.pop(0) + + return reward, info + + def done(self): + """Check if the task is done or has failed. + + Returns: + True if the episode should be considered a success, which we + use for measuring successes, which is particularly helpful for tasks + where one may get successes on the very last time step, e.g., getting + the cloth coverage threshold on the last alllowed action. + However, for bag-items-easy and bag-items-hard (which use the + 'bag-items' metric), it may be necessary to filter out demos that did + not attain sufficiently high reward in external code. Currently, this + is done in `main.py` and its ignore_this_demo() method. + """ + return (len(self.goals) == 0) or (self._rewards > 0.99) + # return zone_done or defs_done or goal_done + + # ------------------------------------------------------------------------- + # Environment Helper Functions + # ------------------------------------------------------------------------- + + def is_match(self, pose0, pose1, symmetry): + """Check if pose0 and pose1 match within a threshold.""" + + # Get translational error. + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) + dist_pos = np.linalg.norm(diff_pos) + + # Get rotational error around z-axis (account for symmetries). + diff_rot = 0 + if symmetry > 0: + rot0 = np.array(utils.quatXYZW_to_eulerXYZ(pose0[1]))[2] + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + diff_rot = np.abs(rot0 - rot1) % symmetry + if diff_rot > (symmetry / 2): + diff_rot = symmetry - diff_rot + + return (dist_pos < self.pos_eps) and (diff_rot < self.rot_eps) + + def get_random_pose(self, env, obj_size): + """Get random collision-free object pose within workspace bounds.""" + + # Get erosion size of object in pixels. + max_size = np.sqrt(obj_size[0] ** 2 + obj_size[1] ** 2) + erode_size = int(np.round(max_size / self.pix_size)) + + _, hmap, obj_mask = self.get_true_image(env) + + # Randomly sample an object pose within free-space pixels. + free = np.ones(obj_mask.shape, dtype=np.uint8) + for obj_ids in env.obj_ids.values(): + for obj_id in obj_ids: + free[obj_mask == obj_id] = 0 + free[0, :], free[:, 0], free[-1, :], free[:, -1] = 0, 0, 0, 0 + free = cv2.erode(free, np.ones((erode_size, erode_size), np.uint8)) + + # if np.sum(free) == 0: + # return None, None + + if np.sum(free) == 0: + # avoid returning None, None + # return None, None + pix = (obj_mask.shape[0] // 2, obj_mask.shape[1] // 2) + else: + pix = utils.sample_distribution(np.float32(free)) + pos = utils.pix_to_xyz(pix, hmap, self.bounds, self.pix_size) + pos = (pos[0], pos[1], obj_size[2] / 2) + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + return pos, rot + + def get_lang_goal(self): + if len(self.lang_goals) == 0: + return self.task_completed_desc + else: + return self.lang_goals[0] + + def get_reward(self): + return float(self._rewards) + + # ------------------------------------------------------------------------- + # Helper Functions + # ------------------------------------------------------------------------- + + def fill_template(self, template, replace): + """Read a file and replace key strings.""" + full_template_path = os.path.join(self.assets_root, template) + with open(full_template_path, 'r') as file: + fdata = file.read() + for field in replace: + for i in range(len(replace[field])): + fdata = fdata.replace(f'{field}{i}', str(replace[field][i])) + alphabet = string.ascii_lowercase + string.digits + rname = ''.join(random.choices(alphabet, k=16)) + tmpdir = tempfile.gettempdir() + template_filename = os.path.split(template)[-1] + fname = os.path.join(tmpdir, f'{template_filename}.{rname}') + with open(fname, 'w') as file: + file.write(fdata) + return fname + + def get_random_size(self, min_x, max_x, min_y, max_y, min_z, max_z): + """Get random box size.""" + size = np.random.rand(3) + size[0] = size[0] * (max_x - min_x) + min_x + size[1] = size[1] * (max_y - min_y) + min_y + size[2] = size[2] * (max_z - min_z) + min_z + return tuple(size) + + def color_random_brown(self, obj): + shade = np.random.rand() + 0.5 + color = np.float32([shade * 156, shade * 117, shade * 95, 255]) / 255 + p.changeVisualShape(obj, -1, rgbaColor=color) + + """"" + + # Environment Class + def add_object(self, urdf, pose, category='rigid'): + """List of (fixed, rigid, or deformable) objects in env.""" + fixed_base = 1 if category == 'fixed' else 0 + obj_id = pybullet_utils.load_urdf( + p, + os.path.join(self.assets_root, urdf), + pose[0], + pose[1], + useFixedBase=fixed_base) + self.obj_ids[category].append(obj_id) + return obj_id +""" + +========= +Note that the objects need to obey physics and not collide with each other, and the object goal poses need to be above the table with lower bound x=0.25, y=-0.5 and upper bound x=0.75, y=0.5. When there are multiple objects for a multi-step pick-and-place task, there are often multiple subgoals. Once the task and environment are generated, an agent with a pick and place primitive will follow the defined goal to accomplish the tasks. + +Additionally, make sure you understand and summarize the ``self.goals`` variables, which has a list of 8-tuple with (objs, matches, targ_poses, replace, rotations, metric, params, step_max_reward, symmetries). +- objs (List of obj_id): object ID. +- matches (Binary Matrix): a binary matrix that denotes which object is matched with which target. This matrix has dimension len(objs) x len(targs). +- targ_poses (List of Poses [(translation, rotation)] ): a list of target poses of tuple (translation, rotation). +- replace (Boolean): whether each object can match with one unique target. This is important if we have one target and multiple objects. If it's set to be false, then any object matching with the target will satisfy. +- rotations (Boolean): whether the placement action has a rotation degree of freedom. +- metric (`pose` or `zone`): `pose` or `zone` that the object needs to be transported to. Example: `pose`. +- params (List of (zone_target, zone_size)): a list of (zone_target, zone_size) for each zone if the metric is `zone`. +- step_max_reward (float): the total reward of matching all the objects with all the target poses. It is not dependent on the number of objects but dependent on the number of goals. +- symmetries: the radians that the object is symmetric around z axis. + diff --git a/prompts/bottomup_task_generation_prompt/cliport_prompt_code_candidate_template.txt b/prompts/bottomup_task_generation_prompt/cliport_prompt_code_candidate_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..ff2bce8375fea33af61f0beb0279439572dfa9c4 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt/cliport_prompt_code_candidate_template.txt @@ -0,0 +1,16 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + +""" +TASK_CODE_REFERENCE_TEMPLATE +""" + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. +Note: +1. Use `make_piles` to create piles of small blocks. +2. Use `make_ropes` to create cables. +3. Us `self.primitive = primitives.push` and `self.ee = Spatula` to use spatula. +4. Do not use random pose or the initial pose for the target poses. Come up with the specified pose. Especially for building tasks, use a consistent `anchor_pose` and use `self.add_corner_anchor_for_pose(env, anchor_pose)` to add an anchor there. +5. Do not use target poses that are not in the workspace bound `bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]])` + + +For each object, try to describe its color, size, category in the task first before you write the code. Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/bottomup_task_generation_prompt/cliport_prompt_code_reference_selection_template.txt b/prompts/bottomup_task_generation_prompt/cliport_prompt_code_reference_selection_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..ebcf4a9a238b088952a88973335b664791c25100 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt/cliport_prompt_code_reference_selection_template.txt @@ -0,0 +1,7 @@ +Now I will provide you some reference code that might help you can write the code for the task "TASK_STRING_TEMPLATE". + + +TASK_CODE_LIST_TEMPLATE + + +Please pick 4 task python files that you would like to use as reference. Format them in a python list. diff --git a/prompts/bottomup_task_generation_prompt/cliport_prompt_code_split_template.txt b/prompts/bottomup_task_generation_prompt/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..5245bfcbd3ac11ae6351bbe4315f56bbad89c8e6 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt/cliport_prompt_code_split_template.txt @@ -0,0 +1,257 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +""" +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # use `make_piles` to add pile of small blocks. + obj_ids = self.make_piles(env) +If you have only one goal, `step_max_reward` in `add_goal` should be 1. + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((3, 3)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((3, 3)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) +""" + + + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. If you have only one goal, `step_max_reward` in `add_goal` should be 1. Use functions `make_piles` and `make_ropes` for creating piles and cables. To use spatula together with the push primitives, import the libraries +""" +from cliport.tasks import primitives; +from cliport.tasks.grippers import Spatula +""" +and then use `self.primitive = primitives.push` and `self.ee = Spatula`. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/bottomup_task_generation_prompt/cliport_prompt_common_errors_template.txt b/prompts/bottomup_task_generation_prompt/cliport_prompt_common_errors_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..e4ecfa5eb9c2b5936da57e26fe030594e337d27e --- /dev/null +++ b/prompts/bottomup_task_generation_prompt/cliport_prompt_common_errors_template.txt @@ -0,0 +1,101 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some runtime errors that you do not want to make. Please confirm that you understand these runtime errors. + +""" +- environment.py, line 338, in info + pos, rot = p.getBasePositionAndOrientation(obj_id) +TypeError: an integer is required (got type NoneType) + +- task.py, line 118, in act + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] +IndexError: list index out of range + +- task.py, line 308, in is_match + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) +TypeError: 'float' object is not subscriptable + +- task.py", line 315, in is_match + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + +- utils.py", line 280, in quatXYZW_to_eulerXYZ + quaternion_wxyz = np.array([q[3], q[0], q[1], q[2]]) +IndexError: tuple index out of range + +- pallet_pose = self.get_random_pose(env, pallet_size) +pallet_surface_height = pallet_pose[0][2] +TypeError: 'NoneType' object is not subscriptable + +- No such file or directory: './cliport/environments/assets/circle/circle-template.urdf' + +- No such file or directory: './cliport/environments/assets/block/block-template.urdf' + +- task.py", line 308, in is_match + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) +IndexError: invalid index to scalar variable. + +-TypeError: get_random_size() missing 4 required positional arguments: 'min_y', 'max_y', 'min_z', and 'max_z' + +- task.py", line 195, in reward + obj_pts, zones = params +TypeError: cannot unpack non-iterable NoneType object + +- environment.py", line 230, in step + reward, info = self.task.reward() if action is not None else (0, {}) + File "task.py", line 200, in reward + pts = obj_pts[obj_id] +IndexError: arrays used as indices must be of integer (or boolean) type + +- generated_task.py", line 41, in reset + utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['light blue'], +KeyError: 'light blue' + +- environment.py", line 195, in reset + self.task.reset(self) + File "", line 38, in reset +TypeError: can only concatenate str (not "list") to str + +- environment.py", line 195, in reset + object_shape = np.random.choice(object_shapes) + in numpy.random.mtrand.RandomState.choice +ValueError: a must be 1-dimensional + +- No such file or directory: 'assets/box-template/box-template.urdf' + +- line 38, in reset.py +{'HALF': box_size / 2} +TypeError: unsupported operand type(s) for /: 'tuple' and 'int'. box_size is a tuple not a float. + +- line 38, in reset.py +IndexError: tuple index out of range +box_pose = (pallet_pose[0], pallet_pose[1], pallet_pose[2] + np.sum(box_sizes[:i+1])) + +- task.py", line 338, in fill_template + for i in range(len(replace[field])): +TypeError: object of type 'float' has no len(). + +- task.py", line 325, in get_random_pose + pos = (pos[0], pos[1], obj_size[2] / 2) +IndexError: tuple index out of range + +- task.py", line 206, in reward + for zone_idx, (zone_pose, zone_size) in enumerate(zones): +TypeError: 'NoneType' object is not iterable + +- task.py", +ball_pose = self.get_random_pose(env, ball_size) +ball_pose[0][2] += 0.02 +TypeError: 'tuple' object does not support item assignment +""" + + +You do not want to make mistakes such as +- using assets (urdfs) that do not exist +- use ambiguous language descriptions as goals. For instance, "place the colored blocks into the matching colored bowls" with one goal and sparse reward as the task instead of adding subgoal "place blue block into blue bowl" and give continuous reward. +- `matches` in the goal has wrong dimensions. It should have the same dimensions as number of objects (N) multiplied by the number of goal poses (M). Usually it is N by M. +- have vector dimension problem such as `np.random.choice(box_size)` or `box_size / 2` where `box_size` is a tuple and not an int +- make too large an object for stacking or make the task objects invisible for picking. +- accessing index out of bound `pallet_pose[2]` for `pallet_pose`. `pallet_pose=get_random_pose` returns a tuple (translation, rotation). It does not have 3rd component. Similarly accessing `container_pose[2]` or `box_pose[2]` would cause errors as well. Since it's a tuple, try to modify it in-place will also trigger errors. +- forget to replace str using `fill_template()` for urdfs with template such as `cylinder-template.urdf`. `ball-template.urdf`, `line-template.urf`. +- use `self.ee = Spatula()` as a function when doing pushing tasks, which is incorrect. It should be `self.ee = Spatula`. +- forget to compute target poses `targ_poses` for matching. Do not use object IDs for poses. +- change colors of complex objects such as `zone`. You can only change color of teomplate primitive such as `cylinder-template`. +- mistakenly use `random_pose` for target pose. Design target poses based on task objectives. diff --git a/prompts/bottomup_task_generation_prompt/cliport_prompt_task.txt b/prompts/bottomup_task_generation_prompt/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..b51ec8088439cb3db1d5e1aff22b132e2873e622 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt/cliport_prompt_task.txt @@ -0,0 +1,93 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design creative and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Please try to come up with tasks using only these assets. +""" +TASK_ASSET_PROMPT +""" + +There are certain rules on the asset usage. +1. Sweeping piles task must have small blocks `block/small.urdf`. Only the piles can be swept in all assets +2. Insertion tasks must have `insertion/ell.urdf` and `insertion/fixture.urdf`. Only the fixture can be inserted in all assets. +3. Rope tasks usually come with 'square/square-template.urdf'. + +========= +Here are some examples of good tasks. Try to be creative and high standard, and avoid overlapping with these tasks. + +TASK_DESCRIPTION_PROMPT + +========= +Here are some tasks that you have come up with before. Try to have a high-standard and avoid overlapping with these tasks. For instance, `bowl_ball_placement` and `sort_balls_in_bowls` are the same task. `pile_boxes_in_corner` and `stack_blocks_into_pallet` are similar tasks, `align-cylinder-in-corner` and `align-cylinder-corner` are similar. +Past Tasks: + +PAST_TASKNAME_TEMPLATE + + + +========= +Here are some bad example task instances with reasons. +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "box/box-template.urdf], +} +reasons: not interesting because it overlaps with the current task `put-block-in-bowl`. + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], +} +reasons: the language descriptions are too ambiguous. Navigation is also hard to complete. Also maze.urf does not exist. + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], +} +reasons: this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere. Similarly you cannot create task like `insert-ball-into-cylinder`. + +{ + "task-name": "ball-box-obstacle-course", + "task-description": "Navigate a ball through an obstacle course created by randomly placed boxes and finally place it inside a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: Navigate the ball is not related to tabletop manipulation tasks. + +{ + "task-name": "ball-in-box", + "task-description": "Use a cable to guide a ball into an open box.", + "assets-used": ["cable/cable.urdf", "ball/ball-template.urdf", "box/box-template.urdf"] +} +reasons: This task is too hard since it involves interaction of the cable and the ball and cannot be easily completed. + +{ + "task-name": "ball-in-container", + "task-description": "Use the spatula to lift a ball over a wall of boxes and drop it into a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: The only action primitives as pick and place. One cannot use a spatula to lift an object. + +{ + "task-name": "line-ball-sorting", + "task-description": "Move balls of different colors along a single green line, placing each ball in a designated colored box at the end of the line. The challenge includes precision in maintaining the ball on the line and the correct identification of the box color corresponding to each ball.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf"] +} +reasons: Piling or stacking balls are physically infeasible in the simulation. + +{ + "task-name": "sweep-and-stack-blocks", + "task-description": "Sweep a pile of small red and blue blocks into two separate zones marked on the tabletop. Then pick up these blocks in each zone and stack them in two towers according to their colors, with the red tower higher than the blue.", + "assets-used": ["zone/zone.urdf", "block/small.urdf"] +} +reasons: Cannot do sweeping and stacking in the same task. + + +========= +Now please describe the new task in natural languages and explain its novelty and challenges. Format the answer in a python dictionary with keys "task-name" and value type string, "task-description" (one specific sentence) and value type string with lower-case and separated by hyphens, and "assets-used" and value type list of strings. Try to be as creative as possible. + +Note: +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. diff --git a/prompts/bottomup_task_generation_prompt/cliport_prompt_task_reflection.txt b/prompts/bottomup_task_generation_prompt/cliport_prompt_task_reflection.txt new file mode 100644 index 0000000000000000000000000000000000000000..49de7f356ed859ca85f292d794a24363a9a429e1 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt/cliport_prompt_task_reflection.txt @@ -0,0 +1,76 @@ + + +Do you think your task is sufficently interesting to be added as a new task for future task given that we already have the following task name and descriptions? Moreover, does the simulation code achieve the goal and the language descriptions in the task? Be as rigorous and high-standard as possible. + +Reminder: +your task: +TASK_STRING_TEMPLATE + +TASK_CODE_TEMPLATE + +current task list: +CURRENT_TASK_NAME_TEMPLATE + +========= +Reply explain your reasons and then say True or False, formatted in a python dictionary, do not miss commas or add extra spaces. Here are some examples. + +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "yellow-bowl.urdf", "box/box-template.urdf], + "reasons": "not interesting because it overlaps with the current task `put-block-in-bowl`" + "add_to_the_task_list": "False", +} + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], + "reasons": "the language descriptions are too ambiguous. Navigation is also hard to complete." + "add_to_the_task_list": "False", +} + +{ + "task-name": "sort-blocks-by-zone", + "task-description": "Sort different colored blocks into their corresponding colored zones marked on the tabletop.", + "assets-used": ["zone/zone.urdf", "stacking/block.urdf"], + "reasons": "the task is not covered in the current list and is an interesting combination of zone and block objects." + "add_to_the_task_list": "True", +} + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], + "reasons": "this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere.", + "add_to_the_task_list": "False", +} + +{ + "task-name": "arrange-blocks-on-pallet", + "task-description": "arrange the blocks on the pallet in the order: red, orange, yellow, green, blue, and purple.", + "assets-used": ["stacking/block.urdf", "pallet/pallelt.urdf"], + "reasons": "this task overlaps with `arrange-boxes-on-pallet` by merely changing the blocks to boxes.", + "add_to_the_task_list": "False", +} + +{ + "task-name": "cylinder-color-alignment", + "task-description": "Pick up cylinders of different colors and align them inside a box in the order of the colors displayed on the single green line on the tabletop.", + "assets-used": ["cylinder/cylinder-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf + "reasons": "the execution code only has one goal, i.e. it will only move one cylinder on top of the box, which is not that interesting.", + "add_to_the_task_list": "False","] +} + +{ + "task-name": "build-bridge", + "task-description": "Construct a bridge using two yellow blocks and three blue blocks. Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. Then, place the blue block horizontally on top of the yellow blocks.", + "assets-used": ["block/block.urdf", "ball/ball-template.urdf"] + "reasons": "this task is an interesting and long-horizon task for pick and place primitives. Training manipulation agent with this skill will be a useful building block for next skills.", + "add_to_the_task_list": "True", +} + +========= + +Please incorporate these feedbacks when you design new task! + diff --git a/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_candidate_template.txt b/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_candidate_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..ff2bce8375fea33af61f0beb0279439572dfa9c4 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_candidate_template.txt @@ -0,0 +1,16 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + +""" +TASK_CODE_REFERENCE_TEMPLATE +""" + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. +Note: +1. Use `make_piles` to create piles of small blocks. +2. Use `make_ropes` to create cables. +3. Us `self.primitive = primitives.push` and `self.ee = Spatula` to use spatula. +4. Do not use random pose or the initial pose for the target poses. Come up with the specified pose. Especially for building tasks, use a consistent `anchor_pose` and use `self.add_corner_anchor_for_pose(env, anchor_pose)` to add an anchor there. +5. Do not use target poses that are not in the workspace bound `bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]])` + + +For each object, try to describe its color, size, category in the task first before you write the code. Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_reference_selection_template.txt b/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_reference_selection_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..ebcf4a9a238b088952a88973335b664791c25100 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_reference_selection_template.txt @@ -0,0 +1,7 @@ +Now I will provide you some reference code that might help you can write the code for the task "TASK_STRING_TEMPLATE". + + +TASK_CODE_LIST_TEMPLATE + + +Please pick 4 task python files that you would like to use as reference. Format them in a python list. diff --git a/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_split_template.txt b/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..748e0a4b88d818f1e80c0d0a0babe88e45c13af2 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt_new/cliport_prompt_code_split_template.txt @@ -0,0 +1,257 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +""" +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # use `make_piles` to add pile of small blocks. + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((3, 3)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((3, 3)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) +""" + + + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. If you have only one goal, `step_max_reward` in `add_goal` should be 1. Use functions `make_piles` and `make_ropes` for creating piles and cables. To use spatula together with the push primitives, import the libraries +""" +from cliport.tasks import primitives; +from cliport.tasks.grippers import Spatula +""" +and then use `self.primitive = primitives.push` and `self.ee = Spatula`. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/bottomup_task_generation_prompt_new/cliport_prompt_task.txt b/prompts/bottomup_task_generation_prompt_new/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..b51ec8088439cb3db1d5e1aff22b132e2873e622 --- /dev/null +++ b/prompts/bottomup_task_generation_prompt_new/cliport_prompt_task.txt @@ -0,0 +1,93 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design creative and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Please try to come up with tasks using only these assets. +""" +TASK_ASSET_PROMPT +""" + +There are certain rules on the asset usage. +1. Sweeping piles task must have small blocks `block/small.urdf`. Only the piles can be swept in all assets +2. Insertion tasks must have `insertion/ell.urdf` and `insertion/fixture.urdf`. Only the fixture can be inserted in all assets. +3. Rope tasks usually come with 'square/square-template.urdf'. + +========= +Here are some examples of good tasks. Try to be creative and high standard, and avoid overlapping with these tasks. + +TASK_DESCRIPTION_PROMPT + +========= +Here are some tasks that you have come up with before. Try to have a high-standard and avoid overlapping with these tasks. For instance, `bowl_ball_placement` and `sort_balls_in_bowls` are the same task. `pile_boxes_in_corner` and `stack_blocks_into_pallet` are similar tasks, `align-cylinder-in-corner` and `align-cylinder-corner` are similar. +Past Tasks: + +PAST_TASKNAME_TEMPLATE + + + +========= +Here are some bad example task instances with reasons. +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "box/box-template.urdf], +} +reasons: not interesting because it overlaps with the current task `put-block-in-bowl`. + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], +} +reasons: the language descriptions are too ambiguous. Navigation is also hard to complete. Also maze.urf does not exist. + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], +} +reasons: this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere. Similarly you cannot create task like `insert-ball-into-cylinder`. + +{ + "task-name": "ball-box-obstacle-course", + "task-description": "Navigate a ball through an obstacle course created by randomly placed boxes and finally place it inside a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: Navigate the ball is not related to tabletop manipulation tasks. + +{ + "task-name": "ball-in-box", + "task-description": "Use a cable to guide a ball into an open box.", + "assets-used": ["cable/cable.urdf", "ball/ball-template.urdf", "box/box-template.urdf"] +} +reasons: This task is too hard since it involves interaction of the cable and the ball and cannot be easily completed. + +{ + "task-name": "ball-in-container", + "task-description": "Use the spatula to lift a ball over a wall of boxes and drop it into a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: The only action primitives as pick and place. One cannot use a spatula to lift an object. + +{ + "task-name": "line-ball-sorting", + "task-description": "Move balls of different colors along a single green line, placing each ball in a designated colored box at the end of the line. The challenge includes precision in maintaining the ball on the line and the correct identification of the box color corresponding to each ball.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf"] +} +reasons: Piling or stacking balls are physically infeasible in the simulation. + +{ + "task-name": "sweep-and-stack-blocks", + "task-description": "Sweep a pile of small red and blue blocks into two separate zones marked on the tabletop. Then pick up these blocks in each zone and stack them in two towers according to their colors, with the red tower higher than the blue.", + "assets-used": ["zone/zone.urdf", "block/small.urdf"] +} +reasons: Cannot do sweeping and stacking in the same task. + + +========= +Now please describe the new task in natural languages and explain its novelty and challenges. Format the answer in a python dictionary with keys "task-name" and value type string, "task-description" (one specific sentence) and value type string with lower-case and separated by hyphens, and "assets-used" and value type list of strings. Try to be as creative as possible. + +Note: +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. diff --git a/prompts/fewshot_instructions_prompt.txt b/prompts/fewshot_instructions_prompt.txt new file mode 100644 index 0000000000000000000000000000000000000000..0e0a71e3e8b8660fcb2fb4ae772b025323a5bbc0 --- /dev/null +++ b/prompts/fewshot_instructions_prompt.txt @@ -0,0 +1,114 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design diverse and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Use only these assets in the task and code design. +""" +insertion/: +ell.urdf fixture.urdf + +bowl/: +bowl.urdf + +box/: +box-template.urdf + +stacking/: +block.urdf stand.urdf + +zone/: +zone.obj zone.urdf + +pallet/: +pallet.obj pallet.urdf + +ball/: +ball-template.urdf + +cylinder/: +cylinder-template.urdf + +bowl/: +bowl.urdf + +# assets not for picking +corner/: +corner-template.urdf + +line/: +single-green-line-template.urdf + +container/: +container-template.urdf +""" + +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" + +========= +Please describe the task "TASK_NAME_TEMPLATE" in natural languages and format the answer in a python dictionary with keys "task-name" and value type string, "task-description" (one specific sentence) and value type string, and "assets-used" and value type list of strings. + +========= +Now write the pybullet simulation code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. diff --git a/prompts/finetune_data.csv b/prompts/finetune_data.csv new file mode 100644 index 0000000000000000000000000000000000000000..33b62c53a1afeb2261fd8b52c0dee5bfeda929cc --- /dev/null +++ b/prompts/finetune_data.csv @@ -0,0 +1,9788 @@ +prompt,completion +" ""align-box-corner"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""align-box-corner"" in a python code block. +### + +"," + align-box-corner: {'assets-used': ['box/box-template.urdf', 'corner/corner-template.urdf'], 'task-description': 'pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop..', 'task-name': 'align-box-corner'}``` + +###Implementation: + ```python +import os +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class AlignBoxCorner(Task): + """"""Pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop."""""" + + def __init__(self): + super().__init__() + self.max_steps = 3 + self.lang_template = ""align the brown box with the green corner"" + self.task_completed_desc = ""done with alignment"" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Generate randomly shaped box. + box_size = self.get_random_size(0.05, 0.15, 0.05, 0.15, 0.01, 0.06) + + # Add corner. + dimx = (box_size[0] / 2 - 0.025 + 0.0025, box_size[0] / 2 + 0.0025) + dimy = (box_size[1] / 2 + 0.0025, box_size[1] / 2 - 0.025 + 0.0025) + corner_template = 'corner/corner-template.urdf' + replace = {'DIMX': dimx, 'DIMY': dimy} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + corner_urdf = self.fill_template(corner_template, replace) + corner_size = (box_size[0], box_size[1], 0) + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed') + + # Add possible placing poses. + theta = utils.quatXYZW_to_eulerXYZ(corner_pose[1])[2] + fip_rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta + np.pi)) + pose1 = (corner_pose[0], fip_rot) + alt_x = (box_size[0] / 2) - (box_size[1] / 2) + alt_y = (box_size[1] / 2) - (box_size[0] / 2) + alt_pos = (alt_x, alt_y, 0) + alt_rot0 = utils.eulerXYZ_to_quatXYZW((0, 0, np.pi / 2)) + alt_rot1 = utils.eulerXYZ_to_quatXYZW((0, 0, 3 * np.pi / 2)) + pose2 = utils.multiply(corner_pose, (alt_pos, alt_rot0)) + pose3 = utils.multiply(corner_pose, (alt_pos, alt_rot1)) + + # Add box. + box_template = 'box/box-template.urdf' + + # IMPORTANT: REPLACE THE TEMPLATE URDF + box_urdf = self.fill_template(box_template, {'DIM': np.float32(box_size)}) + box_pose = self.get_random_pose(env, box_size) + box_id = env.add_object(box_urdf, box_pose) + self.color_random_brown(box_id) + + # Goal: box is aligned with corner (1 of 4 possible poses). + self.add_goal(objs=[box_id], matches=np.int32([[1, 1, 1, 1]]), targ_poses=[corner_pose, pose1, pose2, pose3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1, symmetries=[2 * np.pi]) + self.lang_goals.append(self.lang_template) +``` + END" +" ""align-rope"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""align-rope"" in a python code block. +### + +"," + align-rope: {'assets-used': ['square/square-template.urdf'], 'task-description': 'manipulate a deformable rope to connect its end-points between two corners of a 3-sided square.', 'task-name': 'align-rope'}``` + +###Implementation: + ```python +import os + +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.task import Task +from cliport.utils import utils + +import random +import pybullet as p + + +class AlignRope(Task): + """"""Manipulate a deformable rope to connect its end-points between two + corners of a 3-sided square."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""align the rope from {direction}"" + self.task_completed_desc = ""done aligning the rope."" + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + n_parts = 20 + radius = 0.005 + length = 2 * radius * n_parts * np.sqrt(2) + + # Add 3-sided square. + square_size = (length, length, 0) + square_pose = self.get_random_pose(env, square_size) + square_template = 'square/square-template.urdf' + replace = {'DIM': (length,), 'HALF': (np.float32(length) / 2 - 0.005,)} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(square_template, replace) + env.add_object(urdf, square_pose, 'fixed') + + # Get four corner points of square. + corner0 = ( length / 2, length / 2, 0.001) + corner1 = (-length / 2, length / 2, 0.001) + corner2 = ( length / 2, -length / 2, 0.001) + corner3 = (-length / 2, -length / 2, 0.001) + + corner0 = utils.apply(square_pose, corner0) + corner1 = utils.apply(square_pose, corner1) + corner2 = utils.apply(square_pose, corner2) + corner3 = utils.apply(square_pose, corner3) + + # Four possible alignment tasks. + task_descs = [ + ((corner0, corner1), ""front left tip to front right tip""), + ((corner0, corner2), ""front right tip to back right corner""), + ((corner1, corner3), ""front left tip to back left corner""), + ((corner3, corner2), ""back right corner to back left corner"") + ] + chosen_task = np.random.choice(len(task_descs), 1)[0] + (corner_0, corner_1), direction = task_descs[chosen_task] + + # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks). + objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1)) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1.) + self.lang_goals += [self.lang_template.format(direction=direction)] * len(self.goals) + + # wait for the scene to settle down + for i in range(480): + p.stepSimulation()``` + END" +" ""assembling-kits"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""assembling-kits"" in a python code block. +### + +"," + assembling-kits: {'assets-used': ['kitting/kit.urdf', 'kitting/object-template.urdf'], 'task-description': 'pick up different objects and arrange them on a board marked with corresponding silhouettes.', 'task-name': 'assembling-kits'}``` + +###Implementation: + ```python +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class AssemblingKits(Task): + """"""pick up different objects and arrange them on a board marked with corresponding silhouettes."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.homogeneous = False + + self.lang_template = ""put all the blocks inside the holes they fit in"" + self.task_completed_desc = ""done assembling blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add kit. + kit_size = (0.28, 0.2, 0.005) + kit_urdf = 'kitting/kit.urdf' + kit_pose = self.get_random_pose(env, kit_size) + env.add_object(kit_urdf, kit_pose, 'fixed') + + n_objects = 5 + obj_shapes = self.get_kitting_shapes(n_objects) + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['red'] + ] + + # Build kit. + targets = [] + targ_pos = [[-0.09, 0.045, 0.0014], [0, 0.045, 0.0014], + [0.09, 0.045, 0.0014], [-0.045, -0.045, 0.0014], + [0.045, -0.045, 0.0014]] + template = 'kitting/object-template.urdf' + + for i in range(n_objects): + shape = os.path.join(self.assets_root, 'kitting', + f'{obj_shapes[i]:02d}.obj') + scale = [0.003, 0.003, 0.0001] # .0005 + pos = utils.apply(kit_pose, targ_pos[i]) + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + replace = {'FNAME': (shape,), 'SCALE': scale, 'COLOR': [0.2, 0.2, 0.2]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + env.add_object(urdf, (pos, rot), 'fixed') + targets.append((pos, rot)) + + # Add objects. + objects, matches = self.make_kitting_objects(env, targets=targets, obj_shapes=obj_shapes, n_objects=n_objects, colors=colors) + matches = np.int32(matches) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) +``` + END" +" ""manipulating-rope"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""manipulating-rope"" in a python code block. +### + +"," + manipulating-rope: {'assets-used': ['square/square-template.urdf'], 'task-description': 'rearrange a deformable rope such that it connects the two endpoints of a 3-sided square.', 'task-name': 'manipulating-rope'}``` + +###Implementation: + ```python +import os + +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.task import Task +from cliport.utils import utils + +import pybullet as p + + +class ManipulatingRope(Task): + """"""rearrange a deformable rope such that it connects the two endpoints of a 3-sided square."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""manipulate the rope to complete the square"" + self.task_completed_desc = ""done manipulating the rope."" + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + n_parts = 20 + radius = 0.005 + length = 2 * radius * n_parts * np.sqrt(2) + + # Add 3-sided square. + square_size = (length, length, 0) + square_pose = self.get_random_pose(env, square_size) + square_template = 'square/square-template.urdf' + + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + replace = {'DIM': (length,), 'HALF': (np.float32(length) / 2 - 0.005,)} + urdf = self.fill_template(square_template, replace) + env.add_object(urdf, square_pose, 'fixed') + + # compute corners + corner0 = (length / 2, length / 2, 0.001) + corner1 = (-length / 2, length / 2, 0.001) + corner_0 = utils.apply(square_pose, corner0) + corner_1 = utils.apply(square_pose, corner1) + + # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks). + objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1)) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1.) + self.lang_goals.append(self.lang_template) + + for i in range(480): + p.stepSimulation() +``` + END" +" ""packing-boxes"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""packing-boxes"" in a python code block. +### + +"," + packing-boxes: {'assets-used': ['container/container-template.urdf', 'box/box-template.urdf'], 'task-description': 'pick up randomly sized boxes and place them tightly into a container.', 'task-name': 'packing-boxes'}``` + +###Implementation: + ```python +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +import pybullet as p + + +class PackingBoxes(Task): + """"""pick up randomly sized boxes and place them tightly into a container."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""pack all the boxes inside the brown box"" + self.task_completed_desc = ""done packing boxes."" + + self.zone_bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.08]]) + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container box. + zone_size = self.get_random_size(0.05, 0.3, 0.05, 0.3, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + margin = 0.01 + min_object_dim = 0.05 + bboxes = [] + + # Split container space with KD trees. + stack_size = np.array(zone_size) + stack_size[0] -= 0.01 + stack_size[1] -= 0.01 + root_size = (0.01, 0.01, 0) + tuple(stack_size) + root = utils.TreeNode(None, [], bbox=np.array(root_size)) + utils.KDTree(root, min_object_dim, margin, bboxes) + + colors = [utils.COLORS[c] for c in utils.COLORS if c != 'brown'] + + # Add objects in container. + object_ids = [] + bboxes = np.array(bboxes) + object_template = 'box/box-template.urdf' + + # Compute object points that are needed for zone + for bbox in bboxes: + size = bbox[3:] - bbox[:3] + position = size / 2. + bbox[:3] + position[0] += -zone_size[0] / 2 + position[1] += -zone_size[1] / 2 + pose = (position, (0, 0, 0, 1)) + pose = utils.multiply(zone_pose, pose) + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(object_template, {'DIM': size}) + icolor = np.random.choice(range(len(colors)), 1).squeeze() + box_id = env.add_object(urdf, pose, color=colors[icolor]) + object_ids.append(box_id) + + # Randomly select object in box and save ground truth pose. + object_volumes = [] + true_poses = [] + + for object_id in object_ids: + true_pose = p.getBasePositionAndOrientation(object_id) + object_size = p.getVisualShapeData(object_id)[0][3] + object_volumes.append(np.prod(np.array(object_size) * 100)) + pose = self.get_random_pose(env, object_size) + p.resetBasePositionAndOrientation(object_id, pose[0], pose[1]) + true_poses.append(true_pose) + + self.add_goal(objs=object_ids, matches=np.eye(len(object_ids)), targ_poses=true_poses, replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + + self.lang_goals.append(self.lang_template) +``` + END" +" ""palletizing-boxes"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""palletizing-boxes"" in a python code block. +### + +"," + palletizing-boxes: {'assets-used': ['pallet/pallet.urdf', 'box/box-template.urdf'], 'task-description': 'pick up homogeneous fixed-sized boxes and stack them in transposed layers on the pallet.', 'task-name': 'palletizing-boxes'}``` + +###Implementation: + ```python +import os +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PalletizingBoxes(Task): + """"""Pick up homogeneous fixed-sized boxes and stack them in transposed layers on the pallet."""""" + + def __init__(self): + super().__init__() + self.max_steps = 30 + self.lang_template = ""stack all the boxes on the pallet"" + self.task_completed_desc = ""done stacking boxes."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + zone_size = (0.3, 0.25, 0.25) + zone_urdf = 'pallet/pallet.urdf' + rotation = utils.eulerXYZ_to_quatXYZW((0, 0, 0)) + zone_pose = ((0.5, 0.25, 0.02), rotation) + env.add_object(zone_urdf, zone_pose, 'fixed') + + # Add stack of boxes on pallet. + margin = 0.01 + object_ids = [] + + # x, y, z dimensions for the asset size + stack_size = (0.19, 0.19, 0.19) + box_template = 'box/box-template.urdf' + stack_dim = np.int32([2, 3, 3]) + + box_size = (stack_size - (stack_dim - 1) * margin) / stack_dim + for z in range(stack_dim[2]): + + # Transpose every layer. + stack_dim[0], stack_dim[1] = stack_dim[1], stack_dim[0] + box_size[0], box_size[1] = box_size[1], box_size[0] + + # IMPORTANT: Compute object points and store as a dictionary for the `goal` + for y in range(stack_dim[1]): + for x in range(stack_dim[0]): + position = list((x + 0.5, y + 0.5, z + 0.5) * box_size) + position[0] += x * margin - stack_size[0] / 2 + position[1] += y * margin - stack_size[1] / 2 + position[2] += z * margin + 0.03 + pose = (position, (0, 0, 0, 1)) + pose = utils.multiply(zone_pose, pose) + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(box_template, {'DIM': box_size}) + box_id = env.add_object(urdf, pose) + object_ids.append(box_id) + self.color_random_brown(box_id) + + # Randomly select top box on pallet and save ground truth pose. + targets = [] + self.steps = [] + boxes = object_ids[:] # make copy + while boxes: + _, height, object_mask = self.get_true_image(env) + top = np.argwhere(height > (np.max(height) - 0.03)) + rpixel = top[int(np.floor(np.random.random() * len(top)))] # y, x + box_id = int(object_mask[rpixel[0], rpixel[1]]) + if box_id in boxes: + position, rotation = p.getBasePositionAndOrientation(box_id) + rposition = np.float32(position) + np.float32([0, -10, 0]) + p.resetBasePositionAndOrientation(box_id, rposition, rotation) + self.steps.append(box_id) + targets.append((position, rotation)) + boxes.remove(box_id) + + self.steps.reverse() # Time-reversed depalletizing. + self.add_goal(objs=object_ids, matches=np.eye(len(object_ids)), targ_poses=targets, replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) + + self.spawn_box() + + def reward(self): + reward, info = super().reward() + self.spawn_box() + return reward, info``` + END" +" ""place-red-in-green"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""place-red-in-green"" in a python code block. +### + +"," + place-red-in-green: {'assets-used': ['bowl/bowl.urdf', 'stacking/block.urdf'], 'task-description': 'pick up the red blocks and place them into the green bowls amidst other objects.', 'task-name': 'place-red-in-green'}``` + +###Implementation: + ```python +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """"""pick up the red blocks and place them into the green bowls amidst other objects."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""put the red blocks in a green bowl"" + self.task_completed_desc = ""done placing blocks in bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +``` + END" +" ""stack-block-pyramid"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""stack-block-pyramid"" in a python code block. +### + +"," + stack-block-pyramid: {'assets-used': ['stacking/stand.urdf', 'stacking/block.urdf'], 'task-description': 'sequentially stack 6 blocks into a pyramid of 3-2-1 with rainbow colored ordering.', 'task-name': 'stack-block-pyramid'}``` + +###Implementation: + ```python +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """"""Build a pyramid of colored blocks in a color sequence"""""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = ""make the {row} row with {blocks}"" + self.task_completed_desc = ""done stacking block pyramid."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # IMPORTANT Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks=""the green, blue and purple blocks"", + row=""bottom"")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append(self.lang_template.format(blocks=""the yellow and orange blocks"", + row=""middle"")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*1) + self.lang_goals.append(self.lang_template.format(blocks=""the red block"", + row=""top"")) +``` + END" +" ""sweeping-piles"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sweeping-piles"" in a python code block. +### + +"," + sweeping-piles: {'assets-used': ['zone/zone.urdf', 'block/small.urdf'], 'task-description': 'push piles of small objects into a target goal zone marked on the tabletop.', 'task-name': 'sweeping-piles'}``` + +###Implementation: + ```python +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """"""Push piles of small objects into a target goal zone marked on the tabletop."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""push the pile of blocks into the green square"" + self.task_completed_desc = ""done sweeping."" + self.primitive = primitives.push + self.ee = Spatula + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # Add pile of small blocks with `make_piles` function + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template)``` + END" +" ""build-wheel"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""build-wheel"" in a python code block. +### + +"," + build-wheel: {'task-name': 'build-wheel', 'task-description': 'Construct a wheel using blocks and a sphere. First, position eight blocks in a circular layout on the tabletop. Each block should be touching its two neighbors and colored in alternating red and blue. Then place a green sphere in the center of the circular layout, completing the wheel.', 'assets-used': ['block/block.urdf', 'sphere/sphere.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildWheel(Task): + """"""Construct a wheel using blocks and a sphere."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""Construct a wheel using blocks and a sphere. First, position eight blocks in a circular layout on the tabletop. Each block should be touching its two neighbors and colored in alternating red and blue. Then place a green sphere in the center of the circular layout, completing the wheel."" + self.task_completed_desc = ""done building wheel."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue']] + blocks = [] + for i in range(8): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i % 2]) + blocks.append(block_id) + + # Add sphere. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + sphere_color = utils.COLORS['green'] + sphere_pose = ((0.5, 0.0, 0.0), (0,0,0,1)) # fixed pose + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=sphere_color) + + # Goal: blocks are arranged in a circle and sphere is in the center. + circle_radius = 0.1 + circle_center = (0, 0, block_size[2] / 2) + angles = np.linspace(0, 2 * np.pi, 8, endpoint=False) + block_poses = [(circle_center[0] + circle_radius * np.cos(angle), + circle_center[1] + circle_radius * np.sin(angle), + circle_center[2]) for angle in angles] + block_poses = [(utils.apply(sphere_pose, pos), sphere_pose[1]) for pos in block_poses] + self.add_goal(objs=blocks, matches=np.ones((8, 8)), targ_poses=block_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=8 / 9) + + # Goal: sphere is in the center of the blocks. + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[sphere_pose], replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1 / 9) + + self.lang_goals.append(self.lang_template) +``` + END" +" ""push-piles-into-letter"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""push-piles-into-letter"" in a python code block. +### + +"," + push-piles-into-letter: {'task-name': 'push-piles-into-letter', 'task-description': 'Push piles of small objects into a target goal zone shaped in some letters.', 'assets-used': ['kitting/kit.urdf', 'kitting/object-template-nocollision.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildWheel(Task): + """"""Construct a wheel using blocks and a sphere."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""Construct a wheel using blocks and a sphere. First, position eight blocks in a circular layout on the tabletop. Each block should be touching its two neighbors and colored in alternating red and blue. Then place a green sphere in the center of the circular layout, completing the wheel."" + self.task_completed_desc = ""done building wheel."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue']] + blocks = [] + for i in range(8): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i % 2]) + blocks.append(block_id) + + # Add sphere. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + sphere_color = utils.COLORS['green'] + sphere_pose = ((0.5, 0.0, 0.0), (0,0,0,1)) # fixed pose + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=sphere_color) + + # Goal: blocks are arranged in a circle and sphere is in the center. + circle_radius = 0.1 + circle_center = (0, 0, block_size[2] / 2) + angles = np.linspace(0, 2 * np.pi, 8, endpoint=False) + block_poses = [(circle_center[0] + circle_radius * np.cos(angle), + circle_center[1] + circle_radius * np.sin(angle), + circle_center[2]) for angle in angles] + block_poses = [(utils.apply(sphere_pose, pos), sphere_pose[1]) for pos in block_poses] + self.add_goal(objs=blocks, matches=np.ones((8, 8)), targ_poses=block_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=8 / 9) + + # Goal: sphere is in the center of the blocks. + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[sphere_pose], replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1 / 9) + + self.lang_goals.append(self.lang_template) +``` + END" +" ""connect-boxes-with-rope"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""connect-boxes-with-rope"" in a python code block. +### + +"," + connect-boxes-with-rope: {'task-name': 'connect-boxes-with-rope', 'task-description': 'Connect two colored blocks with ropes.', 'assets-used': ['block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import IPython + +class ConnectBoxesWithRope(Task): + """"""Connect two colored blocks with ropes."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""connect the {color1} and {color2} blocks with the rope."" + self.task_completed_desc = ""done connecting."" + self.additional_reset() + self.pos_eps = 0.04 # higher tolerance + + def reset(self, env): + super().reset(env) + colors = ['red', 'orange', 'yellow', 'green', 'blue', 'indigo', 'violet'] + blocks = [] + target_colors = np.random.choice(colors, 2, replace=False) + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + corner_poses = [] + + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + if color in target_colors: + corner_poses.append(block_pose) + + dist = np.linalg.norm(np.array(corner_poses[0][0])-np.array(corner_poses[1][0])) + n_parts = int(20 * dist / 0.4) + + # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks). + objects, targets, matches = self.make_ropes(env, corners=(corner_poses[0][0], corner_poses[1][0]), n_parts=n_parts) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1.) + self.lang_goals.append(self.lang_template.format(color1=target_colors[0], color2=target_colors[1])) + + # wait for the scene to settle down + for i in range(600): + p.stepSimulation()``` + END" +" ""build-car"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""build-car"" in a python code block. +### + +"," + build-car: {'task-name': 'build-car', 'task-description': 'Construct a simple car structure using blocks and cylinders.', 'assets-used': ['block/block.urdf', 'ball/ball-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildCar(Task): + """"""Construct a simple car structure using blocks and cylinders."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""Construct a simple car structure using blocks and cylinders. "" \ + ""Firstly, create the base of the car by positioning two red blocks side by side. "" \ + ""Then, add the car body by stacking a blue block on top of the base. "" \ + ""For the wheels, place a black cylinder on each side of the base blocks."" + self.task_completed_desc = ""done building car."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + car_pose = ((0.5, 0.0, 0.0), (0,0,0,1)) # fixed pose + base_length = 0.04 + self.add_corner_anchor_for_pose(env, car_pose) + + # Add base blocks. Use box template so that we can change its size. + base_size = (0.02, 0.04, 0.02) + base_block_urdf = ""box/box-template.urdf"" + base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size}) + anchor_base_poses = [(utils.apply(car_pose, (base_length / 2, base_length / 2, 0.001)), car_pose[1]), + (utils.apply(car_pose, (-base_length / 2, base_length / 2, 0.001)), car_pose[1])] + base_blocks = [] + + for idx in range(2): + base_block_pose = self.get_random_pose(env, base_size) + base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['red']) + base_blocks.append(base_block_id) + + # Add car body block. + body_size = (0.04, 0.02, 0.02) # x, y, z dimensions for the asset size + body_block_urdf = ""box/box-template.urdf"" + body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size}) + body_block_pose = self.get_random_pose(env, body_size) + body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue']) + anchor_body_poses = [car_pose] + + wheel_length = 0.12 + anchor_wheel_poses = [(utils.apply(car_pose, ( wheel_length / 2, wheel_length / 2, 0.001)), car_pose[1]), + (utils.apply(car_pose, (-wheel_length / 2, wheel_length / 2, 0.001)), car_pose[1]), + (utils.apply(car_pose, ( wheel_length / 2, -wheel_length / 2, 0.001)), car_pose[1]), + (utils.apply(car_pose, (-wheel_length / 2, -wheel_length / 2, 0.001)), car_pose[1])] + + # Add wheels. + wheel_size = (0.02, 0.02, 0.02) # x, y, z dimensions for the asset size + wheel_urdf = 'cylinder/cylinder-template.urdf' + wheel_urdf = self.fill_template(wheel_urdf, {'DIM': wheel_size}) + + wheels = [] + for idx in range(4): + wheel_pose = self.get_random_pose(env, wheel_size) + wheel_id = env.add_object(wheel_urdf, wheel_pose, color=utils.COLORS['black']) + wheels.append(wheel_id) + + # Goal: Firstly, create the base of the car by positioning two red blocks side by side. + self.add_goal(objs=base_blocks, + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./3) + self.lang_goals.append(""Firstly, create the base of the car by positioning two red blocks side by side."") + + # Then, add the car body by stacking a blue block on top of the base. + self.add_goal(objs=[body_block_id], + matches=np.ones((1, 1)), + targ_poses=anchor_body_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./3) + self.lang_goals.append(""Then, add the car body by stacking a blue block on top of the base."") + + # For the wheels, place a black cylinder on each side of the base blocks. + self.add_goal(objs=wheels, + matches=np.ones((4, 4)), + targ_poses=anchor_wheel_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./3) + self.lang_goals.append(""For the wheels, place a black cylinder on each side of the base blocks."") + +``` + END" +" ""manipulating-two-ropes"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""manipulating-two-ropes"" in a python code block. +### + +"," + manipulating-two-ropes: {'task-name': 'manipulating-two-ropes', 'task-description': 'rearrange the red and blue deformable ropes such that it connects the two endpoints of a 3-sided square of corresponding color.', 'assets-used': ['square/square-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula + +class ManipulatingTwoRopes(Task): + """"""rearrange the red and blue deformable ropes such that it connects the two endpoints of a 3-sided square of corresponding color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""rearrange the {color_name} rope such that it connects the two endpoints of a 3-sided square of corresponding color."" + self.task_completed_desc = ""done manipulating two ropes."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + n_parts = 20 + radius = 0.005 + length = 2 * radius * n_parts * np.sqrt(2) + + # Add 3-sided square for the red rope. + color_list = ['red', 'blue'] + for color_name in color_list: + square_size = (length, length, 0) + square_pose = self.get_random_pose(env, square_size) + square_template = 'square/square-template.urdf' + + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + replace = {'DIM': (length,), 'HALF': (np.float32(length) / 2 - 0.005,)} + urdf = self.fill_template(square_template, replace) + env.add_object(urdf, square_pose, 'fixed', color=utils.COLORS[color_name]) + + # compute corners + corner0 = (length / 2, length / 2, 0.001) + corner1 = (-length / 2, length / 2, 0.001) + corner_0 = utils.apply(square_pose, corner0) + corner_1 = utils.apply(square_pose, corner1) + + # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks). + objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1), color_name=color_name) + self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1. / len(color_list)) + + self.lang_goals.append(self.lang_template.format(color_name=color_name)) + + print(f""len of languages: {len(self.lang_goals)} obj:{len(objects)}"") + for i in range(480): + p.stepSimulation() +``` + END" +" ""insert-sphere-into-container"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insert-sphere-into-container"" in a python code block. +### + +"," + insert-sphere-into-container: {'task-name': 'insert-sphere-into-container', 'task-description': 'Pick up a blue sphere and place it into an open container.', 'assets-used': ['sphere/sphere.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertSphereIntoContainer(Task): + """"""Pick up a blue sphere and place it into an open container."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""pick up a blue sphere and place it into an open container"" + self.task_completed_desc = ""done inserting sphere into container."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container. + # x, y, z dimensions for the asset size + container_size = (0.1, 0.1, 0.1) + container_pose = self.get_random_pose(env, container_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + container_id = env.add_object(container_urdf, container_pose, 'fixed') + + # Add sphere. + # x, y, z dimensions for the asset size + sphere_size = (0.04, 0.04, 0.04) + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_urdf = 'sphere/sphere.urdf' + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS['blue']) + + # Goal: the blue sphere is in the container. + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template)``` + END" +" ""insert-cylinder-in-container"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insert-cylinder-in-container"" in a python code block. +### + +"," + insert-cylinder-in-container: {'task-name': 'insert-cylinder-in-container', 'task-description': 'Pick up a blue cylindrical block and place it into an empty container.', 'assets-used': ['cylinder/cylinder-template.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertSphereIntoContainer(Task): + """"""Pick up a blue sphere and place it into an open container."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""pick up a blue sphere and place it into an open container"" + self.task_completed_desc = ""done inserting sphere into container."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container. + # x, y, z dimensions for the asset size + container_size = (0.1, 0.1, 0.1) + container_pose = self.get_random_pose(env, container_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + container_id = env.add_object(container_urdf, container_pose, 'fixed') + + # Add sphere. + # x, y, z dimensions for the asset size + sphere_size = (0.04, 0.04, 0.04) + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_urdf = 'sphere/sphere.urdf' + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS['blue']) + + # Goal: the blue sphere is in the container. + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template)``` + END" +" ""build-bridge"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""build-bridge"" in a python code block. +### + +"," + build-bridge: {'task-name': 'build-bridge', 'task-description': 'Construct a bridge using two yellow blocks and three blue blocks. Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. Then, place the blue block horizontally on top of the yellow blocks.', 'assets-used': ['block/block.urdf', 'ball/ball-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildBridge(Task): + """"""Construct a bridge using two yellow blocks and three blue blocks. + Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. + Then, place the blue block horizontally on top of the yellow blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""build a bridge using four yellow blocks and one long blue block"" + self.task_completed_desc = ""done building bridge."" + + def reset(self, env): + super().reset(env) + + # Add yellow blocks. + base_length = 0.04 + base_size = (base_length, base_length, base_length) + base_block_urdf = ""box/box-template.urdf"" + bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose + self.add_corner_anchor_for_pose(env, bridge_pose) + + base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size}) + anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.041)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.041)), bridge_pose[1])] + base_blocks = [] + + for idx in range(4): + base_block_pose = self.get_random_pose(env, base_size) + base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow']) + base_blocks.append(base_block_id) + + # Add car body block. + body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size + body_block_urdf = ""box/box-template.urdf"" + body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size}) + body_block_pose = self.get_random_pose(env, body_size) + body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue']) + anchor_body_poses = [bridge_pose] + + # Goal: Firstly, create the base of the car by positioning two red blocks side by side. + self.add_goal(objs=base_blocks[:2], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + + self.add_goal(objs=base_blocks[2:], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./2) + self.lang_goals.append(""Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between."") + + # Then, add the car body by stacking a blue block on top of the base. + self.add_goal(objs=[body_block_id], + matches=np.ones((1, 1)), + targ_poses=anchor_body_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + self.lang_goals.append(""Then, place the blue block horizontally on top of the yellow blocks."") +``` + END" +" ""insert-ell-in-fixture"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insert-ell-in-fixture"" in a python code block. +### + +"," + insert-ell-in-fixture: {'task-name': 'insert-ell-in-fixture', 'task-description': 'Pick up an Ell shaped block and insert it into a fixture on the tabletop.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildBridge(Task): + """"""Construct a bridge using two yellow blocks and three blue blocks. + Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. + Then, place the blue block horizontally on top of the yellow blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""build a bridge using four yellow blocks and one long blue block"" + self.task_completed_desc = ""done building bridge."" + + def reset(self, env): + super().reset(env) + + # Add yellow blocks. + base_length = 0.04 + base_size = (base_length, base_length, base_length) + base_block_urdf = ""box/box-template.urdf"" + bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose + self.add_corner_anchor_for_pose(env, bridge_pose) + + base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size}) + anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.041)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.041)), bridge_pose[1])] + base_blocks = [] + + for idx in range(4): + base_block_pose = self.get_random_pose(env, base_size) + base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow']) + base_blocks.append(base_block_id) + + # Add car body block. + body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size + body_block_urdf = ""box/box-template.urdf"" + body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size}) + body_block_pose = self.get_random_pose(env, body_size) + body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue']) + anchor_body_poses = [bridge_pose] + + # Goal: Firstly, create the base of the car by positioning two red blocks side by side. + self.add_goal(objs=base_blocks[:2], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + + self.add_goal(objs=base_blocks[2:], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./2) + self.lang_goals.append(""Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between."") + + # Then, add the car body by stacking a blue block on top of the base. + self.add_goal(objs=[body_block_id], + matches=np.ones((1, 1)), + targ_poses=anchor_body_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + self.lang_goals.append(""Then, place the blue block horizontally on top of the yellow blocks."") +``` + END" +" ""build-block-tower-on-pallet"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""build-block-tower-on-pallet"" in a python code block. +### + +"," + build-block-tower-on-pallet: {'task-name': 'build-block-tower-on-pallet', 'task-description': 'Pick up six blocks in two colors (three red and three blue) and stack them in alternating colors on the pallet. The tower should start with a red block at the bottom.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildBridge(Task): + """"""Construct a bridge using two yellow blocks and three blue blocks. + Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. + Then, place the blue block horizontally on top of the yellow blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""build a bridge using four yellow blocks and one long blue block"" + self.task_completed_desc = ""done building bridge."" + + def reset(self, env): + super().reset(env) + + # Add yellow blocks. + base_length = 0.04 + base_size = (base_length, base_length, base_length) + base_block_urdf = ""box/box-template.urdf"" + bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose + self.add_corner_anchor_for_pose(env, bridge_pose) + + base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size}) + anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.041)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.041)), bridge_pose[1])] + base_blocks = [] + + for idx in range(4): + base_block_pose = self.get_random_pose(env, base_size) + base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow']) + base_blocks.append(base_block_id) + + # Add car body block. + body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size + body_block_urdf = ""box/box-template.urdf"" + body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size}) + body_block_pose = self.get_random_pose(env, body_size) + body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue']) + anchor_body_poses = [bridge_pose] + + # Goal: Firstly, create the base of the car by positioning two red blocks side by side. + self.add_goal(objs=base_blocks[:2], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + + self.add_goal(objs=base_blocks[2:], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./2) + self.lang_goals.append(""Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between."") + + # Then, add the car body by stacking a blue block on top of the base. + self.add_goal(objs=[body_block_id], + matches=np.ones((1, 1)), + targ_poses=anchor_body_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + self.lang_goals.append(""Then, place the blue block horizontally on top of the yellow blocks."") +``` + END" +" ""color-coordinated-tower"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-tower"" in a python code block. +### + +"," + color-coordinated-tower: {'task-name': 'color-coordinated-tower', 'task-description': 'Pick up blocks of five different colors (red, blue, green, yellow, and orange) and stack them on a pallet in the specific sequence. The bottom of the tower should start with a red block followed by a blue, green, yellow and finally an orange block at the top.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildBridge(Task): + """"""Construct a bridge using two yellow blocks and three blue blocks. + Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. + Then, place the blue block horizontally on top of the yellow blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""build a bridge using four yellow blocks and one long blue block"" + self.task_completed_desc = ""done building bridge."" + + def reset(self, env): + super().reset(env) + + # Add yellow blocks. + base_length = 0.04 + base_size = (base_length, base_length, base_length) + base_block_urdf = ""box/box-template.urdf"" + bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose + self.add_corner_anchor_for_pose(env, bridge_pose) + + base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size}) + anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.001)), bridge_pose[1]), + (utils.apply(bridge_pose, (- 3 * base_length / 2, 0, 0.041)), bridge_pose[1]), + (utils.apply(bridge_pose, ( 3 * base_length / 2, 0, 0.041)), bridge_pose[1])] + base_blocks = [] + + for idx in range(4): + base_block_pose = self.get_random_pose(env, base_size) + base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow']) + base_blocks.append(base_block_id) + + # Add car body block. + body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size + body_block_urdf = ""box/box-template.urdf"" + body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size}) + body_block_pose = self.get_random_pose(env, body_size) + body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue']) + anchor_body_poses = [bridge_pose] + + # Goal: Firstly, create the base of the car by positioning two red blocks side by side. + self.add_goal(objs=base_blocks[:2], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + + self.add_goal(objs=base_blocks[2:], + matches=np.ones((2, 2)), + targ_poses=anchor_base_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./2) + self.lang_goals.append(""Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between."") + + # Then, add the car body by stacking a blue block on top of the base. + self.add_goal(objs=[body_block_id], + matches=np.ones((1, 1)), + targ_poses=anchor_body_poses, + replace=False, + rotations=True, + metric='pose', + params=None, + step_max_reward=1./4) + self.lang_goals.append(""Then, place the blue block horizontally on top of the yellow blocks."") +``` + END" +" ""stack-blocks-in-container"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""stack-blocks-in-container"" in a python code block. +### + +"," + stack-blocks-in-container: {'task-name': 'stack-blocks-in-container', 'task-description': 'Pick up five blocks of different colors (red, blue, green, yellow, and orange) and stack them in a container in a specific sequence. The bottom of the stack should start with a red block followed by a blue, green, yellow and finally an orange block at the top.', 'assets-used': ['block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class StackBlocksInContainer(Task): + """"""Pick up five blocks of different colors (red, blue, green, yellow, and orange) + and stack them in a container in a specific sequence. + The bottom of the stack should start with a red block followed by a blue, + green, yellow and finally an orange block at the top."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""stack the blocks in the container in the following order: {order}"" + self.task_completed_desc = ""done stacking blocks in container."" + self.order = ['red', 'blue', 'green', 'yellow', 'orange'] + self.colors = [utils.COLORS[color] for color in self.order] + + def reset(self, env): + super().reset(env) + + # Add container. + container_size = (0.15, 0.15, 0.15) # x, y, z dimensions for the container size + container_pose = self.get_random_pose(env, container_size) + container_urdf = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + container_urdf = self.fill_template(container_urdf, replace) + env.add_object(container_urdf, container_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size + block_urdf = 'block/block.urdf' + blocks = [] + for color in self.colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each block is stacked in the container in the specified order. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + self.lang_goals.append(self.lang_template.format(order=', '.join(self.order)))``` + END" +" ""insert-blocks-into-fixture"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insert-blocks-into-fixture"" in a python code block. +### + +"," + insert-blocks-into-fixture: {'task-name': 'insert-blocks-into-fixture', 'task-description': 'Pick up four colored blocks (red, blue, green, and yellow) and insert them one-by-one into a fixture on the tabletop. The order of insertion starts with the red block, followed by the blue, green, and lastly the yellow block.', 'assets-used': ['block/block.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertBlocksIntoFixture(Task): + """"""Pick up four colored blocks (red, blue, green) and insert them one-by-one into a fixture on the tabletop. The order of insertion starts with the red block, followed by the blue, and green."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} block into the fixture"" + self.task_completed_desc = ""done inserting blocks into fixture."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add fixture. + # x, y, z dimensions for the asset size + fixture_size = (0.15, 0.15, 0.05) + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_urdf = 'insertion/fixture.urdf' + env.add_object(fixture_urdf, fixture_pose, 'fixed') + + anchor_base_poses = [fixture_pose, + (utils.apply(fixture_pose, (0.04, 0, 0.001)), fixture_pose[1]), + (utils.apply(fixture_pose, (0, 0.04, 0.001)), fixture_pose[1])] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = ['red', 'blue', 'green'] + blocks = [] + for color in block_colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each block is inserted into the fixture in the order of red, blue, green, yellow. + for i, block in enumerate(blocks): + self.add_goal(objs=[block], matches=np.ones((1, 1)), targ_poses=[anchor_base_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=block_colors[i])) +``` + END" +" ""color-coordinated-block-tower"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-block-tower"" in a python code block. +### + +"," + color-coordinated-block-tower: {'task-name': 'color-coordinated-block-tower', 'task-description': 'On a tabletop, there are fifteen blocks of three different colors (five red, five blue, and five green). The task is to pick up these blocks and stack them onto three different stands on the table, creating three different towers. Each stand should have a tower of the same color blocks with five blocks each. The blocks in each tower should be stacked in a way that the block on top is slightly displaced in relation to the block underneath, creating a spiral-like effect. The challenge lies in the color-based sorting, precise placement for achieving the spiral effect and careful stacking of the blocks to avoid toppling.', 'assets-used': ['block/block.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBlockTower(Task): + """"""Stack four blocks on a pallet in the following order from bottom to top: + two blue blocks side by side, one red block centered on the blue blocks, + and one green block on top of the red block."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""stack four blocks on a pallet in the following order from bottom to top: two blue blocks side by side, one red block centered on the blue blocks, and one green block on top of the red block."" + self.task_completed_desc = ""done stacking blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.015) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['red'], utils.COLORS['green']] + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02), (0, 0, 0.06), (0, 0, 0.10)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: two blue blocks are placed side by side on the pallet. + # Break the language prompt step-by-step + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append(""place two blue blocks side by side on the pallet"") + + # Goal: one red block is placed centered on the blue blocks. + self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append(""place one red block centered on the blue blocks"") + + # Goal: one green block is placed on top of the red block. + self.add_goal(objs=blocks[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append(""place one green block on top of the red block"")``` + END" +" ""color-structured-block-tower"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-structured-block-tower"" in a python code block. +### + +"," + color-structured-block-tower: {'task-name': 'color-structured-block-tower', 'task-description': 'Construct a tower using six blocks: two red, two blue, and two green. The tower should be built in the order of a red block at the base, followed by a blue, then green, then red, blue and green at the top.', 'assets-used': ['block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorStructuredBlockTower(Task): + """"""Construct a tower using six blocks: two red, two blue, and two green. + The tower should be built in the order of a red block at the base, + followed by a blue, then green, then red, blue and green at the top."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""construct a tower using six blocks: two red, two blue, and two green. "" \ + ""The tower should be built in the order of a red block at the base, "" \ + ""followed by a blue, then green, then red, blue and green at the top."" + self.task_completed_desc = ""done building color-structured block tower."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define block colors and sizes + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] * 2 + block_size = (0.04, 0.04, 0.04) + + # Add blocks + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Define target poses for the blocks in the tower + base_pose = self.get_random_pose(env, block_size) + targ_poses = [base_pose] + for i in range(1, 6): + targ_poses.append((np.array(base_pose[0]) + np.array([0, 0, i * block_size[2]]), base_pose[1])) + + # Add goals + for i in range(6): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targ_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/6, symmetries=[np.pi/2]) + + self.lang_goals.append(self.lang_template)``` + END" +" ""stack-color-coordinated-blocks"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""stack-color-coordinated-blocks"" in a python code block. +### + +"," + stack-color-coordinated-blocks: {'task-name': 'stack-color-coordinated-blocks', 'task-description': 'Pick up six blocks of different colors (red, blue, green, yellow, orange, and purple) and stack them on a pallet in two separate stacks. The first stack should be red at the bottom, blue in the middle, and green at top. The second stack should be yellow at the bottom, orange in the middle, and purple at the top.', 'assets-used': ['box/box-template.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class StackColorCoordinatedBlocks(Task): + """"""Pick up six blocks of different colors (red, blue, green, yellow, orange, and purple) + and stack them on a pallet in two separate stacks. The first stack should be red at the bottom, + blue in the middle, and green at top. The second stack should be yellow at the bottom, + orange in the middle, and purple at the top."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""stack the blocks on the pallet in two separate stacks. "" \ + ""The first stack should be red at the bottom, blue in the middle, "" \ + ""and green at top. The second stack should be yellow at the bottom, "" \ + ""orange in the middle, and purple at the top."" + self.task_completed_desc = ""done stacking color-coordinated blocks."" + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['purple'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'box/box-template.urdf' + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), + (0, -0.05, 0.06), (0, 0, 0.06), (0, 0.05, 0.06)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked on the pallet in two separate stacks. + # First stack: red at the bottom, blue in the middle, and green at top. + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + + # Second stack: yellow at the bottom, orange in the middle, and purple at the top. + self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + + self.lang_goals.append(self.lang_template)``` + END" +" ""assemble-single-car"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""assemble-single-car"" in a python code block. +### + +"," + assemble-single-car: {'task-name': 'assemble-single-car', 'task-description': 'Build a mini car using a large blue box as the body, a smaller red box on top as the roof, and two tiny green boxes on the sides as wheels.', 'assets-used': ['box/box-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class AssembleSingleCar(Task): + """"""Assemble a mini car using a large blue box as the body, a smaller red box on top as the roof, and two tiny green boxes on the sides as wheels."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""build a mini car using a large blue box as the body, a smaller red box on top as the roof, and two tiny green boxes on the sides as wheels"" + self.task_completed_desc = ""done assembling the car."" + + def reset(self, env): + super().reset(env) + + # Add car body (large blue box). + body_size = (0.1, 0.05, 0.02) # x, y, z dimensions + body_pose = self.get_random_pose(env, body_size) + body_urdf = 'box/box-template.urdf' + body_color = utils.COLORS['blue'] + body_id = env.add_object(body_urdf, body_pose, color=body_color) + + # Add car roof (smaller red box). + roof_size = (0.08, 0.04, 0.02) # x, y, z dimensions + roof_pose = self.get_random_pose(env, roof_size) + roof_urdf = 'box/box-template.urdf' + roof_color = utils.COLORS['red'] + roof_id = env.add_object(roof_urdf, roof_pose, color=roof_color) + + # Add car wheels (two tiny green boxes). + wheel_size = (0.02, 0.02, 0.01) # x, y, z dimensions + wheel_urdf = 'box/box-template.urdf' + wheel_color = utils.COLORS['green'] + wheel_ids = [] + + for _ in range(2): + wheel_pose = self.get_random_pose(env, wheel_size) + wheel_id = env.add_object(wheel_urdf, wheel_pose, color=wheel_color) + wheel_ids.append(wheel_id) + + # Goal: assemble the car by placing the roof on the body and the wheels on the sides. + # The target poses are calculated based on the body pose. + roof_targ_pose = (body_pose[0] + np.array([0, 0, body_size[2] + roof_size[2]/2]), body_pose[1]) + wheel_targ_poses = [(body_pose[0] + np.array([0, body_size[1]/2 + wheel_size[1]/2, -body_size[2]/2]), body_pose[1]), + (body_pose[0] + np.array([0, -body_size[1]/2 - wheel_size[1]/2, -body_size[2]/2]), body_pose[1])] + + # Add the goals. + self.add_goal(objs=[roof_id], matches=np.ones((1, 1)), targ_poses=[roof_targ_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.add_goal(objs=wheel_ids, matches=np.ones((2, 2)), targ_poses=wheel_targ_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=2/3) + + self.lang_goals.append(self.lang_template)``` + END" +" ""sort-and-stack-clr-blocks"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sort-and-stack-clr-blocks"" in a python code block. +### + +"," + sort-and-stack-clr-blocks: {'task-name': 'sort-and-stack-clr-blocks', 'task-description': 'Pick up four blocks of different colors (red, blue, green, yellow) and place them into separate corners of a pallet. After sorting, stack them in a specific sequence on top of the pallet. The bottom of the stack should start with a green block followed by a blue, then red, and finally a yellow block at the top.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SortAndStackClrBlocks(Task): + """"""Pick up four blocks of different colors (red, blue, green, yellow) and place them into separate corners of a pallet. After sorting, stack them in a specific sequence on top of the pallet. The bottom of the stack should start with a green block followed by a blue, then red, and finally a yellow block at the top."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""sort and stack the blocks in the order of green, blue, red, and yellow"" + self.task_completed_desc = ""done sorting and stacking blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0.05, 0.05, 0.02), (-0.05, 0.05, 0.02), (-0.05, -0.05, 0.02), (0.05, -0.05, 0.02)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are sorted into separate corners of the pallet. + self.add_goal(objs=blocks, matches=np.eye(4), targ_poses=targs, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=0.5, symmetries=[np.pi/2]*4) + self.lang_goals.append(self.lang_template) + + # Associate stacking locations for goals. + stack_pos = [(0, 0, 0.02), (0, 0, 0.06), (0, 0, 0.10), (0, 0, 0.14)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in stack_pos] + + # Goal: blocks are stacked on top of the pallet in the order of green, blue, red, and yellow. + self.add_goal(objs=blocks, matches=np.eye(4), targ_poses=targs, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=0.5, symmetries=[np.pi/2]*4) + self.lang_goals.append(self.lang_template)``` + END" +" ""create-pyramid-blocks-and-container"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""create-pyramid-blocks-and-container"" in a python code block. +### + +"," + create-pyramid-blocks-and-container: {'task-name': 'create-pyramid-blocks-and-container', 'task-description': 'Create a pyramid structure using six blocks of three different colors (two red, two green, and two blue) inside a container. The first layer of the pyramid should consist of the two green and one blue block. The second layer should be the two red blocks, and the last block which is the top of the pyramid should be the remaining blue block.', 'assets-used': ['container/container-template.urdf', 'block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CreatePyramidBlocksAndContainer(Task): + """"""Create a pyramid structure using six blocks of three different colors (two red, two green, and two blue) inside a container."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""Create a pyramid structure using six blocks of three different colors (two red, two green, and two blue) inside a container."" + self.task_completed_desc = ""done creating pyramid."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container. + # x, y, z dimensions for the asset size + container_size = (0.3, 0.3, 0.1) + container_pose = self.get_random_pose(env, container_size) + container_urdf = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + container_urdf = self.fill_template(container_urdf, replace) + env.add_object(container_urdf, container_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['blue']] + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, -0.025, 0.08), (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(container_pose, i), container_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, green, blue). + self.add_goal(objs=blocks[2:5], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks=""the green and blue blocks"", + row=""bottom"")) + + # Goal: blocks are stacked in a pyramid (middle row: red, red). + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append(self.lang_template.format(blocks=""the red blocks"", + row=""middle"")) + + # Goal: blocks are stacked in a pyramid (top row: blue). + self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(blocks=""the blue block"", + row=""top""))``` + END" +" ""Four-corner-pyramid-challenge"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""Four-corner-pyramid-challenge"" in a python code block. +### + +"," + Four-corner-pyramid-challenge: {'task-name': 'Four-corner-pyramid-challenge', 'task-description': ""A tabletop is partitioned into four different zones using the 'zone/zone.urdf' asset. In each zone, there are four blocks of different colors (red, blue, green, and yellow). The task is to construct a pyramid of blocks in each zone using the 'block/block.urdf' asset such that the sequence of blocks from bottom to top is red, blue, green, and yellow. The task is challenging because it requires precise stack control and color recognition."", 'assets-used': ['block/block.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class FourCornerPyramidChallenge(Task): + """"""Construct a pyramid of blocks in each zone with a specific color sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""build a pyramid of blocks in each zone with the sequence red, blue, green, and yellow from bottom to top"" + self.task_completed_desc = ""done building pyramids."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(4): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(zone_pose, i), zone_pose[1]) for i in place_pos for zone_pose in zone_poses] + + # Goal: blocks are stacked in a pyramid in each zone. + for i in range(4): + self.add_goal(objs=blocks[i*4:(i+1)*4], matches=np.ones((4, 4)), targ_poses=targs[i*4:(i+1)*4], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*4) + self.lang_goals.append(self.lang_template)``` + END" +" ""colorful-block-tower-on-cylinder-base"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""colorful-block-tower-on-cylinder-base"" in a python code block. +### + +"," + colorful-block-tower-on-cylinder-base: {'task-name': 'colorful-block-tower-on-cylinder-base', 'task-description': 'Construct a tower using four blocks of different colors (red, blue, green, and yellow) on a placed cylindrical base at the corner of the tabletop. The sequence from bottom to top should be red, blue, green, and yellow.', 'assets-used': ['block/block.urdf', 'corner/corner-template.urdf', 'cylinder/cylinder-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorfulBlockTowerOnCylinderBase(Task): + """"""Construct a tower using four blocks of different colors (red, blue, green, and yellow) on a placed cylindrical base at the corner of the tabletop. The sequence from bottom to top should be red, blue, green, and yellow."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""construct a tower using four blocks of different colors (red, blue, green, and yellow) on a placed cylindrical base at the corner of the tabletop. The sequence from bottom to top should be red, blue, green, and yellow."" + self.task_completed_desc = ""done building the tower."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add cylindrical base. + # x, y, z dimensions for the asset size + base_size = (0.05, 0.05, 0.05) + base_urdf = 'cylinder/cylinder-template.urdf' + base_pose = self.get_random_pose(env, base_size) + base_id = env.add_object(base_urdf, base_pose, 'fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + + objs = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, 0, 0.05), (0, 0, 0.09), (0, 0, 0.13), (0, 0, 0.17)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked on the cylindrical base in the order red, blue, green, yellow from bottom to top. + for i in range(4): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template)``` + END" +" ""align-cylinders-in-square"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""align-cylinders-in-square"" in a python code block. +### + +"," + align-cylinders-in-square: {'task-name': 'align-cylinders-in-square', 'task-description': 'Arrange four cylinders of different colors (red, blue, green, yellow) on the corners of a square facing the center. The square is outlined by four zones of matching colors at each corner. The red cylinder should be placed at the red zone and facing the center of the square, and same for the remaining colors.', 'assets-used': ['cylinder/cylinder-template.urdf', 'zone/zone.urdf', 'square/square-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class AlignCylindersInSquare(Task): + """"""Arrange four cylinders of different colors (red, blue, green, yellow) + on the corners of a square facing the center. The square is outlined by + four zones of matching colors at each corner. The red cylinder should be + placed at the red zone and facing the center of the square, and same for + the remaining colors."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""arrange the {color} cylinder at the {color} corner of the square"" + self.task_completed_desc = ""done arranging cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding zones + colors = ['red', 'blue', 'green', 'yellow'] + zones = ['zone-red', 'zone-blue', 'zone-green', 'zone-yellow'] + + # Add zones at the corners of a square + zone_size = (0.05, 0.05, 0.005) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for i in range(4): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Add cylinders of different colors + cylinder_size = (0.02, 0.02, 0.08) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + color = utils.COLORS[colors[i]] + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinders.append(cylinder_id) + + # Goal: each cylinder is in a different zone of the same color + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""construct-corner-blocks"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""construct-corner-blocks"" in a python code block. +### + +"," + construct-corner-blocks: {'task-name': 'construct-corner-blocks', 'task-description': 'Create a corner structure using four blocks. Two red blocks form the base, one on each side of the corner, followed by a green block that is positioned on the red blocks at the corner junction, and finally a blue block on top of the green one. The overall structure forms a 3-D corner.', 'assets-used': ['block/block.urdf', 'corner/corner-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ConstructCornerBlocks(Task): + """"""Create a corner structure using four blocks. Two red blocks form the base, one on each side of the corner, followed by a green block that is positioned on the red blocks at the corner junction, and finally a blue block on top of the green one. The overall structure forms a 3-D corner."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""Create a corner structure using four blocks. Two red blocks form the base, one on each side of the corner, followed by a green block that is positioned on the red blocks at the corner junction, and finally a blue block on top of the green one. The overall structure forms a 3-D corner."" + self.task_completed_desc = ""done constructing corner blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add corner. + corner_size = (0.15, 0.15, 0.05) + corner_urdf = 'corner/corner-template.urdf' + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']] + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), (0, 0, 0.06), (0, 0, 0.10)] + targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a corner (bottom row: two red blocks). + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) + + # Goal: blocks are stacked in a corner (middle row: one green block). + self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*1) + + # Goal: blocks are stacked in a corner (top row: one blue block). + self.add_goal(objs=blocks[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*1)``` + END" +" ""corner-sort-cylinders"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""corner-sort-cylinders"" in a python code block. +### + +"," + corner-sort-cylinders: {'task-name': 'corner-sort-cylinders', 'task-description': 'Pick up cylinders of four different colors (red, blue, green, yellow) and place them into four corners accordingly marked on the tabletop. The corner is designed as a 2-block-size square where only one cylinder can fit. The task is challenging due to precise placement and the need for identifying the corners accurately.', 'assets-used': ['corner/corner-template.urdf', 'cylinder/cylinder-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CornerSortCylinders(Task): + """"""Pick up cylinders of four different colors (red, blue, green, yellow) and place them into four corners accordingly marked on the tabletop."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} cylinder in the {color} corner"" + self.task_completed_desc = ""done sorting cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add corners + corner_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the asset size + corner_template = 'corner/corner-template.urdf' + corner_poses = [] + for color in colors: + replace = {'DIM': corner_size, 'HALF': (corner_size[0] / 2, corner_size[1] / 2, corner_size[2] / 2), 'COLOR': utils.COLORS[color]} + corner_urdf = self.fill_template(corner_template, replace) + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed') + corner_poses.append(corner_pose) + + # Add cylinders + cylinder_size = (0.02, 0.02, 0.06) # x, y, z dimensions for the asset size + cylinder_template = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in colors: + replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] / 2, cylinder_size[1] / 2, cylinder_size[2] / 2), 'COLOR': utils.COLORS[color]} + cylinder_urdf = self.fill_template(cylinder_template, replace) + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose) + cylinders.append(cylinder_id) + + # Add goals + for i in range(len(cylinders)): + self.add_goal(objs=[cylinders[i]], matches=np.int32([[1]]), targ_poses=[corner_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(cylinders)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""sorting-blocks-into-pallets"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sorting-blocks-into-pallets"" in a python code block. +### + +"," + sorting-blocks-into-pallets: {'task-name': 'sorting-blocks-into-pallets', 'task-description': 'Pick up blocks of four different colors (red, blue, green, yellow) and place them into four separate pallets of matching color. The pallets are placed in a row and the blocks are scattered randomly on the table.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SortingBlocksIntoPallets(Task): + """"""Pick up blocks of four different colors (red, blue, green, yellow) and place them into four separate pallets of matching color. The pallets are placed in a row and the blocks are scattered randomly on the table."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""put the {color} block into the {color} pallet"" + self.task_completed_desc = ""done sorting blocks into pallets."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.12, 0.12, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_poses = [] + pallet_colors = ['red', 'blue', 'green', 'yellow'] + for color in pallet_colors: + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed', color=utils.COLORS[color]) + pallet_poses.append(pallet_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for color in pallet_colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in a different pallet of matching color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=pallet_colors[i]))``` + END" +" ""sort-and-assemble-block-castle"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sort-and-assemble-block-castle"" in a python code block. +### + +"," + sort-and-assemble-block-castle: {'task-name': 'sort-and-assemble-block-castle', 'task-description': 'On a tabletop, there are twelve blocks of three different colors (four red, four green, and four blue). The task involves sorting the blocks according to the color in three marked zones on the tabletop and subsequently constructing a castle in each zone. In each castle, the first layer should consist of the two blocks of the same color, followed by the second layer of one block and finally the last block on the top forming a castle-like structure. The challenge lies in the color-based sorting and careful assembly of the blocks to avoid toppling.', 'assets-used': ['block/block.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SortAndAssembleBlockCastle(Task): + """"""Sort blocks by color and assemble them into a castle-like structure."""""" + + def __init__(self): + super().__init__() + self.max_steps = 50 + self.lang_template = ""sort the blocks by color and assemble them into a castle"" + self.task_completed_desc = ""done sorting and assembling."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(3): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']] + blocks = [] + for color in block_colors: + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each block is in a different zone based on color. + for i in range(12): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 3)), targ_poses=zone_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/12) + + # Goal: blocks are stacked in a pyramid in each zone. + for i in range(3): + zone_blocks = blocks[i*4:(i+1)*4] + place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02), + (0, 0, 0.06), (0, 0, 0.10)] + targs = [(utils.apply(zone_poses[i], pos), zone_poses[i][1]) for pos in place_pos] + for j in range(4): + self.add_goal(objs=[zone_blocks[j]], matches=np.ones((1, 1)), targ_poses=[targs[j]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/12) + + self.lang_goals.append(self.lang_template)``` + END" +" ""vertical-insertion-blocks"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""vertical-insertion-blocks"" in a python code block. +### + +"," + vertical-insertion-blocks: {'task-name': 'vertical-insertion-blocks', 'task-description': 'The task involves picking up four color specific blocks (red, blue, green, and yellow) and inserting each block into four differently colored stands set upright on the tabletop. The block-colored with red needs to be inserted into the red-colored stand, and the same sequence is maintained for each colored blocks and stands. This task is challenging due to the requirement for precise insertion and the manipulation of vertical objects.', 'assets-used': ['stacking/block.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class VerticalInsertionBlocks(Task): + """"""Pick up four color specific blocks and insert each block into four differently colored stands set upright on the tabletop."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} block into the {color} stand"" + self.task_completed_desc = ""done inserting blocks into stands."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and stands + colors = ['red', 'blue', 'green', 'yellow'] + + # Add stands. + # x, y, z dimensions for the asset size + stand_size = (0.04, 0.04, 0.1) + stand_urdf = 'stacking/stand.urdf' + stands = [] + for color in colors: + stand_pose = self.get_random_pose(env, stand_size) + stand_id = env.add_object(stand_urdf, stand_pose, color=utils.COLORS[color], category='fixed') + stands.append(stand_id) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is inserted into the stand of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(stands[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-sphere-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-sphere-insertion"" in a python code block. +### + +"," + color-coordinated-sphere-insertion: {'task-name': 'color-coordinated-sphere-insertion', 'task-description': 'There are four spheres and four boxes of different colors (red, blue, green, and yellow). Each sphere is inside a box, but not corresponding to the color of the box. The task is to pick up each sphere and place it in the box of the same color. The challenge lies in the precise placement and color matching.', 'assets-used': ['sphere/sphere.urdf', 'box/box-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedSphereInsertion(Task): + """"""Insert each sphere into the bowl of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert each sphere into the bowl of the same color"" + self.task_completed_desc = ""done inserting spheres into bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = ['red', 'blue', 'green', 'yellow'] + color_values = [utils.COLORS[color] for color in colors] + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0.02) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for i in range(4): + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, 'fixed', color=color_values[i]) + bowl_poses.append(bowl_pose) + + # Add spheres. + # x, y, z dimensions for the asset size + sphere_size = (0.04, 0.04, 0.04) + sphere_template = 'sphere/sphere-template.urdf' + spheres = [] + for i in range(4): + sphere_pose = self.get_random_pose(env, sphere_size) + replace = {'DIM': sphere_size, 'HALF': (sphere_size[0] / 2, sphere_size[1] / 2, sphere_size[2] / 2)} + sphere_urdf = self.fill_template(sphere_template, replace) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=color_values[i]) + spheres.append(sphere_id) + + # Goal: each sphere is in a bowl of the same color. + for i in range(4): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[bowl_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(f""insert the {colors[i]} sphere into the {colors[i]} bowl"")``` + END" +" ""block-pyramid-with-limited-space"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""block-pyramid-with-limited-space"" in a python code block. +### + +"," + block-pyramid-with-limited-space: {'task-name': 'block-pyramid-with-limited-space', 'task-description': 'On a tabletop, there are twelve blocks of four different colors (three red, three green, three blue, three yellow). Three zones are defined, each with a triangle-shaped border that is marked. The task involves sorting the blocks according to the color into three zones on the tabletop and constructing a pyramid in each zone. In each pyramid, the base should contain two blocks of the same color, followed by the second layer of one block, thus forming a pyramid-like structure. However, the third yellow block should be placed in the center of the zones forming a smaller pyramid. The challenge lies in the color-based sorting, careful assembly of the blocks to avoid topple, and limited space in the zones which adds to the complexity.', 'assets-used': ['block/block.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BlockPyramidWithLimitedSpace(Task): + """"""Sort blocks according to color into three zones on the tabletop and construct a pyramid in each zone."""""" + + def __init__(self): + super().__init__() + self.max_steps = 50 + self.lang_template = ""sort the blocks according to color into three zones and construct a pyramid in each zone"" + self.task_completed_desc = ""done sorting and constructing pyramids."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(3): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['yellow'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(zone_pose, i), zone_pose[1]) for zone_pose in zone_poses for i in place_pos] + + # Goal: blocks are sorted and stacked in a pyramid in each zone. + for i in range(3): + self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template)``` + END" +" ""build-cylinder-structure"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""build-cylinder-structure"" in a python code block. +### + +"," + build-cylinder-structure: {'task-name': 'build-cylinder-structure', 'task-description': ""Using four colored cylinders (red, blue, green, yellow), construct a structure atop a square base. The red and blue cylinders should be sealed by the square base side by side, while the green cylinder should be on top of the blue one, and the yellow one on top of the red. The final look should resemble the letter 'H'."", 'assets-used': ['cylinder/cylinder-template.urdf', 'square/square-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class BuildCylinderStructure(Task): + """"""Construct a structure using four colored cylinders (red, blue, green, yellow) on a square base."""""" + + def __init__(self): + super().__init__() + self.max_steps = 5 + self.lang_template = ""construct a structure using four colored cylinders on a square base"" + self.task_completed_desc = ""done building the cylinder structure."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add square base. + # x, y, z dimensions for the asset size + base_size = (0.15, 0.15, 0.005) + base_urdf = 'square/square-template.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Cylinder colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow'] + ] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.08) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + objs = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + objs.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.04), (0, 0.05, 0.04), + (0, 0.05, 0.12), (0, -0.05, 0.12)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: red and blue cylinders are placed side by side on the base. + self.add_goal(objs=objs[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) + self.lang_goals.append(""place the red and blue cylinders side by side on the base"") + + # Goal: green cylinder is placed on top of the blue cylinder. + self.add_goal(objs=[objs[2]], matches=np.ones((1, 1)), targ_poses=[targs[2]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]) + self.lang_goals.append(""place the green cylinder on top of the blue cylinder"") + + # Goal: yellow cylinder is placed on top of the red cylinder. + self.add_goal(objs=[objs[3]], matches=np.ones((1, 1)), targ_poses=[targs[3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]) + self.lang_goals.append(""place the yellow cylinder on top of the red cylinder"")``` + END" +" ""insert-blocks-lineup"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insert-blocks-lineup"" in a python code block. +### + +"," + insert-blocks-lineup: {'task-name': 'insert-blocks-lineup', 'task-description': 'On the tabletop, there are four different color blocks (red, blue, green, and yellow), and four fixtures in corresponding colors. The task is to pick up each block and insert it into the corresponding color fixture. However, the fixtures are arranged in a straight line, with a line of small blocks serving as barrier between the fixtures and the colored blocks initially scattered on the table, providing a challenge in precise navigation and placement.', 'assets-used': ['block/block.urdf', 'insertion/fixture.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertBlocksLineup(Task): + """"""Pick up four different color blocks and insert them into the corresponding color fixtures."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} block into the {color} fixture"" + self.task_completed_desc = ""done inserting blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and fixtures + colors = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures. + fixture_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + for i in range(4): + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed') + fixture_poses.append((fixture_pose, fixture_id)) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i]]) + blocks.append(block_id) + + # Add small blocks as barriers. + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'block/small.urdf' + for _ in range(10): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each block is in the corresponding color fixture. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i][0]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-specific-container-fill"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-specific-container-fill"" in a python code block. +### + +"," + color-specific-container-fill: {'task-name': 'color-specific-container-fill', 'task-description': 'Arrange four colored blocks (red, blue, green, and yellow) around a pallet. Then, pick up these blocks and place them inside a container marked in the same color. The task requires precise placement, color matching, and an understanding of spatial structures.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSpecificContainerFill(Task): + """"""Arrange four colored blocks (red, blue, green, and yellow) around a pallet. + Then, pick up these blocks and place them inside a container marked in the same color. + The task requires precise placement, color matching, and an understanding of spatial structures."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""put the {color} block in the {color} container"" + self.task_completed_desc = ""done arranging blocks in containers."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Define block and container colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add blocks and containers. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + container_size = (0.12, 0.12, 0.05) + container_template = 'container/container-template.urdf' + blocks = [] + containers = [] + for color in colors: + # Add block. + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add container. + container_pose = self.get_random_pose(env, container_size) + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + container_urdf = self.fill_template(container_template, replace) + container_id = env.add_object(container_urdf, container_pose, 'fixed', color=utils.COLORS[color]) + containers.append(container_id) + + # Goal: each block is in a container of the same color. + for i in range(len(colors)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""multicolor-block-bridge"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""multicolor-block-bridge"" in a python code block. +### + +"," + multicolor-block-bridge: {'task-name': 'multicolor-block-bridge', 'task-description': 'Build a bridge by stacking three red, three blue, and three green blocks on a pallet. Arrange in a sequence from left to right: red, blue, and green. Then, place three cylinders of corresponding colors on top of the stacked blocks, forming a bridge. The cylinders should roll from the top block to the pallet, creating a challenge of precision and control.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf', 'cylinder/cylinder-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class MulticolorBlockBridge(Task): + """"""Build a bridge by stacking three red, three blue, and three green blocks on a pallet. + Arrange in a sequence from left to right: red, blue, and green. + Then, place three cylinders of corresponding colors on top of the stacked blocks, forming a bridge. + The cylinders should roll from the top block to the pallet, creating a challenge of precision and control."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""Build a bridge by stacking three red, three blue, and three green blocks on a pallet. Arrange in a sequence from left to right: red, blue, and green. Then, place three cylinders of corresponding colors on top of the stacked blocks, forming a bridge."" + self.task_completed_desc = ""done building the bridge."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] + blocks = [] + for i in range(9): # 3 blocks of each color + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i // 3]) + blocks.append(block_id) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_template = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(3): # 1 cylinder of each color + cylinder_pose = self.get_random_pose(env, cylinder_size) + replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] / 2, cylinder_size[1] / 2, cylinder_size[2] / 2)} + cylinder_urdf = self.fill_template(cylinder_template, replace) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=block_colors[i]) + cylinders.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked on the pallet in the order red, blue, green. + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i // 3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 9, symmetries=[np.pi/2]) + + # Goal: cylinders are placed on top of the stacked blocks. + for i in range(3): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + + self.lang_goals.append(self.lang_template)``` + END" +" ""pyramid-blocks-assemble"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""pyramid-blocks-assemble"" in a python code block. +### + +"," + pyramid-blocks-assemble: {'task-name': 'pyramid-blocks-assemble', 'task-description': 'Construct a pyramid using nine blocks in a specific color order on a pallet. The bottom layer should contain five blocks: red, blue, green, yellow, and orange (in that order from left to right). The middle layer should consist of three blocks: yellow, red, and blue (from left to right). The top layer should contain a single green block. The pyramid requires careful placement and color matching.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class PyramidBlocksAssemble(Task): + """"""Construct a pyramid using nine blocks in a specific color order on a pallet."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""construct a pyramid using nine blocks in a specific color order on a pallet"" + self.task_completed_desc = ""done constructing pyramid."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.35, 0.35, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for _ in range(9): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [ + (-0.1, -0.1, 0.02), (0, -0.1, 0.02), (0.1, -0.1, 0.02), (-0.1, 0, 0.02), (0.1, 0, 0.02), + (-0.05, 0.05, 0.06), (0.05, 0.05, 0.06), (0, 0.1, 0.06), + (0, 0.05, 0.1) + ] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid in a specific color order. + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 9) + self.lang_goals.append(self.lang_template.format(blocks=""the blocks"", + row=""row""))``` + END" +" ""triangle-block-arrangement"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""triangle-block-arrangement"" in a python code block. +### + +"," + triangle-block-arrangement: {'task-name': 'triangle-block-arrangement', 'task-description': 'Arrange blocks of three different colors (red, green, and blue) in a triangular layout on the tabletop. The base of the triangle should consist of three red blocks, followed by a row of two green blocks, and finally a single blue block at the top of the triangle. The task is challenging due to the need for precise placement and color coordination.', 'assets-used': ['block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class TriangleBlockArrangement(Task): + """"""Arrange blocks of three different colors (red, green, and blue) in a triangular layout on the tabletop."""""" + + def __init__(self): + super().__init__() + self.max_steps = 6 + self.lang_template = ""Arrange blocks of three different colors (red, green, and blue) in a triangular layout on the tabletop."" + self.task_completed_desc = ""done arranging blocks in a triangle."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + colors = [utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']] + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i//2]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), + (0, 0.05, 0.02), (0, -0.025, 0.06), + (0, 0.025, 0.06), (0, 0, 0.10)] + base_pose = self.get_random_pose(env, block_size) + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a triangle (bottom row: red, middle row: green, top row: blue). + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(""Arrange the red blocks in a row at the base of the triangle."") + + self.add_goal(objs=blocks[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append(""Arrange the green blocks in a row above the red blocks."") + + self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append(""Place the blue block at the top of the triangle."")``` + END" +" ""place-ball-in-elevated-bowl"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""place-ball-in-elevated-bowl"" in a python code block. +### + +"," + place-ball-in-elevated-bowl: {'task-name': 'place-ball-in-elevated-bowl', 'task-description': 'The primary objective of the task is to pick up a red ball and carefully place it into a bowl, which is positioned on a raised platform that is surrounded by small blocks. The challenge lies in precise navigation, maintaining a hold of the ball, and avoiding the surrounding blocks.', 'assets-used': ['ball/ball-template.urdf', 'bowl/bowl.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class PlaceBallInElevatedBowl(Task): + """"""Pick up a red ball and carefully place it into a bowl, which is positioned on a raised platform that is surrounded by small blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""place the red ball in the elevated bowl"" + self.task_completed_desc = ""done placing ball in bowl."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add elevated platform. + platform_size = (0.3, 0.3, 0.05) + platform_urdf = 'platform/platform.urdf' + platform_pose = self.get_random_pose(env, platform_size) + env.add_object(platform_urdf, platform_pose, 'fixed') + + # Add bowl on the platform. + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_pose[0][2] += platform_size[2] # place the bowl on top of the platform + bowl_id = env.add_object(bowl_urdf, bowl_pose, 'fixed') + + # Add red ball. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS['red']) + + # Add small blocks around the platform. + block_size = (0.02, 0.02, 0.02) + block_urdf = 'block/small.urdf' + for _ in range(5): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: the red ball is in the bowl. + self.add_goal(objs=[ball_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template)``` + END" +" ""align-balls-in-colored-zones"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""align-balls-in-colored-zones"" in a python code block. +### + +"," + align-balls-in-colored-zones: {'task-name': 'align-balls-in-colored-zones', 'task-description': 'There are six balls of different colors (red, blue, green, yellow, orange, and purple) and six zones correspondingly colored. The task is to pick up each ball and place it in the zone of the same color, arranging the balls in a straight line. The challenge lies in the precise placement and color matching.', 'assets-used': ['ball/ball-template.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class AlignBallsInColoredZones(Task): + """"""Align balls of different colors in correspondingly colored zones."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ball in the {color} zone"" + self.task_completed_desc = ""done aligning balls in colored zones."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for balls and zones + colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + color_names = ['Red', 'Blue', 'Green', 'Yellow', 'Orange', 'Purple'] + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for i in range(6): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]]) + zone_poses.append(zone_pose) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for i in range(6): + ball_pose = self.get_random_pose(env, ball_size) + replace = {'DIM': ball_size, 'HALF': (ball_size[0] / 2, ball_size[1] / 2, ball_size[2] / 2), 'COLOR': colors[i]} + ball_urdf = self.fill_template(ball_urdf, replace) + ball_id = env.add_object(ball_urdf, ball_pose) + balls.append(ball_id) + + # Goal: each ball is in a different colored zone. + for i in range(6): + self.add_goal(objs=[balls[i]], matches=np.int32([[1]]), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""color-coordinated-cylinder-tower"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-tower"" in a python code block. +### + +"," + color-coordinated-cylinder-tower: {'task-name': 'color-coordinated-cylinder-tower', 'task-description': 'Stack cylinders of four different colors (red, blue, green, yellow) on top of each other on a square stand in a specific sequence. The bottom of the stack should start with a blue cylinder, follow by a green cylinder, then a red one, and finally a yellow cylinder at the top. Each cylinder has to be aligned correctly to avoid falling.', 'assets-used': ['cylinder/cylinder-template.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderTower(Task): + """"""Stack cylinders of four different colors (red, blue, green, yellow) on top of each other on a square stand in a specific sequence. The bottom of the stack should start with a blue cylinder, follow by a green cylinder, then a red one, and finally a yellow cylinder at the top. Each cylinder has to be aligned correctly to avoid falling."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""Stack cylinders of four different colors (red, blue, green, yellow) on top of each other on a square stand in a specific sequence. The bottom of the stack should start with a blue cylinder, follow by a green cylinder, then a red one, and finally a yellow cylinder at the top."" + self.task_completed_desc = ""done stacking cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Cylinder colors. + colors = [utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['red'], utils.COLORS['yellow']] + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + objs = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + objs.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0, 0, 0.03), (0, 0, 0.08), (0, 0, 0.13), (0, 0, 0.18)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: cylinders are stacked in a tower (bottom to top: blue, green, red, yellow). + for i in range(4): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template)``` + END" +" ""symmetric-block-bridge-construction"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""symmetric-block-bridge-construction"" in a python code block. +### + +"," + symmetric-block-bridge-construction: {'task-name': 'symmetric-block-bridge-construction', 'task-description': 'Create a symmetrical bridge-shaped structure on a stand using eight blocks of two different colors (four red and four blue). Start by placing two red blocks side by side at the center of the stand to form the base of the bridge. Then, take a blue block and place it on top of the red blocks, followed by another red block on top of the blue one, and this pattern continues till you exhaust all the blocks. The final structure should be a bridge with alternating colors (red, blue, red, blue). The challenge lies in ensuring symmetry and balancing the blocks without making them fall.', 'assets-used': ['stacking/stand.urdf', 'block/block-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class SymmetricBlockBridgeConstruction(Task): + """"""Create a symmetrical bridge-shaped structure on a stand using eight blocks of two different colors (four red and four blue)."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""create a symmetrical bridge-shaped structure on a stand using eight blocks of two different colors (four red and four blue)"" + self.task_completed_desc = ""done building the bridge."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue']] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(8): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i%2]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13), + (0, -0.025, 0.18), (0, 0.025, 0.18)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a bridge (bottom row: red, red). + self.add_goal(objs=objs[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*2) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (second row: blue). + self.add_goal(objs=objs[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (third row: red). + self.add_goal(objs=objs[3:4], matches=np.ones((1, 1)), targ_poses=targs[3:4], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (fourth row: blue). + self.add_goal(objs=objs[4:5], matches=np.ones((1, 1)), targ_poses=targs[4:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (fifth row: red). + self.add_goal(objs=objs[5:6], matches=np.ones((1, 1)), targ_poses=targs[5:6], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (sixth row: blue). + self.add_goal(objs=objs[6:7], matches=np.ones((1, 1)), targ_poses=targs[6:7], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in a bridge (top row: red, red). + self.add_goal(objs=objs[7:], matches=np.ones((1, 1)), targ_poses=targs[7:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template)``` + END" +" ""sphere-align-stand"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sphere-align-stand"" in a python code block. +### + +"," + sphere-align-stand: {'task-name': 'sphere-align-stand', 'task-description': 'On a table there are five differently colored stands and five spheres. The task involves picking up each sphere and placing it on the stand of the matching color. The task is challenging due to the precision required in picking up and placing the spheres, and the color coordination.', 'assets-used': ['stacking/stand.urdf', 'sphere/sphere.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SphereAlignStand(Task): + """"""Pick up each sphere and place it on the stand of the matching color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 5 + self.lang_template = ""place the {color} sphere on the {color} stand"" + self.task_completed_desc = ""done aligning spheres with stands."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for the spheres and stands + colors = ['red', 'green', 'blue', 'yellow', 'purple'] + color_names = ['red', 'green', 'blue', 'yellow', 'purple'] + + # Add stands. + # x, y, z dimensions for the asset size + stand_size = (0.05, 0.05, 0.05) + stand_urdf = 'stacking/stand.urdf' + stand_poses = [] + for i in range(5): + stand_pose = self.get_random_pose(env, stand_size) + env.add_object(stand_urdf, stand_pose, 'fixed', color=utils.COLORS[colors[i]]) + stand_poses.append(stand_pose) + + # Add spheres. + # x, y, z dimensions for the asset size + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + spheres = [] + for i in range(5): + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[colors[i]]) + spheres.append(sphere_id) + + # Goal: each sphere is on the stand of the matching color. + for i in range(5): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[stand_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/5) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""construct-colorful-arch"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""construct-colorful-arch"" in a python code block. +### + +"," + construct-colorful-arch: {'task-name': 'construct-colorful-arch', 'task-description': 'Construct an arch using six blocks: three red, and three blue. Place two red blocks on the tabletop parallel to each other, then place a blue block on top of the red blocks to form a basic arch. Repeat the process by placing a red block on each side of the base arch and bridge them with the last blue block. Finally, place the last two red blocks on top of the second layer of the red blocks, on either side. The overall structure forms a colorful 3D arch.', 'assets-used': ['block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ConstructColorfulArch(Task): + """"""Construct an arch using six blocks: three red, and three blue."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""Construct an arch using six blocks: three red, and three blue."" + self.task_completed_desc = ""done constructing colorful arch."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + colors = [utils.COLORS['red'], utils.COLORS['blue']] + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + color = colors[i // 3] # First three blocks are red, last three are blue + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), # Base layer + (0, 0, 0.06), # Second layer + (0, -0.05, 0.10), (0, 0.05, 0.10), # Third layer + (0, 0, 0.14)] # Top layer + targs = [(utils.apply(block_pose, i), block_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in an arch (bottom layer: red, red). + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append(""Place two red blocks on the tabletop parallel to each other"") + + # Goal: blocks are stacked in an arch (second layer: blue). + self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append(""Place a blue block on top of the red blocks to form a basic arch"") + + # Goal: blocks are stacked in an arch (third layer: red, red). + self.add_goal(objs=blocks[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*2) + self.lang_goals.append(""Place a red block on each side of the base arch"") + + # Goal: blocks are stacked in an arch (top layer: blue). + self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]) + self.lang_goals.append(""Bridge them with the last blue block"")``` + END" +" ""color-sorted-container-stack"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-sorted-container-stack"" in a python code block. +### + +"," + color-sorted-container-stack: {'task-name': 'color-sorted-container-stack', 'task-description': 'The challenge is to stack four differently colored blocks (red, blue, green, yellow) inside a container. These blocks are initially placed inside two separate bowls. The red and blue blocks are in one bowl, the yellow and green blocks are in another. The robot has to pick up the blocks from the two bowls and stack them inside the container in the specific order: red, blue, green, then yellow.', 'assets-used': ['bowl/bowl.urdf', 'container/container-template.urdf', 'block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSortedContainerStack(Task): + """"""Stack four differently colored blocks (red, blue, green, yellow) inside a container."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""stack the blocks in the container in the order: red, blue, green, then yellow"" + self.task_completed_desc = ""done stacking blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add container. + # x, y, z dimensions for the asset size + container_size = (0.15, 0.15, 0.15) + container_pose = self.get_random_pose(env, container_size) + container_urdf = 'container/container-template.urdf' + replace = {'DIM': container_size, 'HALF': (container_size[0] / 2, container_size[1] / 2, container_size[2] / 2)} + container_urdf = self.fill_template(container_urdf, replace) + env.add_object(container_urdf, container_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + for i in range(2): + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, 'fixed') + + # Goal: each block is stacked in the container in the order: red, blue, green, yellow. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template)``` + END" +" ""align-spheres-in-colored-zones"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""align-spheres-in-colored-zones"" in a python code block. +### + +"," + align-spheres-in-colored-zones: {'task-name': 'align-spheres-in-colored-zones', 'task-description': 'There are four spheres of different colors (red, blue, green, yellow) positioned randomly on the table along with four zones marked with matching colors. The task is to pick up each sphere and place it into the matching colored zone with precise placement.', 'assets-used': ['sphere/sphere-template.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class AlignSpheresInColoredZones(Task): + """"""Align spheres of different colors in the matching colored zones."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} sphere in the {color} zone"" + self.task_completed_desc = ""done aligning spheres in colored zones."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for color in colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add spheres. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere-template.urdf' + spheres = [] + for i, color in enumerate(colors): + sphere_pose = self.get_random_pose(env, sphere_size) + replace = {'DIM': sphere_size, 'HALF': (sphere_size[0] / 2, sphere_size[1] / 2, sphere_size[2] / 2)} + sphere_urdf = self.fill_template(sphere_urdf, replace) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + spheres.append(sphere_id) + + # Add goal + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""sort-insert-color-coordinated-blocks"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sort-insert-color-coordinated-blocks"" in a python code block. +### + +"," + sort-insert-color-coordinated-blocks: {'task-name': 'sort-insert-color-coordinated-blocks', 'task-description': 'There are six blocks of three different colors (two red, two blue, and two green), two red containers, two blue containers, and two green containers scattered on the table. The task is to sort the blocks by their colors and place (insert) them into the containers of the matching color. Two blocks of the same color should go into two different containers of the same color. The challenge lies in the color-based sorting and insertion of the blocks into the containers.', 'assets-used': ['block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class SortInsertColorCoordinatedBlocks(Task): + """"""Sort blocks by their colors and place them into the containers of the matching color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""sort the blocks by their colors and place them into the containers of the matching color"" + self.task_completed_desc = ""done sorting and inserting blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_colors = ['red', 'blue', 'green'] + container_poses = [] + for color in container_colors: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + container_poses.append(container_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = ['red', 'red', 'blue', 'blue', 'green', 'green'] + blocks = [] + for color in block_colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in a container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i//2]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template)``` + END" +" ""color-ordered-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-ordered-insertion"" in a python code block. +### + +"," + color-ordered-insertion: {'task-name': 'color-ordered-insertion', 'task-description': 'There are four differently-colored ell objects (red, blue, green, yellow) and a corresponding set of color-coded fixtures. The task involves picking up each ell object and inserting it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and finally yellow. The challenge lies in the precise manipulation of the ell objects and the color-coordination required. The fixtures are arranged in a straight line, and can only be approached from one direction, demanding careful navigation.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedInsertion(Task): + """"""Insert differently-colored ell objects into the matching color fixture in a specific order."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} ell into the matching fixture"" + self.task_completed_desc = ""done inserting ells."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + color_order = {color: i for i, color in enumerate(colors)} + + # Add fixtures. + fixture_size = (0.12, 0.12, 0.02) + fixture_urdf = 'insertion/fixture.urdf' + fixtures = [] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color], category='fixed') + fixtures.append(fixture_id) + + # Add ell objects. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Goal: each ell is inserted into the matching color fixture in the correct order. + for i, ell in enumerate(ells): + self.add_goal(objs=[ell], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(ells)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-cylinders-in-boxes"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinders-in-boxes"" in a python code block. +### + +"," + color-coordinated-cylinders-in-boxes: {'task-name': 'color-coordinated-cylinders-in-boxes', 'task-description': 'Arrange four cylinders of different colors (red, blue, green, and yellow) into four matching colored boxes, such that each box contains a cylinder of the same color. The task is challenging due to the manipulation of cylindrical objects and the color coordination required.', 'assets-used': ['cylinder/cylinder-template.urdf', 'box/box-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylindersInBoxes(Task): + """"""Arrange four cylinders of different colors (red, blue, green, and yellow) into four matching colored boxes, such that each box contains a cylinder of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""put the {color} cylinder in the {color} box"" + self.task_completed_desc = ""done arranging cylinders in boxes."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add boxes. + box_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the box size + box_urdf = 'box/box-template.urdf' + boxes = [] + for i in range(4): + box_pose = self.get_random_pose(env, box_size) + box_id = env.add_object(box_urdf, box_pose, color=colors[i]) + boxes.append(box_id) + + # Add cylinders. + cylinder_size = (0.02, 0.02, 0.05) # x, y, z dimensions for the cylinder size + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is in a box of the same color. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[box_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""color-coordinated-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-insertion"" in a python code block. +### + +"," + color-coordinated-insertion: {'task-name': 'color-coordinated-insertion', 'task-description': 'There are three insertion fixtures and three ell shaped blocks of different colors (red, blue, green) on the table top. The task is to pick up the ell shaped blocks and insert each one of them into the fixture of the same color. However, the ell blocks should be inserted in a specific sequence - red first, then blue, and finally green. This task is challenging due to the precision required for insertion and the need for color coordination and sequencing.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertion(Task): + """"""Insert each block into the fixture of the same color, and then place these fixtures onto a pallet."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert each block into the fixture of the same color, and then place these fixtures onto a pallet"" + self.task_completed_desc = ""done with color-coordinated-insertion."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.35, 0.35, 0.01) + pallet_pose = self.get_random_pose(env, pallet_size) + pallet_urdf = 'pallet/pallet.urdf' + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add fixtures and blocks. + colors = ['red', 'blue', 'green', 'yellow'] + fixtures = [] + blocks = [] + fixture_size = (0.05, 0.05, 0.05) + block_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + block_urdf = 'block/block.urdf' + for color in colors: + # Add fixture. + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Add block. + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the fixture of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + # Goal: each fixture is on the pallet. + for i in range(len(fixtures)): + self.add_goal(objs=[fixtures[i]], matches=np.ones((1, 1)), targ_poses=[pallet_pose], replace=False, + rotations=True, metric='zone', params=[(pallet_pose, pallet_size)], step_max_reward=1 / len(fixtures)) + + self.lang_goals.append(self.lang_template)``` + END" +" ""cylinder-stand-alignment"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""cylinder-stand-alignment"" in a python code block. +### + +"," + cylinder-stand-alignment: {'task-name': 'cylinder-stand-alignment', 'task-description': 'Arrange four colored cylinders (red, blue, green, yellow) in order of their colors on four stands of matching color. However, the stands are placed in a random order on the table, which increases the complexity of the task as it requires careful planning and color matching.', 'assets-used': ['cylinder/cylinder-template.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CylinderStandAlignment(Task): + """"""Arrange four colored cylinders (red, blue, green, yellow) in order of their colors on four stands of matching color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""Arrange the {color} cylinder on the {color} stand"" + self.task_completed_desc = ""done arranging cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] / 2, cylinder_size[1] / 2, cylinder_size[2] / 2), + 'COLOR': colors[i]} + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(cylinder_urdf, replace) + cylinder_id = env.add_object(urdf, cylinder_pose) + cylinders.append(cylinder_id) + + # Add stands. + # x, y, z dimensions for the asset size + stand_size = (0.05, 0.05, 0.005) + stand_urdf = 'stacking/stand.urdf' + stands = [] + for i in range(4): + stand_pose = self.get_random_pose(env, stand_size) + env.add_object(stand_urdf, stand_pose, color=colors[i], category='fixed') + stands.append(stand_pose) + + # Goal: each cylinder is on a stand of the same color. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stands[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""color-coordinated-container-sorting"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-container-sorting"" in a python code block. +### + +"," + color-coordinated-container-sorting: {'task-name': 'color-coordinated-container-sorting', 'task-description': 'On the table there are four different colored containers (red, blue, green and yellow) and sixteen blocks of the same four colors (four blocks of each color). The task challenges the robot to pick up these blocks and sort them into the containers of the same color, with each container having one of each color of blocks in it. To make the task interesting, each container should have the blocks in a different order. One container might have them in the order red, blue, green, yellow; another one in the order yellow, green, blue, red; and the last two could have them in the orders green, red, yellow, blue; and blue, yellow, red, green. The robot would need to first identify the correct container for sorting, and then plan the correct order of the blocks.', 'assets-used': ['block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedContainerSorting(Task): + """"""Sort blocks into containers of the same color in a specific order."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""sort the blocks into the containers of the same color in the specified order"" + self.task_completed_desc = ""done sorting blocks into containers."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their orders in containers + colors = ['red', 'blue', 'green', 'yellow'] + orders = [ + ['red', 'blue', 'green', 'yellow'], + ['yellow', 'green', 'blue', 'red'], + ['green', 'red', 'yellow', 'blue'], + ['blue', 'yellow', 'red', 'green'] + ] + + # Add containers. + container_size = (0.12, 0.12, 0.02) + container_urdf = 'container/container-template.urdf' + containers = [] + for i in range(4): + container_pose = self.get_random_pose(env, container_size) + color = utils.COLORS[colors[i]] + container_id = env.add_object(container_urdf, container_pose, color=color) + containers.append(container_id) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + color = utils.COLORS[colors[i]] + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Add goals. + for i in range(4): + for j in range(4): + # Find the block and container of the same color + block_id = blocks[i*4 + j] + container_id = containers[i] + # Define the target pose based on the order in the container + container_pose = p.getBasePositionAndOrientation(container_id)[0] + targ_pose = (container_pose[0], container_pose[1], container_pose[2] + block_size[2] * (j + 1)) + self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[targ_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/16) + + self.lang_goals.append(self.lang_template)``` + END" +" ""color-sorted-block-race"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-sorted-block-race"" in a python code block. +### + +"," + color-sorted-block-race: {'task-name': 'color-sorted-block-race', 'task-description': 'On one end of a tabletop, there are six blocks in two colors (three red and three blue). On the other end of the tabletop, two sets of three small marked zones are arranged in a straight line, one set for blue and one set for red. The task involves picking up one block at a time and placing it in the corresponding colored zone in a sequence from the bottom end zone to the top end zone. The blocks must be placed following the rule: the three colored blocks must be transported consecutively, e.g., first place all three blue blocks and then place all three red blocks. The challenge lies in careful transportation and placement of the blocks and follows the specific rule.', 'assets-used': ['block/block.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSortedBlockRace(Task): + """"""Pick up blocks of two colors and place them in corresponding colored zones in a sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the blocks in the corresponding colored zones in sequence"" + self.task_completed_desc = ""done placing blocks in zones."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_colors = ['blue', 'red'] + zone_poses = [] + for color in zone_colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = ['blue', 'red'] + blocks = [] + for color in block_colors: + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the corresponding colored zone. + for i, block in enumerate(blocks): + self.add_goal(objs=[block], matches=np.ones((1, 1)), targ_poses=[zone_poses[i//3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template)``` + END" +" ""multi-level-block-construction"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""multi-level-block-construction"" in a python code block. +### + +"," + multi-level-block-construction: {'task-name': 'multi-level-block-construction', 'task-description': 'Construct a two-level structure on a pallet using four blocks: two red and two blue. The lower level should be a rectangle created by placing the red blocks side by side. The upper level is made up by placing the blue blocks placed on top of the red blocks creating a line aligned perpendicular to the red blocks. The challenge lies in the precise placement of blocks, maintaining balance of the structure, and correct color arrangement.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class MultiLevelBlockConstruction(Task): + """"""Construct a two-level structure on a pallet using four blocks: two red and two blue. + The lower level should be a rectangle created by placing the red blocks side by side. + The upper level is made up by placing the blue blocks placed on top of the red blocks + creating a line aligned perpendicular to the red blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""construct a two-level structure on a pallet using four blocks: two red and two blue"" + self.task_completed_desc = ""done constructing multi-level block structure."" + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.015) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['blue']] + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02), + (0, -0.02, 0.06), (0, 0.02, 0.06)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: red blocks are placed side by side on the pallet. + self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) + + # Goal: blue blocks are stacked on top of the red blocks. + self.add_goal(objs=blocks[2:], matches=np.ones((2, 2)), targ_poses=targs[2:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2)``` + END" +" ""color-linked-ball-bowl-ordering"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-linked-ball-bowl-ordering"" in a python code block. +### + +"," + color-linked-ball-bowl-ordering: {'task-name': 'color-linked-ball-bowl-ordering', 'task-description': 'On a tabletop, there are four bowls and four balls of different colors (red, blue, green, and yellow). Each ball is inside a bowl, but not corresponding to the color of the bowl. The task is to pick up each ball and place it in the bowl of the same color, in the specific sequence of red, blue, green and yellow from left to right. The challenge lies in the precise placement, color matching and sequence following.', 'assets-used': ['bowl/bowl.urdf', 'ball/ball.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorLinkedBallBowlOrdering(Task): + """"""Pick up each ball and place it in the bowl of the same color, in the specific sequence of red, blue, green and yellow from left to right."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ball in the {color} bowl"" + self.task_completed_desc = ""done placing balls in bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for i in range(4): + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, 'fixed', color=utils.COLORS[colors[i]]) + bowl_poses.append(bowl_pose) + + # Add balls. + # x, y, z dimensions for the asset size + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball.urdf' + for i in range(4): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in the bowl of the same color. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.int32([[1]]), targ_poses=[bowl_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-blocks-in-cylinder-maze"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-blocks-in-cylinder-maze"" in a python code block. +### + +"," + color-blocks-in-cylinder-maze: {'task-name': 'color-blocks-in-cylinder-maze', 'task-description': 'Pick up five differently colored blocks (red, blue, yellow, green, and orange) that are scattered randomly on the table top. Arrange three cylindrical containers in a row to create a maze-like structure. Place the red, yellow, and blue block into the first, second, and third cylinder from left respectively. Then, stack the green and orange block on top of any container, followed by placing the same color palette on the respective block.', 'assets-used': ['block/block.urdf', 'cylinder/cylinder-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorBlocksInCylinderMaze(Task): + """"""Pick up five differently colored blocks (red, blue, yellow, green, and orange) that are scattered randomly on the table top. Arrange three cylindrical containers in a row to create a maze-like structure. Place the red, yellow, and blue block into the first, second, and third cylinder from left respectively. Then, stack the green and orange block on top of any container, followed by placing the same color palette on the respective block."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""arrange the blocks in the cylinders and stack the green and orange blocks"" + self.task_completed_desc = ""done arranging blocks in cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add cylinders. + cylinder_size = (0.05, 0.05, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinder_poses = [] + for _ in range(3): + cylinder_pose = self.get_random_pose(env, cylinder_size) + env.add_object(cylinder_urdf, cylinder_pose, 'fixed') + cylinder_poses.append(cylinder_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['yellow'], utils.COLORS['green'], utils.COLORS['orange']] + blocks = [] + for i in range(5): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=block_colors[i]) + blocks.append(block_id) + + # Goal: red, yellow, and blue blocks are in the first, second, and third cylinder respectively. + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=cylinder_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2) + + # Goal: green and orange blocks are stacked on top of any cylinder. + self.add_goal(objs=blocks[3:], matches=np.ones((2, 3)), targ_poses=cylinder_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2) + + self.lang_goals.append(self.lang_template)``` + END" +" ""create-pyramid-with-color-coded-ells"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""create-pyramid-with-color-coded-ells"" in a python code block. +### + +"," + create-pyramid-with-color-coded-ells: {'task-name': 'create-pyramid-with-color-coded-ells', 'task-description': ""There are four insertion ell-shaped objects ('insertion/ell.urdf') of different colors (red, blue, yellow, and green) placed randomly on the tabletop. The task is to pick up each of these objects and stack them onto a fixed-size pallet in the shape of a pyramid. The order of the pyramid from bottom to top should be red, blue, yellow, and green."", 'assets-used': ['insertion/ell.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class CreatePyramidWithColorCodedElls(Task): + """"""Pick up ell-shaped objects of different colors and stack them onto a pallet in the shape of a pyramid."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""stack the {color} ell on the pyramid"" + self.task_completed_desc = ""done stacking ell pyramid."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.15, 0.15, 0.01) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + + # Ell colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], + utils.COLORS['yellow'], utils.COLORS['green'] + ] + color_names = ['red', 'blue', 'yellow', 'green'] + + # Add Ells. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + objs = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=colors[i]) + objs.append(ell_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, 0, 0.08)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: Ells are stacked in a pyramid (bottom row: red, middle row: blue, top row: yellow, green). + for i in range(4): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""move-piles-along-line"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""move-piles-along-line"" in a python code block. +### + +"," + move-piles-along-line: {'task-name': 'move-piles-along-line', 'task-description': 'Move three piles of small blocks, each pile a different color (red, blue, green), along three matching colored lines to three separate zones of the same color using a spatula.', 'assets-used': ['block/small.urdf', 'zone/zone.urdf', 'line/line-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class MovePilesAlongLine(Task): + """"""Move three piles of small blocks, each pile a different color (red, blue, green), + along three matching colored lines to three separate zones of the same color using a spatula."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""move the piles of blocks along the lines to the matching colored zones"" + self.task_completed_desc = ""done moving piles."" + self.primitive = primitives.push + self.ee = Spatula + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add three colored lines. + line_template = 'line/line-template.urdf' + line_colors = ['red', 'blue', 'green'] + line_poses = [] + for color in line_colors: + line_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + line_pose = self.get_random_pose(env, line_size) + replace = {'DIM': line_size, 'HALF': (line_size[0] / 2, line_size[1] / 2, line_size[2] / 2), 'COLOR': color} + line_urdf = self.fill_template(line_template, replace) + env.add_object(line_urdf, line_pose, 'fixed') + line_poses.append(line_pose) + + # Add three colored zones. + zone_template = 'zone/zone.urdf' + zone_poses = [] + for color in line_colors: + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2), 'COLOR': color} + zone_urdf = self.fill_template(zone_template, replace) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Add three piles of small blocks. + block_template = 'block/small.urdf' + block_colors = ['red', 'blue', 'green'] + block_ids = [] + for color in block_colors: + block_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + block_pose = self.get_random_pose(env, block_size) + replace = {'DIM': block_size, 'HALF': (block_size[0] / 2, block_size[1] / 2, block_size[2] / 2), 'COLOR': color} + block_urdf = self.fill_template(block_template, replace) + block_id = env.add_object(block_urdf, block_pose) + block_ids.append(block_id) + + # Add goals. + for i in range(3): + self.add_goal(objs=[block_ids[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=False, metric='zone', params=[(zone_poses[i], zone_size)], step_max_reward=1/3) + self.lang_goals.append(self.lang_template)``` + END" +" ""color-ordered-blocks-on-pallet"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-ordered-blocks-on-pallet"" in a python code block. +### + +"," + color-ordered-blocks-on-pallet: {'task-name': 'color-ordered-blocks-on-pallet', 'task-description': 'On a table there are six different colored blocks (red, blue, green, yellow, orange, and purple), a pallet, and a small corner structure. These colored blocks are arranged randomly within the small corner structure. The task involves picking up each colored block and placing it onto the pallet in specific color sequence: red, blue, green, yellow, orange, and finally purple.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf', 'corner/corner-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedBlocksOnPallet(Task): + """"""Pick up each colored block and place it onto the pallet in specific color sequence: red, blue, green, yellow, orange, and finally purple."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the colored blocks onto the pallet in the following order: red, blue, green, yellow, orange, and purple"" + self.task_completed_desc = ""done placing blocks on the pallet."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['purple'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are placed on the pallet in the order of red, blue, green, yellow, orange, purple. + for i in range(6): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]) + self.lang_goals.append(self.lang_template)``` + END" +" ""color-ordered-container-arrangement"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-ordered-container-arrangement"" in a python code block. +### + +"," + color-ordered-container-arrangement: {'task-name': 'color-ordered-container-arrangement', 'task-description': 'On the tabletop, there are six containers and six blocks of different colors (red, blue, green, yellow, orange, purple). The task is to pick up each block and place it into a container of the same color, then arrange the containers in a line in the following color order: red, blue, green, yellow, orange, and purple.', 'assets-used': ['block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedContainerArrangement(Task): + """"""Arrange six containers with blocks of matching colors in a specific color order."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""arrange the containers in the color order: red, blue, green, yellow, orange, and purple"" + self.task_completed_desc = ""done arranging containers."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define color order + color_order = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + + # Add containers and blocks + container_size = (0.12, 0.12, 0.02) + block_size = (0.04, 0.04, 0.04) + container_urdf = 'container/container-template.urdf' + block_urdf = 'block/block.urdf' + containers = [] + blocks = [] + for color in color_order: + # Add container + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + containers.append(container_id) + + # Add block + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add subgoal to place block in container + self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/6) + + # Add final goal to arrange containers in color order + container_poses = [self.get_random_pose(env, container_size) for _ in color_order] + self.add_goal(objs=containers, matches=np.eye(len(color_order)), targ_poses=container_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + + self.lang_goals.append(self.lang_template)``` + END" +" ""multi-level-pyramid-construction"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""multi-level-pyramid-construction"" in a python code block. +### + +"," + multi-level-pyramid-construction: {'task-name': 'multi-level-pyramid-construction', 'task-description': 'Construct a two-level pyramid on a pallet using six blocks: three green and three blue. The first level should be a triangle created by placing the green blocks side by side. The second level should be built by placing the blue blocks on top of the green blocks, forming another triangle rotated 60 degrees with respect to the first one. The challenge lies in the precise placement of blocks, maintaining balance of the structure, and correct color arrangement.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class MultiLevelPyramidConstruction(Task): + """"""Construct a two-level pyramid on a pallet using six blocks: three green and three blue."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""Construct a two-level pyramid on a pallet using six blocks: three green and three blue. The first level should be a triangle created by placing the green blocks side by side. The second level should be built by placing the blue blocks on top of the green blocks, forming another triangle rotated 60 degrees with respect to the first one."" + self.task_completed_desc = ""done constructing pyramid."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.35, 0.35, 0.01) # x, y, z dimensions for the pallet size + pallet_pose = self.get_random_pose(env, pallet_size) + pallet_urdf = 'pallet/pallet.urdf' + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size + block_urdf = 'block/block.urdf' + block_colors = [utils.COLORS['green']] * 3 + [utils.COLORS['blue']] * 3 # three green and three blue blocks + + blocks = [] + for color in block_colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), # first level + (0, -0.025, 0.06), (0, 0.025, 0.06), (0, 0, 0.10)] # second level + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (first level: green blocks). + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks=""the green blocks"", row=""bottom"")) + + # Goal: blocks are stacked in a pyramid (second level: blue blocks). + self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks=""the blue blocks"", row=""top""))``` + END" +" ""align-balls-in-colored-boxes"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""align-balls-in-colored-boxes"" in a python code block. +### + +"," + align-balls-in-colored-boxes: {'task-name': 'align-balls-in-colored-boxes', 'task-description': 'On a tabletop, there are four balls and four boxes of different colors (red, blue, green, and yellow). Each ball is inside a box, but not corresponding to the color of the box. The task is to pick up each ball and place it in the box of the same color, in the specific sequence of red, blue, green and yellow from left to right. The challenge lies in the precise placement, color matching and sequence following.', 'assets-used': ['ball/ball.urdf', 'box/box-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class AlignBallsInColoredBoxes(Task): + """"""Align balls in colored boxes according to the color and sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""put the {color} ball in the {color} box"" + self.task_completed_desc = ""done aligning balls in boxes."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = np.random.permutation(colors) + + # Add boxes. + box_size = (0.12, 0.12, 0.12) + box_urdf = 'box/box-template.urdf' + box_poses = [] + boxes = [] + for i in range(4): + box_pose = self.get_random_pose(env, box_size) + box_id = env.add_object(box_urdf, box_pose, color=utils.COLORS[color_sequence[i]]) + boxes.append(box_id) + box_poses.append(box_pose) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball.urdf' + balls = [] + for i in range(4): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in the box of the same color. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-pyramid-in-container"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-pyramid-in-container"" in a python code block. +### + +"," + color-coordinated-pyramid-in-container: {'task-name': 'color-coordinated-pyramid-in-container', 'task-description': 'There are six blocks of three different colors (red, blue, green) and three containers of matching colors. The task involves picking up each color of blocks and placing them in the container of the same color in a pyramid formation, with two blocks at the base and one block on top. The challenge lies in the precise placement of blocks, maintaining balance of the pyramid, and color coordination.', 'assets-used': ['block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedPyramidInContainer(Task): + """"""Pick up each color of blocks and place them in the container of the same color in a pyramid formation."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""build a pyramid of {color} blocks in the {color} container"" + self.task_completed_desc = ""done building color-coordinated pyramids."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] + color_names = ['red', 'blue', 'green'] + + # Add containers. + container_size = (0.15, 0.15, 0.05) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, 'fixed', color=color) + container_poses.append(container_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + for _ in range(3): # 3 blocks of each color + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), (0, 0, 0.06)] + targs = [(utils.apply(container_pose, i), container_pose[1]) for i in place_pos for container_pose in container_poses] + + # Goal: blocks are stacked in a pyramid in the container of the same color. + for i, color_name in enumerate(color_names): + self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(color=color_name))``` + END" +" ""colored-balls-sorting-in-corner"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""colored-balls-sorting-in-corner"" in a python code block. +### + +"," + colored-balls-sorting-in-corner: {'task-name': 'colored-balls-sorting-in-corner', 'task-description': 'There are four balls and four corners of different colors (red, blue, green, and yellow). Each ball is located at a corner, but not corresponding to the color of the corner. The task is to pick up each ball and place it in the corner of the same color, in the specific sequence of red, blue, green and yellow, starting from the leftmost corner to the rightmost. The challenge lies in the precise placement, color matching and sequence following.', 'assets-used': ['ball/ball-template.urdf', 'corner/corner-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColoredBallsSortingInCorner(Task): + """"""Pick up each ball and place it in the corner of the same color, in the specific sequence of red, blue, green and yellow, starting from the leftmost corner to the rightmost."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ball in the {color} corner"" + self.task_completed_desc = ""done sorting balls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + + # Add corners. + corner_size = (0.12, 0.12, 0) + corner_urdf = 'corner/corner-template.urdf' + corner_poses = [] + for i in range(4): + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, 'fixed', color=utils.COLORS[colors[i]]) + corner_poses.append(corner_pose) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for i in range(4): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in the corner of the same color. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[corner_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-ball-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-ball-insertion"" in a python code block. +### + +"," + color-coordinated-ball-insertion: {'task-name': 'color-coordinated-ball-insertion', 'task-description': 'There are five differently-colored ell objects (red, blue, green, yellow, orange) and five sphere-shaped containers of matching colors. The task involves picking up each ell object and inserting it into the sphere container of the same color, but in a specific sequence from left to right: red, blue, green, yellow, and finally orange. The task is challenging due to the sequence, color coordination, and accuracy of insertion required.', 'assets-used': ['insertion/ell.urdf', 'sphere/sphere-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBallInsertion(Task): + """"""Insert balls into the cylinders of the same color in the order of red, blue, green, and yellow."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""insert the {color} ball into the {color} cylinder"" + self.task_completed_desc = ""done inserting balls into cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.05, 0.05, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinder_poses = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + env.add_object(cylinder_urdf, cylinder_pose, category='fixed', color=utils.COLORS[colors[i]]) + cylinder_poses.append(cylinder_pose) + + # Add balls. + # x, y, z dimensions for the asset size + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + for i in range(4): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in the corresponding color cylinder. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-sequenced-pyramid-packing"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-sequenced-pyramid-packing"" in a python code block. +### + +"," + color-sequenced-pyramid-packing: {'task-name': 'color-sequenced-pyramid-packing', 'task-description': 'There are twelve cubes of different colors (three red, three green, three blue, and three yellow) scattered on the tabletop. The task is to pick up the cubes, sort them according to color into four pallets, and stack them in each pallet as a pyramid with the base layer containing two cubes and the top layer containing one cube. The challenge lies in the color-based sorting, the precise placement of cubes, and the construction of the pyramid in each pallet.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorSequencedPyramidPacking(Task): + """"""Sort cubes by color into four pallets and stack them in each pallet as a pyramid"""""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = ""sort the {color} cubes into the pallet and stack them as a pyramid"" + self.task_completed_desc = ""done sorting and stacking cubes."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_poses = [] + for _ in range(4): + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + pallet_poses.append(pallet_pose) + + # Cube colors. + colors = [ + utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['yellow'] + ] + + # Add cubes. + # x, y, z dimensions for the asset size + cube_size = (0.04, 0.04, 0.04) + cube_urdf = 'block/block.urdf' + + objs = [] + for i in range(12): + cube_pose = self.get_random_pose(env, cube_size) + cube_id = env.add_object(cube_urdf, cube_pose, color=colors[i%4]) + objs.append(cube_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos for pallet_pose in pallet_poses] + + # Goal: cubes are sorted by color and stacked in a pyramid in each pallet. + for i in range(4): + self.add_goal(objs=objs[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(color=list(utils.COLORS.keys())[i]))``` + END" +" ""color-block-ball-goal"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-block-ball-goal"" in a python code block. +### + +"," + color-block-ball-goal: {'task-name': 'color-block-ball-goal', 'task-description': 'On a tabletop, there are four zones marked in four different colors (red, blue, green, and yellow) and four balls of matching colors. The task involves picking up each ball and precisely placing it in the zone of the same color. However, there are several small blocks randomly scattered in the path between the balls and the zones. The robot has to strategically navigate around these blocks without knocking them over while transporting the balls to the corresponding zones. The challenge lies in the precise navigation, placement of the balls, and color matching while avoiding the blocks.', 'assets-used': ['zone/zone.urdf', 'ball/ball-template.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorBlockBallGoal(Task): + """"""Pick up each ball and precisely place it in the zone of the same color. Navigate around blocks without knocking them over."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ball in the {color} zone"" + self.task_completed_desc = ""done placing balls in zones."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_colors = ['red', 'blue', 'green', 'yellow'] + zone_poses = [] + for color in zone_colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add balls. + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + for color in zone_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Add blocks. + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each ball is in a zone of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=False, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=zone_colors[i]))``` + END" +" ""ball-sorting-with-blocks-barrier"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""ball-sorting-with-blocks-barrier"" in a python code block. +### + +"," + ball-sorting-with-blocks-barrier: {'task-name': 'ball-sorting-with-blocks-barrier', 'task-description': 'On a tabletop, there are four balls and four zones of different colors (red, blue, green, and yellow). Each ball is located behind a line of small blocks of the same color. The task is to pick up each ball and place it into the zone of the same color, but without knocking over the blocks. The challenge lies in the precise navigation over the block barriers and color matching.', 'assets-used': ['ball/ball-template.urdf', 'zone/zone.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class BallSortingWithBlocksBarrier(Task): + """"""Pick up each ball and place it into the zone of the same color, but without knocking over the blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ball in the {color} zone without knocking over the blocks"" + self.task_completed_desc = ""done sorting balls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for the balls and zones + colors = ['red', 'blue', 'green', 'yellow'] + + # Add zones and blocks. + zone_size = (0.12, 0.12, 0) + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + zone_urdf = 'zone/zone.urdf' + zones = [] + blocks = [] + for color in colors: + # Add zone of specific color + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zones.append(zone_pose) + + # Add line of blocks of the same color + for _ in range(5): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Goal: each ball is in a zone of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zones[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-matched-blocks-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-matched-blocks-insertion"" in a python code block. +### + +"," + color-matched-blocks-insertion: {'task-name': 'color-matched-blocks-insertion', 'task-description': 'There are four blocks and four fixtures of different colors (red, blue, green, and yellow). The task involves picking up each block and inserting it into the fixture of the same color, in the specific sequence of red, blue, green, and yellow, starting from the leftmost fixture to the rightmost. The challenge lies in the precise insertion, color matching and sequence following.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorMatchedBlocksInsertion(Task): + """"""Pick up each block and insert it into the fixture of the same color, in the specific sequence of red, blue, green, and yellow."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""insert the {color} block into the {color} fixture"" + self.task_completed_desc = ""done inserting blocks into fixtures."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = np.random.permutation(colors) + + # Add fixtures. + fixture_size = (0.12, 0.12, 0.02) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + for i in range(4): + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, 'fixed', color=utils.COLORS[color_sequence[i]]) + fixture_poses.append(fixture_pose) + + # Add blocks. + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color_sequence[i]]) + blocks.append(block_id) + + # Goal: each block is in the fixture of the same color. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color_sequence[i]))``` + END" +" ""color-coordinated-block-bridge"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-block-bridge"" in a python code block. +### + +"," + color-coordinated-block-bridge: {'task-name': 'color-coordinated-block-bridge', 'task-description': 'Construct a bridge by interleaving three differently colored blocks (red, blue, and green) on a pallet in a specific sequence - red block at the edges, blue block in the middle, and a green block on top of the red and blue blocks. Repeat this sequence until a bridge is formed across the length of the pallet.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBlockBridge(Task): + """"""Construct a bridge by interleaving three differently colored blocks (red, blue, and green) on a pallet in a specific sequence - red block at the edges, blue block in the middle, and a green block on top of the red and blue blocks. Repeat this sequence until a bridge is formed across the length of the pallet."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""construct a bridge by interleaving three differently colored blocks (red, blue, and green) on a pallet in a specific sequence"" + self.task_completed_desc = ""done constructing the bridge."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.30, 0.15, 0.02) + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object('pallet/pallet.urdf', pallet_pose, 'fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + + objs = [] + for i in range(9): # 3 sets of 3 colored blocks + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i % 3]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), # bottom layer + (0, -0.05, 0.06), (0, 0, 0.06), (0, 0.05, 0.06), # middle layer + (0, -0.05, 0.10), (0, 0, 0.10), (0, 0.05, 0.10)] # top layer + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a bridge (bottom layer: red, blue, red). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + + # Goal: blocks are stacked in a bridge (middle layer: green, green, green). + self.add_goal(objs=objs[3:6], matches=np.ones((3, 3)), targ_poses=targs[3:6], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + + # Goal: blocks are stacked in a bridge (top layer: red, blue, red). + self.add_goal(objs=objs[6:], matches=np.ones((3, 3)), targ_poses=targs[6:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3)``` + END" +" ""insert-red-block-into-cylinder"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insert-red-block-into-cylinder"" in a python code block. +### + +"," + insert-red-block-into-cylinder: {'task-name': 'insert-red-block-into-cylinder', 'task-description': ""Position a red block ('insertion/ell.urdf') in front of a cylindrical fixture ('insertion/fixture.urdf'), then insert the red block into the cylinder. The challenge includes precision in positioning the block and the correct insertion into the fixture."", 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class InsertRedBlockIntoCylinder(Task): + """"""Insert a red block into a cylindrical fixture."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""insert the red block into the cylinder"" + self.task_completed_desc = ""done inserting block into cylinder."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add cylinder fixture. + # x, y, z dimensions for the asset size + fixture_size = (0.12, 0.12, 0.12) + fixture_urdf = 'insertion/fixture.urdf' + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, category='fixed') + + # Add red block. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'insertion/ell.urdf' + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS['red']) + + # Goal: the red block is inside the cylindrical fixture. + self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template)``` + END" +" ""color-sequential-ball-container-sorting"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-sequential-ball-container-sorting"" in a python code block. +### + +"," + color-sequential-ball-container-sorting: {'task-name': 'color-sequential-ball-container-sorting', 'task-description': 'There are six balls of different colors (red, blue, green, yellow, orange, and purple) and six containers of matching colors. The task is to pick up each ball and place it in the container of the same color, but in a specific sequence of red, blue, green, yellow, orange, and purple from left to right. The challenge lies in the precise placement, color matching and sequence following.', 'assets-used': ['ball/ball-template.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSequentialBallContainerSorting(Task): + """"""Pick up each ball and place it in the container of the same color, but in a specific sequence of red, blue, green, yellow, orange, and purple from left to right."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ball in the {color} container"" + self.task_completed_desc = ""done sorting balls into containers."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + color_sequence = np.arange(len(colors)) + + # Add containers. + container_size = (0.12, 0.12, 0) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for i in range(len(colors)): + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[colors[i]], category='fixed') + container_poses.append(container_pose) + + # Add balls. + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + for i in range(len(colors)): + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]]) + balls.append(ball_id) + + # Goal: each ball is in a container of the same color, in the correct sequence. + for i in range(len(colors)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-cylinder-pyramid"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-pyramid"" in a python code block. +### + +"," + color-coordinated-cylinder-pyramid: {'task-name': 'color-coordinated-cylinder-pyramid', 'task-description': 'Construct a pyramid on a pallet using four cylinders of different colors (red, blue, green, and yellow). The first level should consist of a red cylinder and a blue cylinder side by side. The second level should consist of a green cylinder placed on top of the red and blue cylinders. The third and final level should consist of a yellow cylinder placed on top of the green cylinder. The challenge lies in the precise placement of cylinders, maintaining the balance of the structure, and correct color arrangement.', 'assets-used': ['cylinder/cylinder-template.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedCylinderPyramid(Task): + """"""Construct a pyramid on a pallet using four cylinders of different colors (red, blue, green, and yellow)."""""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = ""make the {row} row with {cylinder}"" + self.task_completed_desc = ""done stacking cylinder pyramid."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.15, 0.15, 0.005) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + + # Cylinder colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'] + ] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + cylinders.append(cylinder_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0.05, 0.03), + (0, 0, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: cylinders are stacked in a pyramid (bottom row: red, blue). + self.add_goal(objs=cylinders[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*2) + self.lang_goals.append(self.lang_template.format(cylinder=""the red and blue cylinders"", + row=""bottom"")) + + # Goal: cylinders are stacked in a pyramid (middle row: green). + self.add_goal(objs=cylinders[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*1) + self.lang_goals.append(self.lang_template.format(cylinder=""the green cylinder"", + row=""middle"")) + + # Goal: cylinders are stacked in a pyramid (top row: yellow). + self.add_goal(objs=cylinders[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4, symmetries=[np.pi/2]*1) + self.lang_goals.append(self.lang_template.format(cylinder=""the yellow cylinder"", + row=""top""))``` + END" +" ""cylinder-sorting-with-zone"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""cylinder-sorting-with-zone"" in a python code block. +### + +"," + cylinder-sorting-with-zone: {'task-name': 'cylinder-sorting-with-zone', 'task-description': 'On a tabletop, there are four colored cylinders (red, blue, green, and yellow) and four zones of different colors (red, blue, green, and yellow). Each cylinder is located at a zone, but not corresponding to the color of the zone. The task is to pick up each cylinder and place it in the zone of the same color, in the specific sequence of red, blue, green and yellow from left to right.', 'assets-used': ['cylinder/cylinder-template.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CylinderSortingWithZone(Task): + """"""Pick up each cylinder and place it in the zone of the same color, in the specific sequence of red, blue, green and yellow from left to right."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""place the {color} cylinder in the {color} zone"" + self.task_completed_desc = ""done sorting cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = np.arange(len(colors)) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for i in color_sequence: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]]) + zone_poses.append(zone_pose) + + # Add cylinders. + cylinders = [] + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + for i in color_sequence: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is in the zone of the same color. + self.add_goal(objs=cylinders, matches=np.eye(len(cylinders)), targ_poses=zone_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + for i in color_sequence: + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-ball-placement"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-ball-placement"" in a python code block. +### + +"," + color-coordinated-ball-placement: {'task-name': 'color-coordinated-ball-placement', 'task-description': 'There are three zones marked in three different colors (red, blue, and green) and three balls of matching colors. The task involves picking up each ball and precisely placing it in the zone of the same color. However, there are a few small blocks randomly scattered in the path between the balls and the zones. The robot has to strategically navigate around these blocks without knocking them over while transporting the balls to the corresponding zones. To add to the complexity, the robot must place the balls in each zone in a specific order: red, blue, and then green from left to right. The challenge lies in the precise navigation, placement of the balls, color matching and sequence following while avoiding the blocks.', 'assets-used': ['zone/zone.urdf', 'ball/ball-template.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBallPlacement(Task): + """"""Pick up each ball and precisely place it in the zone of the same color. + The robot must place the balls in each zone in a specific order: red, blue, and then green."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""place the {color} ball in the {color} zone"" + self.task_completed_desc = ""done placing balls in zones."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_colors = ['red', 'blue', 'green'] + zone_poses = [] + for color in zone_colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in zone_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Add blocks as obstacles. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(5): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: each ball is in the zone of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(self.lang_template.format(color=zone_colors[i]))``` + END" +" ""sweep-and-sort-blocks"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sweep-and-sort-blocks"" in a python code block. +### + +"," + sweep-and-sort-blocks: {'task-name': 'sweep-and-sort-blocks', 'task-description': 'Sweep a pile of small blocks of different colors (red, blue, green, and yellow) into their corresponding colored zones marked on the tabletop. The challenge lies in the sweeping action, precise placement, and color coordination.', 'assets-used': ['zone/zone.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + +class SweepAndSortBlocks(Task): + """"""Sweep a pile of small blocks of different colors (red, blue, green, and yellow) into their corresponding colored zones marked on the tabletop."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""sweep the pile of {color} blocks into the {color} square"" + self.task_completed_desc = ""done sweeping and sorting."" + self.primitive = primitives.push + self.ee = Spatula + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add colored zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + colors = ['red', 'blue', 'green', 'yellow'] + zone_poses = [] + for color in colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add piles of colored blocks. + block_urdf = 'block/small.urdf' + block_size = (0.04, 0.04, 0.04) + piles = [] + for color in colors: + pile = [] + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + pile.append(block_id) + piles.append(pile) + + # Add goals for each color. + for i, color in enumerate(colors): + self.add_goal(objs=piles[i], matches=np.ones((10, 1)), targ_poses=[zone_poses[i]], replace=True, + rotations=False, metric='zone', params=[(zone_poses[i], zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template.format(color=color))``` + END" +" ""align-cylinders-in-zones"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""align-cylinders-in-zones"" in a python code block. +### + +"," + align-cylinders-in-zones: {'task-name': 'align-cylinders-in-zones', 'task-description': 'Place four differently colored cylinders (red, blue, green, yellow) each into a matching colored zone. But, the zones are surrounded by small blocks, which the robot needs to move out of the way without knocking them out of their respective zones. The challenge includes precise placement of cylinders, color matching, and careful navigation around the small blocks.', 'assets-used': ['cylinder/cylinder-template.urdf', 'zone/zone.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class AlignCylindersInZones(Task): + """"""Place four differently colored cylinders each into a matching colored zone. + The zones are surrounded by small blocks, which the robot needs to move out of the way + without knocking them out of their respective zones."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} cylinder in the {color} zone"" + self.task_completed_desc = ""done aligning cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Cylinder colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]]) + cylinders.append(cylinder_id) + + # Add zones. + # x, y, z dimensions for the asset size + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + + zones = [] + for i in range(4): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, color=utils.COLORS[colors[i]], category='fixed') + zones.append(zone_pose) + + # Add small blocks around the zones. + # x, y, z dimensions for the asset size + block_size = (0.02, 0.02, 0.02) + block_urdf = 'block/small.urdf' + + for _ in range(16): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: each cylinder is in a matching colored zone. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zones[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""sphere-container-color-match"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sphere-container-color-match"" in a python code block. +### + +"," + sphere-container-color-match: {'task-name': 'sphere-container-color-match', 'task-description': 'On a tabletop, there are four spheres of different colors (red, blue, green, and yellow) inside four containers of a different color (red, blue, green, and yellow). The task is to pick up each sphere and place it into a container of the same color. The task is challenging due to the manipulation of spherical objects and the color coordination required.', 'assets-used': ['sphere/sphere.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class SphereContainerColorMatch(Task): + """"""Pick up each sphere and place it into a container of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 4 + self.lang_template = ""put the {color} sphere in the {color} container"" + self.task_completed_desc = ""done matching spheres and containers."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + containers = [] + for i in range(4): + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=colors[i]) + containers.append(container_id) + + # Add spheres. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + spheres = [] + for i in range(4): + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=colors[i]) + spheres.append(sphere_id) + + # Goal: each sphere is in a container of the same color. + for i in range(4): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""insertion-and-color-sorting"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insertion-and-color-sorting"" in a python code block. +### + +"," + insertion-and-color-sorting: {'task-name': 'insertion-and-color-sorting', 'task-description': 'On the tabletop, there are two fixtures and four Ell-shaped blocks of different colors (red, blue, green, and yellow). The task is to pick up each block and insert it into a fixture of the same color, then arrange the fixtures in a line in the following color order: red, blue, green, yellow. The challenge lies in the precise insertion, color matching, and sequence following.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertionAndColorSorting(Task): + """"""Pick up each Ell-shaped block, insert it into a fixture of the same color, then arrange the fixtures in a line in the following color order: red, blue, green, yellow."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""insert the {color} block into the {color} fixture and arrange the fixtures in color order"" + self.task_completed_desc = ""done inserting and sorting."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell-shaped block colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add Ell-shaped blocks. + block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size + block_urdf = 'insertion/ell.urdf' # URDF file for Ell-shaped block + + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Add fixtures. + fixture_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the fixture size + fixture_urdf = 'insertion/fixture.urdf' # URDF file for fixture + + fixtures = [] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=color) + fixtures.append(fixture_id) + + # Goal: each block is inserted into a fixture of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Goal: fixtures are arranged in a line in color order. + line_poses = [self.get_random_pose(env, fixture_size) for _ in range(len(fixtures))] + line_poses.sort(key=lambda x: x[0]) # sort by x-coordinate to form a line + for i in range(len(fixtures)): + self.add_goal(objs=[fixtures[i]], matches=np.ones((1, 1)), targ_poses=[line_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(fixtures))``` + END" +" ""color-coordinated-cylinder-stack"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-stack"" in a python code block. +### + +"," + color-coordinated-cylinder-stack: {'task-name': 'color-coordinated-cylinder-stack', 'task-description': 'On the tabletop, there are four colored (red, blue, green, yellow) cylinders and four stands of corresponding colors. The task is to pick up each cylinder and stack it onto the stand of the same color - the red one at the bottom, followed by blue, green, and finally the yellow one at the top.', 'assets-used': ['cylinder/cylinder-template.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedCylinderStack(Task): + """"""Stack cylinders on stands of the same color in a specific order."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""stack the cylinders on the stands of the same color in the order red, blue, green, yellow"" + self.task_completed_desc = ""done stacking cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add stands. + # x, y, z dimensions for the asset size + stand_size = (0.04, 0.04, 0.04) + stand_urdf = 'stacking/stand.urdf' + stands = [] + for i in range(4): + stand_pose = self.get_random_pose(env, stand_size) + stand_id = env.add_object(stand_urdf, stand_pose, color=colors[i]) + stands.append(stand_id) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is stacked on the stand of the same color in the order red, blue, green, yellow. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(f""Place the {color_names[i]} cylinder on the {color_names[i]} stand."")``` + END" +" ""color-coordinated-container-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-container-insertion"" in a python code block. +### + +"," + color-coordinated-container-insertion: {'task-name': 'color-coordinated-container-insertion', 'task-description': 'There are three containers and three ell shaped blocks of different colors (red, blue, green) on the table top. The task is to pick up the ell shaped blocks and insert each one of them into the container of the same color. However, the ell blocks should be inserted in a specific sequence - red first, then blue, and finally green. This task is challenging due to the precision required for insertion and the need for color coordination and sequencing.', 'assets-used': ['insertion/ell.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedContainerInsertion(Task): + """"""Insert ell shaped blocks into the container of the same color in a specific sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 3 + self.lang_template = ""insert the {color} ell block into the {color} container"" + self.task_completed_desc = ""done inserting ell blocks into containers."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell block and container colors. + colors = ['red', 'blue', 'green'] + + # Add ell blocks and containers. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + container_size = (0.12, 0.12, 0) + container_urdf = 'container/container-template.urdf' + + objs = [] + for color in colors: + # Add ell block. + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + objs.append(ell_id) + + # Add container. + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed') + + # Goal: each ell block is in the container of the same color. + self.add_goal(objs=[ell_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(self.lang_template.format(color=color))``` + END" +" ""color-coordinated-insertion-in-container"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-insertion-in-container"" in a python code block. +### + +"," + color-coordinated-insertion-in-container: {'task-name': 'color-coordinated-insertion-in-container', 'task-description': 'There are four differently-colored ell objects (red, blue, green, yellow) and a corresponding container of matching colors. The task involves picking up each ell object and inserting it into the container of the same color in a specific order: from left to right, insert red, blue, green, and finally yellow. The challenge lies in the precise manipulation of the ell objects and the color-coordination required.', 'assets-used': ['insertion/ell.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedInsertionInContainer(Task): + """"""Insert four differently-colored ell objects into the corresponding container of matching colors in a specific order."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""insert the {color} ell into the {color} container"" + self.task_completed_desc = ""done inserting ell objects into containers."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed') + container_poses.append(container_pose) + + # Add ell objects. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Goal: each ell object is in the corresponding container of the same color. + for i in range(len(ells)): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(ells)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""insert-ell-along-square-path"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insert-ell-along-square-path"" in a python code block. +### + +"," + insert-ell-along-square-path: {'task-name': 'insert-ell-along-square-path', 'task-description': 'On the tabletop, there is a square path marked by small blocks. Along the path, there are four colored ell-shaped blocks (red, blue, green, and yellow) and four fixtures of matching colors. The task is to pick up each ell block and insert it into the fixture of the same color. However, the robot must move each ell block along the marked square path to reach the fixture. The task is challenging because it requires precise navigation along the path, color coordination, and insertion accuracy.', 'assets-used': ['block/small.urdf', 'insertion/ell.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class InsertEllAlongSquarePath(Task): + """"""Pick up each ell block and insert it into the fixture of the same color. However, the robot must move each ell block along the marked square path to reach the fixture."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""move the {color} ell block along the square path and insert it into the {color} fixture"" + self.task_completed_desc = ""done inserting ell blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell block colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ell blocks and fixtures. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + fixture_urdf = 'insertion/fixture.urdf' + ell_blocks = [] + fixtures = [] + for color in colors: + # Add ell block + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ell_blocks.append(ell_id) + + # Add fixture + fixture_pose = self.get_random_pose(env, ell_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Goal: each ell block is inserted into the fixture of the same color. + for i in range(len(colors)): + self.add_goal(objs=[ell_blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Add square path marked by small blocks. + path_block_size = (0.02, 0.02, 0.02) + path_block_urdf = 'block/small.urdf' + path_block_color = utils.COLORS['gray'] + for _ in range(16): + path_block_pose = self.get_random_pose(env, path_block_size) + env.add_object(path_block_urdf, path_block_pose, color=path_block_color)``` + END" +" ""color-ordered-insertion-with-blocking-boxes"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-ordered-insertion-with-blocking-boxes"" in a python code block. +### + +"," + color-ordered-insertion-with-blocking-boxes: {'task-name': 'color-ordered-insertion-with-blocking-boxes', 'task-description': 'There are four differently-colored ell objects (red, blue, green, yellow) and a corresponding set of color-coded fixtures. In between the ell objects and the fixtures, there are four spheres positioned randomly, creating a barrier that the robot must navigate around. The task involves picking up each ell object and inserting it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and finally yellow, without knocking over any of the spheres.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'sphere/sphere-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedInsertionWithBlockingBoxes(Task): + """"""Pick up four differently-colored ell objects and insert them into the matching color fixture in a specific order, without knocking over any of the spheres."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} ell into the matching fixture"" + self.task_completed_desc = ""done inserting ells."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures. + fixture_size = (0.12, 0.12, 0.12) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + for i in range(4): + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed') + fixture_poses.append(fixture_pose) + + # Add ells. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]]) + ells.append(ell_id) + + # Add spheres. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere-template.urdf' + for _ in range(4): + sphere_pose = self.get_random_pose(env, sphere_size) + env.add_object(sphere_urdf, sphere_pose) + + # Goal: each ell is inserted into the matching color fixture in a specific order. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-box-ball-matching"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-box-ball-matching"" in a python code block. +### + +"," + color-coordinated-box-ball-matching: {'task-name': 'color-coordinated-box-ball-matching', 'task-description': 'On the tabletop, there are four boxes of different colors (red, blue, green, and yellow) and four balls of corresponding colors. The task is to pick up each ball and place it inside the box of the same color, however, the boxes are placed in a straight line with a row of small blocks acting as a barrier between the boxes and the balls. The challenge lies in the precise placement, color matching, and the navigation around the barrier without knocking over any small blocks.', 'assets-used': ['box/box-template.urdf', 'ball/ball-template.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBoxBallMatching(Task): + """"""Pick up each ball and place it inside the box of the same color, navigate around the barrier without knocking over any small blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""put the {color} ball in the {color} box"" + self.task_completed_desc = ""done placing balls in boxes."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for the boxes and balls + colors = ['red', 'blue', 'green', 'yellow'] + + # Add boxes. + box_size = (0.05, 0.05, 0.05) + box_urdf = 'box/box-template.urdf' + box_poses = [] + for color in colors: + box_pose = self.get_random_pose(env, box_size) + env.add_object(box_urdf, box_pose, color=color, category='fixed') + box_poses.append(box_pose) + + # Add balls. + balls = [] + ball_size = (0.02, 0.02, 0.02) + ball_urdf = 'ball/ball-template.urdf' + for color in colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=color) + balls.append(ball_id) + + # Add small blocks as barriers. + barrier_size = (0.01, 0.01, 0.01) + barrier_urdf = 'block/small.urdf' + for _ in range(10): + barrier_pose = self.get_random_pose(env, barrier_size) + env.add_object(barrier_urdf, barrier_pose, category='fixed') + + # Goal: each ball is in the box of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-pallet-pyramid"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-pallet-pyramid"" in a python code block. +### + +"," + color-coordinated-pallet-pyramid: {'task-name': 'color-coordinated-pallet-pyramid', 'task-description': 'On a tabletop, there are three pallets and nine blocks of three different colors (red, blue, green). Each color has three blocks and the blocks are scattered randomly on the table. The task is to pick up the blocks and stack them on the pallets to form a pyramid shape. Each pyramid should contain blocks of the same color with two blocks on the base and one block on top. The pallets with the pyramids should be arranged in a straight line in the following color order: red, blue, green from left to right. The challenge lies in the color coordination, precise stacking and the arrangement of the pallets.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedPalletPyramid(Task): + """"""Arrange blocks of the same color on pallets to form a pyramid and arrange the pallets in a specific color order."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""arrange the blocks on the pallets to form a pyramid of the same color and arrange the pallets in the order red, blue, green"" + self.task_completed_desc = ""done arranging blocks on pallets."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.015) + pallet_urdf = 'pallet/pallet.urdf' + pallet_poses = [] + for _ in range(3): + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + pallet_poses.append(pallet_pose) + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for i in range(9): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i//3]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03)] + targs = [(utils.apply(pallet_poses[i//3], j), pallet_poses[i//3][1]) for i, j in enumerate(place_pos*3)] + + # Goal: blocks are stacked in a pyramid on each pallet. + for i in range(3): + self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template)``` + END" +" ""color-coordinated-ball-insertion-in-boxes"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-ball-insertion-in-boxes"" in a python code block. +### + +"," + color-coordinated-ball-insertion-in-boxes: {'task-name': 'color-coordinated-ball-insertion-in-boxes', 'task-description': 'Pick up four balls of different colors (red, blue, green, and yellow) and insert them into four separate boxes of matching colors. The boxes are located inside corners of a square structure and the task requires precise insertion, color coordination, and careful navigation around the square structure.', 'assets-used': ['ball/ball-template.urdf', 'box/box-template.urdf', 'square/square-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBallInsertion(Task): + """"""Pick up four balls of different colors (red, blue, green, and yellow) and insert them into four separate boxes of matching colors."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""put the {color} ball in the {color} box"" + self.task_completed_desc = ""done inserting balls into boxes."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the colors for the balls and boxes + colors = ['red', 'blue', 'green', 'yellow'] + + # Add boxes. + # x, y, z dimensions for the asset size + box_size = (0.12, 0.12, 0.12) + box_urdf = 'box/box-template.urdf' + boxes = [] + for color in colors: + box_pose = self.get_random_pose(env, box_size) + box_id = env.add_object(box_urdf, box_pose, color=utils.COLORS[color]) + boxes.append(box_id) + + # Add balls. + # x, y, z dimensions for the asset size + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Goal: each ball is in a box of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(boxes[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""cylinder-balancing-and-placement"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""cylinder-balancing-and-placement"" in a python code block. +### + +"," + cylinder-balancing-and-placement: {'task-name': 'cylinder-balancing-and-placement', 'task-description': 'On a table, there are three differently colored cylinders (red, green, and blue) and three square zones of matching colors. The task involves picking up each cylinder and balancing it on its end at the center of the corresponding colored zone, in the sequence of red, green, and blue from left to right. The task is challenging due to precise balancing required in placing the cylinders, color matching, and sequence following.', 'assets-used': ['cylinder/cylinder-template.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CylinderBalancingAndPlacement(Task): + """"""Pick up each cylinder and balance it on its end at the center of the corresponding colored zone."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""balance the {color} cylinder in the {color} zone"" + self.task_completed_desc = ""done balancing and placing cylinders."" + self.colors = ['red', 'green', 'blue'] + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for color in self.colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.12) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in self.colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is balanced in the corresponding colored zone. + for i in range(len(cylinders)): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(self.lang_template.format(color=self.colors[i]))``` + END" +" ""align-spheres-in-boxes"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""align-spheres-in-boxes"" in a python code block. +### + +"," + align-spheres-in-boxes: {'task-name': 'align-spheres-in-boxes', 'task-description': 'There are four different colored boxes (red, blue, green, and yellow) and four spheres of corresponding colors on the table. The task is to pick up each sphere and place it into the box of the same color. However, there are small blocks scattered randomly on the table, which the robot has to navigate without knocking them over. The challenge lies in the precise placement of the spheres, color matching, and navigation around the blocks.', 'assets-used': ['box/box-template.urdf', 'sphere/sphere-template.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class AlignSpheresInBoxes(Task): + """"""Pick up each sphere and place it into the box of the same color. Navigate around the blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""put the {color} sphere in the {color} box"" + self.task_completed_desc = ""done aligning spheres in boxes."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add boxes. + # x, y, z dimensions for the asset size + box_size = (0.12, 0.12, 0.12) + box_urdf = 'box/box-template.urdf' + box_poses = [] + box_colors = ['red', 'blue', 'green', 'yellow'] + for color in box_colors: + box_pose = self.get_random_pose(env, box_size) + env.add_object(box_urdf, box_pose, category='fixed', color=utils.COLORS[color]) + box_poses.append(box_pose) + + # Add spheres. + # x, y, z dimensions for the asset size + spheres = [] + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere-template.urdf' + for color in box_colors: + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + spheres.append(sphere_id) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each sphere is in a box of the same color. + for i in range(len(spheres)): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(spheres)) + self.lang_goals.append(self.lang_template.format(color=box_colors[i]))``` + END" +" ""color-coordinated-sphere-and-cylinder-assembly"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-sphere-and-cylinder-assembly"" in a python code block. +### + +"," + color-coordinated-sphere-and-cylinder-assembly: {'task-name': 'color-coordinated-sphere-and-cylinder-assembly', 'task-description': 'The robot starts with four spheres of different colors (red, blue, green, yellow) and four cylinders of matching colors. The task is to pick up each sphere and place it on top of the cylinder of the same color, forming four sphere-and-cylinder pairs. However, the challenge here is to do this in a specific color sequence - red, blue, green, and finally yellow.', 'assets-used': ['sphere/sphere-template.urdf', 'cylinder/cylinder-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedSphereAndCylinderAssembly(Task): + """"""Pick up each sphere and place it on top of the cylinder of the same color, in a specific color sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} sphere on the {color} cylinder"" + self.task_completed_desc = ""done placing spheres on cylinders."" + self.colors = ['red', 'blue', 'green', 'yellow'] + self.color_sequence = ['red', 'blue', 'green', 'yellow'] + + def reset(self, env): + super().reset(env) + + # Add spheres and cylinders. + sphere_size = (0.05, 0.05, 0.05) + cylinder_size = (0.05, 0.05, 0.1) + sphere_template = 'sphere/sphere-template.urdf' + cylinder_template = 'cylinder/cylinder-template.urdf' + + # Add spheres and cylinders of each color. + for color in self.colors: + sphere_pose = self.get_random_pose(env, sphere_size) + cylinder_pose = self.get_random_pose(env, cylinder_size) + sphere_id = env.add_object(sphere_template, sphere_pose, color=color) + cylinder_id = env.add_object(cylinder_template, cylinder_pose, color=color) + + # Goal: each sphere is on top of the cylinder of the same color. + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color)) + + # The task is completed in a specific color sequence. + self.color_sequence = ['red', 'blue', 'green', 'yellow']``` + END" +" ""color-coordinated-cylinder-bowl-sorting"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-bowl-sorting"" in a python code block. +### + +"," + color-coordinated-cylinder-bowl-sorting: {'task-name': 'color-coordinated-cylinder-bowl-sorting', 'task-description': 'There are four different cylinders (red, blue, green, yellow) and four different bowls (red, blue, green, yellow). The task involves picking up each cylinder and placing it in the bowl of the same color. The challenge lies in the precise manipulation of the cylinders and color-coordination.', 'assets-used': ['cylinder/cylinder-template.urdf', 'bowl/bowl.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderBowlSorting(Task): + """"""Pick up each cylinder and place it in the bowl of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 4 + self.lang_template = ""put the {color} cylinder in the {color} bowl"" + self.task_completed_desc = ""done sorting cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for color in colors: + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed') + bowl_poses.append(bowl_pose) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinders = [] + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is in the bowl of the same color. + for i in range(len(colors)): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[bowl_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""sequential-block-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sequential-block-insertion"" in a python code block. +### + +"," + sequential-block-insertion: {'task-name': 'sequential-block-insertion', 'task-description': 'There are four blocks of different colors (red, blue, green, yellow) and four fixtures of matching colors. The task involves picking up each block and inserting it into the fixture of the same color, in the specific sequence of red, blue, green, and yellow. However, the challenge lies in the fact that the blocks and fixtures are initially arranged in a mixed order, demanding careful navigation, precise insertion, color matching, and sequence following.', 'assets-used': ['insertion/fixture.urdf', 'block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class SequentialBlockInsertion(Task): + """"""Pick up blocks of different colors and insert them into the fixture of the same color in a specific sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} block into the {color} fixture"" + self.task_completed_desc = ""done inserting blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the sequence of colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures. + # x, y, z dimensions for the asset size + fixture_size = (0.12, 0.12, 0) + fixture_urdf = 'insertion/fixture.urdf' + fixtures = [] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color], category='fixed') + fixtures.append(fixture_id) + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the fixture of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""sequential-insertion-and-stacking"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""sequential-insertion-and-stacking"" in a python code block. +### + +"," + sequential-insertion-and-stacking: {'task-name': 'sequential-insertion-and-stacking', 'task-description': 'The tabletop contains three fixtures and three ell-shaped blocks of different colors - red, blue, and green. The task is to first pick up and insert each ell block into the corresponding colored fixture in the sequence of red, blue, and green. After successful insertion, the robot must pick up the three blocks again from the fixtures and stack them in a corner of the tabletop in the same color sequence - red at the bottom, blue in the middle, and green on top.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'corner/corner-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class SequentialInsertionAndStacking(Task): + """"""Pick up and insert each ell block into the corresponding colored fixture in the sequence of red, blue, and green. After successful insertion, pick up the three blocks again from the fixtures and stack them in a corner of the tabletop in the same color sequence - red at the bottom, blue in the middle, and green on top."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""insert the {color} ell block into the {color} fixture and then stack them in the corner"" + self.task_completed_desc = ""done inserting and stacking."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add fixtures. + fixture_size = (0.12, 0.12, 0) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + colors = ['red', 'blue', 'green'] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, category='fixed', color=utils.COLORS[color]) + fixture_poses.append(fixture_pose) + + # Add ell blocks. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Goal: each ell block is in the corresponding colored fixture. + for i in range(3): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Add corner. + corner_size = (0.12, 0.12, 0) + corner_pose = self.get_random_pose(env, corner_size) + corner_urdf = 'corner/corner-template.urdf' + env.add_object(corner_urdf, corner_pose, category='fixed') + + # Goal: ell blocks are stacked in the corner in the color sequence - red at the bottom, blue in the middle, and green on top. + stack_poses = [(0, 0, 0.04), (0, 0, 0.08), (0, 0, 0.12)] + targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in stack_poses] + self.add_goal(objs=ells, matches=np.ones((3, 3)), targ_poses=targs, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/3) + self.lang_goals.append(""stack the ell blocks in the corner in the color sequence - red at the bottom, blue in the middle, and green on top"")``` + END" +" ""color-coordinated-block-shifting"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-block-shifting"" in a python code block. +### + +"," + color-coordinated-block-shifting: {'task-name': 'color-coordinated-block-shifting', 'task-description': 'On a tabletop, there are three zones marked in three different colors (red, blue, and green) and nine blocks of matching colors (three red, three blue, and three green). Each zone initially contains three blocks of a single color, but the colors of the blocks and zones do not match. The task involves picking up each block and precisely placing it in the zone of the same color. However, there are a few small blocks randomly scattered in the path between the zones. The robot has to strategically navigate around these blocks without knocking them over while transporting the blocks to the corresponding zones. The challenge lies in the precise navigation, placement of the blocks, color matching while avoiding the blocks.', 'assets-used': ['zone/zone.urdf', 'block/block.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBlockShifting(Task): + """"""Pick up each block and precisely place it in the zone of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""move the {color} blocks to the {color} zone"" + self.task_completed_desc = ""done moving blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_colors = ['red', 'blue', 'green'] + zone_poses = [] + for color in zone_colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + blocks = [] + for color in zone_colors: + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add small blocks as obstacles. + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'stacking/small_block.urdf' + for _ in range(5): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each block is in the zone of the same color. + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i//3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/9) + self.lang_goals.append(self.lang_template.format(color=zone_colors[i//3]))``` + END" +" ""color-coordinated-cylinder-placement-on-pallet"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-placement-on-pallet"" in a python code block. +### + +"," + color-coordinated-cylinder-placement-on-pallet: {'task-name': 'color-coordinated-cylinder-placement-on-pallet', 'task-description': 'On a tabletop, there are four corners marked in four different colors (red, blue, green, and yellow) and four cylinders of matching colors. Also, there is a pallet on the tabletop with four colored zones matching with the colors of the corners and cylinders. Initially, each cylinder is located at a corner, but not corresponding to the color of the corner. The task is to pick up each cylinder and place it on the pallet zone of the same color. However, this must be done in a specific sequence - red first, then blue, green, and finally yellow. The challenge lies in precise placement, color matching, and following the correct sequence.', 'assets-used': ['corner/corner-template.urdf', 'cylinder/cylinder-template.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderPlacement(Task): + """"""Pick up each cylinder and place it on the pallet zone of the same color in a specific sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} cylinder in the {color} zone on the pallet"" + self.task_completed_desc = ""done placing cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.3, 0.3, 0.01) + pallet_pose = self.get_random_pose(env, pallet_size) + pallet_urdf = 'pallet/pallet.urdf' + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Define colors and their sequence. + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = [utils.COLORS[color] for color in colors] + + # Add cylinders. + cylinder_size = (0.02, 0.02, 0.08) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i, color in enumerate(color_sequence): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinders.append(cylinder_id) + + # Define zones on the pallet for each color. + zone_poses = [utils.apply(pallet_pose, (0.1 * i - 0.15, 0.1 * j - 0.15, 0)) + for i in range(2) for j in range(2)] + + # Add goals for each color in the sequence. + for i, color in enumerate(colors): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color))``` + END" +" ""guided-block-path"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""guided-block-path"" in a python code block. +### + +"," + guided-block-path: {'task-name': 'guided-block-path', 'task-description': 'On the tabletop, there are four colored blocks (red, blue, green, and yellow) and four lines of the corresponding colors. The task is to pick up each block and move it along the line of the same color from start to end. The challenge lies in precise navigation along the line, color coordination, and block manipulation.', 'assets-used': ['block/block.urdf', 'line/line-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class GuidedBlockPath(Task): + """"""Pick up each block and move it along the line of the same color from start to end."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""move the {color} block along the {color} line from start to end"" + self.task_completed_desc = ""done moving blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add lines and blocks. + # x, y, z dimensions for the asset size + line_size = (0.3, 0.01, 0.01) + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + line_urdf = 'line/line-template.urdf' + + blocks = [] + lines = [] + for i in range(4): + # Add line + line_pose = self.get_random_pose(env, line_size) + env.add_object(line_urdf, line_pose, color=colors[i], category='fixed') + lines.append(line_pose) + + # Add block + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Add goal + self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[line_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""color-ordered-insertion-with-obstacles"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-ordered-insertion-with-obstacles"" in a python code block. +### + +"," + color-ordered-insertion-with-obstacles: {'task-name': 'color-ordered-insertion-with-obstacles', 'task-description': 'On a tabletop, there are four colored ell-shaped blocks (red, blue, green, and yellow) and four fixtures of matching colors, with a line of small blocks serving as barriers, and they are arranged in a straight line. The task is to pick up each ell block, navigate around the small blocks, and insert it into the fixture of the same color in a specific sequence from left to right, starting with red, followed by blue, then green, and finally yellow. The challenges include precise navigation, color coordination, sequence following, and obstacle avoidance.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorOrderedInsertionWithObstacles(Task): + """"""Pick up each ell block, navigate around the small blocks, and insert it into the fixture of the same color in a specific sequence from left to right, starting with red, followed by blue, then green, and finally yellow."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} ell block into the {color} fixture"" + self.task_completed_desc = ""done inserting ell blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their order + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ell blocks and fixtures. + for color in colors: + # Add ell block + ell_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the ell block size + ell_pose = self.get_random_pose(env, ell_size) + ell_urdf = 'insertion/ell.urdf' + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + + # Add fixture + fixture_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the fixture size + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_urdf = 'insertion/fixture.urdf' + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + + # Add goal: ell block is inserted into the fixture of the same color + self.add_goal(objs=[ell_id], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color)) + + # Add small blocks as obstacles. + n_obstacles = 10 + obstacle_size = (0.02, 0.02, 0.02) # x, y, z dimensions for the obstacle size + obstacle_urdf = 'block/small.urdf' + for _ in range(n_obstacles): + obstacle_pose = self.get_random_pose(env, obstacle_size) + env.add_object(obstacle_urdf, obstacle_pose)``` + END" +" ""color-matched-block-transfer"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-matched-block-transfer"" in a python code block. +### + +"," + color-matched-block-transfer: {'task-name': 'color-matched-block-transfer', 'task-description': 'On a tabletop, there are four containers and four blocks of different colors (red, blue, green, and yellow). Each block is inside a container, but not corresponding to the color of the container. The task is to pick up each block and place it in the container of the same color, in the specific sequence of red, blue, green and yellow from left to right. The task is challenging due to the precise placement, color matching and sequence following.', 'assets-used': ['block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorMatchedBlockTransfer(Task): + """"""Pick up each block and place it in the container of the same color, in the specific sequence of red, blue, green and yellow from left to right."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""place the {color} block in the {color} container"" + self.task_completed_desc = ""done transferring blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = np.array(colors) + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for color in color_sequence: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed') + container_poses.append(container_pose) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in color_sequence: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""mixed-color-block-barrier-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""mixed-color-block-barrier-insertion"" in a python code block. +### + +"," + mixed-color-block-barrier-insertion: {'task-name': 'mixed-color-block-barrier-insertion', 'task-description': 'There are four different colored blocks (red, blue, green, and yellow), and four fixtures in corresponding colors. Two barriers, each made of three blocks (orange, purple, and brown), are placed in between the blocks and fixtures, forming a path that the robot must navigate. The task involves picking up each colored block, navigating the barriers, and inserting each block into the fixture of the same color. The fixtures are arranged in a sequence from left to right: red, blue, green, and yellow, providing a challenge in precise navigation, color coordination, and insertion.', 'assets-used': ['block/block.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class MixedColorBlockBarrierInsertion(Task): + """"""Pick up each colored block, navigate the barriers, and insert each block into the fixture of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} block into the {color} fixture"" + self.task_completed_desc = ""done inserting blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and fixtures + colors = ['red', 'blue', 'green', 'yellow'] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add fixtures. + fixture_size = (0.06, 0.06, 0.06) + fixture_urdf = 'insertion/fixture.urdf' + fixtures = [] + for color in colors: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Add barriers. + barrier_size = (0.12, 0.04, 0.04) + barrier_colors = ['orange', 'purple', 'brown'] + for _ in range(2): + for color in barrier_colors: + barrier_pose = self.get_random_pose(env, barrier_size) + env.add_object(block_urdf, barrier_pose, color=utils.COLORS[color]) + + # Goal: each block is inserted into the fixture of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""ball-in-bowl-obstacle-course"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""ball-in-bowl-obstacle-course"" in a python code block. +### + +"," + ball-in-bowl-obstacle-course: {'task-name': 'ball-in-bowl-obstacle-course', 'task-description': 'With the tabletop setup consisting of a maze of small blocks, the task requires the robot to pick up four balls of different colors (red, blue, green, yellow) and place each of them into the corresponding colored bowls strategically positioned at different corners of the maze, without knocking over any blocks, demanding careful navigation and color coordination.', 'assets-used': ['ball/ball-template.urdf', 'block/small.urdf', 'bowl/bowl.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class BallInBowlObstacleCourse(Task): + """"""Navigate through a maze of blocks, pick up balls of different colors and place them in the corresponding colored bowls."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""navigate through the maze and place the {color} ball in the {color} bowl"" + self.task_completed_desc = ""done placing balls in bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add blocks to form a maze. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose, category='fixed') + + # Add balls of different colors. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + colors = ['red', 'blue', 'green', 'yellow'] + balls = [] + for color in colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=color) + balls.append(ball_id) + + # Add bowls of different colors at different corners of the maze. + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowls = [] + for color in colors: + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, color=color, category='fixed') + bowls.append(bowl_id) + + # Goal: each ball is in the bowl of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(bowls[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-bowl-ball-pyramid"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-bowl-ball-pyramid"" in a python code block. +### + +"," + color-coordinated-bowl-ball-pyramid: {'task-name': 'color-coordinated-bowl-ball-pyramid', 'task-description': 'On a tabletop, there are four bowls and four balls of different colors (red, blue, green, and yellow). The task is to pick up each ball and stack them in the shape of a pyramid inside the bowl of the same color, in the specific sequence of red at the bottom, blue and green in the middle, and yellow at the top. The challenge lies in the precise placement, color matching, and pyramid formation.', 'assets-used': ['bowl/bowl.urdf', 'ball/ball.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBowlBallPyramid(Task): + """"""Pick up each ball and stack them in the shape of a pyramid inside the bowl of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = ""stack the balls in the shape of a pyramid inside the bowl of the same color"" + self.task_completed_desc = ""done stacking balls in bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_colors = ['red', 'blue', 'green', 'yellow'] + bowl_poses = [] + for color in bowl_colors: + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, category='fixed', color=utils.COLORS[color]) + bowl_poses.append(bowl_pose) + + # Add balls. + # x, y, z dimensions for the asset size + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball.urdf' + for color in bowl_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Goal: each ball is in the bowl of the same color. + self.add_goal(objs=balls, matches=np.eye(4), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template)``` + END" +" ""color-coordinated-arch-construction"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-arch-construction"" in a python code block. +### + +"," + color-coordinated-arch-construction: {'task-name': 'color-coordinated-arch-construction', 'task-description': 'The task is to construct an arch using six blocks: three red and three blue. The blocks are initially placed in a container. The robot needs to pick each block and place it on a pallet in the following arrangement: place two red blocks in parallel on the pallet, then place a blue block on top of the red blocks to form an arch. Repeat the process with the remaining blocks, placing them on top of the first arch to form a second layer. The task is challenging due to the need for precise placement of the blocks and maintaining the balance of the structure.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedArchConstruction(Task): + """"""Construct an arch using six blocks: three red and three blue."""""" + + def __init__(self): + super().__init__() + self.max_steps = 6 + self.lang_template = ""construct an arch using six blocks: three red and three blue"" + self.task_completed_desc = ""done constructing arch."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + pallet_size = (0.15, 0.15, 0.005) + pallet_urdf = 'pallet/pallet.urdf' + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + + # Block colors. + colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'], + utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue']] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), + (0, 0, 0.06), (0, -0.05, 0.08), + (0, 0.05, 0.08), (0, 0, 0.12)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in an arch (bottom row: red, red, blue). + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template) + + # Goal: blocks are stacked in an arch (top row: red, red, blue). + self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template)``` + END" +" ""color-coordinated-zone-arrangement"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-zone-arrangement"" in a python code block. +### + +"," + color-coordinated-zone-arrangement: {'task-name': 'color-coordinated-zone-arrangement', 'task-description': 'On the tabletop, there are nine blocks of three different colors (three red, three blue, and three green) and three pallets of matching colors (one red, one blue, one green). The task is to pick up each block and place it on the pallet of the same color, arranging the blocks on each pallet in a line. However, there are a few small blocks randomly scattered on the tabletop, which the robot has to navigate around without knocking them over while transporting the blocks to the corresponding pallets. The challenge lies in the precise navigation, placement of the blocks, color matching, and maintaining the balance on the pallets.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedZoneArrangement(Task): + """"""Pick up blocks of different colors and place them on the pallets of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""place the {color} blocks on the {color} pallet"" + self.task_completed_desc = ""done arranging blocks on pallets."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.12, 0.12, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_colors = ['red', 'blue', 'green'] + pallet_poses = [] + for color in pallet_colors: + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed', color=utils.COLORS[color]) + pallet_poses.append(pallet_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for color in pallet_colors: + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add small blocks as obstacles. + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'block/small.urdf' + for _ in range(5): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each block is on the pallet of the same color. + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i // 3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 9) + self.lang_goals.append(self.lang_template.format(color=pallet_colors[i // 3]))``` + END" +" ""color-coordinated-cylinder-stand-assembly"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-stand-assembly"" in a python code block. +### + +"," + color-coordinated-cylinder-stand-assembly: {'task-name': 'color-coordinated-cylinder-stand-assembly', 'task-description': 'The robot starts with four cylinders of different colors (red, blue, green, yellow) and four stands of matching colors. The task is to pick up each cylinder and place it on top of the stand of the same color, forming four cylinder-and-stand pairs. However, the challenge here is to do this in a specific color sequence - green, yellow, blue, and finally red, while also ensuring that the cylinders do not topple over.', 'assets-used': ['cylinder/cylinder-template.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderStandAssembly(Task): + """"""Pick up each cylinder and place it on top of the stand of the same color, in a specific color sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""place the {color} cylinder on the {color} stand"" + self.task_completed_desc = ""done placing cylinders on stands."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['green', 'yellow', 'blue', 'red'] + color_sequence = [utils.COLORS[color] for color in colors] + + # Add stands. + stand_size = (0.04, 0.04, 0.04) + stand_urdf = 'stacking/stand.urdf' + stand_poses = [] + for i in range(4): + stand_pose = self.get_random_pose(env, stand_size) + env.add_object(stand_urdf, stand_pose, color=color_sequence[i], category='fixed') + stand_poses.append(stand_pose) + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color_sequence[i]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is on the stand of the same color, in the specified color sequence. + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-cylinder-stand-in-line"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-stand-in-line"" in a python code block. +### + +"," + color-coordinated-cylinder-stand-in-line: {'task-name': 'color-coordinated-cylinder-stand-in-line', 'task-description': 'There are four stands of different colors (red, blue, green, yellow) and four cylinders of matching colors. The task is to pick up each cylinder and place it on top of the stand of the same color, forming four cylinder-and-stand pairs. However, the challenge here is to do this in a specific color sequence - red, blue, green, and finally yellow, and then line them up in a straight line from left to right according to the same color sequence.', 'assets-used': ['cylinder/cylinder-template.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderStandInLine(Task): + """"""Pick up each cylinder and place it on top of the stand of the same color, forming four cylinder-and-stand pairs. However, the challenge here is to do this in a specific color sequence - red, blue, green, and finally yellow, and then line them up in a straight line from left to right according to the same color sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} cylinder on the {color} stand"" + self.task_completed_desc = ""done placing cylinders on stands."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + color_sequence = [utils.COLORS[color] for color in colors] + + # Add stands and cylinders + stand_size = (0.04, 0.04, 0.04) + cylinder_size = (0.04, 0.04, 0.04) + stand_urdf = 'stacking/stand.urdf' + cylinder_urdf = 'cylinder/cylinder-template.urdf' + + stands = [] + cylinders = [] + for i in range(4): + # Add stand + stand_pose = self.get_random_pose(env, stand_size) + stand_id = env.add_object(stand_urdf, stand_pose, color=color_sequence[i]) + stands.append(stand_id) + + # Add cylinder + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color_sequence[i]) + cylinders.append(cylinder_id) + + # Goal: each cylinder is on the stand of the same color, in the color sequence + for i in range(4): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-pyramid-construction"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-pyramid-construction"" in a python code block. +### + +"," + color-coordinated-pyramid-construction: {'task-name': 'color-coordinated-pyramid-construction', 'task-description': 'On a tabletop, there are six blocks in two colors (three red and three blue). The task involves picking up these blocks and constructing a pyramid with two levels on a stand: the first level should consist of three blocks (two red blocks and one blue block), and the second level should be formed by stacking the remaining three blocks (two blue blocks and one red block) on top of the first level. The challenge lies in the precise placement, color coordination, and maintaining the balance of the pyramid.', 'assets-used': ['stacking/block.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedPyramidConstruction(Task): + """"""Construct a pyramid with two levels on a stand: the first level should consist of three blocks (two red blocks and one blue block), and the second level should be formed by stacking the remaining three blocks (two blue blocks and one red block) on top of the first level."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""construct a pyramid with two levels on a stand: the first level should consist of three blocks (two red blocks and one blue block), and the second level should be formed by stacking the remaining three blocks (two blue blocks and one red block) on top of the first level."" + self.task_completed_desc = ""done constructing pyramid."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add stand. + stand_size = (0.15, 0.15, 0.005) + stand_pose = self.get_random_pose(env, stand_size) + env.add_object('stacking/stand.urdf', stand_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + blocks = [] + colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['red']] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, -0.025, 0.08), (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(stand_pose, i), stand_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: red, red, blue). + self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + + # Goal: blocks are stacked in a pyramid (top row: blue, blue, red). + self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3)``` + END" +" ""color-coordinated-ball-stacking"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-ball-stacking"" in a python code block. +### + +"," + color-coordinated-ball-stacking: {'task-name': 'color-coordinated-ball-stacking', 'task-description': 'There are four balls of different colors (red, blue, green, yellow), and four containers of matching colors on the table. The task is to pick up each ball and stack it on top of the corresponding colored container. However, the stacking should be done in a specific color sequence - blue at the bottom, followed by yellow, then green, and finally red at the top. This task enforces challenging skills due to the precision required for stacking the balls, color coordination, and sequencing.', 'assets-used': ['ball/ball-template.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBallStacking(Task): + """"""Stack balls on top of the corresponding colored containers in a specific color sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""stack the balls on top of the corresponding colored containers in the sequence blue, yellow, green, red"" + self.task_completed_desc = ""done stacking balls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the color sequence + color_sequence = ['blue', 'yellow', 'green', 'red'] + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_poses = [] + containers = [] + for color in color_sequence: + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + container_poses.append(container_pose) + containers.append(container_id) + + # Add balls. + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in color_sequence: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color]) + balls.append(ball_id) + + # Goal: each ball is stacked on top of the corresponding colored container in the color sequence. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(obj=color_sequence[i])) + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_ball = np.random.rand() > 0.5 + urdf = ball_urdf if is_ball else container_urdf + size = ball_size if is_ball else container_size + pose = self.get_random_pose(env, obj_size=size) + color = np.random.choice(list(utils.COLORS.keys())) + + obj_id = env.add_object(urdf, pose, color=utils.COLORS[color]) + n_distractors += 1``` + END" +" ""color-coded-blocks-on-corner"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coded-blocks-on-corner"" in a python code block. +### + +"," + color-coded-blocks-on-corner: {'task-name': 'color-coded-blocks-on-corner', 'task-description': 'On a tabletop, there are four blocks of different colors (red, blue, green, and yellow) and a corner structure. The task involves picking up each block and placing it in the corner structure in a specific color sequence: from left to right, place red, blue, green, and finally yellow. The blocks must be arranged such that they form a straight line along the corner. The challenge lies in the precise placement, color coordination, and maintaining the balance of the blocks along the corner.', 'assets-used': ['block/block.urdf', 'corner/corner-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCodedBlocksOnCorner(Task): + """"""Pick up blocks of different colors and place them in a corner structure in a specific color sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""place the blocks in the corner in the sequence red, blue, green, yellow"" + self.task_completed_desc = ""done placing blocks in the corner."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add corner structure. + corner_size = (0.15, 0.15, 0.05) + corner_pose = self.get_random_pose(env, corner_size) + corner_urdf = 'corner/corner-template.urdf' + env.add_object(corner_urdf, corner_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, 0, 0.08)] + targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos] + + # Goal: blocks are placed in the corner in the sequence red, blue, green, yellow. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(blocks=""the red, blue, green, yellow blocks""))``` + END" +" ""insertion-in-color-sequenced-zones"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insertion-in-color-sequenced-zones"" in a python code block. +### + +"," + insertion-in-color-sequenced-zones: {'task-name': 'insertion-in-color-sequenced-zones', 'task-description': 'On the table, there are four differently-colored insertion ell objects (red, blue, green, yellow) and four zones on the tabletop marked in the same colors. Initially, each ell is placed in a zone but not corresponding to the color of the zone. The task is to pick up each ell and place it in the zone of the same color, in the specific sequence of red, blue, green, and yellow from left to right, requiring careful navigation, precise placement, color matching, and sequence following.', 'assets-used': ['insertion/ell.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class InsertionInColorSequencedZones(Task): + """"""Pick up each ell and place it in the zone of the same color, in the specific sequence of red, blue, green, and yellow from left to right."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ell in the {color} zone"" + self.task_completed_desc = ""done placing ells in color sequenced zones."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for i in range(4): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]]) + zone_poses.append(zone_pose) + + # Add ells. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]]) + ells.append(ell_id) + + # Goal: each ell is in the zone of the same color. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""precise-block-placement-in-container"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""precise-block-placement-in-container"" in a python code block. +### + +"," + precise-block-placement-in-container: {'task-name': 'precise-block-placement-in-container', 'task-description': 'The tabletop has a row of four colored containers (red, blue, green, yellow), and twelve blocks of matching colors (three of each color). The task involves picking up each color of blocks and placing them in the container of the same color in a specific orientation: one block standing upright, one block lying flat, and one block on its side. The challenge lies in the precise placement and orientation of blocks within the confined space of the containers, while also maintaining color coordination.', 'assets-used': ['block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class PreciseBlockPlacementInContainer(Task): + """"""Pick up each color of blocks and place them in the container of the same color in a specific orientation."""""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = ""place the {color} blocks in the {color} container"" + self.task_completed_desc = ""done placing blocks in containers."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and containers + colors = ['red', 'blue', 'green', 'yellow'] + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + container_poses = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + env.add_object(container_urdf, container_pose, category='fixed', color=utils.COLORS[color]) + container_poses.append(container_pose) + + # Add blocks. + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + for color in colors: + for _ in range(3): # three blocks of each color + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in a container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i//3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/12) + self.lang_goals.append(self.lang_template.format(color=colors[i//3]))``` + END" +" ""color-coordinated-bowl-stacking"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-bowl-stacking"" in a python code block. +### + +"," + color-coordinated-bowl-stacking: {'task-name': 'color-coordinated-bowl-stacking', 'task-description': 'There are four bowls and four blocks of different colors (red, blue, green, and yellow) on the table. The task is to pick up each block and place it into the bowl of the same color. Following this, the robot must stack the bowls from largest to smallest (from bottom to top) in the sequence of red, blue, green, and yellow. The challenge lies in not only the precise placement and color coordination, but also in the delicate stacking of the bowls without toppling them over.', 'assets-used': ['bowl/bowl.urdf', 'block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBowlStacking(Task): + """"""Pick up each block and place it into the bowl of the same color. Then stack the bowls from largest to smallest (from bottom to top) in the sequence of red, blue, green, and yellow."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""put each block in the bowl of the same color and stack the bowls from largest to smallest in the sequence of red, blue, green, and yellow"" + self.task_completed_desc = ""done stacking bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls and blocks of each color + bowl_size = (0.12, 0.12, 0) + block_size = (0.04, 0.04, 0.04) + bowl_urdf = 'bowl/bowl.urdf' + block_urdf = 'block/block.urdf' + bowls = [] + blocks = [] + for color in colors: + # Add bowl + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color]) + bowls.append(bowl_id) + + # Add block + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is in the bowl of the same color + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(bowls[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + # Goal: bowls are stacked in the sequence of red, blue, green, and yellow + stack_poses = [(0, 0, 0.06), (0, 0, 0.12), (0, 0, 0.18), (0, 0, 0.24)] + for i in range(len(bowls)): + self.add_goal(objs=[bowls[i]], matches=np.ones((1, 1)), targ_poses=[utils.apply(bowl_pose, stack_poses[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(bowls)) + + self.lang_goals.append(self.lang_template)``` + END" +" ""color-coordinated-zone-stacking"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-zone-stacking"" in a python code block. +### + +"," + color-coordinated-zone-stacking: {'task-name': 'color-coordinated-zone-stacking', 'task-description': 'On the tabletop, there are three zones and nine blocks of three different colors (red, blue, green). Each color has three blocks and the blocks are scattered randomly on the table. The task is to pick up the blocks and stack them in the zones to form a pyramid shape. Each pyramid should contain blocks of the same color with two blocks on the base and one block on top. The zones with the pyramids should be arranged in a straight line in the following color order: red, blue, green from left to right. The challenge lies in the color coordination, precise stacking and the arrangement of the zones.', 'assets-used': ['block/block.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedZoneStacking(Task): + """"""Pick up blocks of different colors and stack them in zones to form a pyramid."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""stack the blocks in the zones to form a pyramid"" + self.task_completed_desc = ""done stacking blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(3): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'] + ] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(9): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i//3]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(zone_poses[i//3], place_pos[i%3]), zone_poses[i//3][1]) for i in range(9)] + + # Goal: blocks are stacked in a pyramid in each zone. + for i in range(3): + self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks=""the red, blue and green blocks"", + row=""bottom""))``` + END" +" ""color-cued-ball-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-cued-ball-insertion"" in a python code block. +### + +"," + color-cued-ball-insertion: {'task-name': 'color-cued-ball-insertion', 'task-description': 'The task area has four different colored bowls (red, blue, green, yellow) and four spheres of corresponding colors. Initially, the spheres are not in their color-matching bowls. The task is to pick up each sphere and place it in the bowl of the same color. However, the bowls are situated inside separate corners of a square structure marked by small blocks. This necessitates precise navigation around the square structure, careful picking and placing of spheres, color matching, and maintaining the balance of the bowls.', 'assets-used': ['bowl/bowl.urdf', 'sphere/sphere.urdf', 'block/small.urdf', 'square/square-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCuedBallInsertion(Task): + """"""Pick up each sphere and place it in the bowl of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""put the {color} ball in the {color} bowl"" + self.task_completed_desc = ""done placing balls in bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls and spheres. + bowl_size = (0.12, 0.12, 0) + sphere_size = (0.04, 0.04, 0.04) + bowl_urdf = 'bowl/bowl.urdf' + sphere_urdf = 'sphere/sphere.urdf' + bowls = [] + spheres = [] + + for color in colors: + # Add bowl + bowl_pose = self.get_random_pose(env, bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed') + bowls.append(bowl_id) + + # Add sphere + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + spheres.append(sphere_id) + + # Add goal + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color)) + + # Add blocks as obstacles + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose, category='fixed')``` + END" +" ""color-coordinated-insertion-through-box-barrier"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-insertion-through-box-barrier"" in a python code block. +### + +"," + color-coordinated-insertion-through-box-barrier: {'task-name': 'color-coordinated-insertion-through-box-barrier', 'task-description': ""On a tabletop, there are four differently colored ell objects (red, blue, green, and yellow) and a corresponding set of color-coded fixtures. Placed in between the ell objects and the fixtures, there are two rows of boxes forming an 'L' shaped barrier. The task involves picking up each ell object and inserting it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and then yellow, without knocking over any of the boxes. The challenge lies in precise navigation through the box barrier, precise insertion, color matching, and sequence following."", 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'box/box-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertionThroughBoxBarrier(Task): + """"""Pick up each ell object and insert it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and then yellow, without knocking over any of the boxes."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} ell into the matching fixture"" + self.task_completed_desc = ""done inserting ells."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'] + ] + + # Add ell objects and fixtures. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + fixture_urdf = 'insertion/fixture.urdf' + ells = [] + fixtures = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=colors[i]) + ells.append(ell_id) + + fixture_pose = self.get_random_pose(env, ell_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=colors[i]) + fixtures.append(fixture_id) + + # Add boxes to form 'L' shaped barrier. + box_size = (0.04, 0.04, 0.04) + box_urdf = 'box/box-template.urdf' + for _ in range(10): + box_pose = self.get_random_pose(env, box_size) + env.add_object(box_urdf, box_pose, category='fixed') + + # Goal: each ell is inserted into the matching color fixture in a specific order. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-insertion-and-stacking"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-insertion-and-stacking"" in a python code block. +### + +"," + color-coordinated-insertion-and-stacking: {'task-name': 'color-coordinated-insertion-and-stacking', 'task-description': 'On the tabletop, there are four differently colored ell-shaped objects (red, blue, green, yellow) and four fixtures of corresponding colors. The task is to pick up each ell object and insert it into the fixture of the same color. Additionally, there are four blocks of matching colors. The robot has to stack these blocks on top of the fixtures, maintaining the color coordination. However, the tabletop is marked by a square path delineated by small blocks, within which the ell objects, blocks, and fixtures are placed randomly. This necessitates precise navigation within the square path, color coordination, stacking and insertion skills.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'block/block.urdf', 'block/small.urdf', 'square/square-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertionAndStacking(Task): + """"""Pick up each ell object and insert it into the fixture of the same color. + Then stack blocks of matching colors on top of the fixtures."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} ell into the {color} fixture and stack the {color} block on top"" + self.task_completed_desc = ""done inserting and stacking."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add square path. + square_size = (0.3, 0.3, 0.01) + square_pose = self.get_random_pose(env, square_size) + square_urdf = 'square/square-template.urdf' + env.add_object(square_urdf, square_pose, 'fixed') + + # Ell and fixture colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ells and fixtures. + ell_size = (0.04, 0.04, 0.04) + fixture_size = (0.05, 0.05, 0.05) + ell_urdf = 'insertion/ell.urdf' + fixture_urdf = 'insertion/fixture.urdf' + + ells = [] + fixtures = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + fixture_pose = self.get_random_pose(env, fixture_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=color) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=color) + ells.append(ell_id) + fixtures.append(fixture_id) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Goal: each ell is inserted into the fixture of the same color and the block of the same color is stacked on top. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-cylinder-ball-match"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-ball-match"" in a python code block. +### + +"," + color-coordinated-cylinder-ball-match: {'task-name': 'color-coordinated-cylinder-ball-match', 'task-description': 'On the tabletop, there are four cylinders of different colors (red, blue, green, and yellow) and four balls of corresponding colors. The task is to pick up each ball and place it on top of the cylinder of the same color without the ball rolling off. However, there are small blocks scattered randomly on the table that the robot has to navigate around without knocking them over. The challenge lies in the precise placement of the balls on top of the cylinders, color matching, and navigation around the blocks.', 'assets-used': ['cylinder/cylinder-template.urdf', 'ball/ball-template.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedCylinderBallMatch(Task): + """"""Pick up each ball and place it on top of the cylinder of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ball on the {color} cylinder"" + self.task_completed_desc = ""done placing balls on cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.04, 0.04, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinder_colors = ['red', 'blue', 'green', 'yellow'] + cylinder_poses = [] + cylinders = [] + for color in cylinder_colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinder_poses.append(cylinder_pose) + cylinders.append(cylinder_id) + + # Add balls. + # x, y, z dimensions for the asset size + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + balls = [] + for color in cylinder_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=color) + balls.append(ball_id) + + # Add blocks as obstacles. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/small.urdf' + for _ in range(5): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: each ball is on top of the cylinder of the same color. + for i in range(len(balls)): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(balls)) + self.lang_goals.append(self.lang_template.format(color=cylinder_colors[i]))``` + END" +" ""multi-level-insertion-and-zone-matching"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""multi-level-insertion-and-zone-matching"" in a python code block. +### + +"," + multi-level-insertion-and-zone-matching: {'task-name': 'multi-level-insertion-and-zone-matching', 'task-description': 'There are three levels of zones marked on the tabletop - the first level is red, second is blue, and third is green. On each level, there are large, medium, and small ell-shaped objects in corresponding colors. The task is to pick up each ell object from its current position and insert it into the corresponding colored zone on the same level, but in a specific order - large, medium, and small. The challenge lies in the precise control of insertion, color coordination, and the multi-level structure of the environment.', 'assets-used': ['zone/zone.urdf', 'insertion/ell.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class MultiLevelInsertionAndZoneMatching(Task): + """"""Pick up ell objects from their current position and insert them into the corresponding colored zone on the same level, in a specific order - large, medium, and small."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {size} {color} ell into the {color} zone on the same level"" + self.task_completed_desc = ""done inserting."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_sizes = [(0.12, 0.12, 0), (0.12, 0.12, 0.05), (0.12, 0.12, 0.1)] + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + zone_colors = ['red', 'blue', 'green'] + for i in range(3): + zone_pose = self.get_random_pose(env, zone_sizes[i]) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[zone_colors[i]]) + zone_poses.append(zone_pose) + + # Add ell objects. + ell_sizes = [(0.08, 0.08, 0.02), (0.06, 0.06, 0.015), (0.04, 0.04, 0.01)] + ell_urdf = 'insertion/ell.urdf' + ells = [] + for i in range(3): + for j in range(3): + ell_pose = self.get_random_pose(env, ell_sizes[j]) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[zone_colors[i]]) + ells.append(ell_id) + + # Goal: each ell object is in the corresponding colored zone on the same level. + for i in range(9): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i//3]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/9) + self.lang_goals.append(self.lang_template.format(size=['large', 'medium', 'small'][i%3], color=zone_colors[i//3]))``` + END" +" ""multi-color-block-sequence-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""multi-color-block-sequence-insertion"" in a python code block. +### + +"," + multi-color-block-sequence-insertion: {'task-name': 'multi-color-block-sequence-insertion', 'task-description': 'On the tabletop, there are five blocks of different colors (red, blue, green, yellow, and orange) and five fixtures of matching colors. However, the fixtures are arranged in a mixed sequence of colors. The task involves picking up each block and inserting it into the fixture of the same color, but in a specific sequence - first red, then blue, next green, followed by yellow, and finally orange. The fixtures can be inserted only in the specified sequence and the robot cannot proceed to the next color without correctly inserting the current one. The task is challenging due to the precision required in inserting the blocks, the color coordination, and following the sequence.', 'assets-used': ['block/block.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class MultiColorBlockSequenceInsertion(Task): + """"""Pick up blocks of different colors and insert them into the fixture of the same color in a specific sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""insert the {color} block into the {color} fixture"" + self.task_completed_desc = ""done inserting blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the color sequence + color_sequence = ['red', 'blue', 'green', 'yellow', 'orange'] + + # Add fixtures. + fixture_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + fixtures = [] + for color in color_sequence: + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in color_sequence: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Goal: each block is inserted into the fixture of the same color in the specified sequence. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=color_sequence[i]))``` + END" +" ""ball-tower-in-zones"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""ball-tower-in-zones"" in a python code block. +### + +"," + ball-tower-in-zones: {'task-name': 'ball-tower-in-zones', 'task-description': 'On the table, there are three spheres and three cylindrical stands of different colors (red, blue, green). The task starts with each sphere not corresponding to the stand of the same color. The task is to pick up each sphere and stack it on top of the stand of the same color while maintaining the balance. However, the stacking should be done in a specific color sequence - blue at the bottom, followed by green, and finally red at the top. The spheres and stands are each placed within separate zones, adding a challenge in precise navigation and placement.', 'assets-used': ['sphere/sphere.urdf', 'zone/zone.urdf', 'stacking/stand.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class BallTowerInZones(Task): + """"""Pick up each sphere and stack it on top of the stand of the same color while maintaining the balance. + However, the stacking should be done in a specific color sequence - blue at the bottom, followed by green, + and finally red at the top. The spheres and stands are each placed within separate zones."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""stack the {color} sphere on the {color} stand"" + self.task_completed_desc = ""done stacking spheres."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for _ in range(3): + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed') + zone_poses.append(zone_pose) + + # Sphere and stand colors. + colors = [ + utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['red'] + ] + + # Add spheres and stands. + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + stand_size = (0.05, 0.05, 0.05) + stand_urdf = 'stacking/stand.urdf' + + spheres = [] + stands = [] + for i in range(3): + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=colors[i]) + spheres.append(sphere_id) + + stand_pose = self.get_random_pose(env, stand_size) + stand_id = env.add_object(stand_urdf, stand_pose, color=colors[i]) + stands.append(stand_id) + + # Goal: each sphere is stacked on the stand of the same color in the correct zone. + for i in range(3): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_sphere = np.random.rand() > 0.5 + urdf = sphere_urdf if is_sphere else stand_urdf + size = sphere_size if is_sphere else stand_size + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1``` + END" +" ""color-coordinated-container-pyramid"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-container-pyramid"" in a python code block. +### + +"," + color-coordinated-container-pyramid: {'task-name': 'color-coordinated-container-pyramid', 'task-description': 'On a tabletop, there are six containers and six blocks of different colors (red, blue, green, yellow, orange, and purple). The task is to pick up each block and place it into the container of the same color, then stack these containers to form a pyramid with three levels. The first level should consist of four containers: red, blue, green, and yellow (from left to right). The second level should be constructed by placing the orange and purple containers on top of the red and blue containers respectively. The top level should be formed by placing the red container onto the orange container. The challenge lies in the precise placement, color coordination, and maintaining the balance of the pyramid.', 'assets-used': ['block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedContainerPyramid(Task): + """"""Pick up each block and place it into the container of the same color, then stack these containers to form a pyramid."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""build a pyramid with the containers by placing the blocks of the same color into them"" + self.task_completed_desc = ""done building pyramid."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and containers + colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add containers. + container_size = (0.12, 0.12, 0.06) + container_urdf = 'container/container-template.urdf' + containers = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + containers.append(container_id) + + # Goal: each block is in a container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + + # Goal: containers are stacked in a pyramid. + pyramid_poses = [ + (0, -0.06, 0.03), (0, 0, 0.03), (0, 0.06, 0.03), (0, -0.03, 0.09), + (0, 0.03, 0.09), (0, 0, 0.15) + ] + pyramid_poses = [(utils.apply(p.getBasePositionAndOrientation(containers[0]), i), p.getBasePositionAndOrientation(containers[0])[1]) for i in pyramid_poses] + self.add_goal(objs=containers, matches=np.ones((len(containers), len(containers))), targ_poses=pyramid_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + + self.lang_goals.append(self.lang_template)``` + END" +" ""corner-blocks-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""corner-blocks-insertion"" in a python code block. +### + +"," + corner-blocks-insertion: {'task-name': 'corner-blocks-insertion', 'task-description': 'On the tabletop, there are four different colored ell objects (red, blue, green, yellow) and four fixtures in the corresponding colors. Initially, each ell is placed in the corner of the table. The task is to pick up each ell and insert it into the fixture of the same color. However, there is a square-shaped barrier in the center of the table. The ell objects must be inserted in a specific sequence - red first, then blue, then green, and finally yellow. This task requires careful navigation around the barrier, precise insertion, color coordination, and sequence following.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'square/square-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CornerBlocksInsertion(Task): + """"""Pick up ell objects from the corners and insert them into the fixtures of the same color in a specific sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} ell into the {color} fixture"" + self.task_completed_desc = ""done inserting."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell and fixture colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ell objects and fixtures. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + fixture_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + + objs = [] + for color in colors: + # Add ell object. + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + objs.append(ell_id) + + # Add fixture. + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + + # Add square-shaped barrier. + barrier_size = (0.1, 0.1, 0.1) + barrier_pose = self.get_random_pose(env, barrier_size) + barrier_urdf = 'square/square-template.urdf' + env.add_object(barrier_urdf, barrier_pose, 'fixed') + + # Goal: each ell object is inserted into the fixture of the same color in a specific sequence. + for i, color in enumerate(colors): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color))``` + END" +" ""color-coordinated-insertion-in-cylinders"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-insertion-in-cylinders"" in a python code block. +### + +"," + color-coordinated-insertion-in-cylinders: {'task-name': 'color-coordinated-insertion-in-cylinders', 'task-description': 'There are four differently-colored ell objects (red, blue, green, yellow) and four cylinders of matching colors. The task involves picking up each ell object and inserting it into the cylinder of the same color in a specific order: from left to right, insert red, blue, green, and finally yellow. The challenge lies in the precise manipulation of the ell objects, the color-coordination required and the ability to correctly orient the cylinders for the insertion.', 'assets-used': ['insertion/ell.urdf', 'cylinder/cylinder-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertionInCylinders(Task): + """"""Insert four differently-colored ell objects into cylinders of matching colors in a specific order."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""insert the {color} ell into the {color} cylinder"" + self.task_completed_desc = ""done inserting ells into cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell and Cylinder colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ells. + # x, y, z dimensions for the ell size + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Add cylinders. + # x, y, z dimensions for the cylinder size + cylinder_size = (0.05, 0.05, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Goal: each ell is inserted into the cylinder of the same color. + for i in range(len(colors)): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-block-transport"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-block-transport"" in a python code block. +### + +"," + color-coordinated-block-transport: {'task-name': 'color-coordinated-block-transport', 'task-description': ""On the tabletop, there are four pallets of different colors (red, blue, green, and yellow), each containing a block of the same color. The task is to pick up each block and transport it to a container of matching color, which is located in a corner surrounded by a line of small blocks, serving as an obstacle. The robot must execute this task without disturbing the small blocks and in a specific color sequence: red first, then blue, green, and finally yellow. The task tests the robot's precise navigation, color coordination, sequence following, and obstacle avoidance capabilities."", 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf', 'container/container-template.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedBlockTransport(Task): + """"""Pick up each block and transport it to a container of matching color, which is located in a corner surrounded by a line of small blocks, serving as an obstacle. The robot must execute this task without disturbing the small blocks and in a specific color sequence: red first, then blue, green, and finally yellow."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""transport the {color} block to the {color} container"" + self.task_completed_desc = ""done transporting blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + + # Add containers of different colors. + container_size = (0.1, 0.1, 0.1) + container_urdf = 'container/container-template.urdf' + containers = [] + for color in colors: + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color]) + containers.append(container_id) + + # Add blocks of different colors. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + blocks.append(block_id) + + # Add small blocks as obstacles. + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'block/small.urdf' + for _ in range(10): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each block is in a container of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-cued-ball-corner-sorting"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-cued-ball-corner-sorting"" in a python code block. +### + +"," + color-cued-ball-corner-sorting: {'task-name': 'color-cued-ball-corner-sorting', 'task-description': 'On a tabletop, there are four different colored balls (red, blue, green, yellow) and four corners marked with corresponding colors using the corner template. The task involves picking up each ball and precisely placing it in the corner of the same color. However, there is a rectangular zone in the middle of the table marked by small blocks. The robot has to strategically navigate around this zone without touching the blocks while transporting the balls to the corresponding corners. The challenge lies in the precise navigation, placement of the balls, and color matching while avoiding the blocks.', 'assets-used': ['ball/ball-template.urdf', 'corner/corner-template.urdf', 'block/block_for_anchors.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCuedBallCornerSorting(Task): + """"""Pick up each colored ball and place it in the corner of the same color while avoiding a zone marked by small blocks."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} ball in the {color} corner"" + self.task_completed_desc = ""done sorting balls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add corners. + corner_size = (0.05, 0.05, 0.05) + corner_urdf = 'corner/corner-template.urdf' + corner_colors = ['red', 'blue', 'green', 'yellow'] + corner_poses = [] + for color in corner_colors: + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_urdf, corner_pose, color=color, category='fixed') + corner_poses.append(corner_pose) + + # Add balls. + balls = [] + ball_size = (0.04, 0.04, 0.04) + ball_urdf = 'ball/ball-template.urdf' + for color in corner_colors: + ball_pose = self.get_random_pose(env, ball_size) + ball_id = env.add_object(ball_urdf, ball_pose, color=color) + balls.append(ball_id) + + # Add zone. + zone_size = (0.2, 0.2, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + zone_urdf = 'zone/zone.urdf' + env.add_object(zone_urdf, zone_pose, 'fixed') + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block_for_anchors.urdf' + for _ in range(4): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose) + + # Goal: each ball is in the corner of the same color. + for i in range(4): + self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[corner_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=corner_colors[i]))``` + END" +" ""color-coordinated-insertion-and-corner-pyramid"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-insertion-and-corner-pyramid"" in a python code block. +### + +"," + color-coordinated-insertion-and-corner-pyramid: {'task-name': 'color-coordinated-insertion-and-corner-pyramid', 'task-description': 'On a tabletop, there are four colored ell-shaped blocks (red, blue, green, and yellow) and four fixtures of corresponding colors. The task is to first pick up each ell block and insert it into the fixture of the same color in a specific sequence - red first, then blue, then green, and finally yellow. After the successful insertion, the robot must pick up the four blocks again from the fixtures and stack them in a corner-structured pyramid with red at the bottom, blue in the middle, green on the third level, and yellow on top.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'corner/corner-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedInsertionAndCornerPyramid(Task): + """"""Pick up each ell block and insert it into the fixture of the same color in a specific sequence - red first, then blue, then green, and finally yellow. After the successful insertion, the robot must pick up the four blocks again from the fixtures and stack them in a corner-structured pyramid with red at the bottom, blue in the middle, green on the third level, and yellow on top."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} block into the {color} fixture and then stack them in a corner-structured pyramid in the order of red, blue, green, and yellow"" + self.task_completed_desc = ""done inserting and stacking."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and corresponding names + colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']] + color_names = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures and blocks. + fixture_size = (0.04, 0.04, 0.04) + block_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + block_urdf = 'insertion/ell.urdf' + + fixtures = [] + blocks = [] + for i in range(4): + # Add fixture + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=colors[i]) + fixtures.append(fixture_id) + + # Add block + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + blocks.append(block_id) + + # Goal: each block is inserted into the fixture of the same color in the order of red, blue, green, yellow. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color_names[i])) + + # Goal: blocks are stacked in a corner-structured pyramid in the order of red, blue, green, yellow. + corner_template = 'corner/corner-template.urdf' + corner_size = (0.12, 0.12, 0.12) + corner_pose = self.get_random_pose(env, corner_size) + env.add_object(corner_template, corner_pose, 'fixed') + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, 0, 0.08)] + targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos] + + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` + END" +" ""color-coordinated-sphere-and-cylinder-stack"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-sphere-and-cylinder-stack"" in a python code block. +### + +"," + color-coordinated-sphere-and-cylinder-stack: {'task-name': 'color-coordinated-sphere-and-cylinder-stack', 'task-description': 'On the tabletop, there are four differently colored spheres (red, blue, green, and yellow) and four cylinders of the same colors. The task involves picking up each cylinder and stacking it on top of the sphere of the same color. However, the stacking should be done in a specific color sequence - blue at the bottom, followed by yellow, then green, and finally red at the top. This task enforces challenging skills due to the precision required for stacking the cylinders on top of spheres, color coordination, and sequencing.', 'assets-used': ['sphere/sphere-template.urdf', 'cylinder/cylinder-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedSphereAndCylinderStack(Task): + """"""Stack cylinders on top of spheres of the same color in a specific color sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""stack the {color} cylinder on top of the {color} sphere"" + self.task_completed_desc = ""done stacking."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define the color sequence + color_sequence = ['blue', 'yellow', 'green', 'red'] + + # Add spheres and cylinders of each color + sphere_urdf = 'sphere/sphere-template.urdf' + cylinder_urdf = 'cylinder/cylinder-template.urdf' + sphere_size = (0.05, 0.05, 0.05) + cylinder_size = (0.05, 0.05, 0.1) + + objects = [] + for color in color_sequence: + # Add sphere + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + objects.append(sphere_id) + + # Add cylinder + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + objects.append(cylinder_id) + + # Goal: each cylinder is stacked on top of the sphere of the same color + for i in range(0, len(objects), 2): + sphere_id = objects[i] + cylinder_id = objects[i+1] + self.add_goal(objs=[cylinder_id], matches=np.ones((1, 1)), targ_poses=[sphere_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=color_sequence[i//2]))``` + END" +" ""color-coordinated-blocks-in-cylindrical-maze"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-blocks-in-cylindrical-maze"" in a python code block. +### + +"," + color-coordinated-blocks-in-cylindrical-maze: {'task-name': 'color-coordinated-blocks-in-cylindrical-maze', 'task-description': 'There are six differently colored blocks (red, blue, green, yellow, orange, and purple) and six cylindrical containers of matching colors arranged to form a maze-like structure. The task is to pick up each block and place it into the cylindrical container of the same color. The challenge lies in the precise navigation through the maze-like structure, correct color matching, and accurate placement of the blocks into the cylindrical containers.', 'assets-used': ['block/block.urdf', 'cylinder/cylinder-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedBlocksInCylindricalMaze(Task): + """"""Navigate through a maze-like structure and place colored blocks into matching colored cylindrical containers."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} block in the {color} cylinder"" + self.task_completed_desc = ""done placing blocks in cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and cylinders + colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple'] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for color in colors: + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=color) + blocks.append(block_id) + + # Add cylinders. + # x, y, z dimensions for the asset size + cylinder_size = (0.05, 0.05, 0.1) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinders.append(cylinder_id) + + # Goal: each block is in a cylinder of the same color. + for i in range(len(blocks)): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(blocks)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-cylinder-relay"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-relay"" in a python code block. +### + +"," + color-coordinated-cylinder-relay: {'task-name': 'color-coordinated-cylinder-relay', 'task-description': 'On the tabletop, there are four cylinders of different colors (red, blue, green, yellow) placed at one end and four zones of matching colors at the other end, with a square outline and small blocks serving as barriers between the cylinders and zones. The task is to pick up each cylinder and navigate it through the barriers to reach and place it in the zone of the same color. The task must be done in a specific sequence - red first, then blue, then green, and finally yellow. This task is challenging due to the requirement for precise navigation and placement, color coordination, and sequence following.', 'assets-used': ['cylinder/cylinder-template.urdf', 'zone/zone.urdf', 'square/square-template.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderRelay(Task): + """"""Pick up each cylinder and navigate it through the barriers to reach and place it in the zone of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""move the {color} cylinder to the {color} zone"" + self.task_completed_desc = ""done moving cylinders."" + self.colors = ['red', 'blue', 'green', 'yellow'] + self.color_order = {'red': 0, 'blue': 1, 'green': 2, 'yellow': 3} + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add zones. + zone_size = (0.12, 0.12, 0) + zone_urdf = 'zone/zone.urdf' + zone_poses = [] + for color in self.colors: + zone_pose = self.get_random_pose(env, zone_size) + env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color]) + zone_poses.append(zone_pose) + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for color in self.colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color]) + cylinders.append(cylinder_id) + + # Add barriers. + barrier_size = (0.02, 0.02, 0.02) + barrier_urdf = 'block/small.urdf' + for _ in range(10): + barrier_pose = self.get_random_pose(env, barrier_size) + env.add_object(barrier_urdf, barrier_pose, 'fixed') + + # Goal: each cylinder is in the zone of the same color. + for i in range(len(cylinders)): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(cylinders)) + self.lang_goals.append(self.lang_template.format(color=self.colors[i])) + + def get_reward(self, obs, action=None): + reward, terminate = super().get_reward(obs, action) + if terminate: + # Check if cylinders are in the correct order in their zones. + object_positions = obs['object_positions'] + object_colors = obs['object_colors'] + zone_positions = obs['zone_positions'] + zone_colors = obs['zone_colors'] + for i in range(len(object_positions)): + if object_colors[i] != zone_colors[i]: + return 0, False + if self.color_order[object_colors[i]] != i: + return 0, False + return reward, terminate``` + END" +" ""color-coordinated-cylinder-maze"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-cylinder-maze"" in a python code block. +### + +"," + color-coordinated-cylinder-maze: {'task-name': 'color-coordinated-cylinder-maze', 'task-description': 'On the tabletop, there is a maze-like structure created by small blocks and within this maze, there are four differently colored cylinders (red, blue, green, yellow). The robot needs to pick up each cylinder and place it outside of the maze into four separate zones of matching colors. The task is challenging due to the precise navigation required within the maze, the color coordination of cylinders and zones, and the careful extraction of cylinders from the maze.', 'assets-used': ['block/small.urdf', 'cylinder/cylinder-template.urdf', 'zone/zone.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedCylinderMaze(Task): + """"""Navigate through a maze, pick up colored cylinders and place them in matching colored zones."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""navigate through the maze, pick up the {color} cylinder and place it in the {color} zone"" + self.task_completed_desc = ""done navigating and placing cylinders."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add maze blocks. + block_urdf = 'block/small.urdf' + block_size = (0.04, 0.04, 0.04) + for _ in range(20): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose, category='fixed') + + # Add colored cylinders. + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinder_size = (0.04, 0.04, 0.04) + colors = ['red', 'blue', 'green', 'yellow'] + cylinders = [] + for color in colors: + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color) + cylinders.append(cylinder_id) + + # Add colored zones. + zone_urdf = 'zone/zone.urdf' + zone_size = (0.12, 0.12, 0) + zones = [] + for color in colors: + zone_pose = self.get_random_pose(env, zone_size) + zone_id = env.add_object(zone_urdf, zone_pose, color=color, category='fixed') + zones.append(zone_id) + + # Goal: each colored cylinder is in the matching colored zone. + for i in range(len(cylinders)): + self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / len(cylinders)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""insertion-path-obstacle-course"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""insertion-path-obstacle-course"" in a python code block. +### + +"," + insertion-path-obstacle-course: {'task-name': 'insertion-path-obstacle-course', 'task-description': 'On the tabletop, there are four colored ell-shaped blocks (red, blue, green, and yellow) and four fixtures of matching colors. However, a line of small blocks forms a path that the robot must navigate along to insert each ell block into the fixture of the same color. The robot must move each ell block along the marked path to reach the fixture. The order for the insertion should be red, blue, green, and finally yellow from left to right. The task is challenging due to the precision required for insertion, the careful navigation along the path, and the color coordination.', 'assets-used': ['block/small.urdf', 'insertion/ell.urdf', 'insertion/fixture.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class InsertionPathObstacleCourse(Task): + """"""Navigate a robot along a path to insert colored ell blocks into matching fixtures."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""move the {color} ell block along the path and insert it into the {color} fixture"" + self.task_completed_desc = ""done inserting ell blocks."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Ell block and fixture colors. + colors = ['red', 'blue', 'green', 'yellow'] + + # Add ell blocks and fixtures. + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + fixture_size = (0.04, 0.04, 0.04) + fixture_urdf = 'insertion/fixture.urdf' + + ell_blocks = [] + fixtures = [] + for color in colors: + # Add ell block + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ell_blocks.append(ell_id) + + # Add fixture + fixture_pose = self.get_random_pose(env, fixture_size) + fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color]) + fixtures.append(fixture_id) + + # Add small blocks to form a path + small_block_size = (0.02, 0.02, 0.02) + small_block_urdf = 'block/small.urdf' + for _ in range(10): + small_block_pose = self.get_random_pose(env, small_block_size) + env.add_object(small_block_urdf, small_block_pose) + + # Goal: each ell block is inserted into the fixture of the same color. + for i in range(len(colors)): + self.add_goal(objs=[ell_blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-sphere-and-bowl-match"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-sphere-and-bowl-match"" in a python code block. +### + +"," + color-coordinated-sphere-and-bowl-match: {'task-name': 'color-coordinated-sphere-and-bowl-match', 'task-description': 'On a tabletop, there are four bowls and four spheres of different sizes and colors (red, blue, green, and yellow). The task is to pick up each sphere and place it into the bowl of the same color. The challenge lies in the precision necessary for placement, the color coordination, and the size disparity between the spheres and bowls.', 'assets-used': ['sphere/sphere-template.urdf', 'bowl/bowl.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedSphereAndBowlMatch(Task): + """"""Pick up each sphere and place it into the bowl of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 4 + self.lang_template = ""place the {color} sphere in the {color} bowl"" + self.task_completed_desc = ""done placing spheres in bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors + colors = ['red', 'blue', 'green', 'yellow'] + + # Add bowls and spheres. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + sphere_size = (0.04, 0.04, 0.04) + bowl_urdf = 'bowl/bowl.urdf' + sphere_urdf = 'sphere/sphere-template.urdf' + + objs = [] + for color in colors: + # Add bowl + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed') + + # Add sphere + sphere_pose = self.get_random_pose(env, obj_size=sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + objs.append((sphere_id, bowl_id)) + + # Add goal + self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=color))``` + END" +" ""color-coordinated-pallet-insertion"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-pallet-insertion"" in a python code block. +### + +"," + color-coordinated-pallet-insertion: {'task-name': 'color-coordinated-pallet-insertion', 'task-description': 'On the tabletop, there are four pallets and four ell objects of different colors (red, blue, green, yellow). Each color has one pallet and one ell object. The task is to pick up each ell object and insert it into the pallet of the same color. However, the pallets and the ell objects are initially positioned on opposite sides of a barrier formed by a line of small blocks. The robot needs to transport the ell objects over the barrier and insert them into the corresponding pallets without knocking over any blocks. The challenge lies in the precise navigation, the insertion of the ell objects into the pallets, and color matching.', 'assets-used': ['pallet/pallet.urdf', 'insertion/ell.urdf', 'block/small.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedPalletInsertion(Task): + """"""Pick up each ell object and insert it into the pallet of the same color."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} ell into the {color} pallet"" + self.task_completed_desc = ""done inserting ells into pallets."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Colors for the ell objects and pallets + colors = ['red', 'blue', 'green', 'yellow'] + + # Add pallets. + # x, y, z dimensions for the asset size + pallet_size = (0.12, 0.12, 0.02) + pallet_urdf = 'pallet/pallet.urdf' + pallet_poses = [] + for color in colors: + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed', color=utils.COLORS[color]) + pallet_poses.append(pallet_pose) + + # Add ell objects. + # x, y, z dimensions for the asset size + ell_size = (0.04, 0.04, 0.04) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for color in colors: + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color]) + ells.append(ell_id) + + # Add barrier of small blocks. + # x, y, z dimensions for the asset size + block_size = (0.02, 0.02, 0.02) + block_urdf = 'block/small.urdf' + for _ in range(10): + block_pose = self.get_random_pose(env, block_size) + env.add_object(block_urdf, block_pose, category='fixed') + + # Goal: each ell object is in the pallet of the same color. + for i in range(len(ells)): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(ells)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-coordinated-insertion-and-stack"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-insertion-and-stack"" in a python code block. +### + +"," + color-coordinated-insertion-and-stack: {'task-name': 'color-coordinated-insertion-and-stack', 'task-description': 'The task begins with four colored ell-shaped blocks (red, blue, green, yellow) and four fixtures of corresponding colors. The robot must pick up each ell block and insert it into the fixture of the same color in a specific sequence - red first, then blue, then green, and finally yellow. After successful insertion, the robot must pick up the four blocks again from the fixtures and stack them in a pallet to form a pyramid with red at the bottom, blue in the middle, green on the third level, and yellow on top.', 'assets-used': ['insertion/ell.urdf', 'insertion/fixture.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorCoordinatedInsertionAndStack(Task): + """"""Insert colored ell blocks into fixtures and then stack them in a pallet to form a pyramid."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""insert the {color} ell block into the fixture and then stack it on the pallet"" + self.task_completed_desc = ""done inserting and stacking."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + + # Add fixtures. + fixture_size = (0.1, 0.1, 0.1) + fixture_urdf = 'insertion/fixture.urdf' + fixture_poses = [] + for i in range(4): + fixture_pose = self.get_random_pose(env, fixture_size) + env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed') + fixture_poses.append(fixture_pose) + + # Add ell blocks. + ell_size = (0.08, 0.08, 0.02) + ell_urdf = 'insertion/ell.urdf' + ells = [] + for i in range(4): + ell_pose = self.get_random_pose(env, ell_size) + ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]]) + ells.append(ell_id) + + # Add pallet. + pallet_size = (0.15, 0.15, 0.02) + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object('pallet/pallet.urdf', pallet_pose, 'fixed') + + # Goal: each ell block is inserted into the fixture of the same color and then stacked on the pallet. + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # After insertion, stack the blocks on the pallet in the color sequence. + stack_poses = [(0, 0, 0.02), (0, 0, 0.06), (0, 0, 0.10), (0, 0, 0.14)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in stack_poses] + for i in range(4): + self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 4)``` + END" +" ""cylinder-ring-stack"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""cylinder-ring-stack"" in a python code block. +### + +"," + cylinder-ring-stack: {'task-name': 'cylinder-ring-stack', 'task-description': 'On the tabletop, there are four differently colored cylinders (red, blue, green, yellow) and four blocks of matching colors. The task involves picking up each block and stacking it on top of the corresponding colored cylinder. However, each cylinder and block pair should be stacked inside a differently colored container (color sequence: red cylinder and block in blue container, blue in green, green in yellow, and yellow in red). The task offers challenges in multi-object manipulation, color coordination, and precise stacking in a confined space.', 'assets-used': ['cylinder/cylinder-template.urdf', 'block/block.urdf', 'container/container-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class CylinderRingStack(Task): + """"""Pick up each block and stack it on top of the corresponding colored cylinder. + Each cylinder and block pair should be stacked inside a differently colored container."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""stack the {color} block on the {color} cylinder in the {container_color} container"" + self.task_completed_desc = ""done stacking."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for cylinders, blocks and containers + colors = ['red', 'blue', 'green', 'yellow'] + container_colors = ['blue', 'green', 'yellow', 'red'] + + # Add cylinders. + cylinder_size = (0.04, 0.04, 0.04) + cylinder_urdf = 'cylinder/cylinder-template.urdf' + cylinders = [] + for i in range(4): + cylinder_pose = self.get_random_pose(env, cylinder_size) + cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]]) + cylinders.append(cylinder_id) + + # Add blocks. + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + blocks = [] + for i in range(4): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i]]) + blocks.append(block_id) + + # Add containers. + container_size = (0.12, 0.12, 0.12) + container_urdf = 'container/container-template.urdf' + containers = [] + for i in range(4): + container_pose = self.get_random_pose(env, container_size) + container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[container_colors[i]]) + containers.append(container_id) + + # Goal: each block is stacked on the corresponding colored cylinder inside a differently colored container. + for i in range(4): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/4) + self.lang_goals.append(self.lang_template.format(color=colors[i], container_color=container_colors[i]))``` + END" +" ""color-coordinated-sphere-on-pallet-pyramid"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-sphere-on-pallet-pyramid"" in a python code block. +### + +"," + color-coordinated-sphere-on-pallet-pyramid: {'task-name': 'color-coordinated-sphere-on-pallet-pyramid', 'task-description': 'On the tabletop, there are three pallets and nine blocks of three different colors (red, blue, green). Each color has three blocks and the blocks are scattered randomly on the table. The task is to pick up the blocks and stack them on the pallets to form a pyramid shape. Each pyramid should contain blocks of the same color with two blocks on the base and one block on top. Additionally, there are three spheres of matching colors (red, blue, green). The task is to pick up each sphere and place it on top of the corresponding colored pyramid. The pallets with the pyramids and spheres should be arranged in a straight line in the following color order: red, blue, green from left to right. The challenge lies in the color coordination, precise stacking, and the arrangement of the pallets.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf', 'sphere/sphere.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedSphereOnPalletPyramid(Task): + """"""Build a pyramid of colored blocks on pallets and place a matching colored sphere on top."""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""build a pyramid of {color} blocks on the pallet and place the {color} sphere on top"" + self.task_completed_desc = ""done building color-coordinated pyramids."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Pallets and Blocks + pallet_size = (0.15, 0.15, 0.01) + block_size = (0.04, 0.04, 0.04) + pallet_urdf = 'pallet/pallet.urdf' + block_urdf = 'block/block.urdf' + + # Colors for blocks and spheres + colors = ['red', 'blue', 'green'] + color_objects = {} + + # Add pallets and blocks + for color in colors: + # Add pallet + pallet_pose = self.get_random_pose(env, pallet_size) + env.add_object(pallet_urdf, pallet_pose, category='fixed') + + # Add blocks + block_ids = [] + for _ in range(3): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color]) + block_ids.append(block_id) + + color_objects[color] = {'pallet': pallet_pose, 'blocks': block_ids} + + # Spheres + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + + # Add spheres + for color in colors: + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color]) + color_objects[color]['sphere'] = sphere_id + + # Goals + for color in colors: + # Goal: blocks are stacked in a pyramid on the pallet + block_poses = [(0, -0.02, 0.02), (0, 0.02, 0.02), (0, 0, 0.06)] + targs = [(utils.apply(color_objects[color]['pallet'], i), color_objects[color]['pallet'][1]) for i in block_poses] + + self.add_goal(objs=color_objects[color]['blocks'], matches=np.ones((3, 3)), targ_poses=targs, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + + # Goal: sphere is placed on top of the pyramid + sphere_pose = (0, 0, 0.1) + targ = (utils.apply(color_objects[color]['pallet'], sphere_pose), color_objects[color]['pallet'][1]) + + self.add_goal(objs=[color_objects[color]['sphere']], matches=np.ones((1, 1)), targ_poses=[targ], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]) + + self.lang_goals.append(self.lang_template.format(color=color))``` + END" +" ""color-coordinated-stacked-block-bowls"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-coordinated-stacked-block-bowls"" in a python code block. +### + +"," + color-coordinated-stacked-block-bowls: {'task-name': 'color-coordinated-stacked-block-bowls', 'task-description': 'There are three bowls and nine blocks of three different colors (red, blue, green) on the tabletop. Each color has three blocks. The task is to pick up these blocks and stack them inside the bowls in the shape of a pyramid. Each bowl should contain blocks of the same color with two blocks at the base and one block on top. The bowls with the pyramids should be arranged in a straight line in the following color order: red, blue, and green from left to right. The challenge lies in the color coordination, precise stacking, and the arrangement of the bowls.', 'assets-used': ['bowl/bowl.urdf', 'block/block.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class ColorCoordinatedStackedBlockBowls(Task): + """"""Stack blocks of the same color in bowls in the shape of a pyramid and arrange the bowls in a color sequence"""""" + + def __init__(self): + super().__init__() + self.max_steps = 15 + self.lang_template = ""stack the {color} blocks in the {color} bowl in the shape of a pyramid"" + self.task_completed_desc = ""done stacking blocks in bowls."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors for blocks and bowls + colors = ['red', 'blue', 'green'] + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for i in range(3): + bowl_pose = self.get_random_pose(env, bowl_size) + env.add_object(bowl_urdf, bowl_pose, category='fixed', color=utils.COLORS[colors[i]]) + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for i in range(9): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i//3]]) + blocks.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(bowl_poses[i//3], place_pos[i%3]), bowl_poses[i//3][1]) for i in range(9)] + + # Goal: blocks are stacked in a pyramid in each bowl + for i in range(9): + self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 9) + self.lang_goals.append(self.lang_template.format(color=colors[i//3]))``` + END" +" ""color-sequenced-sphere-placement"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-sequenced-sphere-placement"" in a python code block. +### + +"," + color-sequenced-sphere-placement: {'task-name': 'color-sequenced-sphere-placement', 'task-description': 'On the tabletop, there are four spheres of different colors (red, blue, green, and yellow) and four colored squares of matching colors. The task involves picking up each sphere and precisely placing it in the center of the square of the same color. However, the spheres must be placed in a specific sequence - red first, then blue, then green, and finally yellow. The task is challenging due to the need for precise placement, color coordination, and sequence following.', 'assets-used': ['sphere/sphere.urdf', 'square/square-template.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSequencedSpherePlacement(Task): + """"""Pick up spheres of different colors and place them in the center of the square of the same color in a specific sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = ""place the {color} sphere in the {color} square"" + self.task_completed_desc = ""done placing spheres."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Define colors and their sequence + colors = ['red', 'blue', 'green', 'yellow'] + + # Add squares of different colors + square_size = (0.1, 0.1, 0.005) + square_urdf = 'square/square-template.urdf' + square_poses = [] + for color in colors: + square_pose = self.get_random_pose(env, square_size) + env.add_object(square_urdf, square_pose, 'fixed', color=color) + square_poses.append(square_pose) + + # Add spheres of different colors + sphere_size = (0.04, 0.04, 0.04) + sphere_urdf = 'sphere/sphere.urdf' + spheres = [] + for color in colors: + sphere_pose = self.get_random_pose(env, sphere_size) + sphere_id = env.add_object(sphere_urdf, sphere_pose, color=color) + spheres.append(sphere_id) + + # Goal: each sphere is in the square of the same color, in the correct sequence + for i in range(len(colors)): + self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[square_poses[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1/len(colors)) + self.lang_goals.append(self.lang_template.format(color=colors[i]))``` + END" +" ""color-sequence-loading-pallet"". Format the answer in a python dictionary with keys ""task-name"", ""task-description"", and ""assets-used"". Then write the pybullet simulation code for the task ""color-sequence-loading-pallet"" in a python code block. +### + +"," + color-sequence-loading-pallet: {'task-name': 'color-sequence-loading-pallet', 'task-description': 'On a tabletop, there are ten blocks of five different colors (two red, two blue, two green, two yellow, and two orange), and a pallet. The task is to pick up one block of each color and place them onto the pallet in a specific sequence: red, blue, green, yellow, and finally orange. Next, pick up the remaining blocks and stack them on top of the corresponding color in the same sequence. The challenge lies in the precise placement of the blocks and maintaining the load balance on the pallet.', 'assets-used': ['block/block.urdf', 'pallet/pallet.urdf']}``` + +###Implementation: + ```python +import numpy as np +import os +import pybullet as p +import random +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + +class ColorSequenceLoadingPallet(Task): + """"""Pick up blocks of different colors and place them onto the pallet in a specific sequence."""""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = ""place the blocks onto the pallet in the sequence: red, blue, green, yellow, orange"" + self.task_completed_desc = ""done placing blocks in sequence."" + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add pallet. + # x, y, z dimensions for the asset size + pallet_size = (0.15, 0.15, 0.01) + pallet_pose = self.get_random_pose(env, pallet_size) + pallet_urdf = 'pallet/pallet.urdf' + env.add_object(pallet_urdf, pallet_pose, 'fixed') + + # Block colors. + colors = [ + utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'block/block.urdf' + + objs = [] + for i in range(10): # two blocks of each color + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i//2]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos] + + # Goal: blocks are placed on the pallet in the sequence: red, blue, green, yellow, orange. + for i in range(5): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 5) + self.lang_goals.append(self.lang_template.format(color=colors[i])) + + # Goal: remaining blocks are stacked on top of the corresponding color in the same sequence. + for i in range(5, 10): + self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i-5]], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 5) + self.lang_goals.append(self.lang_template.format(color=colors[i-5]))``` + END" diff --git a/prompts/finetune_data_prepared.jsonl b/prompts/finetune_data_prepared.jsonl new file mode 100644 index 0000000000000000000000000000000000000000..1934967b7d3421001181001b8e96a650ce47d823 --- /dev/null +++ b/prompts/finetune_data_prepared.jsonl @@ -0,0 +1,144 @@ +{"prompt":" \"align-box-corner\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"align-box-corner\" in a python code block.\n###\n\n","completion":" \n align-box-corner: {'assets-used': ['box\/box-template.urdf', 'corner\/corner-template.urdf'], 'task-description': 'pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop..', 'task-name': 'align-box-corner'}``` \n\n###Implementation: \n ```python\nimport os\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\n\nclass AlignBoxCorner(Task):\n \"\"\"Pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 3\n self.lang_template = \"align the brown box with the green corner\"\n self.task_completed_desc = \"done with alignment\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Generate randomly shaped box.\n box_size = self.get_random_size(0.05, 0.15, 0.05, 0.15, 0.01, 0.06)\n\n # Add corner.\n dimx = (box_size[0] \/ 2 - 0.025 + 0.0025, box_size[0] \/ 2 + 0.0025)\n dimy = (box_size[1] \/ 2 + 0.0025, box_size[1] \/ 2 - 0.025 + 0.0025)\n corner_template = 'corner\/corner-template.urdf'\n replace = {'DIMX': dimx, 'DIMY': dimy}\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF\n corner_urdf = self.fill_template(corner_template, replace)\n corner_size = (box_size[0], box_size[1], 0)\n corner_pose = self.get_random_pose(env, corner_size)\n env.add_object(corner_urdf, corner_pose, 'fixed')\n\n # Add possible placing poses.\n theta = utils.quatXYZW_to_eulerXYZ(corner_pose[1])[2]\n fip_rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta + np.pi))\n pose1 = (corner_pose[0], fip_rot)\n alt_x = (box_size[0] \/ 2) - (box_size[1] \/ 2)\n alt_y = (box_size[1] \/ 2) - (box_size[0] \/ 2)\n alt_pos = (alt_x, alt_y, 0)\n alt_rot0 = utils.eulerXYZ_to_quatXYZW((0, 0, np.pi \/ 2))\n alt_rot1 = utils.eulerXYZ_to_quatXYZW((0, 0, 3 * np.pi \/ 2))\n pose2 = utils.multiply(corner_pose, (alt_pos, alt_rot0))\n pose3 = utils.multiply(corner_pose, (alt_pos, alt_rot1))\n\n # Add box.\n box_template = 'box\/box-template.urdf'\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF\n box_urdf = self.fill_template(box_template, {'DIM': np.float32(box_size)})\n box_pose = self.get_random_pose(env, box_size)\n box_id = env.add_object(box_urdf, box_pose)\n self.color_random_brown(box_id)\n\n # Goal: box is aligned with corner (1 of 4 possible poses).\n self.add_goal(objs=[box_id], matches=np.int32([[1, 1, 1, 1]]), targ_poses=[corner_pose, pose1, pose2, pose3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1, symmetries=[2 * np.pi])\n self.lang_goals.append(self.lang_template)\n``` \n END"} +{"prompt":" \"align-rope\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"align-rope\" in a python code block.\n###\n\n","completion":" \n align-rope: {'assets-used': ['square\/square-template.urdf'], 'task-description': 'manipulate a deformable rope to connect its end-points between two corners of a 3-sided square.', 'task-name': 'align-rope'}``` \n\n###Implementation: \n ```python\nimport os\n\nimport numpy as np\nfrom cliport.tasks import primitives\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nimport random\nimport pybullet as p\n\n\nclass AlignRope(Task):\n \"\"\"Manipulate a deformable rope to connect its end-points between two \n corners of a 3-sided square.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"align the rope from {direction}\"\n self.task_completed_desc = \"done aligning the rope.\"\n self.additional_reset()\n\n\n def reset(self, env):\n super().reset(env)\n\n n_parts = 20\n radius = 0.005\n length = 2 * radius * n_parts * np.sqrt(2)\n\n # Add 3-sided square.\n square_size = (length, length, 0)\n square_pose = self.get_random_pose(env, square_size)\n square_template = 'square\/square-template.urdf'\n replace = {'DIM': (length,), 'HALF': (np.float32(length) \/ 2 - 0.005,)}\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF\n urdf = self.fill_template(square_template, replace)\n env.add_object(urdf, square_pose, 'fixed')\n\n # Get four corner points of square.\n corner0 = ( length \/ 2, length \/ 2, 0.001)\n corner1 = (-length \/ 2, length \/ 2, 0.001)\n corner2 = ( length \/ 2, -length \/ 2, 0.001)\n corner3 = (-length \/ 2, -length \/ 2, 0.001)\n\n corner0 = utils.apply(square_pose, corner0)\n corner1 = utils.apply(square_pose, corner1)\n corner2 = utils.apply(square_pose, corner2)\n corner3 = utils.apply(square_pose, corner3)\n \n # Four possible alignment tasks.\n task_descs = [\n ((corner0, corner1), \"front left tip to front right tip\"),\n ((corner0, corner2), \"front right tip to back right corner\"),\n ((corner1, corner3), \"front left tip to back left corner\"),\n ((corner3, corner2), \"back right corner to back left corner\")\n ]\n chosen_task = np.random.choice(len(task_descs), 1)[0]\n (corner_0, corner_1), direction = task_descs[chosen_task]\n\n # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks).\n objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1))\n self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False,\n rotations=False, metric='pose', params=None, step_max_reward=1.)\n self.lang_goals += [self.lang_template.format(direction=direction)] * len(self.goals)\n\n # wait for the scene to settle down\n for i in range(480):\n p.stepSimulation()``` \n END"} +{"prompt":" \"assembling-kits\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"assembling-kits\" in a python code block.\n###\n\n","completion":" \n assembling-kits: {'assets-used': ['kitting\/kit.urdf', 'kitting\/object-template.urdf'], 'task-description': 'pick up different objects and arrange them on a board marked with corresponding silhouettes.', 'task-name': 'assembling-kits'}``` \n\n###Implementation: \n ```python\nimport os\n\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\n\nclass AssemblingKits(Task):\n \"\"\"pick up different objects and arrange them on a board marked with corresponding silhouettes.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.homogeneous = False\n\n self.lang_template = \"put all the blocks inside the holes they fit in\"\n self.task_completed_desc = \"done assembling blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add kit.\n kit_size = (0.28, 0.2, 0.005)\n kit_urdf = 'kitting\/kit.urdf'\n kit_pose = self.get_random_pose(env, kit_size)\n env.add_object(kit_urdf, kit_pose, 'fixed')\n\n n_objects = 5\n obj_shapes = self.get_kitting_shapes(n_objects)\n colors = [\n utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow'], utils.COLORS['red']\n ]\n\n # Build kit.\n targets = []\n targ_pos = [[-0.09, 0.045, 0.0014], [0, 0.045, 0.0014],\n [0.09, 0.045, 0.0014], [-0.045, -0.045, 0.0014],\n [0.045, -0.045, 0.0014]]\n template = 'kitting\/object-template.urdf'\n\n for i in range(n_objects):\n shape = os.path.join(self.assets_root, 'kitting',\n f'{obj_shapes[i]:02d}.obj')\n scale = [0.003, 0.003, 0.0001] # .0005\n pos = utils.apply(kit_pose, targ_pos[i])\n theta = np.random.rand() * 2 * np.pi\n rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta))\n replace = {'FNAME': (shape,), 'SCALE': scale, 'COLOR': [0.2, 0.2, 0.2]}\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF\n urdf = self.fill_template(template, replace)\n env.add_object(urdf, (pos, rot), 'fixed')\n targets.append((pos, rot))\n\n # Add objects.\n objects, matches = self.make_kitting_objects(env, targets=targets, obj_shapes=obj_shapes, n_objects=n_objects, colors=colors)\n matches = np.int32(matches)\n self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n self.lang_goals.append(self.lang_template)\n``` \n END"} +{"prompt":" \"manipulating-rope\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"manipulating-rope\" in a python code block.\n###\n\n","completion":" \n manipulating-rope: {'assets-used': ['square\/square-template.urdf'], 'task-description': 'rearrange a deformable rope such that it connects the two endpoints of a 3-sided square.', 'task-name': 'manipulating-rope'}``` \n\n###Implementation: \n ```python\nimport os\n\nimport numpy as np\nfrom cliport.tasks import primitives\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nimport pybullet as p\n\n\nclass ManipulatingRope(Task):\n \"\"\"rearrange a deformable rope such that it connects the two endpoints of a 3-sided square.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"manipulate the rope to complete the square\"\n self.task_completed_desc = \"done manipulating the rope.\"\n self.additional_reset()\n\n\n def reset(self, env):\n super().reset(env)\n\n n_parts = 20\n radius = 0.005\n length = 2 * radius * n_parts * np.sqrt(2)\n\n # Add 3-sided square.\n square_size = (length, length, 0)\n square_pose = self.get_random_pose(env, square_size)\n square_template = 'square\/square-template.urdf'\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template`\n replace = {'DIM': (length,), 'HALF': (np.float32(length) \/ 2 - 0.005,)}\n urdf = self.fill_template(square_template, replace)\n env.add_object(urdf, square_pose, 'fixed')\n\n # compute corners\n corner0 = (length \/ 2, length \/ 2, 0.001)\n corner1 = (-length \/ 2, length \/ 2, 0.001)\n corner_0 = utils.apply(square_pose, corner0)\n corner_1 = utils.apply(square_pose, corner1)\n\n # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks).\n objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1))\n self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False,\n rotations=False, metric='pose', params=None, step_max_reward=1.)\n self.lang_goals.append(self.lang_template)\n\n for i in range(480):\n p.stepSimulation()\n``` \n END"} +{"prompt":" \"packing-boxes\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"packing-boxes\" in a python code block.\n###\n\n","completion":" \n packing-boxes: {'assets-used': ['container\/container-template.urdf', 'box\/box-template.urdf'], 'task-description': 'pick up randomly sized boxes and place them tightly into a container.', 'task-name': 'packing-boxes'}``` \n\n###Implementation: \n ```python\nimport os\n\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nimport pybullet as p\n\n\nclass PackingBoxes(Task):\n \"\"\"pick up randomly sized boxes and place them tightly into a container.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"pack all the boxes inside the brown box\"\n self.task_completed_desc = \"done packing boxes.\"\n\n self.zone_bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.08]])\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add container box.\n zone_size = self.get_random_size(0.05, 0.3, 0.05, 0.3, 0.05, 0.05)\n zone_pose = self.get_random_pose(env, zone_size)\n container_template = 'container\/container-template.urdf'\n replace = {'DIM': zone_size, 'HALF': (zone_size[0] \/ 2, zone_size[1] \/ 2, zone_size[2] \/ 2)}\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF\n container_urdf = self.fill_template(container_template, replace)\n env.add_object(container_urdf, zone_pose, 'fixed')\n\n margin = 0.01\n min_object_dim = 0.05\n bboxes = []\n\n # Split container space with KD trees.\n stack_size = np.array(zone_size)\n stack_size[0] -= 0.01\n stack_size[1] -= 0.01\n root_size = (0.01, 0.01, 0) + tuple(stack_size)\n root = utils.TreeNode(None, [], bbox=np.array(root_size))\n utils.KDTree(root, min_object_dim, margin, bboxes)\n\n colors = [utils.COLORS[c] for c in utils.COLORS if c != 'brown']\n\n # Add objects in container.\n object_ids = []\n bboxes = np.array(bboxes)\n object_template = 'box\/box-template.urdf'\n\n # Compute object points that are needed for zone\n for bbox in bboxes:\n size = bbox[3:] - bbox[:3]\n position = size \/ 2. + bbox[:3]\n position[0] += -zone_size[0] \/ 2\n position[1] += -zone_size[1] \/ 2\n pose = (position, (0, 0, 0, 1))\n pose = utils.multiply(zone_pose, pose)\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF\n urdf = self.fill_template(object_template, {'DIM': size})\n icolor = np.random.choice(range(len(colors)), 1).squeeze()\n box_id = env.add_object(urdf, pose, color=colors[icolor])\n object_ids.append(box_id)\n\n # Randomly select object in box and save ground truth pose.\n object_volumes = []\n true_poses = []\n\n for object_id in object_ids:\n true_pose = p.getBasePositionAndOrientation(object_id)\n object_size = p.getVisualShapeData(object_id)[0][3]\n object_volumes.append(np.prod(np.array(object_size) * 100))\n pose = self.get_random_pose(env, object_size)\n p.resetBasePositionAndOrientation(object_id, pose[0], pose[1])\n true_poses.append(true_pose)\n\n self.add_goal(objs=object_ids, matches=np.eye(len(object_ids)), targ_poses=true_poses, replace=False,\n rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1)\n\n self.lang_goals.append(self.lang_template)\n``` \n END"} +{"prompt":" \"palletizing-boxes\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"palletizing-boxes\" in a python code block.\n###\n\n","completion":" \n palletizing-boxes: {'assets-used': ['pallet\/pallet.urdf', 'box\/box-template.urdf'], 'task-description': 'pick up homogeneous fixed-sized boxes and stack them in transposed layers on the pallet.', 'task-name': 'palletizing-boxes'}``` \n\n###Implementation: \n ```python\nimport os\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\n\nclass PalletizingBoxes(Task):\n \"\"\"Pick up homogeneous fixed-sized boxes and stack them in transposed layers on the pallet.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 30\n self.lang_template = \"stack all the boxes on the pallet\"\n self.task_completed_desc = \"done stacking boxes.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n zone_size = (0.3, 0.25, 0.25)\n zone_urdf = 'pallet\/pallet.urdf'\n rotation = utils.eulerXYZ_to_quatXYZW((0, 0, 0))\n zone_pose = ((0.5, 0.25, 0.02), rotation)\n env.add_object(zone_urdf, zone_pose, 'fixed')\n\n # Add stack of boxes on pallet.\n margin = 0.01\n object_ids = []\n\n # x, y, z dimensions for the asset size\n stack_size = (0.19, 0.19, 0.19)\n box_template = 'box\/box-template.urdf'\n stack_dim = np.int32([2, 3, 3])\n\n box_size = (stack_size - (stack_dim - 1) * margin) \/ stack_dim\n for z in range(stack_dim[2]):\n\n # Transpose every layer.\n stack_dim[0], stack_dim[1] = stack_dim[1], stack_dim[0]\n box_size[0], box_size[1] = box_size[1], box_size[0]\n\n # IMPORTANT: Compute object points and store as a dictionary for the `goal`\n for y in range(stack_dim[1]):\n for x in range(stack_dim[0]):\n position = list((x + 0.5, y + 0.5, z + 0.5) * box_size)\n position[0] += x * margin - stack_size[0] \/ 2\n position[1] += y * margin - stack_size[1] \/ 2\n position[2] += z * margin + 0.03\n pose = (position, (0, 0, 0, 1))\n pose = utils.multiply(zone_pose, pose)\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF\n urdf = self.fill_template(box_template, {'DIM': box_size})\n box_id = env.add_object(urdf, pose)\n object_ids.append(box_id)\n self.color_random_brown(box_id)\n\n # Randomly select top box on pallet and save ground truth pose.\n targets = []\n self.steps = []\n boxes = object_ids[:] # make copy\n while boxes:\n _, height, object_mask = self.get_true_image(env)\n top = np.argwhere(height > (np.max(height) - 0.03))\n rpixel = top[int(np.floor(np.random.random() * len(top)))] # y, x\n box_id = int(object_mask[rpixel[0], rpixel[1]])\n if box_id in boxes:\n position, rotation = p.getBasePositionAndOrientation(box_id)\n rposition = np.float32(position) + np.float32([0, -10, 0])\n p.resetBasePositionAndOrientation(box_id, rposition, rotation)\n self.steps.append(box_id)\n targets.append((position, rotation))\n boxes.remove(box_id)\n\n self.steps.reverse() # Time-reversed depalletizing.\n self.add_goal(objs=object_ids, matches=np.eye(len(object_ids)), targ_poses=targets, replace=False,\n rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1)\n self.lang_goals.append(self.lang_template)\n\n self.spawn_box()\n\n def reward(self):\n reward, info = super().reward()\n self.spawn_box()\n return reward, info``` \n END"} +{"prompt":" \"place-red-in-green\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"place-red-in-green\" in a python code block.\n###\n\n","completion":" \n place-red-in-green: {'assets-used': ['bowl\/bowl.urdf', 'stacking\/block.urdf'], 'task-description': 'pick up the red blocks and place them into the green bowls amidst other objects.', 'task-name': 'place-red-in-green'}``` \n\n###Implementation: \n ```python\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\n\nclass PlaceRedInGreen(Task):\n \"\"\"pick up the red blocks and place them into the green bowls amidst other objects.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"put the red blocks in a green bowl\"\n self.task_completed_desc = \"done placing blocks in bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n n_bowls = np.random.randint(1, 4)\n n_blocks = np.random.randint(1, n_bowls + 1)\n\n # Add bowls.\n # x, y, z dimensions for the asset size\n bowl_size = (0.12, 0.12, 0)\n bowl_urdf = 'bowl\/bowl.urdf'\n bowl_poses = []\n for _ in range(n_bowls):\n bowl_pose = self.get_random_pose(env, obj_size=bowl_size)\n env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed')\n bowl_poses.append(bowl_pose)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n for _ in range(n_blocks):\n block_pose = self.get_random_pose(env, obj_size=block_size)\n block_id = env.add_object(block_urdf, block_pose)\n blocks.append(block_id)\n\n # Goal: each red block is in a different green bowl.\n self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n self.lang_goals.append(self.lang_template)\n\n # Colors of distractor objects.\n bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green']\n block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red']\n\n # Add distractors.\n n_distractors = 0\n while n_distractors < 6:\n is_block = np.random.rand() > 0.5\n urdf = block_urdf if is_block else bowl_urdf\n size = block_size if is_block else bowl_size\n colors = block_colors if is_block else bowl_colors\n pose = self.get_random_pose(env, obj_size=size)\n color = colors[n_distractors % len(colors)]\n\n obj_id = env.add_object(urdf, pose, color=color)\n n_distractors += 1\n``` \n END"} +{"prompt":" \"stack-block-pyramid\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"stack-block-pyramid\" in a python code block.\n###\n\n","completion":" \n stack-block-pyramid: {'assets-used': ['stacking\/stand.urdf', 'stacking\/block.urdf'], 'task-description': 'sequentially stack 6 blocks into a pyramid of 3-2-1 with rainbow colored ordering.', 'task-name': 'stack-block-pyramid'}``` \n\n###Implementation: \n ```python\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass StackBlockPyramid(Task):\n \"\"\"Build a pyramid of colored blocks in a color sequence\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 12\n self.lang_template = \"make the {row} row with {blocks}\"\n self.task_completed_desc = \"done stacking block pyramid.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add base.\n base_size = (0.05, 0.15, 0.005)\n base_urdf = 'stacking\/stand.urdf'\n base_pose = self.get_random_pose(env, base_size)\n env.add_object(base_urdf, base_pose, category='fixed')\n\n # Block colors.\n colors = [\n utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red']\n ]\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n\n objs = []\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n objs.append(block_id)\n\n # IMPORTANT Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple).\n self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template.format(blocks=\"the green, blue and purple blocks\",\n row=\"bottom\"))\n\n # Goal: blocks are stacked in a pyramid (middle row: yellow, orange).\n self.add_goal(objs=objs[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(self.lang_template.format(blocks=\"the yellow and orange blocks\",\n row=\"middle\"))\n\n # Goal: blocks are stacked in a pyramid (top row: red).\n self.add_goal(objs=objs[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 6, symmetries=[np.pi\/2]*1)\n self.lang_goals.append(self.lang_template.format(blocks=\"the red block\",\n row=\"top\"))\n``` \n END"} +{"prompt":" \"sweeping-piles\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sweeping-piles\" in a python code block.\n###\n\n","completion":" \n sweeping-piles: {'assets-used': ['zone\/zone.urdf', 'block\/small.urdf'], 'task-description': 'push piles of small objects into a target goal zone marked on the tabletop.', 'task-name': 'sweeping-piles'}``` \n\n###Implementation: \n ```python\nimport numpy as np\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\n\nclass SweepingPiles(Task):\n \"\"\"Push piles of small objects into a target goal zone marked on the tabletop.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"push the pile of blocks into the green square\"\n self.task_completed_desc = \"done sweeping.\"\n self.primitive = primitives.push\n self.ee = Spatula\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add goal zone.\n zone_size = (0.12, 0.12, 0)\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object('zone\/zone.urdf', zone_pose, 'fixed')\n\n # Add pile of small blocks with `make_piles` function\n obj_ids = self.make_piles(env)\n\n # Add goal\n self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True,\n rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"build-wheel\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"build-wheel\" in a python code block.\n###\n\n","completion":" \n build-wheel: {'task-name': 'build-wheel', 'task-description': 'Construct a wheel using blocks and a sphere. First, position eight blocks in a circular layout on the tabletop. Each block should be touching its two neighbors and colored in alternating red and blue. Then place a green sphere in the center of the circular layout, completing the wheel.', 'assets-used': ['block\/block.urdf', 'sphere\/sphere.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BuildWheel(Task):\n \"\"\"Construct a wheel using blocks and a sphere.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"Construct a wheel using blocks and a sphere. First, position eight blocks in a circular layout on the tabletop. Each block should be touching its two neighbors and colored in alternating red and blue. Then place a green sphere in the center of the circular layout, completing the wheel.\"\n self.task_completed_desc = \"done building wheel.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['blue']]\n blocks = []\n for i in range(8):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i % 2])\n blocks.append(block_id)\n\n # Add sphere.\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere.urdf'\n sphere_color = utils.COLORS['green']\n sphere_pose = ((0.5, 0.0, 0.0), (0,0,0,1)) # fixed pose\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=sphere_color)\n\n # Goal: blocks are arranged in a circle and sphere is in the center.\n circle_radius = 0.1\n circle_center = (0, 0, block_size[2] \/ 2)\n angles = np.linspace(0, 2 * np.pi, 8, endpoint=False)\n block_poses = [(circle_center[0] + circle_radius * np.cos(angle),\n circle_center[1] + circle_radius * np.sin(angle),\n circle_center[2]) for angle in angles]\n block_poses = [(utils.apply(sphere_pose, pos), sphere_pose[1]) for pos in block_poses]\n self.add_goal(objs=blocks, matches=np.ones((8, 8)), targ_poses=block_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=8 \/ 9)\n\n # Goal: sphere is in the center of the blocks.\n self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[sphere_pose], replace=False,\n rotations=False, metric='pose', params=None, step_max_reward=1 \/ 9)\n\n self.lang_goals.append(self.lang_template)\n``` \n END"} +{"prompt":" \"push-piles-into-letter\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"push-piles-into-letter\" in a python code block.\n###\n\n","completion":" \n push-piles-into-letter: {'task-name': 'push-piles-into-letter', 'task-description': 'Push piles of small objects into a target goal zone shaped in some letters.', 'assets-used': ['kitting\/kit.urdf', 'kitting\/object-template-nocollision.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BuildWheel(Task):\n \"\"\"Construct a wheel using blocks and a sphere.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"Construct a wheel using blocks and a sphere. First, position eight blocks in a circular layout on the tabletop. Each block should be touching its two neighbors and colored in alternating red and blue. Then place a green sphere in the center of the circular layout, completing the wheel.\"\n self.task_completed_desc = \"done building wheel.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['blue']]\n blocks = []\n for i in range(8):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i % 2])\n blocks.append(block_id)\n\n # Add sphere.\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere.urdf'\n sphere_color = utils.COLORS['green']\n sphere_pose = ((0.5, 0.0, 0.0), (0,0,0,1)) # fixed pose\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=sphere_color)\n\n # Goal: blocks are arranged in a circle and sphere is in the center.\n circle_radius = 0.1\n circle_center = (0, 0, block_size[2] \/ 2)\n angles = np.linspace(0, 2 * np.pi, 8, endpoint=False)\n block_poses = [(circle_center[0] + circle_radius * np.cos(angle),\n circle_center[1] + circle_radius * np.sin(angle),\n circle_center[2]) for angle in angles]\n block_poses = [(utils.apply(sphere_pose, pos), sphere_pose[1]) for pos in block_poses]\n self.add_goal(objs=blocks, matches=np.ones((8, 8)), targ_poses=block_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=8 \/ 9)\n\n # Goal: sphere is in the center of the blocks.\n self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[sphere_pose], replace=False,\n rotations=False, metric='pose', params=None, step_max_reward=1 \/ 9)\n\n self.lang_goals.append(self.lang_template)\n``` \n END"} +{"prompt":" \"connect-boxes-with-rope\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"connect-boxes-with-rope\" in a python code block.\n###\n\n","completion":" \n connect-boxes-with-rope: {'task-name': 'connect-boxes-with-rope', 'task-description': 'Connect two colored blocks with ropes.', 'assets-used': ['block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport IPython\n\nclass ConnectBoxesWithRope(Task):\n \"\"\"Connect two colored blocks with ropes.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"connect the {color1} and {color2} blocks with the rope.\"\n self.task_completed_desc = \"done connecting.\"\n self.additional_reset()\n self.pos_eps = 0.04 # higher tolerance\n\n def reset(self, env):\n super().reset(env)\n colors = ['red', 'orange', 'yellow', 'green', 'blue', 'indigo', 'violet']\n blocks = []\n target_colors = np.random.choice(colors, 2, replace=False)\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n corner_poses = []\n\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n if color in target_colors:\n corner_poses.append(block_pose)\n\n dist = np.linalg.norm(np.array(corner_poses[0][0])-np.array(corner_poses[1][0])) \n n_parts = int(20 * dist \/ 0.4)\n\n # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks).\n objects, targets, matches = self.make_ropes(env, corners=(corner_poses[0][0], corner_poses[1][0]), n_parts=n_parts)\n self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False,\n rotations=False, metric='pose', params=None, step_max_reward=1.)\n self.lang_goals.append(self.lang_template.format(color1=target_colors[0], color2=target_colors[1]))\n\n # wait for the scene to settle down\n for i in range(600):\n p.stepSimulation()``` \n END"} +{"prompt":" \"build-car\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"build-car\" in a python code block.\n###\n\n","completion":" \n build-car: {'task-name': 'build-car', 'task-description': 'Construct a simple car structure using blocks and cylinders.', 'assets-used': ['block\/block.urdf', 'ball\/ball-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BuildCar(Task):\n \"\"\"Construct a simple car structure using blocks and cylinders.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"Construct a simple car structure using blocks and cylinders. \" \\\n \"Firstly, create the base of the car by positioning two red blocks side by side. \" \\\n \"Then, add the car body by stacking a blue block on top of the base. \" \\\n \"For the wheels, place a black cylinder on each side of the base blocks.\"\n self.task_completed_desc = \"done building car.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n car_pose = ((0.5, 0.0, 0.0), (0,0,0,1)) # fixed pose\n base_length = 0.04\n self.add_corner_anchor_for_pose(env, car_pose)\n\n # Add base blocks. Use box template so that we can change its size.\n base_size = (0.02, 0.04, 0.02)\n base_block_urdf = \"box\/box-template.urdf\"\n base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size})\n anchor_base_poses = [(utils.apply(car_pose, (base_length \/ 2, base_length \/ 2, 0.001)), car_pose[1]),\n (utils.apply(car_pose, (-base_length \/ 2, base_length \/ 2, 0.001)), car_pose[1])]\n base_blocks = []\n \n for idx in range(2):\n base_block_pose = self.get_random_pose(env, base_size)\n base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['red'])\n base_blocks.append(base_block_id)\n\n # Add car body block.\n body_size = (0.04, 0.02, 0.02) # x, y, z dimensions for the asset size\n body_block_urdf = \"box\/box-template.urdf\"\n body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size})\n body_block_pose = self.get_random_pose(env, body_size)\n body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue'])\n anchor_body_poses = [car_pose]\n\n wheel_length = 0.12\n anchor_wheel_poses = [(utils.apply(car_pose, ( wheel_length \/ 2, wheel_length \/ 2, 0.001)), car_pose[1]),\n (utils.apply(car_pose, (-wheel_length \/ 2, wheel_length \/ 2, 0.001)), car_pose[1]),\n (utils.apply(car_pose, ( wheel_length \/ 2, -wheel_length \/ 2, 0.001)), car_pose[1]),\n (utils.apply(car_pose, (-wheel_length \/ 2, -wheel_length \/ 2, 0.001)), car_pose[1])]\n\n # Add wheels.\n wheel_size = (0.02, 0.02, 0.02) # x, y, z dimensions for the asset size\n wheel_urdf = 'cylinder\/cylinder-template.urdf'\n wheel_urdf = self.fill_template(wheel_urdf, {'DIM': wheel_size})\n\n wheels = []\n for idx in range(4):\n wheel_pose = self.get_random_pose(env, wheel_size)\n wheel_id = env.add_object(wheel_urdf, wheel_pose, color=utils.COLORS['black'])\n wheels.append(wheel_id)\n\n # Goal: Firstly, create the base of the car by positioning two red blocks side by side.\n self.add_goal(objs=base_blocks,\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/3)\n self.lang_goals.append(\"Firstly, create the base of the car by positioning two red blocks side by side.\")\n\n # Then, add the car body by stacking a blue block on top of the base.\n self.add_goal(objs=[body_block_id],\n matches=np.ones((1, 1)),\n targ_poses=anchor_body_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/3)\n self.lang_goals.append(\"Then, add the car body by stacking a blue block on top of the base.\")\n\n # For the wheels, place a black cylinder on each side of the base blocks.\n self.add_goal(objs=wheels,\n matches=np.ones((4, 4)),\n targ_poses=anchor_wheel_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/3)\n self.lang_goals.append(\"For the wheels, place a black cylinder on each side of the base blocks.\")\n\n``` \n END"} +{"prompt":" \"manipulating-two-ropes\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"manipulating-two-ropes\" in a python code block.\n###\n\n","completion":" \n manipulating-two-ropes: {'task-name': 'manipulating-two-ropes', 'task-description': 'rearrange the red and blue deformable ropes such that it connects the two endpoints of a 3-sided square of corresponding color.', 'assets-used': ['square\/square-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\n\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\n\nclass ManipulatingTwoRopes(Task):\n \"\"\"rearrange the red and blue deformable ropes such that it connects the two endpoints of a 3-sided square of corresponding color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"rearrange the {color_name} rope such that it connects the two endpoints of a 3-sided square of corresponding color.\"\n self.task_completed_desc = \"done manipulating two ropes.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n n_parts = 20\n radius = 0.005\n length = 2 * radius * n_parts * np.sqrt(2)\n\n # Add 3-sided square for the red rope.\n color_list = ['red', 'blue']\n for color_name in color_list:\n square_size = (length, length, 0)\n square_pose = self.get_random_pose(env, square_size)\n square_template = 'square\/square-template.urdf'\n\n # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template`\n replace = {'DIM': (length,), 'HALF': (np.float32(length) \/ 2 - 0.005,)}\n urdf = self.fill_template(square_template, replace)\n env.add_object(urdf, square_pose, 'fixed', color=utils.COLORS[color_name])\n\n # compute corners\n corner0 = (length \/ 2, length \/ 2, 0.001)\n corner1 = (-length \/ 2, length \/ 2, 0.001)\n corner_0 = utils.apply(square_pose, corner0)\n corner_1 = utils.apply(square_pose, corner1)\n\n # IMPORTANT: use `make_ropes` to add cable (series of articulated small blocks).\n objects, targets, matches = self.make_ropes(env, corners=(corner_0, corner_1), color_name=color_name)\n self.add_goal(objs=objects, matches=matches, targ_poses=targets, replace=False,\n rotations=False, metric='pose', params=None, step_max_reward=1. \/ len(color_list))\n\n self.lang_goals.append(self.lang_template.format(color_name=color_name))\n\n print(f\"len of languages: {len(self.lang_goals)} obj:{len(objects)}\")\n for i in range(480):\n p.stepSimulation()\n``` \n END"} +{"prompt":" \"insert-sphere-into-container\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insert-sphere-into-container\" in a python code block.\n###\n\n","completion":" \n insert-sphere-into-container: {'task-name': 'insert-sphere-into-container', 'task-description': 'Pick up a blue sphere and place it into an open container.', 'assets-used': ['sphere\/sphere.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass InsertSphereIntoContainer(Task):\n \"\"\"Pick up a blue sphere and place it into an open container.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"pick up a blue sphere and place it into an open container\"\n self.task_completed_desc = \"done inserting sphere into container.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add container.\n # x, y, z dimensions for the asset size\n container_size = (0.1, 0.1, 0.1)\n container_pose = self.get_random_pose(env, container_size)\n container_template = 'container\/container-template.urdf'\n replace = {'DIM': container_size, 'HALF': (container_size[0] \/ 2, container_size[1] \/ 2, container_size[2] \/ 2)}\n # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template`\n container_urdf = self.fill_template(container_template, replace)\n container_id = env.add_object(container_urdf, container_pose, 'fixed')\n\n # Add sphere.\n # x, y, z dimensions for the asset size\n sphere_size = (0.04, 0.04, 0.04)\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_urdf = 'sphere\/sphere.urdf'\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS['blue'])\n\n # Goal: the blue sphere is in the container.\n self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"insert-cylinder-in-container\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insert-cylinder-in-container\" in a python code block.\n###\n\n","completion":" \n insert-cylinder-in-container: {'task-name': 'insert-cylinder-in-container', 'task-description': 'Pick up a blue cylindrical block and place it into an empty container.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass InsertSphereIntoContainer(Task):\n \"\"\"Pick up a blue sphere and place it into an open container.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"pick up a blue sphere and place it into an open container\"\n self.task_completed_desc = \"done inserting sphere into container.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add container.\n # x, y, z dimensions for the asset size\n container_size = (0.1, 0.1, 0.1)\n container_pose = self.get_random_pose(env, container_size)\n container_template = 'container\/container-template.urdf'\n replace = {'DIM': container_size, 'HALF': (container_size[0] \/ 2, container_size[1] \/ 2, container_size[2] \/ 2)}\n # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template`\n container_urdf = self.fill_template(container_template, replace)\n container_id = env.add_object(container_urdf, container_pose, 'fixed')\n\n # Add sphere.\n # x, y, z dimensions for the asset size\n sphere_size = (0.04, 0.04, 0.04)\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_urdf = 'sphere\/sphere.urdf'\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS['blue'])\n\n # Goal: the blue sphere is in the container.\n self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"build-bridge\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"build-bridge\" in a python code block.\n###\n\n","completion":" \n build-bridge: {'task-name': 'build-bridge', 'task-description': 'Construct a bridge using two yellow blocks and three blue blocks. Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. Then, place the blue block horizontally on top of the yellow blocks.', 'assets-used': ['block\/block.urdf', 'ball\/ball-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BuildBridge(Task):\n \"\"\"Construct a bridge using two yellow blocks and three blue blocks.\n Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.\n Then, place the blue block horizontally on top of the yellow blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"build a bridge using four yellow blocks and one long blue block\"\n self.task_completed_desc = \"done building bridge.\"\n\n def reset(self, env):\n super().reset(env)\n\n # Add yellow blocks.\n base_length = 0.04\n base_size = (base_length, base_length, base_length)\n base_block_urdf = \"box\/box-template.urdf\"\n bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose\n self.add_corner_anchor_for_pose(env, bridge_pose)\n\n base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size})\n anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length \/ 2, 0, 0.001)), bridge_pose[1]),\n (utils.apply(bridge_pose, ( 3 * base_length \/ 2, 0, 0.001)), bridge_pose[1]),\n (utils.apply(bridge_pose, (- 3 * base_length \/ 2, 0, 0.041)), bridge_pose[1]),\n (utils.apply(bridge_pose, ( 3 * base_length \/ 2, 0, 0.041)), bridge_pose[1])]\n base_blocks = []\n\n for idx in range(4):\n base_block_pose = self.get_random_pose(env, base_size)\n base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow'])\n base_blocks.append(base_block_id)\n\n # Add car body block.\n body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size\n body_block_urdf = \"box\/box-template.urdf\"\n body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size})\n body_block_pose = self.get_random_pose(env, body_size)\n body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue'])\n anchor_body_poses = [bridge_pose]\n\n # Goal: Firstly, create the base of the car by positioning two red blocks side by side.\n self.add_goal(objs=base_blocks[:2],\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/4)\n\n self.add_goal(objs=base_blocks[2:],\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/2)\n self.lang_goals.append(\"Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.\")\n\n # Then, add the car body by stacking a blue block on top of the base.\n self.add_goal(objs=[body_block_id],\n matches=np.ones((1, 1)),\n targ_poses=anchor_body_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/4)\n self.lang_goals.append(\"Then, place the blue block horizontally on top of the yellow blocks.\")\n``` \n END"} +{"prompt":" \"insert-ell-in-fixture\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insert-ell-in-fixture\" in a python code block.\n###\n\n","completion":" \n insert-ell-in-fixture: {'task-name': 'insert-ell-in-fixture', 'task-description': 'Pick up an Ell shaped block and insert it into a fixture on the tabletop.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BuildBridge(Task):\n \"\"\"Construct a bridge using two yellow blocks and three blue blocks.\n Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.\n Then, place the blue block horizontally on top of the yellow blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"build a bridge using four yellow blocks and one long blue block\"\n self.task_completed_desc = \"done building bridge.\"\n\n def reset(self, env):\n super().reset(env)\n\n # Add yellow blocks.\n base_length = 0.04\n base_size = (base_length, base_length, base_length)\n base_block_urdf = \"box\/box-template.urdf\"\n bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose\n self.add_corner_anchor_for_pose(env, bridge_pose)\n\n base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size})\n anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length \/ 2, 0, 0.001)), bridge_pose[1]),\n (utils.apply(bridge_pose, ( 3 * base_length \/ 2, 0, 0.001)), bridge_pose[1]),\n (utils.apply(bridge_pose, (- 3 * base_length \/ 2, 0, 0.041)), bridge_pose[1]),\n (utils.apply(bridge_pose, ( 3 * base_length \/ 2, 0, 0.041)), bridge_pose[1])]\n base_blocks = []\n\n for idx in range(4):\n base_block_pose = self.get_random_pose(env, base_size)\n base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow'])\n base_blocks.append(base_block_id)\n\n # Add car body block.\n body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size\n body_block_urdf = \"box\/box-template.urdf\"\n body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size})\n body_block_pose = self.get_random_pose(env, body_size)\n body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue'])\n anchor_body_poses = [bridge_pose]\n\n # Goal: Firstly, create the base of the car by positioning two red blocks side by side.\n self.add_goal(objs=base_blocks[:2],\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/4)\n\n self.add_goal(objs=base_blocks[2:],\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/2)\n self.lang_goals.append(\"Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.\")\n\n # Then, add the car body by stacking a blue block on top of the base.\n self.add_goal(objs=[body_block_id],\n matches=np.ones((1, 1)),\n targ_poses=anchor_body_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/4)\n self.lang_goals.append(\"Then, place the blue block horizontally on top of the yellow blocks.\")\n``` \n END"} +{"prompt":" \"build-block-tower-on-pallet\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"build-block-tower-on-pallet\" in a python code block.\n###\n\n","completion":" \n build-block-tower-on-pallet: {'task-name': 'build-block-tower-on-pallet', 'task-description': 'Pick up six blocks in two colors (three red and three blue) and stack them in alternating colors on the pallet. The tower should start with a red block at the bottom.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BuildBridge(Task):\n \"\"\"Construct a bridge using two yellow blocks and three blue blocks.\n Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.\n Then, place the blue block horizontally on top of the yellow blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"build a bridge using four yellow blocks and one long blue block\"\n self.task_completed_desc = \"done building bridge.\"\n\n def reset(self, env):\n super().reset(env)\n\n # Add yellow blocks.\n base_length = 0.04\n base_size = (base_length, base_length, base_length)\n base_block_urdf = \"box\/box-template.urdf\"\n bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose\n self.add_corner_anchor_for_pose(env, bridge_pose)\n\n base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size})\n anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length \/ 2, 0, 0.001)), bridge_pose[1]),\n (utils.apply(bridge_pose, ( 3 * base_length \/ 2, 0, 0.001)), bridge_pose[1]),\n (utils.apply(bridge_pose, (- 3 * base_length \/ 2, 0, 0.041)), bridge_pose[1]),\n (utils.apply(bridge_pose, ( 3 * base_length \/ 2, 0, 0.041)), bridge_pose[1])]\n base_blocks = []\n\n for idx in range(4):\n base_block_pose = self.get_random_pose(env, base_size)\n base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow'])\n base_blocks.append(base_block_id)\n\n # Add car body block.\n body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size\n body_block_urdf = \"box\/box-template.urdf\"\n body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size})\n body_block_pose = self.get_random_pose(env, body_size)\n body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue'])\n anchor_body_poses = [bridge_pose]\n\n # Goal: Firstly, create the base of the car by positioning two red blocks side by side.\n self.add_goal(objs=base_blocks[:2],\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/4)\n\n self.add_goal(objs=base_blocks[2:],\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/2)\n self.lang_goals.append(\"Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.\")\n\n # Then, add the car body by stacking a blue block on top of the base.\n self.add_goal(objs=[body_block_id],\n matches=np.ones((1, 1)),\n targ_poses=anchor_body_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/4)\n self.lang_goals.append(\"Then, place the blue block horizontally on top of the yellow blocks.\")\n``` \n END"} +{"prompt":" \"color-coordinated-tower\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-tower\" in a python code block.\n###\n\n","completion":" \n color-coordinated-tower: {'task-name': 'color-coordinated-tower', 'task-description': 'Pick up blocks of five different colors (red, blue, green, yellow, and orange) and stack them on a pallet in the specific sequence. The bottom of the tower should start with a red block followed by a blue, green, yellow and finally an orange block at the top.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BuildBridge(Task):\n \"\"\"Construct a bridge using two yellow blocks and three blue blocks.\n Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.\n Then, place the blue block horizontally on top of the yellow blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"build a bridge using four yellow blocks and one long blue block\"\n self.task_completed_desc = \"done building bridge.\"\n\n def reset(self, env):\n super().reset(env)\n\n # Add yellow blocks.\n base_length = 0.04\n base_size = (base_length, base_length, base_length)\n base_block_urdf = \"box\/box-template.urdf\"\n bridge_pose = ((0.5, 0.0, 0.0), (0, 0, 0, 1)) # fixed pose\n self.add_corner_anchor_for_pose(env, bridge_pose)\n\n base_block_urdf = self.fill_template(base_block_urdf, {'DIM': base_size})\n anchor_base_poses = [(utils.apply(bridge_pose, (- 3 * base_length \/ 2, 0, 0.001)), bridge_pose[1]),\n (utils.apply(bridge_pose, ( 3 * base_length \/ 2, 0, 0.001)), bridge_pose[1]),\n (utils.apply(bridge_pose, (- 3 * base_length \/ 2, 0, 0.041)), bridge_pose[1]),\n (utils.apply(bridge_pose, ( 3 * base_length \/ 2, 0, 0.041)), bridge_pose[1])]\n base_blocks = []\n\n for idx in range(4):\n base_block_pose = self.get_random_pose(env, base_size)\n base_block_id = env.add_object(base_block_urdf, base_block_pose, color=utils.COLORS['yellow'])\n base_blocks.append(base_block_id)\n\n # Add car body block.\n body_size = (0.12, 0.04, 0.02) # x, y, z dimensions for the asset size\n body_block_urdf = \"box\/box-template.urdf\"\n body_block_urdf = self.fill_template(body_block_urdf, {'DIM': body_size})\n body_block_pose = self.get_random_pose(env, body_size)\n body_block_id = env.add_object(body_block_urdf, body_block_pose, color=utils.COLORS['blue'])\n anchor_body_poses = [bridge_pose]\n\n # Goal: Firstly, create the base of the car by positioning two red blocks side by side.\n self.add_goal(objs=base_blocks[:2],\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/4)\n\n self.add_goal(objs=base_blocks[2:],\n matches=np.ones((2, 2)),\n targ_poses=anchor_base_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/2)\n self.lang_goals.append(\"Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between.\")\n\n # Then, add the car body by stacking a blue block on top of the base.\n self.add_goal(objs=[body_block_id],\n matches=np.ones((1, 1)),\n targ_poses=anchor_body_poses,\n replace=False,\n rotations=True,\n metric='pose',\n params=None,\n step_max_reward=1.\/4)\n self.lang_goals.append(\"Then, place the blue block horizontally on top of the yellow blocks.\")\n``` \n END"} +{"prompt":" \"stack-blocks-in-container\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"stack-blocks-in-container\" in a python code block.\n###\n\n","completion":" \n stack-blocks-in-container: {'task-name': 'stack-blocks-in-container', 'task-description': 'Pick up five blocks of different colors (red, blue, green, yellow, and orange) and stack them in a container in a specific sequence. The bottom of the stack should start with a red block followed by a blue, green, yellow and finally an orange block at the top.', 'assets-used': ['block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass StackBlocksInContainer(Task):\n \"\"\"Pick up five blocks of different colors (red, blue, green, yellow, and orange) \n and stack them in a container in a specific sequence. \n The bottom of the stack should start with a red block followed by a blue, \n green, yellow and finally an orange block at the top.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"stack the blocks in the container in the following order: {order}\"\n self.task_completed_desc = \"done stacking blocks in container.\"\n self.order = ['red', 'blue', 'green', 'yellow', 'orange']\n self.colors = [utils.COLORS[color] for color in self.order]\n\n def reset(self, env):\n super().reset(env)\n\n # Add container.\n container_size = (0.15, 0.15, 0.15) # x, y, z dimensions for the container size\n container_pose = self.get_random_pose(env, container_size)\n container_urdf = 'container\/container-template.urdf'\n replace = {'DIM': container_size, 'HALF': (container_size[0] \/ 2, container_size[1] \/ 2, container_size[2] \/ 2)}\n container_urdf = self.fill_template(container_urdf, replace)\n env.add_object(container_urdf, container_pose, 'fixed')\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in self.colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Goal: each block is stacked in the container in the specified order.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(blocks))\n \n self.lang_goals.append(self.lang_template.format(order=', '.join(self.order)))``` \n END"} +{"prompt":" \"insert-blocks-into-fixture\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insert-blocks-into-fixture\" in a python code block.\n###\n\n","completion":" \n insert-blocks-into-fixture: {'task-name': 'insert-blocks-into-fixture', 'task-description': 'Pick up four colored blocks (red, blue, green, and yellow) and insert them one-by-one into a fixture on the tabletop. The order of insertion starts with the red block, followed by the blue, green, and lastly the yellow block.', 'assets-used': ['block\/block.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass InsertBlocksIntoFixture(Task):\n \"\"\"Pick up four colored blocks (red, blue, green) and insert them one-by-one into a fixture on the tabletop. The order of insertion starts with the red block, followed by the blue, and green.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} block into the fixture\"\n self.task_completed_desc = \"done inserting blocks into fixture.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add fixture.\n # x, y, z dimensions for the asset size\n fixture_size = (0.15, 0.15, 0.05)\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_urdf = 'insertion\/fixture.urdf'\n env.add_object(fixture_urdf, fixture_pose, 'fixed')\n\n anchor_base_poses = [fixture_pose,\n (utils.apply(fixture_pose, (0.04, 0, 0.001)), fixture_pose[1]),\n (utils.apply(fixture_pose, (0, 0.04, 0.001)), fixture_pose[1])]\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = ['red', 'blue', 'green']\n blocks = []\n for color in block_colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Goal: each block is inserted into the fixture in the order of red, blue, green, yellow.\n for i, block in enumerate(blocks):\n self.add_goal(objs=[block], matches=np.ones((1, 1)), targ_poses=[anchor_base_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=block_colors[i]))\n``` \n END"} +{"prompt":" \"color-coordinated-block-tower\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-block-tower\" in a python code block.\n###\n\n","completion":" \n color-coordinated-block-tower: {'task-name': 'color-coordinated-block-tower', 'task-description': 'On a tabletop, there are fifteen blocks of three different colors (five red, five blue, and five green). The task is to pick up these blocks and stack them onto three different stands on the table, creating three different towers. Each stand should have a tower of the same color blocks with five blocks each. The blocks in each tower should be stacked in a way that the block on top is slightly displaced in relation to the block underneath, creating a spiral-like effect. The challenge lies in the color-based sorting, precise placement for achieving the spiral effect and careful stacking of the blocks to avoid toppling.', 'assets-used': ['block\/block.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedBlockTower(Task):\n \"\"\"Stack four blocks on a pallet in the following order from bottom to top: \n two blue blocks side by side, one red block centered on the blue blocks, \n and one green block on top of the red block.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"stack four blocks on a pallet in the following order from bottom to top: two blue blocks side by side, one red block centered on the blue blocks, and one green block on top of the red block.\"\n self.task_completed_desc = \"done stacking blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.015)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['red'], utils.COLORS['green']]\n blocks = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02), (0, 0, 0.06), (0, 0, 0.10)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: two blue blocks are placed side by side on the pallet.\n # Break the language prompt step-by-step\n self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(\"place two blue blocks side by side on the pallet\")\n\n # Goal: one red block is placed centered on the blue blocks.\n self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2])\n self.lang_goals.append(\"place one red block centered on the blue blocks\")\n\n # Goal: one green block is placed on top of the red block.\n self.add_goal(objs=blocks[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2])\n self.lang_goals.append(\"place one green block on top of the red block\")``` \n END"} +{"prompt":" \"color-structured-block-tower\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-structured-block-tower\" in a python code block.\n###\n\n","completion":" \n color-structured-block-tower: {'task-name': 'color-structured-block-tower', 'task-description': 'Construct a tower using six blocks: two red, two blue, and two green. The tower should be built in the order of a red block at the base, followed by a blue, then green, then red, blue and green at the top.', 'assets-used': ['block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorStructuredBlockTower(Task):\n \"\"\"Construct a tower using six blocks: two red, two blue, and two green. \n The tower should be built in the order of a red block at the base, \n followed by a blue, then green, then red, blue and green at the top.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"construct a tower using six blocks: two red, two blue, and two green. \" \\\n \"The tower should be built in the order of a red block at the base, \" \\\n \"followed by a blue, then green, then red, blue and green at the top.\"\n self.task_completed_desc = \"done building color-structured block tower.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define block colors and sizes\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']] * 2\n block_size = (0.04, 0.04, 0.04)\n\n # Add blocks\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Define target poses for the blocks in the tower\n base_pose = self.get_random_pose(env, block_size)\n targ_poses = [base_pose]\n for i in range(1, 6):\n targ_poses.append((np.array(base_pose[0]) + np.array([0, 0, i * block_size[2]]), base_pose[1]))\n\n # Add goals\n for i in range(6):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targ_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/6, symmetries=[np.pi\/2])\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"stack-color-coordinated-blocks\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"stack-color-coordinated-blocks\" in a python code block.\n###\n\n","completion":" \n stack-color-coordinated-blocks: {'task-name': 'stack-color-coordinated-blocks', 'task-description': 'Pick up six blocks of different colors (red, blue, green, yellow, orange, and purple) and stack them on a pallet in two separate stacks. The first stack should be red at the bottom, blue in the middle, and green at top. The second stack should be yellow at the bottom, orange in the middle, and purple at the top.', 'assets-used': ['box\/box-template.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass StackColorCoordinatedBlocks(Task):\n \"\"\"Pick up six blocks of different colors (red, blue, green, yellow, orange, and purple) \n and stack them on a pallet in two separate stacks. The first stack should be red at the bottom, \n blue in the middle, and green at top. The second stack should be yellow at the bottom, \n orange in the middle, and purple at the top.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"stack the blocks on the pallet in two separate stacks. \" \\\n \"The first stack should be red at the bottom, blue in the middle, \" \\\n \"and green at top. The second stack should be yellow at the bottom, \" \\\n \"orange in the middle, and purple at the top.\"\n self.task_completed_desc = \"done stacking color-coordinated blocks.\"\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.01)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Block colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['purple']\n ]\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'box\/box-template.urdf'\n blocks = []\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), \n (0, -0.05, 0.06), (0, 0, 0.06), (0, 0.05, 0.06)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked on the pallet in two separate stacks.\n # First stack: red at the bottom, blue in the middle, and green at top.\n self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n\n # Second stack: yellow at the bottom, orange in the middle, and purple at the top.\n self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"assemble-single-car\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"assemble-single-car\" in a python code block.\n###\n\n","completion":" \n assemble-single-car: {'task-name': 'assemble-single-car', 'task-description': 'Build a mini car using a large blue box as the body, a smaller red box on top as the roof, and two tiny green boxes on the sides as wheels.', 'assets-used': ['box\/box-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass AssembleSingleCar(Task):\n \"\"\"Assemble a mini car using a large blue box as the body, a smaller red box on top as the roof, and two tiny green boxes on the sides as wheels.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"build a mini car using a large blue box as the body, a smaller red box on top as the roof, and two tiny green boxes on the sides as wheels\"\n self.task_completed_desc = \"done assembling the car.\"\n\n def reset(self, env):\n super().reset(env)\n\n # Add car body (large blue box).\n body_size = (0.1, 0.05, 0.02) # x, y, z dimensions\n body_pose = self.get_random_pose(env, body_size)\n body_urdf = 'box\/box-template.urdf'\n body_color = utils.COLORS['blue']\n body_id = env.add_object(body_urdf, body_pose, color=body_color)\n\n # Add car roof (smaller red box).\n roof_size = (0.08, 0.04, 0.02) # x, y, z dimensions\n roof_pose = self.get_random_pose(env, roof_size)\n roof_urdf = 'box\/box-template.urdf'\n roof_color = utils.COLORS['red']\n roof_id = env.add_object(roof_urdf, roof_pose, color=roof_color)\n\n # Add car wheels (two tiny green boxes).\n wheel_size = (0.02, 0.02, 0.01) # x, y, z dimensions\n wheel_urdf = 'box\/box-template.urdf'\n wheel_color = utils.COLORS['green']\n wheel_ids = []\n \n for _ in range(2):\n wheel_pose = self.get_random_pose(env, wheel_size)\n wheel_id = env.add_object(wheel_urdf, wheel_pose, color=wheel_color)\n wheel_ids.append(wheel_id)\n\n # Goal: assemble the car by placing the roof on the body and the wheels on the sides.\n # The target poses are calculated based on the body pose.\n roof_targ_pose = (body_pose[0] + np.array([0, 0, body_size[2] + roof_size[2]\/2]), body_pose[1])\n wheel_targ_poses = [(body_pose[0] + np.array([0, body_size[1]\/2 + wheel_size[1]\/2, -body_size[2]\/2]), body_pose[1]),\n (body_pose[0] + np.array([0, -body_size[1]\/2 - wheel_size[1]\/2, -body_size[2]\/2]), body_pose[1])]\n\n # Add the goals.\n self.add_goal(objs=[roof_id], matches=np.ones((1, 1)), targ_poses=[roof_targ_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/3)\n self.add_goal(objs=wheel_ids, matches=np.ones((2, 2)), targ_poses=wheel_targ_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=2\/3)\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"sort-and-stack-clr-blocks\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sort-and-stack-clr-blocks\" in a python code block.\n###\n\n","completion":" \n sort-and-stack-clr-blocks: {'task-name': 'sort-and-stack-clr-blocks', 'task-description': 'Pick up four blocks of different colors (red, blue, green, yellow) and place them into separate corners of a pallet. After sorting, stack them in a specific sequence on top of the pallet. The bottom of the stack should start with a green block followed by a blue, then red, and finally a yellow block at the top.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass SortAndStackClrBlocks(Task):\n \"\"\"Pick up four blocks of different colors (red, blue, green, yellow) and place them into separate corners of a pallet. After sorting, stack them in a specific sequence on top of the pallet. The bottom of the stack should start with a green block followed by a blue, then red, and finally a yellow block at the top.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"sort and stack the blocks in the order of green, blue, red, and yellow\"\n self.task_completed_desc = \"done sorting and stacking blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.01)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Block colors.\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0.05, 0.05, 0.02), (-0.05, 0.05, 0.02), (-0.05, -0.05, 0.02), (0.05, -0.05, 0.02)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are sorted into separate corners of the pallet.\n self.add_goal(objs=blocks, matches=np.eye(4), targ_poses=targs, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=0.5, symmetries=[np.pi\/2]*4)\n self.lang_goals.append(self.lang_template)\n\n # Associate stacking locations for goals.\n stack_pos = [(0, 0, 0.02), (0, 0, 0.06), (0, 0, 0.10), (0, 0, 0.14)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in stack_pos]\n\n # Goal: blocks are stacked on top of the pallet in the order of green, blue, red, and yellow.\n self.add_goal(objs=blocks, matches=np.eye(4), targ_poses=targs, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=0.5, symmetries=[np.pi\/2]*4)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"create-pyramid-blocks-and-container\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"create-pyramid-blocks-and-container\" in a python code block.\n###\n\n","completion":" \n create-pyramid-blocks-and-container: {'task-name': 'create-pyramid-blocks-and-container', 'task-description': 'Create a pyramid structure using six blocks of three different colors (two red, two green, and two blue) inside a container. The first layer of the pyramid should consist of the two green and one blue block. The second layer should be the two red blocks, and the last block which is the top of the pyramid should be the remaining blue block.', 'assets-used': ['container\/container-template.urdf', 'block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass CreatePyramidBlocksAndContainer(Task):\n \"\"\"Create a pyramid structure using six blocks of three different colors (two red, two green, and two blue) inside a container.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"Create a pyramid structure using six blocks of three different colors (two red, two green, and two blue) inside a container.\"\n self.task_completed_desc = \"done creating pyramid.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add container.\n # x, y, z dimensions for the asset size\n container_size = (0.3, 0.3, 0.1)\n container_pose = self.get_random_pose(env, container_size)\n container_urdf = 'container\/container-template.urdf'\n replace = {'DIM': container_size, 'HALF': (container_size[0] \/ 2, container_size[1] \/ 2, container_size[2] \/ 2)}\n container_urdf = self.fill_template(container_urdf, replace)\n env.add_object(container_urdf, container_pose, 'fixed')\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['blue']]\n blocks = []\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, -0.025, 0.08), (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(container_pose, i), container_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a pyramid (bottom row: green, green, blue).\n self.add_goal(objs=blocks[2:5], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template.format(blocks=\"the green and blue blocks\",\n row=\"bottom\"))\n\n # Goal: blocks are stacked in a pyramid (middle row: red, red).\n self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(self.lang_template.format(blocks=\"the red blocks\",\n row=\"middle\"))\n\n # Goal: blocks are stacked in a pyramid (top row: blue).\n self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template.format(blocks=\"the blue block\",\n row=\"top\"))``` \n END"} +{"prompt":" \"Four-corner-pyramid-challenge\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"Four-corner-pyramid-challenge\" in a python code block.\n###\n\n","completion":" \n Four-corner-pyramid-challenge: {'task-name': 'Four-corner-pyramid-challenge', 'task-description': \"A tabletop is partitioned into four different zones using the 'zone\/zone.urdf' asset. In each zone, there are four blocks of different colors (red, blue, green, and yellow). The task is to construct a pyramid of blocks in each zone using the 'block\/block.urdf' asset such that the sequence of blocks from bottom to top is red, blue, green, and yellow. The task is challenging because it requires precise stack control and color recognition.\", 'assets-used': ['block\/block.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass FourCornerPyramidChallenge(Task):\n \"\"\"Construct a pyramid of blocks in each zone with a specific color sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"build a pyramid of blocks in each zone with the sequence red, blue, green, and yellow from bottom to top\"\n self.task_completed_desc = \"done building pyramids.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for _ in range(4):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed')\n zone_poses.append(zone_pose)\n\n # Block colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']\n ]\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(4):\n for _ in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(zone_pose, i), zone_pose[1]) for i in place_pos for zone_pose in zone_poses]\n\n # Goal: blocks are stacked in a pyramid in each zone.\n for i in range(4):\n self.add_goal(objs=blocks[i*4:(i+1)*4], matches=np.ones((4, 4)), targ_poses=targs[i*4:(i+1)*4], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2]*4)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"colorful-block-tower-on-cylinder-base\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"colorful-block-tower-on-cylinder-base\" in a python code block.\n###\n\n","completion":" \n colorful-block-tower-on-cylinder-base: {'task-name': 'colorful-block-tower-on-cylinder-base', 'task-description': 'Construct a tower using four blocks of different colors (red, blue, green, and yellow) on a placed cylindrical base at the corner of the tabletop. The sequence from bottom to top should be red, blue, green, and yellow.', 'assets-used': ['block\/block.urdf', 'corner\/corner-template.urdf', 'cylinder\/cylinder-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorfulBlockTowerOnCylinderBase(Task):\n \"\"\"Construct a tower using four blocks of different colors (red, blue, green, and yellow) on a placed cylindrical base at the corner of the tabletop. The sequence from bottom to top should be red, blue, green, and yellow.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"construct a tower using four blocks of different colors (red, blue, green, and yellow) on a placed cylindrical base at the corner of the tabletop. The sequence from bottom to top should be red, blue, green, and yellow.\"\n self.task_completed_desc = \"done building the tower.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add cylindrical base.\n # x, y, z dimensions for the asset size\n base_size = (0.05, 0.05, 0.05)\n base_urdf = 'cylinder\/cylinder-template.urdf'\n base_pose = self.get_random_pose(env, base_size)\n base_id = env.add_object(base_urdf, base_pose, 'fixed')\n\n # Block colors.\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n\n objs = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n objs.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, 0, 0.05), (0, 0, 0.09), (0, 0, 0.13), (0, 0, 0.17)]\n targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked on the cylindrical base in the order red, blue, green, yellow from bottom to top.\n for i in range(4):\n self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"align-cylinders-in-square\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"align-cylinders-in-square\" in a python code block.\n###\n\n","completion":" \n align-cylinders-in-square: {'task-name': 'align-cylinders-in-square', 'task-description': 'Arrange four cylinders of different colors (red, blue, green, yellow) on the corners of a square facing the center. The square is outlined by four zones of matching colors at each corner. The red cylinder should be placed at the red zone and facing the center of the square, and same for the remaining colors.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'zone\/zone.urdf', 'square\/square-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass AlignCylindersInSquare(Task):\n \"\"\"Arrange four cylinders of different colors (red, blue, green, yellow) \n on the corners of a square facing the center. The square is outlined by \n four zones of matching colors at each corner. The red cylinder should be \n placed at the red zone and facing the center of the square, and same for \n the remaining colors.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"arrange the {color} cylinder at the {color} corner of the square\"\n self.task_completed_desc = \"done arranging cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding zones\n colors = ['red', 'blue', 'green', 'yellow']\n zones = ['zone-red', 'zone-blue', 'zone-green', 'zone-yellow']\n\n # Add zones at the corners of a square\n zone_size = (0.05, 0.05, 0.005)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for i in range(4):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed')\n zone_poses.append(zone_pose)\n\n # Add cylinders of different colors\n cylinder_size = (0.02, 0.02, 0.08)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n color = utils.COLORS[colors[i]]\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color)\n cylinders.append(cylinder_id)\n\n # Goal: each cylinder is in a different zone of the same color\n for i in range(4):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"construct-corner-blocks\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"construct-corner-blocks\" in a python code block.\n###\n\n","completion":" \n construct-corner-blocks: {'task-name': 'construct-corner-blocks', 'task-description': 'Create a corner structure using four blocks. Two red blocks form the base, one on each side of the corner, followed by a green block that is positioned on the red blocks at the corner junction, and finally a blue block on top of the green one. The overall structure forms a 3-D corner.', 'assets-used': ['block\/block.urdf', 'corner\/corner-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ConstructCornerBlocks(Task):\n \"\"\"Create a corner structure using four blocks. Two red blocks form the base, one on each side of the corner, followed by a green block that is positioned on the red blocks at the corner junction, and finally a blue block on top of the green one. The overall structure forms a 3-D corner.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"Create a corner structure using four blocks. Two red blocks form the base, one on each side of the corner, followed by a green block that is positioned on the red blocks at the corner junction, and finally a blue block on top of the green one. The overall structure forms a 3-D corner.\"\n self.task_completed_desc = \"done constructing corner blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add corner.\n corner_size = (0.15, 0.15, 0.05)\n corner_urdf = 'corner\/corner-template.urdf'\n corner_pose = self.get_random_pose(env, corner_size)\n env.add_object(corner_urdf, corner_pose, 'fixed')\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']]\n blocks = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), (0, 0, 0.06), (0, 0, 0.10)]\n targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a corner (bottom row: two red blocks).\n self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*2)\n\n # Goal: blocks are stacked in a corner (middle row: one green block).\n self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*1)\n\n # Goal: blocks are stacked in a corner (top row: one blue block).\n self.add_goal(objs=blocks[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2]*1)``` \n END"} +{"prompt":" \"corner-sort-cylinders\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"corner-sort-cylinders\" in a python code block.\n###\n\n","completion":" \n corner-sort-cylinders: {'task-name': 'corner-sort-cylinders', 'task-description': 'Pick up cylinders of four different colors (red, blue, green, yellow) and place them into four corners accordingly marked on the tabletop. The corner is designed as a 2-block-size square where only one cylinder can fit. The task is challenging due to precise placement and the need for identifying the corners accurately.', 'assets-used': ['corner\/corner-template.urdf', 'cylinder\/cylinder-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass CornerSortCylinders(Task):\n \"\"\"Pick up cylinders of four different colors (red, blue, green, yellow) and place them into four corners accordingly marked on the tabletop.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} cylinder in the {color} corner\"\n self.task_completed_desc = \"done sorting cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add corners\n corner_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the asset size\n corner_template = 'corner\/corner-template.urdf'\n corner_poses = []\n for color in colors:\n replace = {'DIM': corner_size, 'HALF': (corner_size[0] \/ 2, corner_size[1] \/ 2, corner_size[2] \/ 2), 'COLOR': utils.COLORS[color]}\n corner_urdf = self.fill_template(corner_template, replace)\n corner_pose = self.get_random_pose(env, corner_size)\n env.add_object(corner_urdf, corner_pose, 'fixed')\n corner_poses.append(corner_pose)\n\n # Add cylinders\n cylinder_size = (0.02, 0.02, 0.06) # x, y, z dimensions for the asset size\n cylinder_template = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for color in colors:\n replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] \/ 2, cylinder_size[1] \/ 2, cylinder_size[2] \/ 2), 'COLOR': utils.COLORS[color]}\n cylinder_urdf = self.fill_template(cylinder_template, replace)\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose)\n cylinders.append(cylinder_id)\n\n # Add goals\n for i in range(len(cylinders)):\n self.add_goal(objs=[cylinders[i]], matches=np.int32([[1]]), targ_poses=[corner_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(cylinders))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"sorting-blocks-into-pallets\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sorting-blocks-into-pallets\" in a python code block.\n###\n\n","completion":" \n sorting-blocks-into-pallets: {'task-name': 'sorting-blocks-into-pallets', 'task-description': 'Pick up blocks of four different colors (red, blue, green, yellow) and place them into four separate pallets of matching color. The pallets are placed in a row and the blocks are scattered randomly on the table.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass SortingBlocksIntoPallets(Task):\n \"\"\"Pick up blocks of four different colors (red, blue, green, yellow) and place them into four separate pallets of matching color. The pallets are placed in a row and the blocks are scattered randomly on the table.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"put the {color} block into the {color} pallet\"\n self.task_completed_desc = \"done sorting blocks into pallets.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallets.\n # x, y, z dimensions for the asset size\n pallet_size = (0.12, 0.12, 0.02)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_poses = []\n pallet_colors = ['red', 'blue', 'green', 'yellow']\n for color in pallet_colors:\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed', color=utils.COLORS[color])\n pallet_poses.append(pallet_pose)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n for color in pallet_colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is in a different pallet of matching color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template.format(color=pallet_colors[i]))``` \n END"} +{"prompt":" \"sort-and-assemble-block-castle\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sort-and-assemble-block-castle\" in a python code block.\n###\n\n","completion":" \n sort-and-assemble-block-castle: {'task-name': 'sort-and-assemble-block-castle', 'task-description': 'On a tabletop, there are twelve blocks of three different colors (four red, four green, and four blue). The task involves sorting the blocks according to the color in three marked zones on the tabletop and subsequently constructing a castle in each zone. In each castle, the first layer should consist of the two blocks of the same color, followed by the second layer of one block and finally the last block on the top forming a castle-like structure. The challenge lies in the color-based sorting and careful assembly of the blocks to avoid toppling.', 'assets-used': ['block\/block.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass SortAndAssembleBlockCastle(Task):\n \"\"\"Sort blocks by color and assemble them into a castle-like structure.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 50\n self.lang_template = \"sort the blocks by color and assemble them into a castle\"\n self.task_completed_desc = \"done sorting and assembling.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for _ in range(3):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed')\n zone_poses.append(zone_pose)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']]\n blocks = []\n for color in block_colors:\n for _ in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Goal: each block is in a different zone based on color.\n for i in range(12):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 3)), targ_poses=zone_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/12)\n\n # Goal: blocks are stacked in a pyramid in each zone.\n for i in range(3):\n zone_blocks = blocks[i*4:(i+1)*4]\n place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02),\n (0, 0, 0.06), (0, 0, 0.10)]\n targs = [(utils.apply(zone_poses[i], pos), zone_poses[i][1]) for pos in place_pos]\n for j in range(4):\n self.add_goal(objs=[zone_blocks[j]], matches=np.ones((1, 1)), targ_poses=[targs[j]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/12)\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"vertical-insertion-blocks\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"vertical-insertion-blocks\" in a python code block.\n###\n\n","completion":" \n vertical-insertion-blocks: {'task-name': 'vertical-insertion-blocks', 'task-description': 'The task involves picking up four color specific blocks (red, blue, green, and yellow) and inserting each block into four differently colored stands set upright on the tabletop. The block-colored with red needs to be inserted into the red-colored stand, and the same sequence is maintained for each colored blocks and stands. This task is challenging due to the requirement for precise insertion and the manipulation of vertical objects.', 'assets-used': ['stacking\/block.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass VerticalInsertionBlocks(Task):\n \"\"\"Pick up four color specific blocks and insert each block into four differently colored stands set upright on the tabletop.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} block into the {color} stand\"\n self.task_completed_desc = \"done inserting blocks into stands.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for blocks and stands\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add stands.\n # x, y, z dimensions for the asset size\n stand_size = (0.04, 0.04, 0.1)\n stand_urdf = 'stacking\/stand.urdf'\n stands = []\n for color in colors:\n stand_pose = self.get_random_pose(env, stand_size)\n stand_id = env.add_object(stand_urdf, stand_pose, color=utils.COLORS[color], category='fixed')\n stands.append(stand_id)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n blocks = []\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is inserted into the stand of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(stands[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-sphere-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-sphere-insertion\" in a python code block.\n###\n\n","completion":" \n color-coordinated-sphere-insertion: {'task-name': 'color-coordinated-sphere-insertion', 'task-description': 'There are four spheres and four boxes of different colors (red, blue, green, and yellow). Each sphere is inside a box, but not corresponding to the color of the box. The task is to pick up each sphere and place it in the box of the same color. The challenge lies in the precise placement and color matching.', 'assets-used': ['sphere\/sphere.urdf', 'box\/box-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedSphereInsertion(Task):\n \"\"\"Insert each sphere into the bowl of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert each sphere into the bowl of the same color\"\n self.task_completed_desc = \"done inserting spheres into bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding names\n colors = ['red', 'blue', 'green', 'yellow']\n color_values = [utils.COLORS[color] for color in colors]\n\n # Add bowls.\n # x, y, z dimensions for the asset size\n bowl_size = (0.12, 0.12, 0.02)\n bowl_urdf = 'bowl\/bowl.urdf'\n bowl_poses = []\n for i in range(4):\n bowl_pose = self.get_random_pose(env, bowl_size)\n env.add_object(bowl_urdf, bowl_pose, 'fixed', color=color_values[i])\n bowl_poses.append(bowl_pose)\n\n # Add spheres.\n # x, y, z dimensions for the asset size\n sphere_size = (0.04, 0.04, 0.04)\n sphere_template = 'sphere\/sphere-template.urdf'\n spheres = []\n for i in range(4):\n sphere_pose = self.get_random_pose(env, sphere_size)\n replace = {'DIM': sphere_size, 'HALF': (sphere_size[0] \/ 2, sphere_size[1] \/ 2, sphere_size[2] \/ 2)}\n sphere_urdf = self.fill_template(sphere_template, replace)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=color_values[i])\n spheres.append(sphere_id)\n\n # Goal: each sphere is in a bowl of the same color.\n for i in range(4):\n self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[bowl_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(f\"insert the {colors[i]} sphere into the {colors[i]} bowl\")``` \n END"} +{"prompt":" \"block-pyramid-with-limited-space\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"block-pyramid-with-limited-space\" in a python code block.\n###\n\n","completion":" \n block-pyramid-with-limited-space: {'task-name': 'block-pyramid-with-limited-space', 'task-description': 'On a tabletop, there are twelve blocks of four different colors (three red, three green, three blue, three yellow). Three zones are defined, each with a triangle-shaped border that is marked. The task involves sorting the blocks according to the color into three zones on the tabletop and constructing a pyramid in each zone. In each pyramid, the base should contain two blocks of the same color, followed by the second layer of one block, thus forming a pyramid-like structure. However, the third yellow block should be placed in the center of the zones forming a smaller pyramid. The challenge lies in the color-based sorting, careful assembly of the blocks to avoid topple, and limited space in the zones which adds to the complexity.', 'assets-used': ['block\/block.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BlockPyramidWithLimitedSpace(Task):\n \"\"\"Sort blocks according to color into three zones on the tabletop and construct a pyramid in each zone.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 50\n self.lang_template = \"sort the blocks according to color into three zones and construct a pyramid in each zone\"\n self.task_completed_desc = \"done sorting and constructing pyramids.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for _ in range(3):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed')\n zone_poses.append(zone_pose)\n\n # Block colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['yellow']\n ]\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in colors:\n for _ in range(3):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(zone_pose, i), zone_pose[1]) for zone_pose in zone_poses for i in place_pos]\n\n # Goal: blocks are sorted and stacked in a pyramid in each zone.\n for i in range(3):\n self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"build-cylinder-structure\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"build-cylinder-structure\" in a python code block.\n###\n\n","completion":" \n build-cylinder-structure: {'task-name': 'build-cylinder-structure', 'task-description': \"Using four colored cylinders (red, blue, green, yellow), construct a structure atop a square base. The red and blue cylinders should be sealed by the square base side by side, while the green cylinder should be on top of the blue one, and the yellow one on top of the red. The final look should resemble the letter 'H'.\", 'assets-used': ['cylinder\/cylinder-template.urdf', 'square\/square-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass BuildCylinderStructure(Task):\n \"\"\"Construct a structure using four colored cylinders (red, blue, green, yellow) on a square base.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 5\n self.lang_template = \"construct a structure using four colored cylinders on a square base\"\n self.task_completed_desc = \"done building the cylinder structure.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add square base.\n # x, y, z dimensions for the asset size\n base_size = (0.15, 0.15, 0.005)\n base_urdf = 'square\/square-template.urdf'\n base_pose = self.get_random_pose(env, base_size)\n env.add_object(base_urdf, base_pose, category='fixed')\n\n # Cylinder colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']\n ]\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.04, 0.04, 0.08)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n\n objs = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i])\n objs.append(cylinder_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.04), (0, 0.05, 0.04),\n (0, 0.05, 0.12), (0, -0.05, 0.12)]\n targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos]\n\n # Goal: red and blue cylinders are placed side by side on the base.\n self.add_goal(objs=objs[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(\"place the red and blue cylinders side by side on the base\")\n\n # Goal: green cylinder is placed on top of the blue cylinder.\n self.add_goal(objs=[objs[2]], matches=np.ones((1, 1)), targ_poses=[targs[2]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2])\n self.lang_goals.append(\"place the green cylinder on top of the blue cylinder\")\n\n # Goal: yellow cylinder is placed on top of the red cylinder.\n self.add_goal(objs=[objs[3]], matches=np.ones((1, 1)), targ_poses=[targs[3]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2])\n self.lang_goals.append(\"place the yellow cylinder on top of the red cylinder\")``` \n END"} +{"prompt":" \"insert-blocks-lineup\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insert-blocks-lineup\" in a python code block.\n###\n\n","completion":" \n insert-blocks-lineup: {'task-name': 'insert-blocks-lineup', 'task-description': 'On the tabletop, there are four different color blocks (red, blue, green, and yellow), and four fixtures in corresponding colors. The task is to pick up each block and insert it into the corresponding color fixture. However, the fixtures are arranged in a straight line, with a line of small blocks serving as barrier between the fixtures and the colored blocks initially scattered on the table, providing a challenge in precise navigation and placement.', 'assets-used': ['block\/block.urdf', 'insertion\/fixture.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass InsertBlocksLineup(Task):\n \"\"\"Pick up four different color blocks and insert them into the corresponding color fixtures.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} block into the {color} fixture\"\n self.task_completed_desc = \"done inserting blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for blocks and fixtures\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add fixtures.\n fixture_size = (0.04, 0.04, 0.04)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixture_poses = []\n for i in range(4):\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed')\n fixture_poses.append((fixture_pose, fixture_id))\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i]])\n blocks.append(block_id)\n\n # Add small blocks as barriers.\n small_block_size = (0.02, 0.02, 0.02)\n small_block_urdf = 'block\/small.urdf'\n for _ in range(10):\n small_block_pose = self.get_random_pose(env, small_block_size)\n env.add_object(small_block_urdf, small_block_pose)\n\n # Goal: each block is in the corresponding color fixture.\n for i in range(4):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i][0]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-specific-container-fill\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-specific-container-fill\" in a python code block.\n###\n\n","completion":" \n color-specific-container-fill: {'task-name': 'color-specific-container-fill', 'task-description': 'Arrange four colored blocks (red, blue, green, and yellow) around a pallet. Then, pick up these blocks and place them inside a container marked in the same color. The task requires precise placement, color matching, and an understanding of spatial structures.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorSpecificContainerFill(Task):\n \"\"\"Arrange four colored blocks (red, blue, green, and yellow) around a pallet. \n Then, pick up these blocks and place them inside a container marked in the same color. \n The task requires precise placement, color matching, and an understanding of spatial structures.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"put the {color} block in the {color} container\"\n self.task_completed_desc = \"done arranging blocks in containers.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.01)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Define block and container colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add blocks and containers.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n container_size = (0.12, 0.12, 0.05)\n container_template = 'container\/container-template.urdf'\n blocks = []\n containers = []\n for color in colors:\n # Add block.\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Add container.\n container_pose = self.get_random_pose(env, container_size)\n replace = {'DIM': container_size, 'HALF': (container_size[0] \/ 2, container_size[1] \/ 2, container_size[2] \/ 2)}\n container_urdf = self.fill_template(container_template, replace)\n container_id = env.add_object(container_urdf, container_pose, 'fixed', color=utils.COLORS[color])\n containers.append(container_id)\n\n # Goal: each block is in a container of the same color.\n for i in range(len(colors)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(colors))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"multicolor-block-bridge\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"multicolor-block-bridge\" in a python code block.\n###\n\n","completion":" \n multicolor-block-bridge: {'task-name': 'multicolor-block-bridge', 'task-description': 'Build a bridge by stacking three red, three blue, and three green blocks on a pallet. Arrange in a sequence from left to right: red, blue, and green. Then, place three cylinders of corresponding colors on top of the stacked blocks, forming a bridge. The cylinders should roll from the top block to the pallet, creating a challenge of precision and control.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf', 'cylinder\/cylinder-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass MulticolorBlockBridge(Task):\n \"\"\"Build a bridge by stacking three red, three blue, and three green blocks on a pallet. \n Arrange in a sequence from left to right: red, blue, and green. \n Then, place three cylinders of corresponding colors on top of the stacked blocks, forming a bridge. \n The cylinders should roll from the top block to the pallet, creating a challenge of precision and control.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"Build a bridge by stacking three red, three blue, and three green blocks on a pallet. Arrange in a sequence from left to right: red, blue, and green. Then, place three cylinders of corresponding colors on top of the stacked blocks, forming a bridge.\"\n self.task_completed_desc = \"done building the bridge.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.01)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']]\n blocks = []\n for i in range(9): # 3 blocks of each color\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i \/\/ 3])\n blocks.append(block_id)\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_template = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for i in range(3): # 1 cylinder of each color\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] \/ 2, cylinder_size[1] \/ 2, cylinder_size[2] \/ 2)}\n cylinder_urdf = self.fill_template(cylinder_template, replace)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=block_colors[i])\n cylinders.append(cylinder_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked on the pallet in the order red, blue, green.\n for i in range(9):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i \/\/ 3]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 9, symmetries=[np.pi\/2])\n\n # Goal: cylinders are placed on top of the stacked blocks.\n for i in range(3):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2])\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"pyramid-blocks-assemble\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"pyramid-blocks-assemble\" in a python code block.\n###\n\n","completion":" \n pyramid-blocks-assemble: {'task-name': 'pyramid-blocks-assemble', 'task-description': 'Construct a pyramid using nine blocks in a specific color order on a pallet. The bottom layer should contain five blocks: red, blue, green, yellow, and orange (in that order from left to right). The middle layer should consist of three blocks: yellow, red, and blue (from left to right). The top layer should contain a single green block. The pyramid requires careful placement and color matching.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass PyramidBlocksAssemble(Task):\n \"\"\"Construct a pyramid using nine blocks in a specific color order on a pallet.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"construct a pyramid using nine blocks in a specific color order on a pallet\"\n self.task_completed_desc = \"done constructing pyramid.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.35, 0.35, 0.01)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Block colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow'], utils.COLORS['orange']\n ]\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for _ in range(9):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose)\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [\n (-0.1, -0.1, 0.02), (0, -0.1, 0.02), (0.1, -0.1, 0.02), (-0.1, 0, 0.02), (0.1, 0, 0.02),\n (-0.05, 0.05, 0.06), (0.05, 0.05, 0.06), (0, 0.1, 0.06),\n (0, 0.05, 0.1)\n ]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a pyramid in a specific color order.\n for i in range(9):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 9)\n self.lang_goals.append(self.lang_template.format(blocks=\"the blocks\",\n row=\"row\"))``` \n END"} +{"prompt":" \"triangle-block-arrangement\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"triangle-block-arrangement\" in a python code block.\n###\n\n","completion":" \n triangle-block-arrangement: {'task-name': 'triangle-block-arrangement', 'task-description': 'Arrange blocks of three different colors (red, green, and blue) in a triangular layout on the tabletop. The base of the triangle should consist of three red blocks, followed by a row of two green blocks, and finally a single blue block at the top of the triangle. The task is challenging due to the need for precise placement and color coordination.', 'assets-used': ['block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass TriangleBlockArrangement(Task):\n \"\"\"Arrange blocks of three different colors (red, green, and blue) in a triangular layout on the tabletop.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 6\n self.lang_template = \"Arrange blocks of three different colors (red, green, and blue) in a triangular layout on the tabletop.\"\n self.task_completed_desc = \"done arranging blocks in a triangle.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n colors = [utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue']]\n blocks = []\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i\/\/2])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.02), (0, 0, 0.02),\n (0, 0.05, 0.02), (0, -0.025, 0.06),\n (0, 0.025, 0.06), (0, 0, 0.10)]\n base_pose = self.get_random_pose(env, block_size)\n targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a triangle (bottom row: red, middle row: green, top row: blue).\n self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(\"Arrange the red blocks in a row at the base of the triangle.\")\n\n self.add_goal(objs=blocks[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(\"Arrange the green blocks in a row above the red blocks.\")\n\n self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 6, symmetries=[np.pi\/2])\n self.lang_goals.append(\"Place the blue block at the top of the triangle.\")``` \n END"} +{"prompt":" \"place-ball-in-elevated-bowl\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"place-ball-in-elevated-bowl\" in a python code block.\n###\n\n","completion":" \n place-ball-in-elevated-bowl: {'task-name': 'place-ball-in-elevated-bowl', 'task-description': 'The primary objective of the task is to pick up a red ball and carefully place it into a bowl, which is positioned on a raised platform that is surrounded by small blocks. The challenge lies in precise navigation, maintaining a hold of the ball, and avoiding the surrounding blocks.', 'assets-used': ['ball\/ball-template.urdf', 'bowl\/bowl.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass PlaceBallInElevatedBowl(Task):\n \"\"\"Pick up a red ball and carefully place it into a bowl, which is positioned on a raised platform that is surrounded by small blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"place the red ball in the elevated bowl\"\n self.task_completed_desc = \"done placing ball in bowl.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add elevated platform.\n platform_size = (0.3, 0.3, 0.05)\n platform_urdf = 'platform\/platform.urdf'\n platform_pose = self.get_random_pose(env, platform_size)\n env.add_object(platform_urdf, platform_pose, 'fixed')\n\n # Add bowl on the platform.\n bowl_size = (0.12, 0.12, 0)\n bowl_urdf = 'bowl\/bowl.urdf'\n bowl_pose = self.get_random_pose(env, bowl_size)\n bowl_pose[0][2] += platform_size[2] # place the bowl on top of the platform\n bowl_id = env.add_object(bowl_urdf, bowl_pose, 'fixed')\n\n # Add red ball.\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS['red'])\n\n # Add small blocks around the platform.\n block_size = (0.02, 0.02, 0.02)\n block_urdf = 'block\/small.urdf'\n for _ in range(5):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose)\n\n # Goal: the red ball is in the bowl.\n self.add_goal(objs=[ball_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"align-balls-in-colored-zones\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"align-balls-in-colored-zones\" in a python code block.\n###\n\n","completion":" \n align-balls-in-colored-zones: {'task-name': 'align-balls-in-colored-zones', 'task-description': 'There are six balls of different colors (red, blue, green, yellow, orange, and purple) and six zones correspondingly colored. The task is to pick up each ball and place it in the zone of the same color, arranging the balls in a straight line. The challenge lies in the precise placement and color matching.', 'assets-used': ['ball\/ball-template.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass AlignBallsInColoredZones(Task):\n \"\"\"Align balls of different colors in correspondingly colored zones.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ball in the {color} zone\"\n self.task_completed_desc = \"done aligning balls in colored zones.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for balls and zones\n colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple']\n color_names = ['Red', 'Blue', 'Green', 'Yellow', 'Orange', 'Purple']\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for i in range(6):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]])\n zone_poses.append(zone_pose)\n\n # Add balls.\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n balls = []\n for i in range(6):\n ball_pose = self.get_random_pose(env, ball_size)\n replace = {'DIM': ball_size, 'HALF': (ball_size[0] \/ 2, ball_size[1] \/ 2, ball_size[2] \/ 2), 'COLOR': colors[i]}\n ball_urdf = self.fill_template(ball_urdf, replace)\n ball_id = env.add_object(ball_urdf, ball_pose)\n balls.append(ball_id)\n\n # Goal: each ball is in a different colored zone.\n for i in range(6):\n self.add_goal(objs=[balls[i]], matches=np.int32([[1]]), targ_poses=[zone_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 6)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"color-coordinated-cylinder-tower\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-tower\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-tower: {'task-name': 'color-coordinated-cylinder-tower', 'task-description': 'Stack cylinders of four different colors (red, blue, green, yellow) on top of each other on a square stand in a specific sequence. The bottom of the stack should start with a blue cylinder, follow by a green cylinder, then a red one, and finally a yellow cylinder at the top. Each cylinder has to be aligned correctly to avoid falling.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedCylinderTower(Task):\n \"\"\"Stack cylinders of four different colors (red, blue, green, yellow) on top of each other on a square stand in a specific sequence. The bottom of the stack should start with a blue cylinder, follow by a green cylinder, then a red one, and finally a yellow cylinder at the top. Each cylinder has to be aligned correctly to avoid falling.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"Stack cylinders of four different colors (red, blue, green, yellow) on top of each other on a square stand in a specific sequence. The bottom of the stack should start with a blue cylinder, follow by a green cylinder, then a red one, and finally a yellow cylinder at the top.\"\n self.task_completed_desc = \"done stacking cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add base.\n base_size = (0.05, 0.15, 0.005)\n base_urdf = 'stacking\/stand.urdf'\n base_pose = self.get_random_pose(env, base_size)\n env.add_object(base_urdf, base_pose, category='fixed')\n\n # Cylinder colors.\n colors = [utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['red'], utils.COLORS['yellow']]\n\n # Add cylinders.\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n\n objs = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i])\n objs.append(cylinder_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, 0, 0.03), (0, 0, 0.08), (0, 0, 0.13), (0, 0, 0.18)]\n targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos]\n\n # Goal: cylinders are stacked in a tower (bottom to top: blue, green, red, yellow).\n for i in range(4):\n self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"symmetric-block-bridge-construction\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"symmetric-block-bridge-construction\" in a python code block.\n###\n\n","completion":" \n symmetric-block-bridge-construction: {'task-name': 'symmetric-block-bridge-construction', 'task-description': 'Create a symmetrical bridge-shaped structure on a stand using eight blocks of two different colors (four red and four blue). Start by placing two red blocks side by side at the center of the stand to form the base of the bridge. Then, take a blue block and place it on top of the red blocks, followed by another red block on top of the blue one, and this pattern continues till you exhaust all the blocks. The final structure should be a bridge with alternating colors (red, blue, red, blue). The challenge lies in ensuring symmetry and balancing the blocks without making them fall.', 'assets-used': ['stacking\/stand.urdf', 'block\/block-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass SymmetricBlockBridgeConstruction(Task):\n \"\"\"Create a symmetrical bridge-shaped structure on a stand using eight blocks of two different colors (four red and four blue).\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"create a symmetrical bridge-shaped structure on a stand using eight blocks of two different colors (four red and four blue)\"\n self.task_completed_desc = \"done building the bridge.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add base.\n base_size = (0.05, 0.15, 0.005)\n base_urdf = 'stacking\/stand.urdf'\n base_pose = self.get_random_pose(env, base_size)\n env.add_object(base_urdf, base_pose, category='fixed')\n\n # Block colors.\n colors = [utils.COLORS['red'], utils.COLORS['blue']]\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n\n objs = []\n for i in range(8):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i%2])\n objs.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13),\n (0, -0.025, 0.18), (0, 0.025, 0.18)]\n targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a bridge (bottom row: red, red).\n self.add_goal(objs=objs[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(self.lang_template)\n\n # Goal: blocks are stacked in a bridge (second row: blue).\n self.add_goal(objs=objs[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)\n\n # Goal: blocks are stacked in a bridge (third row: red).\n self.add_goal(objs=objs[3:4], matches=np.ones((1, 1)), targ_poses=targs[3:4], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)\n\n # Goal: blocks are stacked in a bridge (fourth row: blue).\n self.add_goal(objs=objs[4:5], matches=np.ones((1, 1)), targ_poses=targs[4:5], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)\n\n # Goal: blocks are stacked in a bridge (fifth row: red).\n self.add_goal(objs=objs[5:6], matches=np.ones((1, 1)), targ_poses=targs[5:6], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)\n\n # Goal: blocks are stacked in a bridge (sixth row: blue).\n self.add_goal(objs=objs[6:7], matches=np.ones((1, 1)), targ_poses=targs[6:7], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)\n\n # Goal: blocks are stacked in a bridge (top row: red, red).\n self.add_goal(objs=objs[7:], matches=np.ones((1, 1)), targ_poses=targs[7:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"sphere-align-stand\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sphere-align-stand\" in a python code block.\n###\n\n","completion":" \n sphere-align-stand: {'task-name': 'sphere-align-stand', 'task-description': 'On a table there are five differently colored stands and five spheres. The task involves picking up each sphere and placing it on the stand of the matching color. The task is challenging due to the precision required in picking up and placing the spheres, and the color coordination.', 'assets-used': ['stacking\/stand.urdf', 'sphere\/sphere.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass SphereAlignStand(Task):\n \"\"\"Pick up each sphere and place it on the stand of the matching color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 5\n self.lang_template = \"place the {color} sphere on the {color} stand\"\n self.task_completed_desc = \"done aligning spheres with stands.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for the spheres and stands\n colors = ['red', 'green', 'blue', 'yellow', 'purple']\n color_names = ['red', 'green', 'blue', 'yellow', 'purple']\n\n # Add stands.\n # x, y, z dimensions for the asset size\n stand_size = (0.05, 0.05, 0.05)\n stand_urdf = 'stacking\/stand.urdf'\n stand_poses = []\n for i in range(5):\n stand_pose = self.get_random_pose(env, stand_size)\n env.add_object(stand_urdf, stand_pose, 'fixed', color=utils.COLORS[colors[i]])\n stand_poses.append(stand_pose)\n\n # Add spheres.\n # x, y, z dimensions for the asset size\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere.urdf'\n spheres = []\n for i in range(5):\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[colors[i]])\n spheres.append(sphere_id)\n\n # Goal: each sphere is on the stand of the matching color.\n for i in range(5):\n self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[stand_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/5)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"construct-colorful-arch\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"construct-colorful-arch\" in a python code block.\n###\n\n","completion":" \n construct-colorful-arch: {'task-name': 'construct-colorful-arch', 'task-description': 'Construct an arch using six blocks: three red, and three blue. Place two red blocks on the tabletop parallel to each other, then place a blue block on top of the red blocks to form a basic arch. Repeat the process by placing a red block on each side of the base arch and bridge them with the last blue block. Finally, place the last two red blocks on top of the second layer of the red blocks, on either side. The overall structure forms a colorful 3D arch.', 'assets-used': ['block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ConstructColorfulArch(Task):\n \"\"\"Construct an arch using six blocks: three red, and three blue.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"Construct an arch using six blocks: three red, and three blue.\"\n self.task_completed_desc = \"done constructing colorful arch.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n colors = [utils.COLORS['red'], utils.COLORS['blue']]\n blocks = []\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n color = colors[i \/\/ 3] # First three blocks are red, last three are blue\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), # Base layer\n (0, 0, 0.06), # Second layer\n (0, -0.05, 0.10), (0, 0.05, 0.10), # Third layer\n (0, 0, 0.14)] # Top layer\n targs = [(utils.apply(block_pose, i), block_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in an arch (bottom layer: red, red).\n self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(\"Place two red blocks on the tabletop parallel to each other\")\n\n # Goal: blocks are stacked in an arch (second layer: blue).\n self.add_goal(objs=blocks[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2])\n self.lang_goals.append(\"Place a blue block on top of the red blocks to form a basic arch\")\n\n # Goal: blocks are stacked in an arch (third layer: red, red).\n self.add_goal(objs=blocks[3:5], matches=np.ones((2, 2)), targ_poses=targs[3:5], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(\"Place a red block on each side of the base arch\")\n\n # Goal: blocks are stacked in an arch (top layer: blue).\n self.add_goal(objs=blocks[5:], matches=np.ones((1, 1)), targ_poses=targs[5:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2])\n self.lang_goals.append(\"Bridge them with the last blue block\")``` \n END"} +{"prompt":" \"color-sorted-container-stack\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-sorted-container-stack\" in a python code block.\n###\n\n","completion":" \n color-sorted-container-stack: {'task-name': 'color-sorted-container-stack', 'task-description': 'The challenge is to stack four differently colored blocks (red, blue, green, yellow) inside a container. These blocks are initially placed inside two separate bowls. The red and blue blocks are in one bowl, the yellow and green blocks are in another. The robot has to pick up the blocks from the two bowls and stack them inside the container in the specific order: red, blue, green, then yellow.', 'assets-used': ['bowl\/bowl.urdf', 'container\/container-template.urdf', 'block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorSortedContainerStack(Task):\n \"\"\"Stack four differently colored blocks (red, blue, green, yellow) inside a container.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"stack the blocks in the container in the order: red, blue, green, then yellow\"\n self.task_completed_desc = \"done stacking blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add container.\n # x, y, z dimensions for the asset size\n container_size = (0.15, 0.15, 0.15)\n container_pose = self.get_random_pose(env, container_size)\n container_urdf = 'container\/container-template.urdf'\n replace = {'DIM': container_size, 'HALF': (container_size[0] \/ 2, container_size[1] \/ 2, container_size[2] \/ 2)}\n container_urdf = self.fill_template(container_urdf, replace)\n env.add_object(container_urdf, container_pose, 'fixed')\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n blocks = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i])\n blocks.append(block_id)\n\n # Add bowls.\n # x, y, z dimensions for the asset size\n bowl_size = (0.12, 0.12, 0)\n bowl_urdf = 'bowl\/bowl.urdf'\n for i in range(2):\n bowl_pose = self.get_random_pose(env, bowl_size)\n env.add_object(bowl_urdf, bowl_pose, 'fixed')\n\n # Goal: each block is stacked in the container in the order: red, blue, green, yellow.\n for i in range(4):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"align-spheres-in-colored-zones\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"align-spheres-in-colored-zones\" in a python code block.\n###\n\n","completion":" \n align-spheres-in-colored-zones: {'task-name': 'align-spheres-in-colored-zones', 'task-description': 'There are four spheres of different colors (red, blue, green, yellow) positioned randomly on the table along with four zones marked with matching colors. The task is to pick up each sphere and place it into the matching colored zone with precise placement.', 'assets-used': ['sphere\/sphere-template.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass AlignSpheresInColoredZones(Task):\n \"\"\"Align spheres of different colors in the matching colored zones.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} sphere in the {color} zone\"\n self.task_completed_desc = \"done aligning spheres in colored zones.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors\n colors = ['red', 'blue', 'green', 'yellow']\n color_names = ['red', 'blue', 'green', 'yellow']\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for color in colors:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zone_poses.append(zone_pose)\n\n # Add spheres.\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere-template.urdf'\n spheres = []\n for i, color in enumerate(colors):\n sphere_pose = self.get_random_pose(env, sphere_size)\n replace = {'DIM': sphere_size, 'HALF': (sphere_size[0] \/ 2, sphere_size[1] \/ 2, sphere_size[2] \/ 2)}\n sphere_urdf = self.fill_template(sphere_urdf, replace)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color])\n spheres.append(sphere_id)\n\n # Add goal\n self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=False, metric='pose', params=None, step_max_reward=1)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"sort-insert-color-coordinated-blocks\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sort-insert-color-coordinated-blocks\" in a python code block.\n###\n\n","completion":" \n sort-insert-color-coordinated-blocks: {'task-name': 'sort-insert-color-coordinated-blocks', 'task-description': 'There are six blocks of three different colors (two red, two blue, and two green), two red containers, two blue containers, and two green containers scattered on the table. The task is to sort the blocks by their colors and place (insert) them into the containers of the matching color. Two blocks of the same color should go into two different containers of the same color. The challenge lies in the color-based sorting and insertion of the blocks into the containers.', 'assets-used': ['block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass SortInsertColorCoordinatedBlocks(Task):\n \"\"\"Sort blocks by their colors and place them into the containers of the matching color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"sort the blocks by their colors and place them into the containers of the matching color\"\n self.task_completed_desc = \"done sorting and inserting blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add containers.\n container_size = (0.12, 0.12, 0.12)\n container_urdf = 'container\/container-template.urdf'\n container_colors = ['red', 'blue', 'green']\n container_poses = []\n for color in container_colors:\n container_pose = self.get_random_pose(env, container_size)\n env.add_object(container_urdf, container_pose, color=utils.COLORS[color])\n container_poses.append(container_pose)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = ['red', 'red', 'blue', 'blue', 'green', 'green']\n blocks = []\n for color in block_colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is in a container of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i\/\/2]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-ordered-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-ordered-insertion\" in a python code block.\n###\n\n","completion":" \n color-ordered-insertion: {'task-name': 'color-ordered-insertion', 'task-description': 'There are four differently-colored ell objects (red, blue, green, yellow) and a corresponding set of color-coded fixtures. The task involves picking up each ell object and inserting it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and finally yellow. The challenge lies in the precise manipulation of the ell objects and the color-coordination required. The fixtures are arranged in a straight line, and can only be approached from one direction, demanding careful navigation.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorOrderedInsertion(Task):\n \"\"\"Insert differently-colored ell objects into the matching color fixture in a specific order.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} ell into the matching fixture\"\n self.task_completed_desc = \"done inserting ells.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their order\n colors = ['red', 'blue', 'green', 'yellow']\n color_order = {color: i for i, color in enumerate(colors)}\n\n # Add fixtures.\n fixture_size = (0.12, 0.12, 0.02)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixtures = []\n for color in colors:\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color], category='fixed')\n fixtures.append(fixture_id)\n\n # Add ell objects.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for color in colors:\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n ells.append(ell_id)\n\n # Goal: each ell is inserted into the matching color fixture in the correct order.\n for i, ell in enumerate(ells):\n self.add_goal(objs=[ell], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(ells))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-cylinders-in-boxes\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinders-in-boxes\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinders-in-boxes: {'task-name': 'color-coordinated-cylinders-in-boxes', 'task-description': 'Arrange four cylinders of different colors (red, blue, green, and yellow) into four matching colored boxes, such that each box contains a cylinder of the same color. The task is challenging due to the manipulation of cylindrical objects and the color coordination required.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'box\/box-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedCylindersInBoxes(Task):\n \"\"\"Arrange four cylinders of different colors (red, blue, green, and yellow) into four matching colored boxes, such that each box contains a cylinder of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"put the {color} cylinder in the {color} box\"\n self.task_completed_desc = \"done arranging cylinders in boxes.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding names\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n color_names = ['red', 'blue', 'green', 'yellow']\n\n # Add boxes.\n box_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the box size\n box_urdf = 'box\/box-template.urdf'\n boxes = []\n for i in range(4):\n box_pose = self.get_random_pose(env, box_size)\n box_id = env.add_object(box_urdf, box_pose, color=colors[i])\n boxes.append(box_id)\n\n # Add cylinders.\n cylinder_size = (0.02, 0.02, 0.05) # x, y, z dimensions for the cylinder size\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i])\n cylinders.append(cylinder_id)\n\n # Goal: each cylinder is in a box of the same color.\n for i in range(4):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[box_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"color-coordinated-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-insertion\" in a python code block.\n###\n\n","completion":" \n color-coordinated-insertion: {'task-name': 'color-coordinated-insertion', 'task-description': 'There are three insertion fixtures and three ell shaped blocks of different colors (red, blue, green) on the table top. The task is to pick up the ell shaped blocks and insert each one of them into the fixture of the same color. However, the ell blocks should be inserted in a specific sequence - red first, then blue, and finally green. This task is challenging due to the precision required for insertion and the need for color coordination and sequencing.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedInsertion(Task):\n \"\"\"Insert each block into the fixture of the same color, and then place these fixtures onto a pallet.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert each block into the fixture of the same color, and then place these fixtures onto a pallet\"\n self.task_completed_desc = \"done with color-coordinated-insertion.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n pallet_size = (0.35, 0.35, 0.01)\n pallet_pose = self.get_random_pose(env, pallet_size)\n pallet_urdf = 'pallet\/pallet.urdf'\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Add fixtures and blocks.\n colors = ['red', 'blue', 'green', 'yellow']\n fixtures = []\n blocks = []\n fixture_size = (0.05, 0.05, 0.05)\n block_size = (0.04, 0.04, 0.04)\n fixture_urdf = 'insertion\/fixture.urdf'\n block_urdf = 'block\/block.urdf'\n for color in colors:\n # Add fixture.\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color])\n fixtures.append(fixture_id)\n\n # Add block.\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is in the fixture of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(blocks))\n\n # Goal: each fixture is on the pallet.\n for i in range(len(fixtures)):\n self.add_goal(objs=[fixtures[i]], matches=np.ones((1, 1)), targ_poses=[pallet_pose], replace=False,\n rotations=True, metric='zone', params=[(pallet_pose, pallet_size)], step_max_reward=1 \/ len(fixtures))\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"cylinder-stand-alignment\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"cylinder-stand-alignment\" in a python code block.\n###\n\n","completion":" \n cylinder-stand-alignment: {'task-name': 'cylinder-stand-alignment', 'task-description': 'Arrange four colored cylinders (red, blue, green, yellow) in order of their colors on four stands of matching color. However, the stands are placed in a random order on the table, which increases the complexity of the task as it requires careful planning and color matching.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass CylinderStandAlignment(Task):\n \"\"\"Arrange four colored cylinders (red, blue, green, yellow) in order of their colors on four stands of matching color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"Arrange the {color} cylinder on the {color} stand\"\n self.task_completed_desc = \"done arranging cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding names\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n color_names = ['red', 'blue', 'green', 'yellow']\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n replace = {'DIM': cylinder_size, 'HALF': (cylinder_size[0] \/ 2, cylinder_size[1] \/ 2, cylinder_size[2] \/ 2),\n 'COLOR': colors[i]}\n # IMPORTANT: REPLACE THE TEMPLATE URDF\n urdf = self.fill_template(cylinder_urdf, replace)\n cylinder_id = env.add_object(urdf, cylinder_pose)\n cylinders.append(cylinder_id)\n\n # Add stands.\n # x, y, z dimensions for the asset size\n stand_size = (0.05, 0.05, 0.005)\n stand_urdf = 'stacking\/stand.urdf'\n stands = []\n for i in range(4):\n stand_pose = self.get_random_pose(env, stand_size)\n env.add_object(stand_urdf, stand_pose, color=colors[i], category='fixed')\n stands.append(stand_pose)\n\n # Goal: each cylinder is on a stand of the same color.\n for i in range(4):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stands[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"color-coordinated-container-sorting\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-container-sorting\" in a python code block.\n###\n\n","completion":" \n color-coordinated-container-sorting: {'task-name': 'color-coordinated-container-sorting', 'task-description': 'On the table there are four different colored containers (red, blue, green and yellow) and sixteen blocks of the same four colors (four blocks of each color). The task challenges the robot to pick up these blocks and sort them into the containers of the same color, with each container having one of each color of blocks in it. To make the task interesting, each container should have the blocks in a different order. One container might have them in the order red, blue, green, yellow; another one in the order yellow, green, blue, red; and the last two could have them in the orders green, red, yellow, blue; and blue, yellow, red, green. The robot would need to first identify the correct container for sorting, and then plan the correct order of the blocks.', 'assets-used': ['block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedContainerSorting(Task):\n \"\"\"Sort blocks into containers of the same color in a specific order.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"sort the blocks into the containers of the same color in the specified order\"\n self.task_completed_desc = \"done sorting blocks into containers.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their orders in containers\n colors = ['red', 'blue', 'green', 'yellow']\n orders = [\n ['red', 'blue', 'green', 'yellow'],\n ['yellow', 'green', 'blue', 'red'],\n ['green', 'red', 'yellow', 'blue'],\n ['blue', 'yellow', 'red', 'green']\n ]\n\n # Add containers.\n container_size = (0.12, 0.12, 0.02)\n container_urdf = 'container\/container-template.urdf'\n containers = []\n for i in range(4):\n container_pose = self.get_random_pose(env, container_size)\n color = utils.COLORS[colors[i]]\n container_id = env.add_object(container_urdf, container_pose, color=color)\n containers.append(container_id)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(4):\n for _ in range(4):\n block_pose = self.get_random_pose(env, block_size)\n color = utils.COLORS[colors[i]]\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Add goals.\n for i in range(4):\n for j in range(4):\n # Find the block and container of the same color\n block_id = blocks[i*4 + j]\n container_id = containers[i]\n # Define the target pose based on the order in the container\n container_pose = p.getBasePositionAndOrientation(container_id)[0]\n targ_pose = (container_pose[0], container_pose[1], container_pose[2] + block_size[2] * (j + 1))\n self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[targ_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/16)\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-sorted-block-race\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-sorted-block-race\" in a python code block.\n###\n\n","completion":" \n color-sorted-block-race: {'task-name': 'color-sorted-block-race', 'task-description': 'On one end of a tabletop, there are six blocks in two colors (three red and three blue). On the other end of the tabletop, two sets of three small marked zones are arranged in a straight line, one set for blue and one set for red. The task involves picking up one block at a time and placing it in the corresponding colored zone in a sequence from the bottom end zone to the top end zone. The blocks must be placed following the rule: the three colored blocks must be transported consecutively, e.g., first place all three blue blocks and then place all three red blocks. The challenge lies in careful transportation and placement of the blocks and follows the specific rule.', 'assets-used': ['block\/block.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorSortedBlockRace(Task):\n \"\"\"Pick up blocks of two colors and place them in corresponding colored zones in a sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the blocks in the corresponding colored zones in sequence\"\n self.task_completed_desc = \"done placing blocks in zones.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_colors = ['blue', 'red']\n zone_poses = []\n for color in zone_colors:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zone_poses.append(zone_pose)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = ['blue', 'red']\n blocks = []\n for color in block_colors:\n for _ in range(3):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is in the corresponding colored zone.\n for i, block in enumerate(blocks):\n self.add_goal(objs=[block], matches=np.ones((1, 1)), targ_poses=[zone_poses[i\/\/3]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"multi-level-block-construction\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"multi-level-block-construction\" in a python code block.\n###\n\n","completion":" \n multi-level-block-construction: {'task-name': 'multi-level-block-construction', 'task-description': 'Construct a two-level structure on a pallet using four blocks: two red and two blue. The lower level should be a rectangle created by placing the red blocks side by side. The upper level is made up by placing the blue blocks placed on top of the red blocks creating a line aligned perpendicular to the red blocks. The challenge lies in the precise placement of blocks, maintaining balance of the structure, and correct color arrangement.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass MultiLevelBlockConstruction(Task):\n \"\"\"Construct a two-level structure on a pallet using four blocks: two red and two blue. \n The lower level should be a rectangle created by placing the red blocks side by side. \n The upper level is made up by placing the blue blocks placed on top of the red blocks \n creating a line aligned perpendicular to the red blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"construct a two-level structure on a pallet using four blocks: two red and two blue\"\n self.task_completed_desc = \"done constructing multi-level block structure.\"\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.015)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['blue']]\n blocks = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.02, 0.02), (0, 0.02, 0.02),\n (0, -0.02, 0.06), (0, 0.02, 0.06)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: red blocks are placed side by side on the pallet.\n self.add_goal(objs=blocks[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*2)\n\n # Goal: blue blocks are stacked on top of the red blocks.\n self.add_goal(objs=blocks[2:], matches=np.ones((2, 2)), targ_poses=targs[2:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*2)``` \n END"} +{"prompt":" \"color-linked-ball-bowl-ordering\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-linked-ball-bowl-ordering\" in a python code block.\n###\n\n","completion":" \n color-linked-ball-bowl-ordering: {'task-name': 'color-linked-ball-bowl-ordering', 'task-description': 'On a tabletop, there are four bowls and four balls of different colors (red, blue, green, and yellow). Each ball is inside a bowl, but not corresponding to the color of the bowl. The task is to pick up each ball and place it in the bowl of the same color, in the specific sequence of red, blue, green and yellow from left to right. The challenge lies in the precise placement, color matching and sequence following.', 'assets-used': ['bowl\/bowl.urdf', 'ball\/ball.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorLinkedBallBowlOrdering(Task):\n \"\"\"Pick up each ball and place it in the bowl of the same color, in the specific sequence of red, blue, green and yellow from left to right.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ball in the {color} bowl\"\n self.task_completed_desc = \"done placing balls in bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their order\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add bowls.\n # x, y, z dimensions for the asset size\n bowl_size = (0.12, 0.12, 0)\n bowl_urdf = 'bowl\/bowl.urdf'\n bowl_poses = []\n for i in range(4):\n bowl_pose = self.get_random_pose(env, bowl_size)\n env.add_object(bowl_urdf, bowl_pose, 'fixed', color=utils.COLORS[colors[i]])\n bowl_poses.append(bowl_pose)\n\n # Add balls.\n # x, y, z dimensions for the asset size\n balls = []\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball.urdf'\n for i in range(4):\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]])\n balls.append(ball_id)\n\n # Goal: each ball is in the bowl of the same color.\n for i in range(4):\n self.add_goal(objs=[balls[i]], matches=np.int32([[1]]), targ_poses=[bowl_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-blocks-in-cylinder-maze\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-blocks-in-cylinder-maze\" in a python code block.\n###\n\n","completion":" \n color-blocks-in-cylinder-maze: {'task-name': 'color-blocks-in-cylinder-maze', 'task-description': 'Pick up five differently colored blocks (red, blue, yellow, green, and orange) that are scattered randomly on the table top. Arrange three cylindrical containers in a row to create a maze-like structure. Place the red, yellow, and blue block into the first, second, and third cylinder from left respectively. Then, stack the green and orange block on top of any container, followed by placing the same color palette on the respective block.', 'assets-used': ['block\/block.urdf', 'cylinder\/cylinder-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorBlocksInCylinderMaze(Task):\n \"\"\"Pick up five differently colored blocks (red, blue, yellow, green, and orange) that are scattered randomly on the table top. Arrange three cylindrical containers in a row to create a maze-like structure. Place the red, yellow, and blue block into the first, second, and third cylinder from left respectively. Then, stack the green and orange block on top of any container, followed by placing the same color palette on the respective block.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"arrange the blocks in the cylinders and stack the green and orange blocks\"\n self.task_completed_desc = \"done arranging blocks in cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add cylinders.\n cylinder_size = (0.05, 0.05, 0.1)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinder_poses = []\n for _ in range(3):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n env.add_object(cylinder_urdf, cylinder_pose, 'fixed')\n cylinder_poses.append(cylinder_pose)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['yellow'], utils.COLORS['green'], utils.COLORS['orange']]\n blocks = []\n for i in range(5):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=block_colors[i])\n blocks.append(block_id)\n\n # Goal: red, yellow, and blue blocks are in the first, second, and third cylinder respectively.\n self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=cylinder_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2)\n\n # Goal: green and orange blocks are stacked on top of any cylinder.\n self.add_goal(objs=blocks[3:], matches=np.ones((2, 3)), targ_poses=cylinder_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2)\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"create-pyramid-with-color-coded-ells\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"create-pyramid-with-color-coded-ells\" in a python code block.\n###\n\n","completion":" \n create-pyramid-with-color-coded-ells: {'task-name': 'create-pyramid-with-color-coded-ells', 'task-description': \"There are four insertion ell-shaped objects ('insertion\/ell.urdf') of different colors (red, blue, yellow, and green) placed randomly on the tabletop. The task is to pick up each of these objects and stack them onto a fixed-size pallet in the shape of a pyramid. The order of the pyramid from bottom to top should be red, blue, yellow, and green.\", 'assets-used': ['insertion\/ell.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass CreatePyramidWithColorCodedElls(Task):\n \"\"\"Pick up ell-shaped objects of different colors and stack them onto a pallet in the shape of a pyramid.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"stack the {color} ell on the pyramid\"\n self.task_completed_desc = \"done stacking ell pyramid.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n pallet_size = (0.15, 0.15, 0.01)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, category='fixed')\n\n # Ell colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], \n utils.COLORS['yellow'], utils.COLORS['green']\n ]\n color_names = ['red', 'blue', 'yellow', 'green']\n\n # Add Ells.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n objs = []\n for i in range(4):\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=colors[i])\n objs.append(ell_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, 0, 0.08)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: Ells are stacked in a pyramid (bottom row: red, middle row: blue, top row: yellow, green).\n for i in range(4):\n self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"move-piles-along-line\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"move-piles-along-line\" in a python code block.\n###\n\n","completion":" \n move-piles-along-line: {'task-name': 'move-piles-along-line', 'task-description': 'Move three piles of small blocks, each pile a different color (red, blue, green), along three matching colored lines to three separate zones of the same color using a spatula.', 'assets-used': ['block\/small.urdf', 'zone\/zone.urdf', 'line\/line-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass MovePilesAlongLine(Task):\n \"\"\"Move three piles of small blocks, each pile a different color (red, blue, green), \n along three matching colored lines to three separate zones of the same color using a spatula.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"move the piles of blocks along the lines to the matching colored zones\"\n self.task_completed_desc = \"done moving piles.\"\n self.primitive = primitives.push\n self.ee = Spatula\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add three colored lines.\n line_template = 'line\/line-template.urdf'\n line_colors = ['red', 'blue', 'green']\n line_poses = []\n for color in line_colors:\n line_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05)\n line_pose = self.get_random_pose(env, line_size)\n replace = {'DIM': line_size, 'HALF': (line_size[0] \/ 2, line_size[1] \/ 2, line_size[2] \/ 2), 'COLOR': color}\n line_urdf = self.fill_template(line_template, replace)\n env.add_object(line_urdf, line_pose, 'fixed')\n line_poses.append(line_pose)\n\n # Add three colored zones.\n zone_template = 'zone\/zone.urdf'\n zone_poses = []\n for color in line_colors:\n zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05)\n zone_pose = self.get_random_pose(env, zone_size)\n replace = {'DIM': zone_size, 'HALF': (zone_size[0] \/ 2, zone_size[1] \/ 2, zone_size[2] \/ 2), 'COLOR': color}\n zone_urdf = self.fill_template(zone_template, replace)\n env.add_object(zone_urdf, zone_pose, 'fixed')\n zone_poses.append(zone_pose)\n\n # Add three piles of small blocks.\n block_template = 'block\/small.urdf'\n block_colors = ['red', 'blue', 'green']\n block_ids = []\n for color in block_colors:\n block_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05)\n block_pose = self.get_random_pose(env, block_size)\n replace = {'DIM': block_size, 'HALF': (block_size[0] \/ 2, block_size[1] \/ 2, block_size[2] \/ 2), 'COLOR': color}\n block_urdf = self.fill_template(block_template, replace)\n block_id = env.add_object(block_urdf, block_pose)\n block_ids.append(block_id)\n\n # Add goals.\n for i in range(3):\n self.add_goal(objs=[block_ids[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=False, metric='zone', params=[(zone_poses[i], zone_size)], step_max_reward=1\/3)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-ordered-blocks-on-pallet\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-ordered-blocks-on-pallet\" in a python code block.\n###\n\n","completion":" \n color-ordered-blocks-on-pallet: {'task-name': 'color-ordered-blocks-on-pallet', 'task-description': 'On a table there are six different colored blocks (red, blue, green, yellow, orange, and purple), a pallet, and a small corner structure. These colored blocks are arranged randomly within the small corner structure. The task involves picking up each colored block and placing it onto the pallet in specific color sequence: red, blue, green, yellow, orange, and finally purple.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf', 'corner\/corner-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorOrderedBlocksOnPallet(Task):\n \"\"\"Pick up each colored block and place it onto the pallet in specific color sequence: red, blue, green, yellow, orange, and finally purple.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the colored blocks onto the pallet in the following order: red, blue, green, yellow, orange, and purple\"\n self.task_completed_desc = \"done placing blocks on the pallet.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.02)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Block colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['purple']\n ]\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are placed on the pallet in the order of red, blue, green, yellow, orange, purple.\n for i in range(6):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 6, symmetries=[np.pi\/2])\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-ordered-container-arrangement\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-ordered-container-arrangement\" in a python code block.\n###\n\n","completion":" \n color-ordered-container-arrangement: {'task-name': 'color-ordered-container-arrangement', 'task-description': 'On the tabletop, there are six containers and six blocks of different colors (red, blue, green, yellow, orange, purple). The task is to pick up each block and place it into a container of the same color, then arrange the containers in a line in the following color order: red, blue, green, yellow, orange, and purple.', 'assets-used': ['block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorOrderedContainerArrangement(Task):\n \"\"\"Arrange six containers with blocks of matching colors in a specific color order.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"arrange the containers in the color order: red, blue, green, yellow, orange, and purple\"\n self.task_completed_desc = \"done arranging containers.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define color order\n color_order = ['red', 'blue', 'green', 'yellow', 'orange', 'purple']\n\n # Add containers and blocks\n container_size = (0.12, 0.12, 0.02)\n block_size = (0.04, 0.04, 0.04)\n container_urdf = 'container\/container-template.urdf'\n block_urdf = 'block\/block.urdf'\n containers = []\n blocks = []\n for color in color_order:\n # Add container\n container_pose = self.get_random_pose(env, container_size)\n container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color])\n containers.append(container_id)\n\n # Add block\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Add subgoal to place block in container\n self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/6)\n\n # Add final goal to arrange containers in color order\n container_poses = [self.get_random_pose(env, container_size) for _ in color_order]\n self.add_goal(objs=containers, matches=np.eye(len(color_order)), targ_poses=container_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"multi-level-pyramid-construction\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"multi-level-pyramid-construction\" in a python code block.\n###\n\n","completion":" \n multi-level-pyramid-construction: {'task-name': 'multi-level-pyramid-construction', 'task-description': 'Construct a two-level pyramid on a pallet using six blocks: three green and three blue. The first level should be a triangle created by placing the green blocks side by side. The second level should be built by placing the blue blocks on top of the green blocks, forming another triangle rotated 60 degrees with respect to the first one. The challenge lies in the precise placement of blocks, maintaining balance of the structure, and correct color arrangement.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass MultiLevelPyramidConstruction(Task):\n \"\"\"Construct a two-level pyramid on a pallet using six blocks: three green and three blue.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"Construct a two-level pyramid on a pallet using six blocks: three green and three blue. The first level should be a triangle created by placing the green blocks side by side. The second level should be built by placing the blue blocks on top of the green blocks, forming another triangle rotated 60 degrees with respect to the first one.\"\n self.task_completed_desc = \"done constructing pyramid.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n pallet_size = (0.35, 0.35, 0.01) # x, y, z dimensions for the pallet size\n pallet_pose = self.get_random_pose(env, pallet_size)\n pallet_urdf = 'pallet\/pallet.urdf'\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size\n block_urdf = 'block\/block.urdf'\n block_colors = [utils.COLORS['green']] * 3 + [utils.COLORS['blue']] * 3 # three green and three blue blocks\n\n blocks = []\n for color in block_colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), # first level\n (0, -0.025, 0.06), (0, 0.025, 0.06), (0, 0, 0.10)] # second level\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a pyramid (first level: green blocks).\n self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template.format(blocks=\"the green blocks\", row=\"bottom\"))\n\n # Goal: blocks are stacked in a pyramid (second level: blue blocks).\n self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template.format(blocks=\"the blue blocks\", row=\"top\"))``` \n END"} +{"prompt":" \"align-balls-in-colored-boxes\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"align-balls-in-colored-boxes\" in a python code block.\n###\n\n","completion":" \n align-balls-in-colored-boxes: {'task-name': 'align-balls-in-colored-boxes', 'task-description': 'On a tabletop, there are four balls and four boxes of different colors (red, blue, green, and yellow). Each ball is inside a box, but not corresponding to the color of the box. The task is to pick up each ball and place it in the box of the same color, in the specific sequence of red, blue, green and yellow from left to right. The challenge lies in the precise placement, color matching and sequence following.', 'assets-used': ['ball\/ball.urdf', 'box\/box-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass AlignBallsInColoredBoxes(Task):\n \"\"\"Align balls in colored boxes according to the color and sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"put the {color} ball in the {color} box\"\n self.task_completed_desc = \"done aligning balls in boxes.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n color_sequence = np.random.permutation(colors)\n\n # Add boxes.\n box_size = (0.12, 0.12, 0.12)\n box_urdf = 'box\/box-template.urdf'\n box_poses = []\n boxes = []\n for i in range(4):\n box_pose = self.get_random_pose(env, box_size)\n box_id = env.add_object(box_urdf, box_pose, color=utils.COLORS[color_sequence[i]])\n boxes.append(box_id)\n box_poses.append(box_pose)\n\n # Add balls.\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball.urdf'\n balls = []\n for i in range(4):\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]])\n balls.append(ball_id)\n\n # Goal: each ball is in the box of the same color.\n for i in range(4):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-pyramid-in-container\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-pyramid-in-container\" in a python code block.\n###\n\n","completion":" \n color-coordinated-pyramid-in-container: {'task-name': 'color-coordinated-pyramid-in-container', 'task-description': 'There are six blocks of three different colors (red, blue, green) and three containers of matching colors. The task involves picking up each color of blocks and placing them in the container of the same color in a pyramid formation, with two blocks at the base and one block on top. The challenge lies in the precise placement of blocks, maintaining balance of the pyramid, and color coordination.', 'assets-used': ['block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedPyramidInContainer(Task):\n \"\"\"Pick up each color of blocks and place them in the container of the same color in a pyramid formation.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"build a pyramid of {color} blocks in the {color} container\"\n self.task_completed_desc = \"done building color-coordinated pyramids.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding names\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']]\n color_names = ['red', 'blue', 'green']\n\n # Add containers.\n container_size = (0.15, 0.15, 0.05)\n container_urdf = 'container\/container-template.urdf'\n container_poses = []\n for color in colors:\n container_pose = self.get_random_pose(env, container_size)\n env.add_object(container_urdf, container_pose, 'fixed', color=color)\n container_poses.append(container_pose)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in colors:\n for _ in range(3): # 3 blocks of each color\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02), (0, 0, 0.06)]\n targs = [(utils.apply(container_pose, i), container_pose[1]) for i in place_pos for container_pose in container_poses]\n\n # Goal: blocks are stacked in a pyramid in the container of the same color.\n for i, color_name in enumerate(color_names):\n self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template.format(color=color_name))``` \n END"} +{"prompt":" \"colored-balls-sorting-in-corner\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"colored-balls-sorting-in-corner\" in a python code block.\n###\n\n","completion":" \n colored-balls-sorting-in-corner: {'task-name': 'colored-balls-sorting-in-corner', 'task-description': 'There are four balls and four corners of different colors (red, blue, green, and yellow). Each ball is located at a corner, but not corresponding to the color of the corner. The task is to pick up each ball and place it in the corner of the same color, in the specific sequence of red, blue, green and yellow, starting from the leftmost corner to the rightmost. The challenge lies in the precise placement, color matching and sequence following.', 'assets-used': ['ball\/ball-template.urdf', 'corner\/corner-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColoredBallsSortingInCorner(Task):\n \"\"\"Pick up each ball and place it in the corner of the same color, in the specific sequence of red, blue, green and yellow, starting from the leftmost corner to the rightmost.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ball in the {color} corner\"\n self.task_completed_desc = \"done sorting balls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define the colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add corners.\n corner_size = (0.12, 0.12, 0)\n corner_urdf = 'corner\/corner-template.urdf'\n corner_poses = []\n for i in range(4):\n corner_pose = self.get_random_pose(env, corner_size)\n env.add_object(corner_urdf, corner_pose, 'fixed', color=utils.COLORS[colors[i]])\n corner_poses.append(corner_pose)\n\n # Add balls.\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n balls = []\n for i in range(4):\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]])\n balls.append(ball_id)\n\n # Goal: each ball is in the corner of the same color.\n for i in range(4):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[corner_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-ball-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-ball-insertion\" in a python code block.\n###\n\n","completion":" \n color-coordinated-ball-insertion: {'task-name': 'color-coordinated-ball-insertion', 'task-description': 'There are five differently-colored ell objects (red, blue, green, yellow, orange) and five sphere-shaped containers of matching colors. The task involves picking up each ell object and inserting it into the sphere container of the same color, but in a specific sequence from left to right: red, blue, green, yellow, and finally orange. The task is challenging due to the sequence, color coordination, and accuracy of insertion required.', 'assets-used': ['insertion\/ell.urdf', 'sphere\/sphere-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedBallInsertion(Task):\n \"\"\"Insert balls into the cylinders of the same color in the order of red, blue, green, and yellow.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"insert the {color} ball into the {color} cylinder\"\n self.task_completed_desc = \"done inserting balls into cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their order\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.05, 0.05, 0.1)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinder_poses = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n env.add_object(cylinder_urdf, cylinder_pose, category='fixed', color=utils.COLORS[colors[i]])\n cylinder_poses.append(cylinder_pose)\n\n # Add balls.\n # x, y, z dimensions for the asset size\n balls = []\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n for i in range(4):\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]])\n balls.append(ball_id)\n\n # Goal: each ball is in the corresponding color cylinder.\n for i in range(4):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-sequenced-pyramid-packing\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-sequenced-pyramid-packing\" in a python code block.\n###\n\n","completion":" \n color-sequenced-pyramid-packing: {'task-name': 'color-sequenced-pyramid-packing', 'task-description': 'There are twelve cubes of different colors (three red, three green, three blue, and three yellow) scattered on the tabletop. The task is to pick up the cubes, sort them according to color into four pallets, and stack them in each pallet as a pyramid with the base layer containing two cubes and the top layer containing one cube. The challenge lies in the color-based sorting, the precise placement of cubes, and the construction of the pyramid in each pallet.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorSequencedPyramidPacking(Task):\n \"\"\"Sort cubes by color into four pallets and stack them in each pallet as a pyramid\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 12\n self.lang_template = \"sort the {color} cubes into the pallet and stack them as a pyramid\"\n self.task_completed_desc = \"done sorting and stacking cubes.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallets.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.02)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_poses = []\n for _ in range(4):\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, category='fixed')\n pallet_poses.append(pallet_pose)\n\n # Cube colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['yellow']\n ]\n\n # Add cubes.\n # x, y, z dimensions for the asset size\n cube_size = (0.04, 0.04, 0.04)\n cube_urdf = 'block\/block.urdf'\n\n objs = []\n for i in range(12):\n cube_pose = self.get_random_pose(env, cube_size)\n cube_id = env.add_object(cube_urdf, cube_pose, color=colors[i%4])\n objs.append(cube_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos for pallet_pose in pallet_poses]\n\n # Goal: cubes are sorted by color and stacked in a pyramid in each pallet.\n for i in range(4):\n self.add_goal(objs=objs[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template.format(color=list(utils.COLORS.keys())[i]))``` \n END"} +{"prompt":" \"color-block-ball-goal\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-block-ball-goal\" in a python code block.\n###\n\n","completion":" \n color-block-ball-goal: {'task-name': 'color-block-ball-goal', 'task-description': 'On a tabletop, there are four zones marked in four different colors (red, blue, green, and yellow) and four balls of matching colors. The task involves picking up each ball and precisely placing it in the zone of the same color. However, there are several small blocks randomly scattered in the path between the balls and the zones. The robot has to strategically navigate around these blocks without knocking them over while transporting the balls to the corresponding zones. The challenge lies in the precise navigation, placement of the balls, and color matching while avoiding the blocks.', 'assets-used': ['zone\/zone.urdf', 'ball\/ball-template.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorBlockBallGoal(Task):\n \"\"\"Pick up each ball and precisely place it in the zone of the same color. Navigate around blocks without knocking them over.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ball in the {color} zone\"\n self.task_completed_desc = \"done placing balls in zones.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_colors = ['red', 'blue', 'green', 'yellow']\n zone_poses = []\n for color in zone_colors:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zone_poses.append(zone_pose)\n\n # Add balls.\n balls = []\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n for color in zone_colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color])\n balls.append(ball_id)\n\n # Add blocks.\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/small.urdf'\n for _ in range(10):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose)\n blocks.append(block_id)\n\n # Goal: each ball is in a zone of the same color.\n for i in range(len(balls)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=False, metric='pose', params=None, step_max_reward=1\/len(balls))\n self.lang_goals.append(self.lang_template.format(color=zone_colors[i]))``` \n END"} +{"prompt":" \"ball-sorting-with-blocks-barrier\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"ball-sorting-with-blocks-barrier\" in a python code block.\n###\n\n","completion":" \n ball-sorting-with-blocks-barrier: {'task-name': 'ball-sorting-with-blocks-barrier', 'task-description': 'On a tabletop, there are four balls and four zones of different colors (red, blue, green, and yellow). Each ball is located behind a line of small blocks of the same color. The task is to pick up each ball and place it into the zone of the same color, but without knocking over the blocks. The challenge lies in the precise navigation over the block barriers and color matching.', 'assets-used': ['ball\/ball-template.urdf', 'zone\/zone.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass BallSortingWithBlocksBarrier(Task):\n \"\"\"Pick up each ball and place it into the zone of the same color, but without knocking over the blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ball in the {color} zone without knocking over the blocks\"\n self.task_completed_desc = \"done sorting balls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for the balls and zones\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add zones and blocks.\n zone_size = (0.12, 0.12, 0)\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/small.urdf'\n zone_urdf = 'zone\/zone.urdf'\n zones = []\n blocks = []\n for color in colors:\n # Add zone of specific color\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zones.append(zone_pose)\n\n # Add line of blocks of the same color\n for _ in range(5):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Add balls.\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n balls = []\n for color in colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color])\n balls.append(ball_id)\n\n # Goal: each ball is in a zone of the same color.\n for i in range(len(balls)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zones[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(balls))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-matched-blocks-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-matched-blocks-insertion\" in a python code block.\n###\n\n","completion":" \n color-matched-blocks-insertion: {'task-name': 'color-matched-blocks-insertion', 'task-description': 'There are four blocks and four fixtures of different colors (red, blue, green, and yellow). The task involves picking up each block and inserting it into the fixture of the same color, in the specific sequence of red, blue, green, and yellow, starting from the leftmost fixture to the rightmost. The challenge lies in the precise insertion, color matching and sequence following.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorMatchedBlocksInsertion(Task):\n \"\"\"Pick up each block and insert it into the fixture of the same color, in the specific sequence of red, blue, green, and yellow.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"insert the {color} block into the {color} fixture\"\n self.task_completed_desc = \"done inserting blocks into fixtures.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n color_sequence = np.random.permutation(colors)\n\n # Add fixtures.\n fixture_size = (0.12, 0.12, 0.02)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixture_poses = []\n for i in range(4):\n fixture_pose = self.get_random_pose(env, fixture_size)\n env.add_object(fixture_urdf, fixture_pose, 'fixed', color=utils.COLORS[color_sequence[i]])\n fixture_poses.append(fixture_pose)\n\n # Add blocks.\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color_sequence[i]])\n blocks.append(block_id)\n\n # Goal: each block is in the fixture of the same color.\n for i in range(4):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=color_sequence[i]))``` \n END"} +{"prompt":" \"color-coordinated-block-bridge\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-block-bridge\" in a python code block.\n###\n\n","completion":" \n color-coordinated-block-bridge: {'task-name': 'color-coordinated-block-bridge', 'task-description': 'Construct a bridge by interleaving three differently colored blocks (red, blue, and green) on a pallet in a specific sequence - red block at the edges, blue block in the middle, and a green block on top of the red and blue blocks. Repeat this sequence until a bridge is formed across the length of the pallet.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedBlockBridge(Task):\n \"\"\"Construct a bridge by interleaving three differently colored blocks (red, blue, and green) on a pallet in a specific sequence - red block at the edges, blue block in the middle, and a green block on top of the red and blue blocks. Repeat this sequence until a bridge is formed across the length of the pallet.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"construct a bridge by interleaving three differently colored blocks (red, blue, and green) on a pallet in a specific sequence\"\n self.task_completed_desc = \"done constructing the bridge.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n pallet_size = (0.30, 0.15, 0.02)\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object('pallet\/pallet.urdf', pallet_pose, 'fixed')\n\n # Block colors.\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']]\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n\n objs = []\n for i in range(9): # 3 sets of 3 colored blocks\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i % 3])\n objs.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.02), (0, 0, 0.02), (0, 0.05, 0.02), # bottom layer\n (0, -0.05, 0.06), (0, 0, 0.06), (0, 0.05, 0.06), # middle layer\n (0, -0.05, 0.10), (0, 0, 0.10), (0, 0.05, 0.10)] # top layer\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a bridge (bottom layer: red, blue, red).\n self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*3)\n\n # Goal: blocks are stacked in a bridge (middle layer: green, green, green).\n self.add_goal(objs=objs[3:6], matches=np.ones((3, 3)), targ_poses=targs[3:6], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*3)\n\n # Goal: blocks are stacked in a bridge (top layer: red, blue, red).\n self.add_goal(objs=objs[6:], matches=np.ones((3, 3)), targ_poses=targs[6:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*3)``` \n END"} +{"prompt":" \"insert-red-block-into-cylinder\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insert-red-block-into-cylinder\" in a python code block.\n###\n\n","completion":" \n insert-red-block-into-cylinder: {'task-name': 'insert-red-block-into-cylinder', 'task-description': \"Position a red block ('insertion\/ell.urdf') in front of a cylindrical fixture ('insertion\/fixture.urdf'), then insert the red block into the cylinder. The challenge includes precision in positioning the block and the correct insertion into the fixture.\", 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass InsertRedBlockIntoCylinder(Task):\n \"\"\"Insert a red block into a cylindrical fixture.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"insert the red block into the cylinder\"\n self.task_completed_desc = \"done inserting block into cylinder.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add cylinder fixture.\n # x, y, z dimensions for the asset size\n fixture_size = (0.12, 0.12, 0.12)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixture_pose = self.get_random_pose(env, fixture_size)\n env.add_object(fixture_urdf, fixture_pose, category='fixed')\n\n # Add red block.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'insertion\/ell.urdf'\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS['red'])\n\n # Goal: the red block is inside the cylindrical fixture.\n self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-sequential-ball-container-sorting\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-sequential-ball-container-sorting\" in a python code block.\n###\n\n","completion":" \n color-sequential-ball-container-sorting: {'task-name': 'color-sequential-ball-container-sorting', 'task-description': 'There are six balls of different colors (red, blue, green, yellow, orange, and purple) and six containers of matching colors. The task is to pick up each ball and place it in the container of the same color, but in a specific sequence of red, blue, green, yellow, orange, and purple from left to right. The challenge lies in the precise placement, color matching and sequence following.', 'assets-used': ['ball\/ball-template.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorSequentialBallContainerSorting(Task):\n \"\"\"Pick up each ball and place it in the container of the same color, but in a specific sequence of red, blue, green, yellow, orange, and purple from left to right.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ball in the {color} container\"\n self.task_completed_desc = \"done sorting balls into containers.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple']\n color_sequence = np.arange(len(colors))\n\n # Add containers.\n container_size = (0.12, 0.12, 0)\n container_urdf = 'container\/container-template.urdf'\n container_poses = []\n for i in range(len(colors)):\n container_pose = self.get_random_pose(env, container_size)\n env.add_object(container_urdf, container_pose, color=utils.COLORS[colors[i]], category='fixed')\n container_poses.append(container_pose)\n\n # Add balls.\n balls = []\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n for i in range(len(colors)):\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[colors[i]])\n balls.append(ball_id)\n\n # Goal: each ball is in a container of the same color, in the correct sequence.\n for i in range(len(colors)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(colors))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-cylinder-pyramid\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-pyramid\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-pyramid: {'task-name': 'color-coordinated-cylinder-pyramid', 'task-description': 'Construct a pyramid on a pallet using four cylinders of different colors (red, blue, green, and yellow). The first level should consist of a red cylinder and a blue cylinder side by side. The second level should consist of a green cylinder placed on top of the red and blue cylinders. The third and final level should consist of a yellow cylinder placed on top of the green cylinder. The challenge lies in the precise placement of cylinders, maintaining the balance of the structure, and correct color arrangement.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedCylinderPyramid(Task):\n \"\"\"Construct a pyramid on a pallet using four cylinders of different colors (red, blue, green, and yellow).\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 12\n self.lang_template = \"make the {row} row with {cylinder}\"\n self.task_completed_desc = \"done stacking cylinder pyramid.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n pallet_size = (0.15, 0.15, 0.005)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, category='fixed')\n\n # Cylinder colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow']\n ]\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n\n cylinders = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i])\n cylinders.append(cylinder_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0.05, 0.03),\n (0, 0, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: cylinders are stacked in a pyramid (bottom row: red, blue).\n self.add_goal(objs=cylinders[:2], matches=np.ones((2, 2)), targ_poses=targs[:2], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*2)\n self.lang_goals.append(self.lang_template.format(cylinder=\"the red and blue cylinders\",\n row=\"bottom\"))\n\n # Goal: cylinders are stacked in a pyramid (middle row: green).\n self.add_goal(objs=cylinders[2:3], matches=np.ones((1, 1)), targ_poses=targs[2:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*1)\n self.lang_goals.append(self.lang_template.format(cylinder=\"the green cylinder\",\n row=\"middle\"))\n\n # Goal: cylinders are stacked in a pyramid (top row: yellow).\n self.add_goal(objs=cylinders[3:], matches=np.ones((1, 1)), targ_poses=targs[3:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4, symmetries=[np.pi\/2]*1)\n self.lang_goals.append(self.lang_template.format(cylinder=\"the yellow cylinder\",\n row=\"top\"))``` \n END"} +{"prompt":" \"cylinder-sorting-with-zone\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"cylinder-sorting-with-zone\" in a python code block.\n###\n\n","completion":" \n cylinder-sorting-with-zone: {'task-name': 'cylinder-sorting-with-zone', 'task-description': 'On a tabletop, there are four colored cylinders (red, blue, green, and yellow) and four zones of different colors (red, blue, green, and yellow). Each cylinder is located at a zone, but not corresponding to the color of the zone. The task is to pick up each cylinder and place it in the zone of the same color, in the specific sequence of red, blue, green and yellow from left to right.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass CylinderSortingWithZone(Task):\n \"\"\"Pick up each cylinder and place it in the zone of the same color, in the specific sequence of red, blue, green and yellow from left to right.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"place the {color} cylinder in the {color} zone\"\n self.task_completed_desc = \"done sorting cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n color_sequence = np.arange(len(colors))\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for i in color_sequence:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]])\n zone_poses.append(zone_pose)\n\n # Add cylinders.\n cylinders = []\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n for i in color_sequence:\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]])\n cylinders.append(cylinder_id)\n\n # Goal: each cylinder is in the zone of the same color.\n self.add_goal(objs=cylinders, matches=np.eye(len(cylinders)), targ_poses=zone_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n for i in color_sequence:\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-ball-placement\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-ball-placement\" in a python code block.\n###\n\n","completion":" \n color-coordinated-ball-placement: {'task-name': 'color-coordinated-ball-placement', 'task-description': 'There are three zones marked in three different colors (red, blue, and green) and three balls of matching colors. The task involves picking up each ball and precisely placing it in the zone of the same color. However, there are a few small blocks randomly scattered in the path between the balls and the zones. The robot has to strategically navigate around these blocks without knocking them over while transporting the balls to the corresponding zones. To add to the complexity, the robot must place the balls in each zone in a specific order: red, blue, and then green from left to right. The challenge lies in the precise navigation, placement of the balls, color matching and sequence following while avoiding the blocks.', 'assets-used': ['zone\/zone.urdf', 'ball\/ball-template.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedBallPlacement(Task):\n \"\"\"Pick up each ball and precisely place it in the zone of the same color. \n The robot must place the balls in each zone in a specific order: red, blue, and then green.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"place the {color} ball in the {color} zone\"\n self.task_completed_desc = \"done placing balls in zones.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_colors = ['red', 'blue', 'green']\n zone_poses = []\n for color in zone_colors:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zone_poses.append(zone_pose)\n\n # Add balls.\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n balls = []\n for color in zone_colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color])\n balls.append(ball_id)\n\n # Add blocks as obstacles.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/small.urdf'\n for _ in range(5):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose)\n\n # Goal: each ball is in the zone of the same color.\n for i in range(len(balls)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/3)\n self.lang_goals.append(self.lang_template.format(color=zone_colors[i]))``` \n END"} +{"prompt":" \"sweep-and-sort-blocks\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sweep-and-sort-blocks\" in a python code block.\n###\n\n","completion":" \n sweep-and-sort-blocks: {'task-name': 'sweep-and-sort-blocks', 'task-description': 'Sweep a pile of small blocks of different colors (red, blue, green, and yellow) into their corresponding colored zones marked on the tabletop. The challenge lies in the sweeping action, precise placement, and color coordination.', 'assets-used': ['zone\/zone.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass SweepAndSortBlocks(Task):\n \"\"\"Sweep a pile of small blocks of different colors (red, blue, green, and yellow) into their corresponding colored zones marked on the tabletop.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"sweep the pile of {color} blocks into the {color} square\"\n self.task_completed_desc = \"done sweeping and sorting.\"\n self.primitive = primitives.push\n self.ee = Spatula\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add colored zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n colors = ['red', 'blue', 'green', 'yellow']\n zone_poses = []\n for color in colors:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zone_poses.append(zone_pose)\n\n # Add piles of colored blocks.\n block_urdf = 'block\/small.urdf'\n block_size = (0.04, 0.04, 0.04)\n piles = []\n for color in colors:\n pile = []\n for _ in range(10):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n pile.append(block_id)\n piles.append(pile)\n\n # Add goals for each color.\n for i, color in enumerate(colors):\n self.add_goal(objs=piles[i], matches=np.ones((10, 1)), targ_poses=[zone_poses[i]], replace=True,\n rotations=False, metric='zone', params=[(zone_poses[i], zone_size)], step_max_reward=1)\n self.lang_goals.append(self.lang_template.format(color=color))``` \n END"} +{"prompt":" \"align-cylinders-in-zones\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"align-cylinders-in-zones\" in a python code block.\n###\n\n","completion":" \n align-cylinders-in-zones: {'task-name': 'align-cylinders-in-zones', 'task-description': 'Place four differently colored cylinders (red, blue, green, yellow) each into a matching colored zone. But, the zones are surrounded by small blocks, which the robot needs to move out of the way without knocking them out of their respective zones. The challenge includes precise placement of cylinders, color matching, and careful navigation around the small blocks.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'zone\/zone.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass AlignCylindersInZones(Task):\n \"\"\"Place four differently colored cylinders each into a matching colored zone. \n The zones are surrounded by small blocks, which the robot needs to move out of the way \n without knocking them out of their respective zones.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} cylinder in the {color} zone\"\n self.task_completed_desc = \"done aligning cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Cylinder colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n\n cylinders = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]])\n cylinders.append(cylinder_id)\n\n # Add zones.\n # x, y, z dimensions for the asset size\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n\n zones = []\n for i in range(4):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, color=utils.COLORS[colors[i]], category='fixed')\n zones.append(zone_pose)\n\n # Add small blocks around the zones.\n # x, y, z dimensions for the asset size\n block_size = (0.02, 0.02, 0.02)\n block_urdf = 'block\/small.urdf'\n\n for _ in range(16):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose)\n\n # Goal: each cylinder is in a matching colored zone.\n for i in range(4):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zones[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"sphere-container-color-match\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sphere-container-color-match\" in a python code block.\n###\n\n","completion":" \n sphere-container-color-match: {'task-name': 'sphere-container-color-match', 'task-description': 'On a tabletop, there are four spheres of different colors (red, blue, green, and yellow) inside four containers of a different color (red, blue, green, and yellow). The task is to pick up each sphere and place it into a container of the same color. The task is challenging due to the manipulation of spherical objects and the color coordination required.', 'assets-used': ['sphere\/sphere.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass SphereContainerColorMatch(Task):\n \"\"\"Pick up each sphere and place it into a container of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 4\n self.lang_template = \"put the {color} sphere in the {color} container\"\n self.task_completed_desc = \"done matching spheres and containers.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding names\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n color_names = ['red', 'blue', 'green', 'yellow']\n\n # Add containers.\n container_size = (0.12, 0.12, 0.12)\n container_urdf = 'container\/container-template.urdf'\n containers = []\n for i in range(4):\n container_pose = self.get_random_pose(env, container_size)\n container_id = env.add_object(container_urdf, container_pose, color=colors[i])\n containers.append(container_id)\n\n # Add spheres.\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere.urdf'\n spheres = []\n for i in range(4):\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=colors[i])\n spheres.append(sphere_id)\n\n # Goal: each sphere is in a container of the same color.\n for i in range(4):\n self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"insertion-and-color-sorting\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insertion-and-color-sorting\" in a python code block.\n###\n\n","completion":" \n insertion-and-color-sorting: {'task-name': 'insertion-and-color-sorting', 'task-description': 'On the tabletop, there are two fixtures and four Ell-shaped blocks of different colors (red, blue, green, and yellow). The task is to pick up each block and insert it into a fixture of the same color, then arrange the fixtures in a line in the following color order: red, blue, green, yellow. The challenge lies in the precise insertion, color matching, and sequence following.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass InsertionAndColorSorting(Task):\n \"\"\"Pick up each Ell-shaped block, insert it into a fixture of the same color, then arrange the fixtures in a line in the following color order: red, blue, green, yellow.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"insert the {color} block into the {color} fixture and arrange the fixtures in color order\"\n self.task_completed_desc = \"done inserting and sorting.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell-shaped block colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add Ell-shaped blocks.\n block_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the block size\n block_urdf = 'insertion\/ell.urdf' # URDF file for Ell-shaped block\n\n blocks = []\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Add fixtures.\n fixture_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the fixture size\n fixture_urdf = 'insertion\/fixture.urdf' # URDF file for fixture\n\n fixtures = []\n for color in colors:\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=color)\n fixtures.append(fixture_id)\n\n # Goal: each block is inserted into a fixture of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(blocks))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))\n\n # Goal: fixtures are arranged in a line in color order.\n line_poses = [self.get_random_pose(env, fixture_size) for _ in range(len(fixtures))]\n line_poses.sort(key=lambda x: x[0]) # sort by x-coordinate to form a line\n for i in range(len(fixtures)):\n self.add_goal(objs=[fixtures[i]], matches=np.ones((1, 1)), targ_poses=[line_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(fixtures))``` \n END"} +{"prompt":" \"color-coordinated-cylinder-stack\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-stack\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-stack: {'task-name': 'color-coordinated-cylinder-stack', 'task-description': 'On the tabletop, there are four colored (red, blue, green, yellow) cylinders and four stands of corresponding colors. The task is to pick up each cylinder and stack it onto the stand of the same color - the red one at the bottom, followed by blue, green, and finally the yellow one at the top.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedCylinderStack(Task):\n \"\"\"Stack cylinders on stands of the same color in a specific order.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"stack the cylinders on the stands of the same color in the order red, blue, green, yellow\"\n self.task_completed_desc = \"done stacking cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding names\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n color_names = ['red', 'blue', 'green', 'yellow']\n\n # Add stands.\n # x, y, z dimensions for the asset size\n stand_size = (0.04, 0.04, 0.04)\n stand_urdf = 'stacking\/stand.urdf'\n stands = []\n for i in range(4):\n stand_pose = self.get_random_pose(env, stand_size)\n stand_id = env.add_object(stand_urdf, stand_pose, color=colors[i])\n stands.append(stand_id)\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=colors[i])\n cylinders.append(cylinder_id)\n\n # Goal: each cylinder is stacked on the stand of the same color in the order red, blue, green, yellow.\n for i in range(4):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(f\"Place the {color_names[i]} cylinder on the {color_names[i]} stand.\")``` \n END"} +{"prompt":" \"color-coordinated-container-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-container-insertion\" in a python code block.\n###\n\n","completion":" \n color-coordinated-container-insertion: {'task-name': 'color-coordinated-container-insertion', 'task-description': 'There are three containers and three ell shaped blocks of different colors (red, blue, green) on the table top. The task is to pick up the ell shaped blocks and insert each one of them into the container of the same color. However, the ell blocks should be inserted in a specific sequence - red first, then blue, and finally green. This task is challenging due to the precision required for insertion and the need for color coordination and sequencing.', 'assets-used': ['insertion\/ell.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedContainerInsertion(Task):\n \"\"\"Insert ell shaped blocks into the container of the same color in a specific sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 3\n self.lang_template = \"insert the {color} ell block into the {color} container\"\n self.task_completed_desc = \"done inserting ell blocks into containers.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell block and container colors.\n colors = ['red', 'blue', 'green']\n\n # Add ell blocks and containers.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n container_size = (0.12, 0.12, 0)\n container_urdf = 'container\/container-template.urdf'\n\n objs = []\n for color in colors:\n # Add ell block.\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n objs.append(ell_id)\n\n # Add container.\n container_pose = self.get_random_pose(env, container_size)\n env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed')\n\n # Goal: each ell block is in the container of the same color.\n self.add_goal(objs=[ell_id], matches=np.ones((1, 1)), targ_poses=[container_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/3)\n self.lang_goals.append(self.lang_template.format(color=color))``` \n END"} +{"prompt":" \"color-coordinated-insertion-in-container\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-insertion-in-container\" in a python code block.\n###\n\n","completion":" \n color-coordinated-insertion-in-container: {'task-name': 'color-coordinated-insertion-in-container', 'task-description': 'There are four differently-colored ell objects (red, blue, green, yellow) and a corresponding container of matching colors. The task involves picking up each ell object and inserting it into the container of the same color in a specific order: from left to right, insert red, blue, green, and finally yellow. The challenge lies in the precise manipulation of the ell objects and the color-coordination required.', 'assets-used': ['insertion\/ell.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedInsertionInContainer(Task):\n \"\"\"Insert four differently-colored ell objects into the corresponding container of matching colors in a specific order.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"insert the {color} ell into the {color} container\"\n self.task_completed_desc = \"done inserting ell objects into containers.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their order\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add containers.\n container_size = (0.12, 0.12, 0.12)\n container_urdf = 'container\/container-template.urdf'\n container_poses = []\n for color in colors:\n container_pose = self.get_random_pose(env, container_size)\n env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed')\n container_poses.append(container_pose)\n\n # Add ell objects.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for color in colors:\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n ells.append(ell_id)\n\n # Goal: each ell object is in the corresponding container of the same color.\n for i in range(len(ells)):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(ells))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"insert-ell-along-square-path\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insert-ell-along-square-path\" in a python code block.\n###\n\n","completion":" \n insert-ell-along-square-path: {'task-name': 'insert-ell-along-square-path', 'task-description': 'On the tabletop, there is a square path marked by small blocks. Along the path, there are four colored ell-shaped blocks (red, blue, green, and yellow) and four fixtures of matching colors. The task is to pick up each ell block and insert it into the fixture of the same color. However, the robot must move each ell block along the marked square path to reach the fixture. The task is challenging because it requires precise navigation along the path, color coordination, and insertion accuracy.', 'assets-used': ['block\/small.urdf', 'insertion\/ell.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass InsertEllAlongSquarePath(Task):\n \"\"\"Pick up each ell block and insert it into the fixture of the same color. However, the robot must move each ell block along the marked square path to reach the fixture.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"move the {color} ell block along the square path and insert it into the {color} fixture\"\n self.task_completed_desc = \"done inserting ell blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell block colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add ell blocks and fixtures.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n fixture_urdf = 'insertion\/fixture.urdf'\n ell_blocks = []\n fixtures = []\n for color in colors:\n # Add ell block\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n ell_blocks.append(ell_id)\n\n # Add fixture\n fixture_pose = self.get_random_pose(env, ell_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color])\n fixtures.append(fixture_id)\n\n # Goal: each ell block is inserted into the fixture of the same color.\n for i in range(len(colors)):\n self.add_goal(objs=[ell_blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(colors))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))\n\n # Add square path marked by small blocks.\n path_block_size = (0.02, 0.02, 0.02)\n path_block_urdf = 'block\/small.urdf'\n path_block_color = utils.COLORS['gray']\n for _ in range(16):\n path_block_pose = self.get_random_pose(env, path_block_size)\n env.add_object(path_block_urdf, path_block_pose, color=path_block_color)``` \n END"} +{"prompt":" \"color-ordered-insertion-with-blocking-boxes\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-ordered-insertion-with-blocking-boxes\" in a python code block.\n###\n\n","completion":" \n color-ordered-insertion-with-blocking-boxes: {'task-name': 'color-ordered-insertion-with-blocking-boxes', 'task-description': 'There are four differently-colored ell objects (red, blue, green, yellow) and a corresponding set of color-coded fixtures. In between the ell objects and the fixtures, there are four spheres positioned randomly, creating a barrier that the robot must navigate around. The task involves picking up each ell object and inserting it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and finally yellow, without knocking over any of the spheres.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'sphere\/sphere-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorOrderedInsertionWithBlockingBoxes(Task):\n \"\"\"Pick up four differently-colored ell objects and insert them into the matching color fixture in a specific order, without knocking over any of the spheres.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} ell into the matching fixture\"\n self.task_completed_desc = \"done inserting ells.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add fixtures.\n fixture_size = (0.12, 0.12, 0.12)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixture_poses = []\n for i in range(4):\n fixture_pose = self.get_random_pose(env, fixture_size)\n env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed')\n fixture_poses.append(fixture_pose)\n\n # Add ells.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for i in range(4):\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]])\n ells.append(ell_id)\n\n # Add spheres.\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere-template.urdf'\n for _ in range(4):\n sphere_pose = self.get_random_pose(env, sphere_size)\n env.add_object(sphere_urdf, sphere_pose)\n\n # Goal: each ell is inserted into the matching color fixture in a specific order.\n for i in range(4):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-box-ball-matching\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-box-ball-matching\" in a python code block.\n###\n\n","completion":" \n color-coordinated-box-ball-matching: {'task-name': 'color-coordinated-box-ball-matching', 'task-description': 'On the tabletop, there are four boxes of different colors (red, blue, green, and yellow) and four balls of corresponding colors. The task is to pick up each ball and place it inside the box of the same color, however, the boxes are placed in a straight line with a row of small blocks acting as a barrier between the boxes and the balls. The challenge lies in the precise placement, color matching, and the navigation around the barrier without knocking over any small blocks.', 'assets-used': ['box\/box-template.urdf', 'ball\/ball-template.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedBoxBallMatching(Task):\n \"\"\"Pick up each ball and place it inside the box of the same color, navigate around the barrier without knocking over any small blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"put the {color} ball in the {color} box\"\n self.task_completed_desc = \"done placing balls in boxes.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for the boxes and balls\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add boxes.\n box_size = (0.05, 0.05, 0.05)\n box_urdf = 'box\/box-template.urdf'\n box_poses = []\n for color in colors:\n box_pose = self.get_random_pose(env, box_size)\n env.add_object(box_urdf, box_pose, color=color, category='fixed')\n box_poses.append(box_pose)\n\n # Add balls.\n balls = []\n ball_size = (0.02, 0.02, 0.02)\n ball_urdf = 'ball\/ball-template.urdf'\n for color in colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=color)\n balls.append(ball_id)\n\n # Add small blocks as barriers.\n barrier_size = (0.01, 0.01, 0.01)\n barrier_urdf = 'block\/small.urdf'\n for _ in range(10):\n barrier_pose = self.get_random_pose(env, barrier_size)\n env.add_object(barrier_urdf, barrier_pose, category='fixed')\n\n # Goal: each ball is in the box of the same color.\n for i in range(len(balls)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(balls))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-pallet-pyramid\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-pallet-pyramid\" in a python code block.\n###\n\n","completion":" \n color-coordinated-pallet-pyramid: {'task-name': 'color-coordinated-pallet-pyramid', 'task-description': 'On a tabletop, there are three pallets and nine blocks of three different colors (red, blue, green). Each color has three blocks and the blocks are scattered randomly on the table. The task is to pick up the blocks and stack them on the pallets to form a pyramid shape. Each pyramid should contain blocks of the same color with two blocks on the base and one block on top. The pallets with the pyramids should be arranged in a straight line in the following color order: red, blue, green from left to right. The challenge lies in the color coordination, precise stacking and the arrangement of the pallets.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedPalletPyramid(Task):\n \"\"\"Arrange blocks of the same color on pallets to form a pyramid and arrange the pallets in a specific color order.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"arrange the blocks on the pallets to form a pyramid of the same color and arrange the pallets in the order red, blue, green\"\n self.task_completed_desc = \"done arranging blocks on pallets.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallets.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.015)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_poses = []\n for _ in range(3):\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, category='fixed')\n pallet_poses.append(pallet_pose)\n\n # Block colors.\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']]\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n for i in range(9):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i\/\/3])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03)]\n targs = [(utils.apply(pallet_poses[i\/\/3], j), pallet_poses[i\/\/3][1]) for i, j in enumerate(place_pos*3)]\n\n # Goal: blocks are stacked in a pyramid on each pallet.\n for i in range(3):\n self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-coordinated-ball-insertion-in-boxes\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-ball-insertion-in-boxes\" in a python code block.\n###\n\n","completion":" \n color-coordinated-ball-insertion-in-boxes: {'task-name': 'color-coordinated-ball-insertion-in-boxes', 'task-description': 'Pick up four balls of different colors (red, blue, green, and yellow) and insert them into four separate boxes of matching colors. The boxes are located inside corners of a square structure and the task requires precise insertion, color coordination, and careful navigation around the square structure.', 'assets-used': ['ball\/ball-template.urdf', 'box\/box-template.urdf', 'square\/square-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedBallInsertion(Task):\n \"\"\"Pick up four balls of different colors (red, blue, green, and yellow) and insert them into four separate boxes of matching colors.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"put the {color} ball in the {color} box\"\n self.task_completed_desc = \"done inserting balls into boxes.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define the colors for the balls and boxes\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add boxes.\n # x, y, z dimensions for the asset size\n box_size = (0.12, 0.12, 0.12)\n box_urdf = 'box\/box-template.urdf'\n boxes = []\n for color in colors:\n box_pose = self.get_random_pose(env, box_size)\n box_id = env.add_object(box_urdf, box_pose, color=utils.COLORS[color])\n boxes.append(box_id)\n\n # Add balls.\n # x, y, z dimensions for the asset size\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n balls = []\n for color in colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color])\n balls.append(ball_id)\n\n # Goal: each ball is in a box of the same color.\n for i in range(len(balls)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(boxes[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(balls))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"cylinder-balancing-and-placement\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"cylinder-balancing-and-placement\" in a python code block.\n###\n\n","completion":" \n cylinder-balancing-and-placement: {'task-name': 'cylinder-balancing-and-placement', 'task-description': 'On a table, there are three differently colored cylinders (red, green, and blue) and three square zones of matching colors. The task involves picking up each cylinder and balancing it on its end at the center of the corresponding colored zone, in the sequence of red, green, and blue from left to right. The task is challenging due to precise balancing required in placing the cylinders, color matching, and sequence following.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass CylinderBalancingAndPlacement(Task):\n \"\"\"Pick up each cylinder and balance it on its end at the center of the corresponding colored zone.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"balance the {color} cylinder in the {color} zone\"\n self.task_completed_desc = \"done balancing and placing cylinders.\"\n self.colors = ['red', 'green', 'blue']\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for color in self.colors:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zone_poses.append(zone_pose)\n\n # Add cylinders.\n cylinder_size = (0.04, 0.04, 0.12)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for color in self.colors:\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color])\n cylinders.append(cylinder_id)\n\n # Goal: each cylinder is balanced in the corresponding colored zone.\n for i in range(len(cylinders)):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/3)\n self.lang_goals.append(self.lang_template.format(color=self.colors[i]))``` \n END"} +{"prompt":" \"align-spheres-in-boxes\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"align-spheres-in-boxes\" in a python code block.\n###\n\n","completion":" \n align-spheres-in-boxes: {'task-name': 'align-spheres-in-boxes', 'task-description': 'There are four different colored boxes (red, blue, green, and yellow) and four spheres of corresponding colors on the table. The task is to pick up each sphere and place it into the box of the same color. However, there are small blocks scattered randomly on the table, which the robot has to navigate without knocking them over. The challenge lies in the precise placement of the spheres, color matching, and navigation around the blocks.', 'assets-used': ['box\/box-template.urdf', 'sphere\/sphere-template.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass AlignSpheresInBoxes(Task):\n \"\"\"Pick up each sphere and place it into the box of the same color. Navigate around the blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"put the {color} sphere in the {color} box\"\n self.task_completed_desc = \"done aligning spheres in boxes.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add boxes.\n # x, y, z dimensions for the asset size\n box_size = (0.12, 0.12, 0.12)\n box_urdf = 'box\/box-template.urdf'\n box_poses = []\n box_colors = ['red', 'blue', 'green', 'yellow']\n for color in box_colors:\n box_pose = self.get_random_pose(env, box_size)\n env.add_object(box_urdf, box_pose, category='fixed', color=utils.COLORS[color])\n box_poses.append(box_pose)\n\n # Add spheres.\n # x, y, z dimensions for the asset size\n spheres = []\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere-template.urdf'\n for color in box_colors:\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color])\n spheres.append(sphere_id)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/small.urdf'\n for _ in range(10):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose)\n blocks.append(block_id)\n\n # Goal: each sphere is in a box of the same color.\n for i in range(len(spheres)):\n self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[box_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(spheres))\n self.lang_goals.append(self.lang_template.format(color=box_colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-sphere-and-cylinder-assembly\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-sphere-and-cylinder-assembly\" in a python code block.\n###\n\n","completion":" \n color-coordinated-sphere-and-cylinder-assembly: {'task-name': 'color-coordinated-sphere-and-cylinder-assembly', 'task-description': 'The robot starts with four spheres of different colors (red, blue, green, yellow) and four cylinders of matching colors. The task is to pick up each sphere and place it on top of the cylinder of the same color, forming four sphere-and-cylinder pairs. However, the challenge here is to do this in a specific color sequence - red, blue, green, and finally yellow.', 'assets-used': ['sphere\/sphere-template.urdf', 'cylinder\/cylinder-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedSphereAndCylinderAssembly(Task):\n \"\"\"Pick up each sphere and place it on top of the cylinder of the same color, in a specific color sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} sphere on the {color} cylinder\"\n self.task_completed_desc = \"done placing spheres on cylinders.\"\n self.colors = ['red', 'blue', 'green', 'yellow']\n self.color_sequence = ['red', 'blue', 'green', 'yellow']\n\n def reset(self, env):\n super().reset(env)\n\n # Add spheres and cylinders.\n sphere_size = (0.05, 0.05, 0.05)\n cylinder_size = (0.05, 0.05, 0.1)\n sphere_template = 'sphere\/sphere-template.urdf'\n cylinder_template = 'cylinder\/cylinder-template.urdf'\n\n # Add spheres and cylinders of each color.\n for color in self.colors:\n sphere_pose = self.get_random_pose(env, sphere_size)\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n sphere_id = env.add_object(sphere_template, sphere_pose, color=color)\n cylinder_id = env.add_object(cylinder_template, cylinder_pose, color=color)\n\n # Goal: each sphere is on top of the cylinder of the same color.\n self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=color))\n\n # The task is completed in a specific color sequence.\n self.color_sequence = ['red', 'blue', 'green', 'yellow']``` \n END"} +{"prompt":" \"color-coordinated-cylinder-bowl-sorting\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-bowl-sorting\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-bowl-sorting: {'task-name': 'color-coordinated-cylinder-bowl-sorting', 'task-description': 'There are four different cylinders (red, blue, green, yellow) and four different bowls (red, blue, green, yellow). The task involves picking up each cylinder and placing it in the bowl of the same color. The challenge lies in the precise manipulation of the cylinders and color-coordination.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'bowl\/bowl.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedCylinderBowlSorting(Task):\n \"\"\"Pick up each cylinder and place it in the bowl of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 4\n self.lang_template = \"put the {color} cylinder in the {color} bowl\"\n self.task_completed_desc = \"done sorting cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add bowls.\n # x, y, z dimensions for the asset size\n bowl_size = (0.12, 0.12, 0)\n bowl_urdf = 'bowl\/bowl.urdf'\n bowl_poses = []\n for color in colors:\n bowl_pose = self.get_random_pose(env, bowl_size)\n env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed')\n bowl_poses.append(bowl_pose)\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinders = []\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n for color in colors:\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color])\n cylinders.append(cylinder_id)\n\n # Goal: each cylinder is in the bowl of the same color.\n for i in range(len(colors)):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[bowl_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(colors))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"sequential-block-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sequential-block-insertion\" in a python code block.\n###\n\n","completion":" \n sequential-block-insertion: {'task-name': 'sequential-block-insertion', 'task-description': 'There are four blocks of different colors (red, blue, green, yellow) and four fixtures of matching colors. The task involves picking up each block and inserting it into the fixture of the same color, in the specific sequence of red, blue, green, and yellow. However, the challenge lies in the fact that the blocks and fixtures are initially arranged in a mixed order, demanding careful navigation, precise insertion, color matching, and sequence following.', 'assets-used': ['insertion\/fixture.urdf', 'block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass SequentialBlockInsertion(Task):\n \"\"\"Pick up blocks of different colors and insert them into the fixture of the same color in a specific sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} block into the {color} fixture\"\n self.task_completed_desc = \"done inserting blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define the sequence of colors\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add fixtures.\n # x, y, z dimensions for the asset size\n fixture_size = (0.12, 0.12, 0)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixtures = []\n for color in colors:\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color], category='fixed')\n fixtures.append(fixture_id)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is in the fixture of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"sequential-insertion-and-stacking\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"sequential-insertion-and-stacking\" in a python code block.\n###\n\n","completion":" \n sequential-insertion-and-stacking: {'task-name': 'sequential-insertion-and-stacking', 'task-description': 'The tabletop contains three fixtures and three ell-shaped blocks of different colors - red, blue, and green. The task is to first pick up and insert each ell block into the corresponding colored fixture in the sequence of red, blue, and green. After successful insertion, the robot must pick up the three blocks again from the fixtures and stack them in a corner of the tabletop in the same color sequence - red at the bottom, blue in the middle, and green on top.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'corner\/corner-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass SequentialInsertionAndStacking(Task):\n \"\"\"Pick up and insert each ell block into the corresponding colored fixture in the sequence of red, blue, and green. After successful insertion, pick up the three blocks again from the fixtures and stack them in a corner of the tabletop in the same color sequence - red at the bottom, blue in the middle, and green on top.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"insert the {color} ell block into the {color} fixture and then stack them in the corner\"\n self.task_completed_desc = \"done inserting and stacking.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add fixtures.\n fixture_size = (0.12, 0.12, 0)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixture_poses = []\n colors = ['red', 'blue', 'green']\n for color in colors:\n fixture_pose = self.get_random_pose(env, fixture_size)\n env.add_object(fixture_urdf, fixture_pose, category='fixed', color=utils.COLORS[color])\n fixture_poses.append(fixture_pose)\n\n # Add ell blocks.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for color in colors:\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n ells.append(ell_id)\n\n # Goal: each ell block is in the corresponding colored fixture.\n for i in range(3):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/3)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))\n\n # Add corner.\n corner_size = (0.12, 0.12, 0)\n corner_pose = self.get_random_pose(env, corner_size)\n corner_urdf = 'corner\/corner-template.urdf'\n env.add_object(corner_urdf, corner_pose, category='fixed')\n\n # Goal: ell blocks are stacked in the corner in the color sequence - red at the bottom, blue in the middle, and green on top.\n stack_poses = [(0, 0, 0.04), (0, 0, 0.08), (0, 0, 0.12)]\n targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in stack_poses]\n self.add_goal(objs=ells, matches=np.ones((3, 3)), targ_poses=targs, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/3)\n self.lang_goals.append(\"stack the ell blocks in the corner in the color sequence - red at the bottom, blue in the middle, and green on top\")``` \n END"} +{"prompt":" \"color-coordinated-block-shifting\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-block-shifting\" in a python code block.\n###\n\n","completion":" \n color-coordinated-block-shifting: {'task-name': 'color-coordinated-block-shifting', 'task-description': 'On a tabletop, there are three zones marked in three different colors (red, blue, and green) and nine blocks of matching colors (three red, three blue, and three green). Each zone initially contains three blocks of a single color, but the colors of the blocks and zones do not match. The task involves picking up each block and precisely placing it in the zone of the same color. However, there are a few small blocks randomly scattered in the path between the zones. The robot has to strategically navigate around these blocks without knocking them over while transporting the blocks to the corresponding zones. The challenge lies in the precise navigation, placement of the blocks, color matching while avoiding the blocks.', 'assets-used': ['zone\/zone.urdf', 'block\/block.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedBlockShifting(Task):\n \"\"\"Pick up each block and precisely place it in the zone of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"move the {color} blocks to the {color} zone\"\n self.task_completed_desc = \"done moving blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_colors = ['red', 'blue', 'green']\n zone_poses = []\n for color in zone_colors:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zone_poses.append(zone_pose)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n blocks = []\n for color in zone_colors:\n for _ in range(3):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Add small blocks as obstacles.\n small_block_size = (0.02, 0.02, 0.02)\n small_block_urdf = 'stacking\/small_block.urdf'\n for _ in range(5):\n small_block_pose = self.get_random_pose(env, small_block_size)\n env.add_object(small_block_urdf, small_block_pose)\n\n # Goal: each block is in the zone of the same color.\n for i in range(9):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i\/\/3]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/9)\n self.lang_goals.append(self.lang_template.format(color=zone_colors[i\/\/3]))``` \n END"} +{"prompt":" \"color-coordinated-cylinder-placement-on-pallet\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-placement-on-pallet\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-placement-on-pallet: {'task-name': 'color-coordinated-cylinder-placement-on-pallet', 'task-description': 'On a tabletop, there are four corners marked in four different colors (red, blue, green, and yellow) and four cylinders of matching colors. Also, there is a pallet on the tabletop with four colored zones matching with the colors of the corners and cylinders. Initially, each cylinder is located at a corner, but not corresponding to the color of the corner. The task is to pick up each cylinder and place it on the pallet zone of the same color. However, this must be done in a specific sequence - red first, then blue, green, and finally yellow. The challenge lies in precise placement, color matching, and following the correct sequence.', 'assets-used': ['corner\/corner-template.urdf', 'cylinder\/cylinder-template.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedCylinderPlacement(Task):\n \"\"\"Pick up each cylinder and place it on the pallet zone of the same color in a specific sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} cylinder in the {color} zone on the pallet\"\n self.task_completed_desc = \"done placing cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n pallet_size = (0.3, 0.3, 0.01)\n pallet_pose = self.get_random_pose(env, pallet_size)\n pallet_urdf = 'pallet\/pallet.urdf'\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Define colors and their sequence.\n colors = ['red', 'blue', 'green', 'yellow']\n color_sequence = [utils.COLORS[color] for color in colors]\n\n # Add cylinders.\n cylinder_size = (0.02, 0.02, 0.08)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for i, color in enumerate(color_sequence):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color)\n cylinders.append(cylinder_id)\n\n # Define zones on the pallet for each color.\n zone_poses = [utils.apply(pallet_pose, (0.1 * i - 0.15, 0.1 * j - 0.15, 0))\n for i in range(2) for j in range(2)]\n\n # Add goals for each color in the sequence.\n for i, color in enumerate(colors):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=color))``` \n END"} +{"prompt":" \"guided-block-path\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"guided-block-path\" in a python code block.\n###\n\n","completion":" \n guided-block-path: {'task-name': 'guided-block-path', 'task-description': 'On the tabletop, there are four colored blocks (red, blue, green, and yellow) and four lines of the corresponding colors. The task is to pick up each block and move it along the line of the same color from start to end. The challenge lies in precise navigation along the line, color coordination, and block manipulation.', 'assets-used': ['block\/block.urdf', 'line\/line-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass GuidedBlockPath(Task):\n \"\"\"Pick up each block and move it along the line of the same color from start to end.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"move the {color} block along the {color} line from start to end\"\n self.task_completed_desc = \"done moving blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding names\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n color_names = ['red', 'blue', 'green', 'yellow']\n\n # Add lines and blocks.\n # x, y, z dimensions for the asset size\n line_size = (0.3, 0.01, 0.01)\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n line_urdf = 'line\/line-template.urdf'\n\n blocks = []\n lines = []\n for i in range(4):\n # Add line\n line_pose = self.get_random_pose(env, line_size)\n env.add_object(line_urdf, line_pose, color=colors[i], category='fixed')\n lines.append(line_pose)\n\n # Add block\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Add goal\n self.add_goal(objs=[block_id], matches=np.ones((1, 1)), targ_poses=[line_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"color-ordered-insertion-with-obstacles\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-ordered-insertion-with-obstacles\" in a python code block.\n###\n\n","completion":" \n color-ordered-insertion-with-obstacles: {'task-name': 'color-ordered-insertion-with-obstacles', 'task-description': 'On a tabletop, there are four colored ell-shaped blocks (red, blue, green, and yellow) and four fixtures of matching colors, with a line of small blocks serving as barriers, and they are arranged in a straight line. The task is to pick up each ell block, navigate around the small blocks, and insert it into the fixture of the same color in a specific sequence from left to right, starting with red, followed by blue, then green, and finally yellow. The challenges include precise navigation, color coordination, sequence following, and obstacle avoidance.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorOrderedInsertionWithObstacles(Task):\n \"\"\"Pick up each ell block, navigate around the small blocks, and insert it into the fixture of the same color in a specific sequence from left to right, starting with red, followed by blue, then green, and finally yellow.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} ell block into the {color} fixture\"\n self.task_completed_desc = \"done inserting ell blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their order\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add ell blocks and fixtures.\n for color in colors:\n # Add ell block\n ell_size = (0.04, 0.04, 0.04) # x, y, z dimensions for the ell block size\n ell_pose = self.get_random_pose(env, ell_size)\n ell_urdf = 'insertion\/ell.urdf'\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n \n # Add fixture\n fixture_size = (0.05, 0.05, 0.05) # x, y, z dimensions for the fixture size\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color])\n\n # Add goal: ell block is inserted into the fixture of the same color\n self.add_goal(objs=[ell_id], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=color))\n\n # Add small blocks as obstacles.\n n_obstacles = 10\n obstacle_size = (0.02, 0.02, 0.02) # x, y, z dimensions for the obstacle size\n obstacle_urdf = 'block\/small.urdf'\n for _ in range(n_obstacles):\n obstacle_pose = self.get_random_pose(env, obstacle_size)\n env.add_object(obstacle_urdf, obstacle_pose)``` \n END"} +{"prompt":" \"color-matched-block-transfer\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-matched-block-transfer\" in a python code block.\n###\n\n","completion":" \n color-matched-block-transfer: {'task-name': 'color-matched-block-transfer', 'task-description': 'On a tabletop, there are four containers and four blocks of different colors (red, blue, green, and yellow). Each block is inside a container, but not corresponding to the color of the container. The task is to pick up each block and place it in the container of the same color, in the specific sequence of red, blue, green and yellow from left to right. The task is challenging due to the precise placement, color matching and sequence following.', 'assets-used': ['block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorMatchedBlockTransfer(Task):\n \"\"\"Pick up each block and place it in the container of the same color, in the specific sequence of red, blue, green and yellow from left to right.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"place the {color} block in the {color} container\"\n self.task_completed_desc = \"done transferring blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n color_sequence = np.array(colors)\n\n # Add containers.\n container_size = (0.12, 0.12, 0.12)\n container_urdf = 'container\/container-template.urdf'\n container_poses = []\n for color in color_sequence:\n container_pose = self.get_random_pose(env, container_size)\n env.add_object(container_urdf, container_pose, color=utils.COLORS[color], category='fixed')\n container_poses.append(container_pose)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in color_sequence:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is in the container of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"mixed-color-block-barrier-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"mixed-color-block-barrier-insertion\" in a python code block.\n###\n\n","completion":" \n mixed-color-block-barrier-insertion: {'task-name': 'mixed-color-block-barrier-insertion', 'task-description': 'There are four different colored blocks (red, blue, green, and yellow), and four fixtures in corresponding colors. Two barriers, each made of three blocks (orange, purple, and brown), are placed in between the blocks and fixtures, forming a path that the robot must navigate. The task involves picking up each colored block, navigating the barriers, and inserting each block into the fixture of the same color. The fixtures are arranged in a sequence from left to right: red, blue, green, and yellow, providing a challenge in precise navigation, color coordination, and insertion.', 'assets-used': ['block\/block.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass MixedColorBlockBarrierInsertion(Task):\n \"\"\"Pick up each colored block, navigate the barriers, and insert each block into the fixture of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} block into the {color} fixture\"\n self.task_completed_desc = \"done inserting blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for blocks and fixtures\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Add fixtures.\n fixture_size = (0.06, 0.06, 0.06)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixtures = []\n for color in colors:\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color])\n fixtures.append(fixture_id)\n\n # Add barriers.\n barrier_size = (0.12, 0.04, 0.04)\n barrier_colors = ['orange', 'purple', 'brown']\n for _ in range(2):\n for color in barrier_colors:\n barrier_pose = self.get_random_pose(env, barrier_size)\n env.add_object(block_urdf, barrier_pose, color=utils.COLORS[color])\n\n # Goal: each block is inserted into the fixture of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"ball-in-bowl-obstacle-course\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"ball-in-bowl-obstacle-course\" in a python code block.\n###\n\n","completion":" \n ball-in-bowl-obstacle-course: {'task-name': 'ball-in-bowl-obstacle-course', 'task-description': 'With the tabletop setup consisting of a maze of small blocks, the task requires the robot to pick up four balls of different colors (red, blue, green, yellow) and place each of them into the corresponding colored bowls strategically positioned at different corners of the maze, without knocking over any blocks, demanding careful navigation and color coordination.', 'assets-used': ['ball\/ball-template.urdf', 'block\/small.urdf', 'bowl\/bowl.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass BallInBowlObstacleCourse(Task):\n \"\"\"Navigate through a maze of blocks, pick up balls of different colors and place them in the corresponding colored bowls.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"navigate through the maze and place the {color} ball in the {color} bowl\"\n self.task_completed_desc = \"done placing balls in bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add blocks to form a maze.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/small.urdf'\n for _ in range(10):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose, category='fixed')\n\n # Add balls of different colors.\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n colors = ['red', 'blue', 'green', 'yellow']\n balls = []\n for color in colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=color)\n balls.append(ball_id)\n\n # Add bowls of different colors at different corners of the maze.\n bowl_size = (0.12, 0.12, 0)\n bowl_urdf = 'bowl\/bowl.urdf'\n bowls = []\n for color in colors:\n bowl_pose = self.get_random_pose(env, bowl_size)\n bowl_id = env.add_object(bowl_urdf, bowl_pose, color=color, category='fixed')\n bowls.append(bowl_id)\n\n # Goal: each ball is in the bowl of the same color.\n for i in range(len(balls)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(bowls[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(balls))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-bowl-ball-pyramid\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-bowl-ball-pyramid\" in a python code block.\n###\n\n","completion":" \n color-coordinated-bowl-ball-pyramid: {'task-name': 'color-coordinated-bowl-ball-pyramid', 'task-description': 'On a tabletop, there are four bowls and four balls of different colors (red, blue, green, and yellow). The task is to pick up each ball and stack them in the shape of a pyramid inside the bowl of the same color, in the specific sequence of red at the bottom, blue and green in the middle, and yellow at the top. The challenge lies in the precise placement, color matching, and pyramid formation.', 'assets-used': ['bowl\/bowl.urdf', 'ball\/ball.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedBowlBallPyramid(Task):\n \"\"\"Pick up each ball and stack them in the shape of a pyramid inside the bowl of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 12\n self.lang_template = \"stack the balls in the shape of a pyramid inside the bowl of the same color\"\n self.task_completed_desc = \"done stacking balls in bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add bowls.\n # x, y, z dimensions for the asset size\n bowl_size = (0.12, 0.12, 0)\n bowl_urdf = 'bowl\/bowl.urdf'\n bowl_colors = ['red', 'blue', 'green', 'yellow']\n bowl_poses = []\n for color in bowl_colors:\n bowl_pose = self.get_random_pose(env, bowl_size)\n env.add_object(bowl_urdf, bowl_pose, category='fixed', color=utils.COLORS[color])\n bowl_poses.append(bowl_pose)\n\n # Add balls.\n # x, y, z dimensions for the asset size\n balls = []\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball.urdf'\n for color in bowl_colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color])\n balls.append(ball_id)\n\n # Goal: each ball is in the bowl of the same color.\n self.add_goal(objs=balls, matches=np.eye(4), targ_poses=bowl_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-coordinated-arch-construction\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-arch-construction\" in a python code block.\n###\n\n","completion":" \n color-coordinated-arch-construction: {'task-name': 'color-coordinated-arch-construction', 'task-description': 'The task is to construct an arch using six blocks: three red and three blue. The blocks are initially placed in a container. The robot needs to pick each block and place it on a pallet in the following arrangement: place two red blocks in parallel on the pallet, then place a blue block on top of the red blocks to form an arch. Repeat the process with the remaining blocks, placing them on top of the first arch to form a second layer. The task is challenging due to the need for precise placement of the blocks and maintaining the balance of the structure.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedArchConstruction(Task):\n \"\"\"Construct an arch using six blocks: three red and three blue.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 6\n self.lang_template = \"construct an arch using six blocks: three red and three blue\"\n self.task_completed_desc = \"done constructing arch.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n pallet_size = (0.15, 0.15, 0.005)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, category='fixed')\n\n # Block colors.\n colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'],\n utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue']]\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.02), (0, 0.05, 0.02),\n (0, 0, 0.06), (0, -0.05, 0.08),\n (0, 0.05, 0.08), (0, 0, 0.12)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in an arch (bottom row: red, red, blue).\n self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template)\n\n # Goal: blocks are stacked in an arch (top row: red, red, blue).\n self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-coordinated-zone-arrangement\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-zone-arrangement\" in a python code block.\n###\n\n","completion":" \n color-coordinated-zone-arrangement: {'task-name': 'color-coordinated-zone-arrangement', 'task-description': 'On the tabletop, there are nine blocks of three different colors (three red, three blue, and three green) and three pallets of matching colors (one red, one blue, one green). The task is to pick up each block and place it on the pallet of the same color, arranging the blocks on each pallet in a line. However, there are a few small blocks randomly scattered on the tabletop, which the robot has to navigate around without knocking them over while transporting the blocks to the corresponding pallets. The challenge lies in the precise navigation, placement of the blocks, color matching, and maintaining the balance on the pallets.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedZoneArrangement(Task):\n \"\"\"Pick up blocks of different colors and place them on the pallets of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"place the {color} blocks on the {color} pallet\"\n self.task_completed_desc = \"done arranging blocks on pallets.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallets.\n # x, y, z dimensions for the asset size\n pallet_size = (0.12, 0.12, 0.02)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_colors = ['red', 'blue', 'green']\n pallet_poses = []\n for color in pallet_colors:\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, category='fixed', color=utils.COLORS[color])\n pallet_poses.append(pallet_pose)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n for color in pallet_colors:\n for _ in range(3):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Add small blocks as obstacles.\n small_block_size = (0.02, 0.02, 0.02)\n small_block_urdf = 'block\/small.urdf'\n for _ in range(5):\n small_block_pose = self.get_random_pose(env, small_block_size)\n env.add_object(small_block_urdf, small_block_pose)\n\n # Goal: each block is on the pallet of the same color.\n for i in range(9):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i \/\/ 3]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 9)\n self.lang_goals.append(self.lang_template.format(color=pallet_colors[i \/\/ 3]))``` \n END"} +{"prompt":" \"color-coordinated-cylinder-stand-assembly\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-stand-assembly\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-stand-assembly: {'task-name': 'color-coordinated-cylinder-stand-assembly', 'task-description': 'The robot starts with four cylinders of different colors (red, blue, green, yellow) and four stands of matching colors. The task is to pick up each cylinder and place it on top of the stand of the same color, forming four cylinder-and-stand pairs. However, the challenge here is to do this in a specific color sequence - green, yellow, blue, and finally red, while also ensuring that the cylinders do not topple over.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedCylinderStandAssembly(Task):\n \"\"\"Pick up each cylinder and place it on top of the stand of the same color, in a specific color sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"place the {color} cylinder on the {color} stand\"\n self.task_completed_desc = \"done placing cylinders on stands.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['green', 'yellow', 'blue', 'red']\n color_sequence = [utils.COLORS[color] for color in colors]\n\n # Add stands.\n stand_size = (0.04, 0.04, 0.04)\n stand_urdf = 'stacking\/stand.urdf'\n stand_poses = []\n for i in range(4):\n stand_pose = self.get_random_pose(env, stand_size)\n env.add_object(stand_urdf, stand_pose, color=color_sequence[i], category='fixed')\n stand_poses.append(stand_pose)\n\n # Add cylinders.\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color_sequence[i])\n cylinders.append(cylinder_id)\n\n # Goal: each cylinder is on the stand of the same color, in the specified color sequence.\n for i in range(4):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-cylinder-stand-in-line\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-stand-in-line\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-stand-in-line: {'task-name': 'color-coordinated-cylinder-stand-in-line', 'task-description': 'There are four stands of different colors (red, blue, green, yellow) and four cylinders of matching colors. The task is to pick up each cylinder and place it on top of the stand of the same color, forming four cylinder-and-stand pairs. However, the challenge here is to do this in a specific color sequence - red, blue, green, and finally yellow, and then line them up in a straight line from left to right according to the same color sequence.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedCylinderStandInLine(Task):\n \"\"\"Pick up each cylinder and place it on top of the stand of the same color, forming four cylinder-and-stand pairs. However, the challenge here is to do this in a specific color sequence - red, blue, green, and finally yellow, and then line them up in a straight line from left to right according to the same color sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} cylinder on the {color} stand\"\n self.task_completed_desc = \"done placing cylinders on stands.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n color_sequence = [utils.COLORS[color] for color in colors]\n\n # Add stands and cylinders\n stand_size = (0.04, 0.04, 0.04)\n cylinder_size = (0.04, 0.04, 0.04)\n stand_urdf = 'stacking\/stand.urdf'\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n\n stands = []\n cylinders = []\n for i in range(4):\n # Add stand\n stand_pose = self.get_random_pose(env, stand_size)\n stand_id = env.add_object(stand_urdf, stand_pose, color=color_sequence[i])\n stands.append(stand_id)\n\n # Add cylinder\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color_sequence[i])\n cylinders.append(cylinder_id)\n\n # Goal: each cylinder is on the stand of the same color, in the color sequence\n for i in range(4):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[stand_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-pyramid-construction\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-pyramid-construction\" in a python code block.\n###\n\n","completion":" \n color-coordinated-pyramid-construction: {'task-name': 'color-coordinated-pyramid-construction', 'task-description': 'On a tabletop, there are six blocks in two colors (three red and three blue). The task involves picking up these blocks and constructing a pyramid with two levels on a stand: the first level should consist of three blocks (two red blocks and one blue block), and the second level should be formed by stacking the remaining three blocks (two blue blocks and one red block) on top of the first level. The challenge lies in the precise placement, color coordination, and maintaining the balance of the pyramid.', 'assets-used': ['stacking\/block.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedPyramidConstruction(Task):\n \"\"\"Construct a pyramid with two levels on a stand: the first level should consist of three blocks (two red blocks and one blue block), and the second level should be formed by stacking the remaining three blocks (two blue blocks and one red block) on top of the first level.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"construct a pyramid with two levels on a stand: the first level should consist of three blocks (two red blocks and one blue block), and the second level should be formed by stacking the remaining three blocks (two blue blocks and one red block) on top of the first level.\"\n self.task_completed_desc = \"done constructing pyramid.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add stand.\n stand_size = (0.15, 0.15, 0.005)\n stand_pose = self.get_random_pose(env, stand_size)\n env.add_object('stacking\/stand.urdf', stand_pose, 'fixed')\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n blocks = []\n colors = [utils.COLORS['red'], utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['blue'], utils.COLORS['red']]\n for i in range(6):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, -0.025, 0.08), (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(stand_pose, i), stand_pose[1]) for i in place_pos]\n\n # Goal: blocks are stacked in a pyramid (bottom row: red, red, blue).\n self.add_goal(objs=blocks[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n\n # Goal: blocks are stacked in a pyramid (top row: blue, blue, red).\n self.add_goal(objs=blocks[3:], matches=np.ones((3, 3)), targ_poses=targs[3:], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)``` \n END"} +{"prompt":" \"color-coordinated-ball-stacking\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-ball-stacking\" in a python code block.\n###\n\n","completion":" \n color-coordinated-ball-stacking: {'task-name': 'color-coordinated-ball-stacking', 'task-description': 'There are four balls of different colors (red, blue, green, yellow), and four containers of matching colors on the table. The task is to pick up each ball and stack it on top of the corresponding colored container. However, the stacking should be done in a specific color sequence - blue at the bottom, followed by yellow, then green, and finally red at the top. This task enforces challenging skills due to the precision required for stacking the balls, color coordination, and sequencing.', 'assets-used': ['ball\/ball-template.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedBallStacking(Task):\n \"\"\"Stack balls on top of the corresponding colored containers in a specific color sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"stack the balls on top of the corresponding colored containers in the sequence blue, yellow, green, red\"\n self.task_completed_desc = \"done stacking balls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define the color sequence\n color_sequence = ['blue', 'yellow', 'green', 'red']\n\n # Add containers.\n container_size = (0.12, 0.12, 0.12)\n container_urdf = 'container\/container-template.urdf'\n container_poses = []\n containers = []\n for color in color_sequence:\n container_pose = self.get_random_pose(env, container_size)\n container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color])\n container_poses.append(container_pose)\n containers.append(container_id)\n\n # Add balls.\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n balls = []\n for color in color_sequence:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=utils.COLORS[color])\n balls.append(ball_id)\n\n # Goal: each ball is stacked on top of the corresponding colored container in the color sequence.\n for i in range(len(balls)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(balls))\n self.lang_goals.append(self.lang_template.format(obj=color_sequence[i]))\n\n # Add distractors.\n n_distractors = 0\n while n_distractors < 6:\n is_ball = np.random.rand() > 0.5\n urdf = ball_urdf if is_ball else container_urdf\n size = ball_size if is_ball else container_size\n pose = self.get_random_pose(env, obj_size=size)\n color = np.random.choice(list(utils.COLORS.keys()))\n\n obj_id = env.add_object(urdf, pose, color=utils.COLORS[color])\n n_distractors += 1``` \n END"} +{"prompt":" \"color-coded-blocks-on-corner\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coded-blocks-on-corner\" in a python code block.\n###\n\n","completion":" \n color-coded-blocks-on-corner: {'task-name': 'color-coded-blocks-on-corner', 'task-description': 'On a tabletop, there are four blocks of different colors (red, blue, green, and yellow) and a corner structure. The task involves picking up each block and placing it in the corner structure in a specific color sequence: from left to right, place red, blue, green, and finally yellow. The blocks must be arranged such that they form a straight line along the corner. The challenge lies in the precise placement, color coordination, and maintaining the balance of the blocks along the corner.', 'assets-used': ['block\/block.urdf', 'corner\/corner-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCodedBlocksOnCorner(Task):\n \"\"\"Pick up blocks of different colors and place them in a corner structure in a specific color sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"place the blocks in the corner in the sequence red, blue, green, yellow\"\n self.task_completed_desc = \"done placing blocks in the corner.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add corner structure.\n corner_size = (0.15, 0.15, 0.05)\n corner_pose = self.get_random_pose(env, corner_size)\n corner_urdf = 'corner\/corner-template.urdf'\n env.add_object(corner_urdf, corner_pose, 'fixed')\n\n # Block colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow']\n ]\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, 0, 0.08)]\n targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos]\n\n # Goal: blocks are placed in the corner in the sequence red, blue, green, yellow.\n for i in range(4):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(blocks=\"the red, blue, green, yellow blocks\"))``` \n END"} +{"prompt":" \"insertion-in-color-sequenced-zones\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insertion-in-color-sequenced-zones\" in a python code block.\n###\n\n","completion":" \n insertion-in-color-sequenced-zones: {'task-name': 'insertion-in-color-sequenced-zones', 'task-description': 'On the table, there are four differently-colored insertion ell objects (red, blue, green, yellow) and four zones on the tabletop marked in the same colors. Initially, each ell is placed in a zone but not corresponding to the color of the zone. The task is to pick up each ell and place it in the zone of the same color, in the specific sequence of red, blue, green, and yellow from left to right, requiring careful navigation, precise placement, color matching, and sequence following.', 'assets-used': ['insertion\/ell.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass InsertionInColorSequencedZones(Task):\n \"\"\"Pick up each ell and place it in the zone of the same color, in the specific sequence of red, blue, green, and yellow from left to right.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ell in the {color} zone\"\n self.task_completed_desc = \"done placing ells in color sequenced zones.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for i in range(4):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[colors[i]])\n zone_poses.append(zone_pose)\n\n # Add ells.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for i in range(4):\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]])\n ells.append(ell_id)\n\n # Goal: each ell is in the zone of the same color.\n for i in range(4):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"precise-block-placement-in-container\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"precise-block-placement-in-container\" in a python code block.\n###\n\n","completion":" \n precise-block-placement-in-container: {'task-name': 'precise-block-placement-in-container', 'task-description': 'The tabletop has a row of four colored containers (red, blue, green, yellow), and twelve blocks of matching colors (three of each color). The task involves picking up each color of blocks and placing them in the container of the same color in a specific orientation: one block standing upright, one block lying flat, and one block on its side. The challenge lies in the precise placement and orientation of blocks within the confined space of the containers, while also maintaining color coordination.', 'assets-used': ['block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass PreciseBlockPlacementInContainer(Task):\n \"\"\"Pick up each color of blocks and place them in the container of the same color in a specific orientation.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 12\n self.lang_template = \"place the {color} blocks in the {color} container\"\n self.task_completed_desc = \"done placing blocks in containers.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for blocks and containers\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add containers.\n container_size = (0.12, 0.12, 0.12)\n container_urdf = 'container\/container-template.urdf'\n container_poses = []\n for color in colors:\n container_pose = self.get_random_pose(env, container_size)\n env.add_object(container_urdf, container_pose, category='fixed', color=utils.COLORS[color])\n container_poses.append(container_pose)\n\n # Add blocks.\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n for color in colors:\n for _ in range(3): # three blocks of each color\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is in a container of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[container_poses[i\/\/3]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/12)\n self.lang_goals.append(self.lang_template.format(color=colors[i\/\/3]))``` \n END"} +{"prompt":" \"color-coordinated-bowl-stacking\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-bowl-stacking\" in a python code block.\n###\n\n","completion":" \n color-coordinated-bowl-stacking: {'task-name': 'color-coordinated-bowl-stacking', 'task-description': 'There are four bowls and four blocks of different colors (red, blue, green, and yellow) on the table. The task is to pick up each block and place it into the bowl of the same color. Following this, the robot must stack the bowls from largest to smallest (from bottom to top) in the sequence of red, blue, green, and yellow. The challenge lies in not only the precise placement and color coordination, but also in the delicate stacking of the bowls without toppling them over.', 'assets-used': ['bowl\/bowl.urdf', 'block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedBowlStacking(Task):\n \"\"\"Pick up each block and place it into the bowl of the same color. Then stack the bowls from largest to smallest (from bottom to top) in the sequence of red, blue, green, and yellow.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"put each block in the bowl of the same color and stack the bowls from largest to smallest in the sequence of red, blue, green, and yellow\"\n self.task_completed_desc = \"done stacking bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add bowls and blocks of each color\n bowl_size = (0.12, 0.12, 0)\n block_size = (0.04, 0.04, 0.04)\n bowl_urdf = 'bowl\/bowl.urdf'\n block_urdf = 'block\/block.urdf'\n bowls = []\n blocks = []\n for color in colors:\n # Add bowl\n bowl_pose = self.get_random_pose(env, bowl_size)\n bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color])\n bowls.append(bowl_id)\n\n # Add block\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is in the bowl of the same color\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(bowls[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(blocks))\n\n # Goal: bowls are stacked in the sequence of red, blue, green, and yellow\n stack_poses = [(0, 0, 0.06), (0, 0, 0.12), (0, 0, 0.18), (0, 0, 0.24)]\n for i in range(len(bowls)):\n self.add_goal(objs=[bowls[i]], matches=np.ones((1, 1)), targ_poses=[utils.apply(bowl_pose, stack_poses[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(bowls))\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"color-coordinated-zone-stacking\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-zone-stacking\" in a python code block.\n###\n\n","completion":" \n color-coordinated-zone-stacking: {'task-name': 'color-coordinated-zone-stacking', 'task-description': 'On the tabletop, there are three zones and nine blocks of three different colors (red, blue, green). Each color has three blocks and the blocks are scattered randomly on the table. The task is to pick up the blocks and stack them in the zones to form a pyramid shape. Each pyramid should contain blocks of the same color with two blocks on the base and one block on top. The zones with the pyramids should be arranged in a straight line in the following color order: red, blue, green from left to right. The challenge lies in the color coordination, precise stacking and the arrangement of the zones.', 'assets-used': ['block\/block.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedZoneStacking(Task):\n \"\"\"Pick up blocks of different colors and stack them in zones to form a pyramid.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"stack the blocks in the zones to form a pyramid\"\n self.task_completed_desc = \"done stacking blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for _ in range(3):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed')\n zone_poses.append(zone_pose)\n\n # Block colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green']\n ]\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(9):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i\/\/3])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(zone_poses[i\/\/3], place_pos[i%3]), zone_poses[i\/\/3][1]) for i in range(9)]\n\n # Goal: blocks are stacked in a pyramid in each zone.\n for i in range(3):\n self.add_goal(objs=blocks[i*3:(i+1)*3], matches=np.ones((3, 3)), targ_poses=targs[i*3:(i+1)*3], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3, symmetries=[np.pi\/2]*3)\n self.lang_goals.append(self.lang_template.format(blocks=\"the red, blue and green blocks\",\n row=\"bottom\"))``` \n END"} +{"prompt":" \"color-cued-ball-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-cued-ball-insertion\" in a python code block.\n###\n\n","completion":" \n color-cued-ball-insertion: {'task-name': 'color-cued-ball-insertion', 'task-description': 'The task area has four different colored bowls (red, blue, green, yellow) and four spheres of corresponding colors. Initially, the spheres are not in their color-matching bowls. The task is to pick up each sphere and place it in the bowl of the same color. However, the bowls are situated inside separate corners of a square structure marked by small blocks. This necessitates precise navigation around the square structure, careful picking and placing of spheres, color matching, and maintaining the balance of the bowls.', 'assets-used': ['bowl\/bowl.urdf', 'sphere\/sphere.urdf', 'block\/small.urdf', 'square\/square-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCuedBallInsertion(Task):\n \"\"\"Pick up each sphere and place it in the bowl of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"put the {color} ball in the {color} bowl\"\n self.task_completed_desc = \"done placing balls in bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add bowls and spheres.\n bowl_size = (0.12, 0.12, 0)\n sphere_size = (0.04, 0.04, 0.04)\n bowl_urdf = 'bowl\/bowl.urdf'\n sphere_urdf = 'sphere\/sphere.urdf'\n bowls = []\n spheres = []\n\n for color in colors:\n # Add bowl\n bowl_pose = self.get_random_pose(env, bowl_size)\n bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed')\n bowls.append(bowl_id)\n\n # Add sphere\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color])\n spheres.append(sphere_id)\n\n # Add goal\n self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=color))\n\n # Add blocks as obstacles\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/small.urdf'\n for _ in range(4):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose, category='fixed')``` \n END"} +{"prompt":" \"color-coordinated-insertion-through-box-barrier\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-insertion-through-box-barrier\" in a python code block.\n###\n\n","completion":" \n color-coordinated-insertion-through-box-barrier: {'task-name': 'color-coordinated-insertion-through-box-barrier', 'task-description': \"On a tabletop, there are four differently colored ell objects (red, blue, green, and yellow) and a corresponding set of color-coded fixtures. Placed in between the ell objects and the fixtures, there are two rows of boxes forming an 'L' shaped barrier. The task involves picking up each ell object and inserting it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and then yellow, without knocking over any of the boxes. The challenge lies in precise navigation through the box barrier, precise insertion, color matching, and sequence following.\", 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'box\/box-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedInsertionThroughBoxBarrier(Task):\n \"\"\"Pick up each ell object and insert it into the matching color fixture in a specific order: from left to right, insert red, blue, green, and then yellow, without knocking over any of the boxes.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} ell into the matching fixture\"\n self.task_completed_desc = \"done inserting ells.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow']\n ]\n\n # Add ell objects and fixtures.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n fixture_urdf = 'insertion\/fixture.urdf'\n ells = []\n fixtures = []\n for i in range(4):\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=colors[i])\n ells.append(ell_id)\n\n fixture_pose = self.get_random_pose(env, ell_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=colors[i])\n fixtures.append(fixture_id)\n\n # Add boxes to form 'L' shaped barrier.\n box_size = (0.04, 0.04, 0.04)\n box_urdf = 'box\/box-template.urdf'\n for _ in range(10):\n box_pose = self.get_random_pose(env, box_size)\n env.add_object(box_urdf, box_pose, category='fixed')\n\n # Goal: each ell is inserted into the matching color fixture in a specific order.\n for i in range(4):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-insertion-and-stacking\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-insertion-and-stacking\" in a python code block.\n###\n\n","completion":" \n color-coordinated-insertion-and-stacking: {'task-name': 'color-coordinated-insertion-and-stacking', 'task-description': 'On the tabletop, there are four differently colored ell-shaped objects (red, blue, green, yellow) and four fixtures of corresponding colors. The task is to pick up each ell object and insert it into the fixture of the same color. Additionally, there are four blocks of matching colors. The robot has to stack these blocks on top of the fixtures, maintaining the color coordination. However, the tabletop is marked by a square path delineated by small blocks, within which the ell objects, blocks, and fixtures are placed randomly. This necessitates precise navigation within the square path, color coordination, stacking and insertion skills.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'block\/block.urdf', 'block\/small.urdf', 'square\/square-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedInsertionAndStacking(Task):\n \"\"\"Pick up each ell object and insert it into the fixture of the same color. \n Then stack blocks of matching colors on top of the fixtures.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} ell into the {color} fixture and stack the {color} block on top\"\n self.task_completed_desc = \"done inserting and stacking.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add square path.\n square_size = (0.3, 0.3, 0.01)\n square_pose = self.get_random_pose(env, square_size)\n square_urdf = 'square\/square-template.urdf'\n env.add_object(square_urdf, square_pose, 'fixed')\n\n # Ell and fixture colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add ells and fixtures.\n ell_size = (0.04, 0.04, 0.04)\n fixture_size = (0.05, 0.05, 0.05)\n ell_urdf = 'insertion\/ell.urdf'\n fixture_urdf = 'insertion\/fixture.urdf'\n\n ells = []\n fixtures = []\n for color in colors:\n ell_pose = self.get_random_pose(env, ell_size)\n fixture_pose = self.get_random_pose(env, fixture_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=color)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=color)\n ells.append(ell_id)\n fixtures.append(fixture_id)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Goal: each ell is inserted into the fixture of the same color and the block of the same color is stacked on top.\n for i in range(4):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))\n\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-cylinder-ball-match\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-ball-match\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-ball-match: {'task-name': 'color-coordinated-cylinder-ball-match', 'task-description': 'On the tabletop, there are four cylinders of different colors (red, blue, green, and yellow) and four balls of corresponding colors. The task is to pick up each ball and place it on top of the cylinder of the same color without the ball rolling off. However, there are small blocks scattered randomly on the table that the robot has to navigate around without knocking them over. The challenge lies in the precise placement of the balls on top of the cylinders, color matching, and navigation around the blocks.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'ball\/ball-template.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedCylinderBallMatch(Task):\n \"\"\"Pick up each ball and place it on top of the cylinder of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ball on the {color} cylinder\"\n self.task_completed_desc = \"done placing balls on cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.04, 0.04, 0.1)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinder_colors = ['red', 'blue', 'green', 'yellow']\n cylinder_poses = []\n cylinders = []\n for color in cylinder_colors:\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color)\n cylinder_poses.append(cylinder_pose)\n cylinders.append(cylinder_id)\n\n # Add balls.\n # x, y, z dimensions for the asset size\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n balls = []\n for color in cylinder_colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=color)\n balls.append(ball_id)\n\n # Add blocks as obstacles.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/small.urdf'\n for _ in range(5):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose)\n\n # Goal: each ball is on top of the cylinder of the same color.\n for i in range(len(balls)):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(balls))\n self.lang_goals.append(self.lang_template.format(color=cylinder_colors[i]))``` \n END"} +{"prompt":" \"multi-level-insertion-and-zone-matching\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"multi-level-insertion-and-zone-matching\" in a python code block.\n###\n\n","completion":" \n multi-level-insertion-and-zone-matching: {'task-name': 'multi-level-insertion-and-zone-matching', 'task-description': 'There are three levels of zones marked on the tabletop - the first level is red, second is blue, and third is green. On each level, there are large, medium, and small ell-shaped objects in corresponding colors. The task is to pick up each ell object from its current position and insert it into the corresponding colored zone on the same level, but in a specific order - large, medium, and small. The challenge lies in the precise control of insertion, color coordination, and the multi-level structure of the environment.', 'assets-used': ['zone\/zone.urdf', 'insertion\/ell.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass MultiLevelInsertionAndZoneMatching(Task):\n \"\"\"Pick up ell objects from their current position and insert them into the corresponding colored zone on the same level, in a specific order - large, medium, and small.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {size} {color} ell into the {color} zone on the same level\"\n self.task_completed_desc = \"done inserting.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_sizes = [(0.12, 0.12, 0), (0.12, 0.12, 0.05), (0.12, 0.12, 0.1)]\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n zone_colors = ['red', 'blue', 'green']\n for i in range(3):\n zone_pose = self.get_random_pose(env, zone_sizes[i])\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[zone_colors[i]])\n zone_poses.append(zone_pose)\n\n # Add ell objects.\n ell_sizes = [(0.08, 0.08, 0.02), (0.06, 0.06, 0.015), (0.04, 0.04, 0.01)]\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for i in range(3):\n for j in range(3):\n ell_pose = self.get_random_pose(env, ell_sizes[j])\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[zone_colors[i]])\n ells.append(ell_id)\n\n # Goal: each ell object is in the corresponding colored zone on the same level.\n for i in range(9):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i\/\/3]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/9)\n self.lang_goals.append(self.lang_template.format(size=['large', 'medium', 'small'][i%3], color=zone_colors[i\/\/3]))``` \n END"} +{"prompt":" \"multi-color-block-sequence-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"multi-color-block-sequence-insertion\" in a python code block.\n###\n\n","completion":" \n multi-color-block-sequence-insertion: {'task-name': 'multi-color-block-sequence-insertion', 'task-description': 'On the tabletop, there are five blocks of different colors (red, blue, green, yellow, and orange) and five fixtures of matching colors. However, the fixtures are arranged in a mixed sequence of colors. The task involves picking up each block and inserting it into the fixture of the same color, but in a specific sequence - first red, then blue, next green, followed by yellow, and finally orange. The fixtures can be inserted only in the specified sequence and the robot cannot proceed to the next color without correctly inserting the current one. The task is challenging due to the precision required in inserting the blocks, the color coordination, and following the sequence.', 'assets-used': ['block\/block.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass MultiColorBlockSequenceInsertion(Task):\n \"\"\"Pick up blocks of different colors and insert them into the fixture of the same color in a specific sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"insert the {color} block into the {color} fixture\"\n self.task_completed_desc = \"done inserting blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define the color sequence\n color_sequence = ['red', 'blue', 'green', 'yellow', 'orange']\n\n # Add fixtures.\n fixture_size = (0.04, 0.04, 0.04)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixtures = []\n for color in color_sequence:\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color])\n fixtures.append(fixture_id)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in color_sequence:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Goal: each block is inserted into the fixture of the same color in the specified sequence.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(fixtures[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template.format(color=color_sequence[i]))``` \n END"} +{"prompt":" \"ball-tower-in-zones\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"ball-tower-in-zones\" in a python code block.\n###\n\n","completion":" \n ball-tower-in-zones: {'task-name': 'ball-tower-in-zones', 'task-description': 'On the table, there are three spheres and three cylindrical stands of different colors (red, blue, green). The task starts with each sphere not corresponding to the stand of the same color. The task is to pick up each sphere and stack it on top of the stand of the same color while maintaining the balance. However, the stacking should be done in a specific color sequence - blue at the bottom, followed by green, and finally red at the top. The spheres and stands are each placed within separate zones, adding a challenge in precise navigation and placement.', 'assets-used': ['sphere\/sphere.urdf', 'zone\/zone.urdf', 'stacking\/stand.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass BallTowerInZones(Task):\n \"\"\"Pick up each sphere and stack it on top of the stand of the same color while maintaining the balance. \n However, the stacking should be done in a specific color sequence - blue at the bottom, followed by green, \n and finally red at the top. The spheres and stands are each placed within separate zones.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"stack the {color} sphere on the {color} stand\"\n self.task_completed_desc = \"done stacking spheres.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for _ in range(3):\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed')\n zone_poses.append(zone_pose)\n\n # Sphere and stand colors.\n colors = [\n utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['red']\n ]\n\n # Add spheres and stands.\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere.urdf'\n stand_size = (0.05, 0.05, 0.05)\n stand_urdf = 'stacking\/stand.urdf'\n\n spheres = []\n stands = []\n for i in range(3):\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=colors[i])\n spheres.append(sphere_id)\n\n stand_pose = self.get_random_pose(env, stand_size)\n stand_id = env.add_object(stand_urdf, stand_pose, color=colors[i])\n stands.append(stand_id)\n\n # Goal: each sphere is stacked on the stand of the same color in the correct zone.\n for i in range(3):\n self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 3)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))\n\n # Add distractors.\n n_distractors = 0\n while n_distractors < 6:\n is_sphere = np.random.rand() > 0.5\n urdf = sphere_urdf if is_sphere else stand_urdf\n size = sphere_size if is_sphere else stand_size\n pose = self.get_random_pose(env, obj_size=size)\n color = colors[n_distractors % len(colors)]\n\n obj_id = env.add_object(urdf, pose, color=color)\n n_distractors += 1``` \n END"} +{"prompt":" \"color-coordinated-container-pyramid\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-container-pyramid\" in a python code block.\n###\n\n","completion":" \n color-coordinated-container-pyramid: {'task-name': 'color-coordinated-container-pyramid', 'task-description': 'On a tabletop, there are six containers and six blocks of different colors (red, blue, green, yellow, orange, and purple). The task is to pick up each block and place it into the container of the same color, then stack these containers to form a pyramid with three levels. The first level should consist of four containers: red, blue, green, and yellow (from left to right). The second level should be constructed by placing the orange and purple containers on top of the red and blue containers respectively. The top level should be formed by placing the red container onto the orange container. The challenge lies in the precise placement, color coordination, and maintaining the balance of the pyramid.', 'assets-used': ['block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedContainerPyramid(Task):\n \"\"\"Pick up each block and place it into the container of the same color, then stack these containers to form a pyramid.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"build a pyramid with the containers by placing the blocks of the same color into them\"\n self.task_completed_desc = \"done building pyramid.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for blocks and containers\n colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple']\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Add containers.\n container_size = (0.12, 0.12, 0.06)\n container_urdf = 'container\/container-template.urdf'\n containers = []\n for color in colors:\n container_pose = self.get_random_pose(env, container_size)\n container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color])\n containers.append(container_id)\n\n # Goal: each block is in a container of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(blocks))\n\n # Goal: containers are stacked in a pyramid.\n pyramid_poses = [\n (0, -0.06, 0.03), (0, 0, 0.03), (0, 0.06, 0.03), (0, -0.03, 0.09),\n (0, 0.03, 0.09), (0, 0, 0.15)\n ]\n pyramid_poses = [(utils.apply(p.getBasePositionAndOrientation(containers[0]), i), p.getBasePositionAndOrientation(containers[0])[1]) for i in pyramid_poses]\n self.add_goal(objs=containers, matches=np.ones((len(containers), len(containers))), targ_poses=pyramid_poses, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1)\n\n self.lang_goals.append(self.lang_template)``` \n END"} +{"prompt":" \"corner-blocks-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"corner-blocks-insertion\" in a python code block.\n###\n\n","completion":" \n corner-blocks-insertion: {'task-name': 'corner-blocks-insertion', 'task-description': 'On the tabletop, there are four different colored ell objects (red, blue, green, yellow) and four fixtures in the corresponding colors. Initially, each ell is placed in the corner of the table. The task is to pick up each ell and insert it into the fixture of the same color. However, there is a square-shaped barrier in the center of the table. The ell objects must be inserted in a specific sequence - red first, then blue, then green, and finally yellow. This task requires careful navigation around the barrier, precise insertion, color coordination, and sequence following.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'square\/square-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass CornerBlocksInsertion(Task):\n \"\"\"Pick up ell objects from the corners and insert them into the fixtures of the same color in a specific sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} ell into the {color} fixture\"\n self.task_completed_desc = \"done inserting.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell and fixture colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add ell objects and fixtures.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n fixture_size = (0.04, 0.04, 0.04)\n fixture_urdf = 'insertion\/fixture.urdf'\n\n objs = []\n for color in colors:\n # Add ell object.\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n objs.append(ell_id)\n\n # Add fixture.\n fixture_pose = self.get_random_pose(env, fixture_size)\n env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color])\n\n # Add square-shaped barrier.\n barrier_size = (0.1, 0.1, 0.1)\n barrier_pose = self.get_random_pose(env, barrier_size)\n barrier_urdf = 'square\/square-template.urdf'\n env.add_object(barrier_urdf, barrier_pose, 'fixed')\n\n # Goal: each ell object is inserted into the fixture of the same color in a specific sequence.\n for i, color in enumerate(colors):\n self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=color))``` \n END"} +{"prompt":" \"color-coordinated-insertion-in-cylinders\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-insertion-in-cylinders\" in a python code block.\n###\n\n","completion":" \n color-coordinated-insertion-in-cylinders: {'task-name': 'color-coordinated-insertion-in-cylinders', 'task-description': 'There are four differently-colored ell objects (red, blue, green, yellow) and four cylinders of matching colors. The task involves picking up each ell object and inserting it into the cylinder of the same color in a specific order: from left to right, insert red, blue, green, and finally yellow. The challenge lies in the precise manipulation of the ell objects, the color-coordination required and the ability to correctly orient the cylinders for the insertion.', 'assets-used': ['insertion\/ell.urdf', 'cylinder\/cylinder-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedInsertionInCylinders(Task):\n \"\"\"Insert four differently-colored ell objects into cylinders of matching colors in a specific order.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"insert the {color} ell into the {color} cylinder\"\n self.task_completed_desc = \"done inserting ells into cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell and Cylinder colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add ells.\n # x, y, z dimensions for the ell size\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for color in colors:\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n ells.append(ell_id)\n\n # Add cylinders.\n # x, y, z dimensions for the cylinder size\n cylinder_size = (0.05, 0.05, 0.1)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for color in colors:\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color])\n cylinders.append(cylinder_id)\n\n # Goal: each ell is inserted into the cylinder of the same color.\n for i in range(len(colors)):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(colors))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-block-transport\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-block-transport\" in a python code block.\n###\n\n","completion":" \n color-coordinated-block-transport: {'task-name': 'color-coordinated-block-transport', 'task-description': \"On the tabletop, there are four pallets of different colors (red, blue, green, and yellow), each containing a block of the same color. The task is to pick up each block and transport it to a container of matching color, which is located in a corner surrounded by a line of small blocks, serving as an obstacle. The robot must execute this task without disturbing the small blocks and in a specific color sequence: red first, then blue, green, and finally yellow. The task tests the robot's precise navigation, color coordination, sequence following, and obstacle avoidance capabilities.\", 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf', 'container\/container-template.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedBlockTransport(Task):\n \"\"\"Pick up each block and transport it to a container of matching color, which is located in a corner surrounded by a line of small blocks, serving as an obstacle. The robot must execute this task without disturbing the small blocks and in a specific color sequence: red first, then blue, green, and finally yellow.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"transport the {color} block to the {color} container\"\n self.task_completed_desc = \"done transporting blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add containers of different colors.\n container_size = (0.1, 0.1, 0.1)\n container_urdf = 'container\/container-template.urdf'\n containers = []\n for color in colors:\n container_pose = self.get_random_pose(env, container_size)\n container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[color])\n containers.append(container_id)\n\n # Add blocks of different colors.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n blocks.append(block_id)\n\n # Add small blocks as obstacles.\n small_block_size = (0.02, 0.02, 0.02)\n small_block_urdf = 'block\/small.urdf'\n for _ in range(10):\n small_block_pose = self.get_random_pose(env, small_block_size)\n env.add_object(small_block_urdf, small_block_pose)\n\n # Goal: each block is in a container of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[p.getBasePositionAndOrientation(containers[i])], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(blocks))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-cued-ball-corner-sorting\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-cued-ball-corner-sorting\" in a python code block.\n###\n\n","completion":" \n color-cued-ball-corner-sorting: {'task-name': 'color-cued-ball-corner-sorting', 'task-description': 'On a tabletop, there are four different colored balls (red, blue, green, yellow) and four corners marked with corresponding colors using the corner template. The task involves picking up each ball and precisely placing it in the corner of the same color. However, there is a rectangular zone in the middle of the table marked by small blocks. The robot has to strategically navigate around this zone without touching the blocks while transporting the balls to the corresponding corners. The challenge lies in the precise navigation, placement of the balls, and color matching while avoiding the blocks.', 'assets-used': ['ball\/ball-template.urdf', 'corner\/corner-template.urdf', 'block\/block_for_anchors.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCuedBallCornerSorting(Task):\n \"\"\"Pick up each colored ball and place it in the corner of the same color while avoiding a zone marked by small blocks.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} ball in the {color} corner\"\n self.task_completed_desc = \"done sorting balls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add corners.\n corner_size = (0.05, 0.05, 0.05)\n corner_urdf = 'corner\/corner-template.urdf'\n corner_colors = ['red', 'blue', 'green', 'yellow']\n corner_poses = []\n for color in corner_colors:\n corner_pose = self.get_random_pose(env, corner_size)\n env.add_object(corner_urdf, corner_pose, color=color, category='fixed')\n corner_poses.append(corner_pose)\n\n # Add balls.\n balls = []\n ball_size = (0.04, 0.04, 0.04)\n ball_urdf = 'ball\/ball-template.urdf'\n for color in corner_colors:\n ball_pose = self.get_random_pose(env, ball_size)\n ball_id = env.add_object(ball_urdf, ball_pose, color=color)\n balls.append(ball_id)\n\n # Add zone.\n zone_size = (0.2, 0.2, 0.05)\n zone_pose = self.get_random_pose(env, zone_size)\n zone_urdf = 'zone\/zone.urdf'\n env.add_object(zone_urdf, zone_pose, 'fixed')\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block_for_anchors.urdf'\n for _ in range(4):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose)\n\n # Goal: each ball is in the corner of the same color.\n for i in range(4):\n self.add_goal(objs=[balls[i]], matches=np.ones((1, 1)), targ_poses=[corner_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=corner_colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-insertion-and-corner-pyramid\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-insertion-and-corner-pyramid\" in a python code block.\n###\n\n","completion":" \n color-coordinated-insertion-and-corner-pyramid: {'task-name': 'color-coordinated-insertion-and-corner-pyramid', 'task-description': 'On a tabletop, there are four colored ell-shaped blocks (red, blue, green, and yellow) and four fixtures of corresponding colors. The task is to first pick up each ell block and insert it into the fixture of the same color in a specific sequence - red first, then blue, then green, and finally yellow. After the successful insertion, the robot must pick up the four blocks again from the fixtures and stack them in a corner-structured pyramid with red at the bottom, blue in the middle, green on the third level, and yellow on top.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'corner\/corner-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedInsertionAndCornerPyramid(Task):\n \"\"\"Pick up each ell block and insert it into the fixture of the same color in a specific sequence - red first, then blue, then green, and finally yellow. After the successful insertion, the robot must pick up the four blocks again from the fixtures and stack them in a corner-structured pyramid with red at the bottom, blue in the middle, green on the third level, and yellow on top.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} block into the {color} fixture and then stack them in a corner-structured pyramid in the order of red, blue, green, and yellow\"\n self.task_completed_desc = \"done inserting and stacking.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and corresponding names\n colors = [utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'], utils.COLORS['yellow']]\n color_names = ['red', 'blue', 'green', 'yellow']\n\n # Add fixtures and blocks.\n fixture_size = (0.04, 0.04, 0.04)\n block_size = (0.04, 0.04, 0.04)\n fixture_urdf = 'insertion\/fixture.urdf'\n block_urdf = 'insertion\/ell.urdf'\n\n fixtures = []\n blocks = []\n for i in range(4):\n # Add fixture\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=colors[i])\n fixtures.append(fixture_id)\n\n # Add block\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i])\n blocks.append(block_id)\n\n # Goal: each block is inserted into the fixture of the same color in the order of red, blue, green, yellow.\n for i in range(4):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))\n\n # Goal: blocks are stacked in a corner-structured pyramid in the order of red, blue, green, yellow.\n corner_template = 'corner\/corner-template.urdf'\n corner_size = (0.12, 0.12, 0.12)\n corner_pose = self.get_random_pose(env, corner_size)\n env.add_object(corner_template, corner_pose, 'fixed')\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), (0, 0.05, 0.03), (0, 0, 0.08)]\n targs = [(utils.apply(corner_pose, i), corner_pose[1]) for i in place_pos]\n\n for i in range(4):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=color_names[i]))``` \n END"} +{"prompt":" \"color-coordinated-sphere-and-cylinder-stack\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-sphere-and-cylinder-stack\" in a python code block.\n###\n\n","completion":" \n color-coordinated-sphere-and-cylinder-stack: {'task-name': 'color-coordinated-sphere-and-cylinder-stack', 'task-description': 'On the tabletop, there are four differently colored spheres (red, blue, green, and yellow) and four cylinders of the same colors. The task involves picking up each cylinder and stacking it on top of the sphere of the same color. However, the stacking should be done in a specific color sequence - blue at the bottom, followed by yellow, then green, and finally red at the top. This task enforces challenging skills due to the precision required for stacking the cylinders on top of spheres, color coordination, and sequencing.', 'assets-used': ['sphere\/sphere-template.urdf', 'cylinder\/cylinder-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedSphereAndCylinderStack(Task):\n \"\"\"Stack cylinders on top of spheres of the same color in a specific color sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"stack the {color} cylinder on top of the {color} sphere\"\n self.task_completed_desc = \"done stacking.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define the color sequence\n color_sequence = ['blue', 'yellow', 'green', 'red']\n\n # Add spheres and cylinders of each color\n sphere_urdf = 'sphere\/sphere-template.urdf'\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n sphere_size = (0.05, 0.05, 0.05)\n cylinder_size = (0.05, 0.05, 0.1)\n\n objects = []\n for color in color_sequence:\n # Add sphere\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color])\n objects.append(sphere_id)\n\n # Add cylinder\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color])\n objects.append(cylinder_id)\n\n # Goal: each cylinder is stacked on top of the sphere of the same color\n for i in range(0, len(objects), 2):\n sphere_id = objects[i]\n cylinder_id = objects[i+1]\n self.add_goal(objs=[cylinder_id], matches=np.ones((1, 1)), targ_poses=[sphere_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=color_sequence[i\/\/2]))``` \n END"} +{"prompt":" \"color-coordinated-blocks-in-cylindrical-maze\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-blocks-in-cylindrical-maze\" in a python code block.\n###\n\n","completion":" \n color-coordinated-blocks-in-cylindrical-maze: {'task-name': 'color-coordinated-blocks-in-cylindrical-maze', 'task-description': 'There are six differently colored blocks (red, blue, green, yellow, orange, and purple) and six cylindrical containers of matching colors arranged to form a maze-like structure. The task is to pick up each block and place it into the cylindrical container of the same color. The challenge lies in the precise navigation through the maze-like structure, correct color matching, and accurate placement of the blocks into the cylindrical containers.', 'assets-used': ['block\/block.urdf', 'cylinder\/cylinder-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedBlocksInCylindricalMaze(Task):\n \"\"\"Navigate through a maze-like structure and place colored blocks into matching colored cylindrical containers.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} block in the {color} cylinder\"\n self.task_completed_desc = \"done placing blocks in cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for blocks and cylinders\n colors = ['red', 'blue', 'green', 'yellow', 'orange', 'purple']\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for color in colors:\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=color)\n blocks.append(block_id)\n\n # Add cylinders.\n # x, y, z dimensions for the asset size\n cylinder_size = (0.05, 0.05, 0.1)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for color in colors:\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color)\n cylinders.append(cylinder_id)\n\n # Goal: each block is in a cylinder of the same color.\n for i in range(len(blocks)):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(blocks))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-cylinder-relay\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-relay\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-relay: {'task-name': 'color-coordinated-cylinder-relay', 'task-description': 'On the tabletop, there are four cylinders of different colors (red, blue, green, yellow) placed at one end and four zones of matching colors at the other end, with a square outline and small blocks serving as barriers between the cylinders and zones. The task is to pick up each cylinder and navigate it through the barriers to reach and place it in the zone of the same color. The task must be done in a specific sequence - red first, then blue, then green, and finally yellow. This task is challenging due to the requirement for precise navigation and placement, color coordination, and sequence following.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'zone\/zone.urdf', 'square\/square-template.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedCylinderRelay(Task):\n \"\"\"Pick up each cylinder and navigate it through the barriers to reach and place it in the zone of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"move the {color} cylinder to the {color} zone\"\n self.task_completed_desc = \"done moving cylinders.\"\n self.colors = ['red', 'blue', 'green', 'yellow']\n self.color_order = {'red': 0, 'blue': 1, 'green': 2, 'yellow': 3}\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add zones.\n zone_size = (0.12, 0.12, 0)\n zone_urdf = 'zone\/zone.urdf'\n zone_poses = []\n for color in self.colors:\n zone_pose = self.get_random_pose(env, zone_size)\n env.add_object(zone_urdf, zone_pose, 'fixed', color=utils.COLORS[color])\n zone_poses.append(zone_pose)\n\n # Add cylinders.\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for color in self.colors:\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[color])\n cylinders.append(cylinder_id)\n\n # Add barriers.\n barrier_size = (0.02, 0.02, 0.02)\n barrier_urdf = 'block\/small.urdf'\n for _ in range(10):\n barrier_pose = self.get_random_pose(env, barrier_size)\n env.add_object(barrier_urdf, barrier_pose, 'fixed')\n\n # Goal: each cylinder is in the zone of the same color.\n for i in range(len(cylinders)):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(cylinders))\n self.lang_goals.append(self.lang_template.format(color=self.colors[i]))\n\n def get_reward(self, obs, action=None):\n reward, terminate = super().get_reward(obs, action)\n if terminate:\n # Check if cylinders are in the correct order in their zones.\n object_positions = obs['object_positions']\n object_colors = obs['object_colors']\n zone_positions = obs['zone_positions']\n zone_colors = obs['zone_colors']\n for i in range(len(object_positions)):\n if object_colors[i] != zone_colors[i]:\n return 0, False\n if self.color_order[object_colors[i]] != i:\n return 0, False\n return reward, terminate``` \n END"} +{"prompt":" \"color-coordinated-cylinder-maze\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-cylinder-maze\" in a python code block.\n###\n\n","completion":" \n color-coordinated-cylinder-maze: {'task-name': 'color-coordinated-cylinder-maze', 'task-description': 'On the tabletop, there is a maze-like structure created by small blocks and within this maze, there are four differently colored cylinders (red, blue, green, yellow). The robot needs to pick up each cylinder and place it outside of the maze into four separate zones of matching colors. The task is challenging due to the precise navigation required within the maze, the color coordination of cylinders and zones, and the careful extraction of cylinders from the maze.', 'assets-used': ['block\/small.urdf', 'cylinder\/cylinder-template.urdf', 'zone\/zone.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedCylinderMaze(Task):\n \"\"\"Navigate through a maze, pick up colored cylinders and place them in matching colored zones.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"navigate through the maze, pick up the {color} cylinder and place it in the {color} zone\"\n self.task_completed_desc = \"done navigating and placing cylinders.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add maze blocks.\n block_urdf = 'block\/small.urdf'\n block_size = (0.04, 0.04, 0.04)\n for _ in range(20):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose, category='fixed')\n\n # Add colored cylinders.\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinder_size = (0.04, 0.04, 0.04)\n colors = ['red', 'blue', 'green', 'yellow']\n cylinders = []\n for color in colors:\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=color)\n cylinders.append(cylinder_id)\n\n # Add colored zones.\n zone_urdf = 'zone\/zone.urdf'\n zone_size = (0.12, 0.12, 0)\n zones = []\n for color in colors:\n zone_pose = self.get_random_pose(env, zone_size)\n zone_id = env.add_object(zone_urdf, zone_pose, color=color, category='fixed')\n zones.append(zone_id)\n\n # Goal: each colored cylinder is in the matching colored zone.\n for i in range(len(cylinders)):\n self.add_goal(objs=[cylinders[i]], matches=np.ones((1, 1)), targ_poses=[zone_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ len(cylinders))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"insertion-path-obstacle-course\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"insertion-path-obstacle-course\" in a python code block.\n###\n\n","completion":" \n insertion-path-obstacle-course: {'task-name': 'insertion-path-obstacle-course', 'task-description': 'On the tabletop, there are four colored ell-shaped blocks (red, blue, green, and yellow) and four fixtures of matching colors. However, a line of small blocks forms a path that the robot must navigate along to insert each ell block into the fixture of the same color. The robot must move each ell block along the marked path to reach the fixture. The order for the insertion should be red, blue, green, and finally yellow from left to right. The task is challenging due to the precision required for insertion, the careful navigation along the path, and the color coordination.', 'assets-used': ['block\/small.urdf', 'insertion\/ell.urdf', 'insertion\/fixture.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass InsertionPathObstacleCourse(Task):\n \"\"\"Navigate a robot along a path to insert colored ell blocks into matching fixtures.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"move the {color} ell block along the path and insert it into the {color} fixture\"\n self.task_completed_desc = \"done inserting ell blocks.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Ell block and fixture colors.\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add ell blocks and fixtures.\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n fixture_size = (0.04, 0.04, 0.04)\n fixture_urdf = 'insertion\/fixture.urdf'\n\n ell_blocks = []\n fixtures = []\n for color in colors:\n # Add ell block\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n ell_blocks.append(ell_id)\n\n # Add fixture\n fixture_pose = self.get_random_pose(env, fixture_size)\n fixture_id = env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[color])\n fixtures.append(fixture_id)\n\n # Add small blocks to form a path\n small_block_size = (0.02, 0.02, 0.02)\n small_block_urdf = 'block\/small.urdf'\n for _ in range(10):\n small_block_pose = self.get_random_pose(env, small_block_size)\n env.add_object(small_block_urdf, small_block_pose)\n\n # Goal: each ell block is inserted into the fixture of the same color.\n for i in range(len(colors)):\n self.add_goal(objs=[ell_blocks[i]], matches=np.ones((1, 1)), targ_poses=[fixture_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(colors))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-sphere-and-bowl-match\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-sphere-and-bowl-match\" in a python code block.\n###\n\n","completion":" \n color-coordinated-sphere-and-bowl-match: {'task-name': 'color-coordinated-sphere-and-bowl-match', 'task-description': 'On a tabletop, there are four bowls and four spheres of different sizes and colors (red, blue, green, and yellow). The task is to pick up each sphere and place it into the bowl of the same color. The challenge lies in the precision necessary for placement, the color coordination, and the size disparity between the spheres and bowls.', 'assets-used': ['sphere\/sphere-template.urdf', 'bowl\/bowl.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedSphereAndBowlMatch(Task):\n \"\"\"Pick up each sphere and place it into the bowl of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 4\n self.lang_template = \"place the {color} sphere in the {color} bowl\"\n self.task_completed_desc = \"done placing spheres in bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add bowls and spheres.\n # x, y, z dimensions for the asset size\n bowl_size = (0.12, 0.12, 0)\n sphere_size = (0.04, 0.04, 0.04)\n bowl_urdf = 'bowl\/bowl.urdf'\n sphere_urdf = 'sphere\/sphere-template.urdf'\n\n objs = []\n for color in colors:\n # Add bowl\n bowl_pose = self.get_random_pose(env, obj_size=bowl_size)\n bowl_id = env.add_object(bowl_urdf, bowl_pose, color=utils.COLORS[color], category='fixed')\n\n # Add sphere\n sphere_pose = self.get_random_pose(env, obj_size=sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color])\n objs.append((sphere_id, bowl_id))\n\n # Add goal\n self.add_goal(objs=[sphere_id], matches=np.ones((1, 1)), targ_poses=[bowl_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=color))``` \n END"} +{"prompt":" \"color-coordinated-pallet-insertion\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-pallet-insertion\" in a python code block.\n###\n\n","completion":" \n color-coordinated-pallet-insertion: {'task-name': 'color-coordinated-pallet-insertion', 'task-description': 'On the tabletop, there are four pallets and four ell objects of different colors (red, blue, green, yellow). Each color has one pallet and one ell object. The task is to pick up each ell object and insert it into the pallet of the same color. However, the pallets and the ell objects are initially positioned on opposite sides of a barrier formed by a line of small blocks. The robot needs to transport the ell objects over the barrier and insert them into the corresponding pallets without knocking over any blocks. The challenge lies in the precise navigation, the insertion of the ell objects into the pallets, and color matching.', 'assets-used': ['pallet\/pallet.urdf', 'insertion\/ell.urdf', 'block\/small.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedPalletInsertion(Task):\n \"\"\"Pick up each ell object and insert it into the pallet of the same color.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} ell into the {color} pallet\"\n self.task_completed_desc = \"done inserting ells into pallets.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Colors for the ell objects and pallets\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add pallets.\n # x, y, z dimensions for the asset size\n pallet_size = (0.12, 0.12, 0.02)\n pallet_urdf = 'pallet\/pallet.urdf'\n pallet_poses = []\n for color in colors:\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, category='fixed', color=utils.COLORS[color])\n pallet_poses.append(pallet_pose)\n\n # Add ell objects.\n # x, y, z dimensions for the asset size\n ell_size = (0.04, 0.04, 0.04)\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for color in colors:\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[color])\n ells.append(ell_id)\n\n # Add barrier of small blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.02, 0.02, 0.02)\n block_urdf = 'block\/small.urdf'\n for _ in range(10):\n block_pose = self.get_random_pose(env, block_size)\n env.add_object(block_urdf, block_pose, category='fixed')\n\n # Goal: each ell object is in the pallet of the same color.\n for i in range(len(ells)):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[pallet_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(ells))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-insertion-and-stack\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-insertion-and-stack\" in a python code block.\n###\n\n","completion":" \n color-coordinated-insertion-and-stack: {'task-name': 'color-coordinated-insertion-and-stack', 'task-description': 'The task begins with four colored ell-shaped blocks (red, blue, green, yellow) and four fixtures of corresponding colors. The robot must pick up each ell block and insert it into the fixture of the same color in a specific sequence - red first, then blue, then green, and finally yellow. After successful insertion, the robot must pick up the four blocks again from the fixtures and stack them in a pallet to form a pyramid with red at the bottom, blue in the middle, green on the third level, and yellow on top.', 'assets-used': ['insertion\/ell.urdf', 'insertion\/fixture.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorCoordinatedInsertionAndStack(Task):\n \"\"\"Insert colored ell blocks into fixtures and then stack them in a pallet to form a pyramid.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"insert the {color} ell block into the fixture and then stack it on the pallet\"\n self.task_completed_desc = \"done inserting and stacking.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add fixtures.\n fixture_size = (0.1, 0.1, 0.1)\n fixture_urdf = 'insertion\/fixture.urdf'\n fixture_poses = []\n for i in range(4):\n fixture_pose = self.get_random_pose(env, fixture_size)\n env.add_object(fixture_urdf, fixture_pose, color=utils.COLORS[colors[i]], category='fixed')\n fixture_poses.append(fixture_pose)\n\n # Add ell blocks.\n ell_size = (0.08, 0.08, 0.02)\n ell_urdf = 'insertion\/ell.urdf'\n ells = []\n for i in range(4):\n ell_pose = self.get_random_pose(env, ell_size)\n ell_id = env.add_object(ell_urdf, ell_pose, color=utils.COLORS[colors[i]])\n ells.append(ell_id)\n\n # Add pallet.\n pallet_size = (0.15, 0.15, 0.02)\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object('pallet\/pallet.urdf', pallet_pose, 'fixed')\n\n # Goal: each ell block is inserted into the fixture of the same color and then stacked on the pallet.\n for i in range(4):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[fixture_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))\n\n # After insertion, stack the blocks on the pallet in the color sequence.\n stack_poses = [(0, 0, 0.02), (0, 0, 0.06), (0, 0, 0.10), (0, 0, 0.14)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in stack_poses]\n for i in range(4):\n self.add_goal(objs=[ells[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 4)``` \n END"} +{"prompt":" \"cylinder-ring-stack\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"cylinder-ring-stack\" in a python code block.\n###\n\n","completion":" \n cylinder-ring-stack: {'task-name': 'cylinder-ring-stack', 'task-description': 'On the tabletop, there are four differently colored cylinders (red, blue, green, yellow) and four blocks of matching colors. The task involves picking up each block and stacking it on top of the corresponding colored cylinder. However, each cylinder and block pair should be stacked inside a differently colored container (color sequence: red cylinder and block in blue container, blue in green, green in yellow, and yellow in red). The task offers challenges in multi-object manipulation, color coordination, and precise stacking in a confined space.', 'assets-used': ['cylinder\/cylinder-template.urdf', 'block\/block.urdf', 'container\/container-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass CylinderRingStack(Task):\n \"\"\"Pick up each block and stack it on top of the corresponding colored cylinder. \n Each cylinder and block pair should be stacked inside a differently colored container.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"stack the {color} block on the {color} cylinder in the {container_color} container\"\n self.task_completed_desc = \"done stacking.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for cylinders, blocks and containers\n colors = ['red', 'blue', 'green', 'yellow']\n container_colors = ['blue', 'green', 'yellow', 'red']\n\n # Add cylinders.\n cylinder_size = (0.04, 0.04, 0.04)\n cylinder_urdf = 'cylinder\/cylinder-template.urdf'\n cylinders = []\n for i in range(4):\n cylinder_pose = self.get_random_pose(env, cylinder_size)\n cylinder_id = env.add_object(cylinder_urdf, cylinder_pose, color=utils.COLORS[colors[i]])\n cylinders.append(cylinder_id)\n\n # Add blocks.\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n blocks = []\n for i in range(4):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i]])\n blocks.append(block_id)\n\n # Add containers.\n container_size = (0.12, 0.12, 0.12)\n container_urdf = 'container\/container-template.urdf'\n containers = []\n for i in range(4):\n container_pose = self.get_random_pose(env, container_size)\n container_id = env.add_object(container_urdf, container_pose, color=utils.COLORS[container_colors[i]])\n containers.append(container_id)\n\n # Goal: each block is stacked on the corresponding colored cylinder inside a differently colored container.\n for i in range(4):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[cylinder_pose], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/4)\n self.lang_goals.append(self.lang_template.format(color=colors[i], container_color=container_colors[i]))``` \n END"} +{"prompt":" \"color-coordinated-sphere-on-pallet-pyramid\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-sphere-on-pallet-pyramid\" in a python code block.\n###\n\n","completion":" \n color-coordinated-sphere-on-pallet-pyramid: {'task-name': 'color-coordinated-sphere-on-pallet-pyramid', 'task-description': 'On the tabletop, there are three pallets and nine blocks of three different colors (red, blue, green). Each color has three blocks and the blocks are scattered randomly on the table. The task is to pick up the blocks and stack them on the pallets to form a pyramid shape. Each pyramid should contain blocks of the same color with two blocks on the base and one block on top. Additionally, there are three spheres of matching colors (red, blue, green). The task is to pick up each sphere and place it on top of the corresponding colored pyramid. The pallets with the pyramids and spheres should be arranged in a straight line in the following color order: red, blue, green from left to right. The challenge lies in the color coordination, precise stacking, and the arrangement of the pallets.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf', 'sphere\/sphere.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedSphereOnPalletPyramid(Task):\n \"\"\"Build a pyramid of colored blocks on pallets and place a matching colored sphere on top.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"build a pyramid of {color} blocks on the pallet and place the {color} sphere on top\"\n self.task_completed_desc = \"done building color-coordinated pyramids.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Pallets and Blocks\n pallet_size = (0.15, 0.15, 0.01)\n block_size = (0.04, 0.04, 0.04)\n pallet_urdf = 'pallet\/pallet.urdf'\n block_urdf = 'block\/block.urdf'\n\n # Colors for blocks and spheres\n colors = ['red', 'blue', 'green']\n color_objects = {}\n\n # Add pallets and blocks\n for color in colors:\n # Add pallet\n pallet_pose = self.get_random_pose(env, pallet_size)\n env.add_object(pallet_urdf, pallet_pose, category='fixed')\n\n # Add blocks\n block_ids = []\n for _ in range(3):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[color])\n block_ids.append(block_id)\n\n color_objects[color] = {'pallet': pallet_pose, 'blocks': block_ids}\n\n # Spheres\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere.urdf'\n\n # Add spheres\n for color in colors:\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=utils.COLORS[color])\n color_objects[color]['sphere'] = sphere_id\n\n # Goals\n for color in colors:\n # Goal: blocks are stacked in a pyramid on the pallet\n block_poses = [(0, -0.02, 0.02), (0, 0.02, 0.02), (0, 0, 0.06)]\n targs = [(utils.apply(color_objects[color]['pallet'], i), color_objects[color]['pallet'][1]) for i in block_poses]\n\n self.add_goal(objs=color_objects[color]['blocks'], matches=np.ones((3, 3)), targ_poses=targs, replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2]*3)\n\n # Goal: sphere is placed on top of the pyramid\n sphere_pose = (0, 0, 0.1)\n targ = (utils.apply(color_objects[color]['pallet'], sphere_pose), color_objects[color]['pallet'][1])\n\n self.add_goal(objs=[color_objects[color]['sphere']], matches=np.ones((1, 1)), targ_poses=[targ], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 2, symmetries=[np.pi\/2])\n\n self.lang_goals.append(self.lang_template.format(color=color))``` \n END"} +{"prompt":" \"color-coordinated-stacked-block-bowls\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-coordinated-stacked-block-bowls\" in a python code block.\n###\n\n","completion":" \n color-coordinated-stacked-block-bowls: {'task-name': 'color-coordinated-stacked-block-bowls', 'task-description': 'There are three bowls and nine blocks of three different colors (red, blue, green) on the tabletop. Each color has three blocks. The task is to pick up these blocks and stack them inside the bowls in the shape of a pyramid. Each bowl should contain blocks of the same color with two blocks at the base and one block on top. The bowls with the pyramids should be arranged in a straight line in the following color order: red, blue, and green from left to right. The challenge lies in the color coordination, precise stacking, and the arrangement of the bowls.', 'assets-used': ['bowl\/bowl.urdf', 'block\/block.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport pybullet as p\n\nclass ColorCoordinatedStackedBlockBowls(Task):\n \"\"\"Stack blocks of the same color in bowls in the shape of a pyramid and arrange the bowls in a color sequence\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 15\n self.lang_template = \"stack the {color} blocks in the {color} bowl in the shape of a pyramid\"\n self.task_completed_desc = \"done stacking blocks in bowls.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors for blocks and bowls\n colors = ['red', 'blue', 'green']\n\n # Add bowls.\n # x, y, z dimensions for the asset size\n bowl_size = (0.12, 0.12, 0)\n bowl_urdf = 'bowl\/bowl.urdf'\n bowl_poses = []\n for i in range(3):\n bowl_pose = self.get_random_pose(env, bowl_size)\n env.add_object(bowl_urdf, bowl_pose, category='fixed', color=utils.COLORS[colors[i]])\n bowl_poses.append(bowl_pose)\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n blocks = []\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'stacking\/block.urdf'\n for i in range(9):\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=utils.COLORS[colors[i\/\/3]])\n blocks.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(bowl_poses[i\/\/3], place_pos[i%3]), bowl_poses[i\/\/3][1]) for i in range(9)]\n\n # Goal: blocks are stacked in a pyramid in each bowl\n for i in range(9):\n self.add_goal(objs=[blocks[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 9)\n self.lang_goals.append(self.lang_template.format(color=colors[i\/\/3]))``` \n END"} +{"prompt":" \"color-sequenced-sphere-placement\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-sequenced-sphere-placement\" in a python code block.\n###\n\n","completion":" \n color-sequenced-sphere-placement: {'task-name': 'color-sequenced-sphere-placement', 'task-description': 'On the tabletop, there are four spheres of different colors (red, blue, green, and yellow) and four colored squares of matching colors. The task involves picking up each sphere and precisely placing it in the center of the square of the same color. However, the spheres must be placed in a specific sequence - red first, then blue, then green, and finally yellow. The task is challenging due to the need for precise placement, color coordination, and sequence following.', 'assets-used': ['sphere\/sphere.urdf', 'square\/square-template.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorSequencedSpherePlacement(Task):\n \"\"\"Pick up spheres of different colors and place them in the center of the square of the same color in a specific sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 20\n self.lang_template = \"place the {color} sphere in the {color} square\"\n self.task_completed_desc = \"done placing spheres.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Define colors and their sequence\n colors = ['red', 'blue', 'green', 'yellow']\n\n # Add squares of different colors\n square_size = (0.1, 0.1, 0.005)\n square_urdf = 'square\/square-template.urdf'\n square_poses = []\n for color in colors:\n square_pose = self.get_random_pose(env, square_size)\n env.add_object(square_urdf, square_pose, 'fixed', color=color)\n square_poses.append(square_pose)\n\n # Add spheres of different colors\n sphere_size = (0.04, 0.04, 0.04)\n sphere_urdf = 'sphere\/sphere.urdf'\n spheres = []\n for color in colors:\n sphere_pose = self.get_random_pose(env, sphere_size)\n sphere_id = env.add_object(sphere_urdf, sphere_pose, color=color)\n spheres.append(sphere_id)\n\n # Goal: each sphere is in the square of the same color, in the correct sequence\n for i in range(len(colors)):\n self.add_goal(objs=[spheres[i]], matches=np.ones((1, 1)), targ_poses=[square_poses[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1\/len(colors))\n self.lang_goals.append(self.lang_template.format(color=colors[i]))``` \n END"} +{"prompt":" \"color-sequence-loading-pallet\". Format the answer in a python dictionary with keys \"task-name\", \"task-description\", and \"assets-used\". Then write the pybullet simulation code for the task \"color-sequence-loading-pallet\" in a python code block.\n###\n\n","completion":" \n color-sequence-loading-pallet: {'task-name': 'color-sequence-loading-pallet', 'task-description': 'On a tabletop, there are ten blocks of five different colors (two red, two blue, two green, two yellow, and two orange), and a pallet. The task is to pick up one block of each color and place them onto the pallet in a specific sequence: red, blue, green, yellow, and finally orange. Next, pick up the remaining blocks and stack them on top of the corresponding color in the same sequence. The challenge lies in the precise placement of the blocks and maintaining the load balance on the pallet.', 'assets-used': ['block\/block.urdf', 'pallet\/pallet.urdf']}``` \n\n###Implementation: \n ```python\nimport numpy as np\nimport os\nimport pybullet as p\nimport random\nfrom cliport.tasks import primitives\nfrom cliport.tasks.grippers import Spatula\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\nimport numpy as np\nfrom cliport.tasks.task import Task\nfrom cliport.utils import utils\n\nclass ColorSequenceLoadingPallet(Task):\n \"\"\"Pick up blocks of different colors and place them onto the pallet in a specific sequence.\"\"\"\n\n def __init__(self):\n super().__init__()\n self.max_steps = 10\n self.lang_template = \"place the blocks onto the pallet in the sequence: red, blue, green, yellow, orange\"\n self.task_completed_desc = \"done placing blocks in sequence.\"\n self.additional_reset()\n\n def reset(self, env):\n super().reset(env)\n\n # Add pallet.\n # x, y, z dimensions for the asset size\n pallet_size = (0.15, 0.15, 0.01)\n pallet_pose = self.get_random_pose(env, pallet_size)\n pallet_urdf = 'pallet\/pallet.urdf'\n env.add_object(pallet_urdf, pallet_pose, 'fixed')\n\n # Block colors.\n colors = [\n utils.COLORS['red'], utils.COLORS['blue'], utils.COLORS['green'],\n utils.COLORS['yellow'], utils.COLORS['orange']\n ]\n\n # Add blocks.\n # x, y, z dimensions for the asset size\n block_size = (0.04, 0.04, 0.04)\n block_urdf = 'block\/block.urdf'\n\n objs = []\n for i in range(10): # two blocks of each color\n block_pose = self.get_random_pose(env, block_size)\n block_id = env.add_object(block_urdf, block_pose, color=colors[i\/\/2])\n objs.append(block_id)\n\n # Associate placement locations for goals.\n place_pos = [(0, -0.05, 0.03), (0, 0, 0.03),\n (0, 0.05, 0.03), (0, -0.025, 0.08),\n (0, 0.025, 0.08), (0, 0, 0.13)]\n targs = [(utils.apply(pallet_pose, i), pallet_pose[1]) for i in place_pos]\n\n # Goal: blocks are placed on the pallet in the sequence: red, blue, green, yellow, orange.\n for i in range(5):\n self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 5)\n self.lang_goals.append(self.lang_template.format(color=colors[i]))\n\n # Goal: remaining blocks are stacked on top of the corresponding color in the same sequence.\n for i in range(5, 10):\n self.add_goal(objs=[objs[i]], matches=np.ones((1, 1)), targ_poses=[targs[i-5]], replace=False,\n rotations=True, metric='pose', params=None, step_max_reward=1 \/ 5)\n self.lang_goals.append(self.lang_template.format(color=colors[i-5]))``` \n END"} diff --git a/prompts/finetune_instructions_prompt.txt b/prompts/finetune_instructions_prompt.txt new file mode 100644 index 0000000000000000000000000000000000000000..cdc31db4eaf62d7008d2d79cdefe2fa1dd5a2c3f --- /dev/null +++ b/prompts/finetune_instructions_prompt.txt @@ -0,0 +1,3 @@ + "TASK_NAME_TEMPLATE". Format the answer in a python dictionary with keys "task-name", "task-description", and "assets-used". Then write the pybullet simulation code for the task "TASK_NAME_TEMPLATE" in a python code block. +### + diff --git a/prompts/topdown_chain_of_thought_prompt/cliport_prompt_api_template.txt b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_api_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..f56b6cc4e25e7ce5f7f5788034851cb07bf3de28 --- /dev/null +++ b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_api_template.txt @@ -0,0 +1,355 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some APIs that are defined. Please confirm that you understand these APIs. + +""" +class Task(): + """Base Task class.""" + + def __init__(self): + self.ee = Suction + self.mode = 'train' + self.sixdof = False + self.primitive = primitives.PickPlace() + self.oracle_cams = cameras.Oracle.CONFIG + + # Evaluation epsilons (for pose evaluation metric). + self.pos_eps = 0.01 + self.rot_eps = np.deg2rad(15) + + # Workspace bounds. + self.pix_size = 0.003125 + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]]) + self.zone_bounds = np.copy(self.bounds) + + self.goals = [] + self.lang_goals = [] + self.task_completed_desc = "task completed." + self.progress = 0 + self._rewards = 0 + self.assets_root = None + + def reset(self, env): + if not self.assets_root: + raise ValueError('assets_root must be set for task, ' + 'call set_assets_root().') + self.goals = [] + self.lang_goals = [] + self.progress = 0 # Task progression metric in range [0, 1]. + self._rewards = 0 # Cumulative returned rewards. + + # ------------------------------------------------------------------------- + # Oracle Agent + # ------------------------------------------------------------------------- + + def oracle(self, env): + """Oracle agent.""" + OracleAgent = collections.namedtuple('OracleAgent', ['act']) + + def act(obs, info): + """Calculate action.""" + + # Oracle uses perfect RGB-D orthographic images and segmentation masks. + _, hmap, obj_mask = self.get_true_image(env) + + # Unpack next goal step. + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] + + # Match objects to targets without replacement. + if not replace: + + # Modify a copy of the match matrix. + matches = matches.copy() + + # Ignore already matched objects. + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + if self.is_match(pose, targs[j], symmetry): + matches[i, :] = 0 + matches[:, j] = 0 + + # Get objects to be picked (prioritize farthest from nearest neighbor). + nn_dists = [] + nn_targets = [] + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + xyz, _ = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + if len(targets_i) > 0: + targets_xyz = np.float32([targs[j][0] for j in targets_i]) + dists = np.linalg.norm( + targets_xyz - np.float32(xyz).reshape(1, 3), axis=1) + nn = np.argmin(dists) + nn_dists.append(dists[nn]) + nn_targets.append(targets_i[nn]) + + # Handle ignored objects. + else: + nn_dists.append(0) + nn_targets.append(-1) + order = np.argsort(nn_dists)[::-1] + + # Filter out matched objects. + order = [i for i in order if nn_dists[i] > 0] + + pick_mask = None + for pick_i in order: + pick_mask = np.uint8(obj_mask == objs[pick_i][0]) + + # Erode to avoid picking on edges. + # pick_mask = cv2.erode(pick_mask, np.ones((3, 3), np.uint8)) + + if np.sum(pick_mask) > 0: + break + + # Trigger task reset if no object is visible. + if pick_mask is None or np.sum(pick_mask) == 0: + self.goals = [] + self.lang_goals = [] + print('Object for pick is not visible. Skipping demonstration.') + return + + # Get picking pose. + pick_prob = np.float32(pick_mask) + pick_pix = utils.sample_distribution(pick_prob) + # For "deterministic" demonstrations on insertion-easy, use this: + # pick_pix = (160,80) + pick_pos = utils.pix_to_xyz(pick_pix, hmap, + self.bounds, self.pix_size) + pick_pose = (np.asarray(pick_pos), np.asarray((0, 0, 0, 1))) + + # Get placing pose. + targ_pose = targs[nn_targets[pick_i]] + obj_pose = p.getBasePositionAndOrientation(objs[pick_i][0]) + if not self.sixdof: + obj_euler = utils.quatXYZW_to_eulerXYZ(obj_pose[1]) + obj_quat = utils.eulerXYZ_to_quatXYZW((0, 0, obj_euler[2])) + obj_pose = (obj_pose[0], obj_quat) + world_to_pick = utils.invert(pick_pose) + obj_to_pick = utils.multiply(world_to_pick, obj_pose) + pick_to_obj = utils.invert(obj_to_pick) + place_pose = utils.multiply(targ_pose, pick_to_obj) + + # Rotate end effector? + if not rotations: + place_pose = (place_pose[0], (0, 0, 0, 1)) + + place_pose = (np.asarray(place_pose[0]), np.asarray(place_pose[1])) + + return {'pose0': pick_pose, 'pose1': place_pose} + + return OracleAgent(act) + + # ------------------------------------------------------------------------- + # Reward Function and Task Completion Metrics + # ------------------------------------------------------------------------- + + def reward(self): + """Get delta rewards for current timestep. + + Returns: + A tuple consisting of the scalar (delta) reward, plus `extras` + dict which has extra task-dependent info from the process of + computing rewards that gives us finer-grained details. Use + `extras` for further data analysis. + """ + reward, info = 0, {} + + # Unpack next goal step. + objs, matches, targs, _, _, metric, params, max_reward = self.goals[0] + + # Evaluate by matching object poses. + if metric == 'pose': + step_reward = 0 + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + target_pose = targs[j] + if self.is_match(pose, target_pose, symmetry): + step_reward += max_reward / len(objs) + print(f"object {i} match with target {j} rew: {step_reward}") + break + + # Evaluate by measuring object intersection with zone. + elif metric == 'zone': + zone_pts, total_pts = 0, 0 + obj_pts, zones = params + for zone_idx, (zone_pose, zone_size) in enumerate(zones): + + # Count valid points in zone. + for obj_idx, obj_id in enumerate(obj_pts): + pts = obj_pts[obj_id] + obj_pose = p.getBasePositionAndOrientation(obj_id) + world_to_zone = utils.invert(zone_pose) + obj_to_zone = utils.multiply(world_to_zone, obj_pose) + pts = np.float32(utils.apply(obj_to_zone, pts)) + if len(zone_size) > 1: + valid_pts = np.logical_and.reduce([ + pts[0, :] > -zone_size[0] / 2, pts[0, :] < zone_size[0] / 2, + pts[1, :] > -zone_size[1] / 2, pts[1, :] < zone_size[1] / 2, + pts[2, :] < self.zone_bounds[2, 1]]) + + # if zone_idx == matches[obj_idx].argmax(): + zone_pts += np.sum(np.float32(valid_pts)) + total_pts += pts.shape[1] + step_reward = max_reward * (zone_pts / total_pts) + + # Get cumulative rewards and return delta. + reward = self.progress + step_reward - self._rewards + self._rewards = self.progress + step_reward + + # Move to next goal step if current goal step is complete. + if np.abs(max_reward - step_reward) < 0.01: + self.progress += max_reward # Update task progress. + self.goals.pop(0) + if len(self.lang_goals) > 0: + self.lang_goals.pop(0) + + return reward, info + + def done(self): + """Check if the task is done or has failed. + + Returns: + True if the episode should be considered a success, which we + use for measuring successes, which is particularly helpful for tasks + where one may get successes on the very last time step, e.g., getting + the cloth coverage threshold on the last alllowed action. + However, for bag-items-easy and bag-items-hard (which use the + 'bag-items' metric), it may be necessary to filter out demos that did + not attain sufficiently high reward in external code. Currently, this + is done in `main.py` and its ignore_this_demo() method. + """ + return (len(self.goals) == 0) or (self._rewards > 0.99) + # return zone_done or defs_done or goal_done + + # ------------------------------------------------------------------------- + # Environment Helper Functions + # ------------------------------------------------------------------------- + + def is_match(self, pose0, pose1, symmetry): + """Check if pose0 and pose1 match within a threshold.""" + + # Get translational error. + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) + dist_pos = np.linalg.norm(diff_pos) + + # Get rotational error around z-axis (account for symmetries). + diff_rot = 0 + if symmetry > 0: + rot0 = np.array(utils.quatXYZW_to_eulerXYZ(pose0[1]))[2] + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + diff_rot = np.abs(rot0 - rot1) % symmetry + if diff_rot > (symmetry / 2): + diff_rot = symmetry - diff_rot + + return (dist_pos < self.pos_eps) and (diff_rot < self.rot_eps) + + def get_random_pose(self, env, obj_size): + """Get random collision-free object pose within workspace bounds.""" + + # Get erosion size of object in pixels. + max_size = np.sqrt(obj_size[0] ** 2 + obj_size[1] ** 2) + erode_size = int(np.round(max_size / self.pix_size)) + + _, hmap, obj_mask = self.get_true_image(env) + + # Randomly sample an object pose within free-space pixels. + free = np.ones(obj_mask.shape, dtype=np.uint8) + for obj_ids in env.obj_ids.values(): + for obj_id in obj_ids: + free[obj_mask == obj_id] = 0 + free[0, :], free[:, 0], free[-1, :], free[:, -1] = 0, 0, 0, 0 + free = cv2.erode(free, np.ones((erode_size, erode_size), np.uint8)) + + # if np.sum(free) == 0: + # return None, None + + if np.sum(free) == 0: + # avoid returning None, None + # return None, None + pix = (obj_mask.shape[0] // 2, obj_mask.shape[1] // 2) + else: + pix = utils.sample_distribution(np.float32(free)) + pos = utils.pix_to_xyz(pix, hmap, self.bounds, self.pix_size) + pos = (pos[0], pos[1], obj_size[2] / 2) + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + return pos, rot + + def get_lang_goal(self): + if len(self.lang_goals) == 0: + return self.task_completed_desc + else: + return self.lang_goals[0] + + def get_reward(self): + return float(self._rewards) + + # ------------------------------------------------------------------------- + # Helper Functions + # ------------------------------------------------------------------------- + + def fill_template(self, template, replace): + """Read a file and replace key strings.""" + full_template_path = os.path.join(self.assets_root, template) + with open(full_template_path, 'r') as file: + fdata = file.read() + for field in replace: + for i in range(len(replace[field])): + fdata = fdata.replace(f'{field}{i}', str(replace[field][i])) + alphabet = string.ascii_lowercase + string.digits + rname = ''.join(random.choices(alphabet, k=16)) + tmpdir = tempfile.gettempdir() + template_filename = os.path.split(template)[-1] + fname = os.path.join(tmpdir, f'{template_filename}.{rname}') + with open(fname, 'w') as file: + file.write(fdata) + return fname + + def get_random_size(self, min_x, max_x, min_y, max_y, min_z, max_z): + """Get random box size.""" + size = np.random.rand(3) + size[0] = size[0] * (max_x - min_x) + min_x + size[1] = size[1] * (max_y - min_y) + min_y + size[2] = size[2] * (max_z - min_z) + min_z + return tuple(size) + + def color_random_brown(self, obj): + shade = np.random.rand() + 0.5 + color = np.float32([shade * 156, shade * 117, shade * 95, 255]) / 255 + p.changeVisualShape(obj, -1, rgbaColor=color) + + """"" + + # Environment Class + def add_object(self, urdf, pose, category='rigid'): + """List of (fixed, rigid, or deformable) objects in env.""" + fixed_base = 1 if category == 'fixed' else 0 + obj_id = pybullet_utils.load_urdf( + p, + os.path.join(self.assets_root, urdf), + pose[0], + pose[1], + useFixedBase=fixed_base) + self.obj_ids[category].append(obj_id) + return obj_id +""" + +========= +Note that the objects need to obey physics and not collide with each other, and the object goal poses need to be above the table with lower bound x=0.25, y=-0.5 and upper bound x=0.75, y=0.5. When there are multiple objects for a multi-step pick-and-place task, there are often multiple subgoals. Once the task and environment are generated, an agent with a pick and place primitive will follow the defined goal to accomplish the tasks. + +Additionally, make sure you understand and summarize the ``self.goals`` variables, which has a list of 8-tuple with (objs, matches, targ_poses, replace, rotations, metric, params, step_max_reward, symmetries). +- objs (List of obj_id): object ID. +- matches (Binary Matrix): a binary matrix that denotes which object is matched with which target. This matrix has dimension len(objs) x len(targs). +- targ_poses (List of Poses [(translation, rotation)] ): a list of target poses of tuple (translation, rotation). +- replace (Boolean): whether each object can match with one unique target. This is important if we have one target and multiple objects. If it's set to be false, then any object matching with the target will satisfy. +- rotations (Boolean): whether the placement action has a rotation degree of freedom. +- metric (`pose` or `zone`): `pose` or `zone` that the object needs to be transported to. Example: `pose`. +- params (List of (zone_target, zone_size)): a list of (zone_target, zone_size) for each zone if the metric is `zone`. +- step_max_reward (float): the total reward of matching all the objects with all the target poses. It is not dependent on the number of objects but dependent on the number of goals. +- symmetries: the radians that the object is symmetric around z axis. + diff --git a/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_candidate_template.txt b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_candidate_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..52748b02a2e0b466f5c9bc341eda788332b2796a --- /dev/null +++ b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_candidate_template.txt @@ -0,0 +1,19 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + +""" +TASK_CODE_REFERENCE_TEMPLATE +""" + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. Use `add_goal()` multiple times to give step-by-step language subgoal and placement subgoal for the task. + +Note: +1. Use `make_piles` to create piles of small blocks. +2. Use `make_ropes` to create cables. +3. Us `self.primitive = primitives.push` and `self.ee = Spatula` to use spatula. +4. Do not use random pose or the initial pose for the target poses. Come up with the specified pose. +5. Do not use target poses that are not in the workspace bound `bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]])`. A good starting center point for the table is [0.5,0,0]. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE + + + diff --git a/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_reference_selection_template.txt b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_reference_selection_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..dc3e57f92acf55463dc41c1e53b625fbc90ac441 --- /dev/null +++ b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_reference_selection_template.txt @@ -0,0 +1,7 @@ +Now I will provide you some reference code that might help you can write the code for the task "TASK_STRING_TEMPLATE". + + +TASK_CODE_LIST_TEMPLATE + + +Please pick 2 task python files that you would like to use as reference. Format them in a python list. diff --git a/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_split_template.txt b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..7785adc925c42e01f6ed5811510b43ffc6aaab54 --- /dev/null +++ b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_code_split_template.txt @@ -0,0 +1,257 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +""" +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # use `make_piles` to add pile of small blocks. + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((3, 3)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((3, 3)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) +""" + + + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. Use functions `make_piles` and `make_cables` for creating piles and cables. To use spatula together with the push primitives, import the libraries +""" +from cliport.tasks import primitives; +from cliport.tasks.grippers import Spatula +""" +and then use `self.primitive = primitives.push` and `self.ee = Spatula`. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/topdown_chain_of_thought_prompt/cliport_prompt_common_errors_template.txt b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_common_errors_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..eac620b1f7112f7cfb8210d24e5e4ab513d4878f --- /dev/null +++ b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_common_errors_template.txt @@ -0,0 +1,100 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some runtime errors that you do not want to make. Please confirm that you understand these runtime errors. + +""" +- environment.py, line 338, in info + pos, rot = p.getBasePositionAndOrientation(obj_id) +TypeError: an integer is required (got type NoneType) + +- task.py, line 118, in act + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] +IndexError: list index out of range + +- task.py, line 308, in is_match + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) +TypeError: 'float' object is not subscriptable + +- task.py", line 315, in is_match + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + +- utils.py", line 280, in quatXYZW_to_eulerXYZ + quaternion_wxyz = np.array([q[3], q[0], q[1], q[2]]) +IndexError: tuple index out of range + +- pallet_pose = self.get_random_pose(env, pallet_size) +pallet_surface_height = pallet_pose[0][2] +TypeError: 'NoneType' object is not subscriptable + +- No such file or directory: './cliport/environments/assets/circle/circle-template.urdf' + +- No such file or directory: './cliport/environments/assets/block/block-template.urdf' + +- task.py", line 308, in is_match + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) +IndexError: invalid index to scalar variable. + +-TypeError: get_random_size() missing 4 required positional arguments: 'min_y', 'max_y', 'min_z', and 'max_z' + +- task.py", line 195, in reward + obj_pts, zones = params +TypeError: cannot unpack non-iterable NoneType object + +- environment.py", line 230, in step + reward, info = self.task.reward() if action is not None else (0, {}) + File "task.py", line 200, in reward + pts = obj_pts[obj_id] +IndexError: arrays used as indices must be of integer (or boolean) type + +- environment.py", line 195, in reset + self.task.reset(self) + File "", line 38, in reset +TypeError: can only concatenate str (not "list") to str + +- environment.py", line 195, in reset + object_shape = np.random.choice(object_shapes) + in numpy.random.mtrand.RandomState.choice +ValueError: a must be 1-dimensional + +- No such file or directory: 'assets/box-template/box-template.urdf' + +- line 38, in reset.py +{'HALF': box_size / 2} +TypeError: unsupported operand type(s) for /: 'tuple' and 'int'. box_size is a tuple not a float. + +- line 38, in reset.py +IndexError: tuple index out of range +box_pose = (pallet_pose[0], pallet_pose[1], pallet_pose[2] + np.sum(box_sizes[:i+1])) + +- task.py", line 338, in fill_template + for i in range(len(replace[field])): +TypeError: object of type 'float' has no len(). + +- task.py", line 325, in get_random_pose + pos = (pos[0], pos[1], obj_size[2] / 2) +IndexError: tuple index out of range + +- task.py", line 206, in reward + for zone_idx, (zone_pose, zone_size) in enumerate(zones): +TypeError: 'NoneType' object is not iterable + +- task.py", +ball_pose = self.get_random_pose(env, ball_size) +ball_pose[0][2] += 0.02 +TypeError: 'tuple' object does not support item assignment +""" + + +You do not want to make mistakes such as +- using assets (urdfs) that do not exist +- use ambiguous language descriptions as goals. For instance, "place the colored blocks into the matching colored bowls" with one goal and sparse reward as the task instead of adding subgoal "place blue block into blue bowl" and give continuous reward. +- `matches` in the goal has wrong dimensions. It should have the same dimensions as number of objects (N) multiplied by the number of goal poses (M). Usually it is N by M. +- have vector dimension problem such as `np.random.choice(box_size)` or `box_size / 2` where `box_size` is a tuple and not an int +- make too large an object for stacking or make the task objects invisible for picking. +- accessing index out of bound `pallet_pose[2]` for `pallet_pose`. `pallet_pose=get_random_pose` returns a tuple (translation, rotation). It does not have 3rd component. Similarly accessing `container_pose[2]` or `box_pose[2]` would cause errors as well. Since it's a tuple, try to modify it in-place will also trigger errors. +- forget to replace str using `fill_template()` for urdfs with template such as `cylinder-template.urdf`. `ball-template.urdf`, `line-template.urf`. +- use `self.ee = Spatula()` as a function when doing pushing tasks, which is incorrect. It should be `self.ee = Spatula`. +- forget to compute target poses `targ_poses` for matching. Do not use object IDs for poses. +- change colors of complex objects such as `zone`. You can only change color of teomplate primitive such as `cylinder-template`. +- mistakenly use `random_pose` for target pose. Design target poses based on task objectives. +- forget to compute target poses `targ_poses` for matching. Do not use object IDs for poses. +- set asset target poses such as `place_pos` at the wrong place near origin, it should be around the table center with [0.5,0,0]. +- forget to use functions `make_piles` and `make_ropes` for creating piles and rope. To use spatula together with the push primitives. diff --git a/prompts/topdown_chain_of_thought_prompt/cliport_prompt_task.txt b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..69bdd326a196ce49883f222e3dc3dd7bb598f673 --- /dev/null +++ b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_task.txt @@ -0,0 +1,94 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task for tabletop manipulation. My goal is to design creative and feasible simpler tasks to eventually help solve the task `TARGET_TASK_NAME`. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Please try to come up with tasks using only these assets. +""" +TASK_ASSET_PROMPT +""" + +There are certain rules on the asset usage. +1. Sweeping piles task must have small blocks `block/small.urdf` and zones `zone.urdf`. Only the piles can be swept in all assets +2. Insertion tasks must have `insertion/ell.urdf` and `insertion/fixture.urdf`. Only the fixture can be inserted in all assets. + +========= +Here are some examples of good tasks. Try to be creative and high standard, and avoid overlapping with these tasks. + +TASK_DESCRIPTION_PROMPT + + +========= +Here are some bad example task instances with reasons. +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "box/box-template.urdf], +} +reasons: not interesting because it overlaps with the current task `put-block-in-bowl`. + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], +} +reasons: the language descriptions are too ambiguous. Navigation is also hard to complete. Also maze.urf does not exist. + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], +} +reasons: this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere. Similarly you cannot create task like `insert-ball-into-cylinder`. + +{ + "task-name": "ball-box-obstacle-course", + "task-description": "Navigate a ball through an obstacle course created by randomly placed boxes and finally place it inside a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: Navigate the ball is not related to tabletop manipulation tasks. + +{ + "task-name": "ball-in-box", + "task-description": "Use a cable to guide a ball into an open box.", + "assets-used": ["cable/cable.urdf", "ball/ball-template.urdf", "box/box-template.urdf"] +} +reasons: This task is too hard since it involves interaction of the cable and the ball and cannot be easily completed. + +{ + "task-name": "ball-in-container", + "task-description": "Use the spatula to lift a ball over a wall of boxes and drop it into a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: The only action primitives as pick and place. One cannot use a spatula to lift an object. + +{ + "task-name": "line-ball-sorting", + "task-description": "Move balls of different colors along a single green line, placing each ball in a designated colored box at the end of the line. The challenge includes precision in maintaining the ball on the line and the correct identification of the box color corresponding to each ball.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf"] +} +reasons: Piling or stacking balls are physically infeasible in the simulation. + + +{ + "task-name": "sweep-and-stack-blocks", + "task-description": "Sweep a pile of small red and blue blocks into two separate zones marked on the tabletop. Then pick up these blocks in each zone and stack them in two towers according to their colors, with the red tower higher than the blue.", + "assets-used": ["zone/zone.urdf", "block/small.urdf"] +} +reasons: Cannot do sweeping and stacking in the same task. + +========= +Here are some tasks that you have come up with before. Try to have a high-standard and avoid overlapping with these tasks. For instance, `bowl_ball_placement` and `sort_balls_in_bowls` are the same task. `pile_boxes_in_corner` and `stack_blocks_into_pallet` are similar tasks, `align-cylinder-in-corner` and `align-cylinder-corner` are similar. +Past Tasks: + +PAST_TASKNAME_TEMPLATE + +========= +The goal is to solve the task `TARGET_TASK_NAME` eventually. Due to its complexity, let's think step-by-step about what simpler task can be useful to achieve this goal. Please describe the new task, which is not `TARGET_TASK_NAME` but can help training a policy to generalize torwards it, in natural languages in a clear and detailed way. Think step by step how this task can help contribute to the skills that are quired to solve TARGET_TASK_NAME. Then format the answer in a python dictionary with keys "task-name" and value type string with lower-case and separated by hyphens, "task-description" (one sentence and do not mention urdf paths) and value type string, and "assets-used" and value type list of strings. + +Note: +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. +- Blocks and boxes are easier to stack than cylinders or balls. Specifically, you can update dimensions of a "box/box-template.urdf". +- Avoiding small obstacles / blocks is not that interesting in this context. +- Try to use `box-template.urdf` for modifiable blocks instead of `block.urdf'. diff --git a/prompts/topdown_chain_of_thought_prompt/cliport_prompt_task_reflection.txt b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_task_reflection.txt new file mode 100644 index 0000000000000000000000000000000000000000..cb2c7ba991f08941a9247cd1b3d863509c4a13e2 --- /dev/null +++ b/prompts/topdown_chain_of_thought_prompt/cliport_prompt_task_reflection.txt @@ -0,0 +1,78 @@ + + +Do you think your task is sufficently interesting to be added as a new task for future task given that we already have the following task name and descriptions? Moreover, does the simulation code achieve the goal and the language descriptions in the task? Be as rigorous and high-standard as possible. + +Reminder: +========= +the new task: +TASK_STRING_TEMPLATE + +========= + +the new task implementation: +TASK_CODE_TEMPLATE + +========= + +the goal task: +TARGET_TASK_NAME + + +current task list: +CURRENT_TASK_NAME_TEMPLATE + +========= +Reply explain your reasons and then say True or False, formatted in a python dictionary, do not miss commas or add extra spaces. Here are some examples. + +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "yellow-bowl.urdf", "box/box-template.urdf], + "reasons": "not interesting because it overlaps with the current task `put-block-in-bowl`" + "add_to_the_task_list": "False", +} + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], + "reasons": "the language descriptions are too ambiguous. Navigation is also hard to complete." + "add_to_the_task_list": "False", +} + +{ + "task-name": "sort-blocks-by-zone", + "task-description": "Sort different colored blocks into their corresponding colored zones marked on the tabletop.", + "assets-used": ["zone/zone.urdf", "stacking/block.urdf"], + "reasons": "the task is not covered in the current list and is an interesting combination of zone and block objects." + "add_to_the_task_list": "True", +} + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], + "reasons": "this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere.", + "add_to_the_task_list": "False", +} + +{ + "task-name": "arrange-blocks-on-pallet", + "task-description": "arrange the blocks on the pallet in the order: red, orange, yellow, green, blue, and purple.", + "assets-used": ["stacking/block.urdf", "pallet/pallelt.urdf"], + "reasons": "this task overlaps with `arrange-boxes-on-pallet` by merely changing the blocks to boxes.", + "add_to_the_task_list": "False", +} + +{ + "task-name": "cylinder-color-alignment", + "task-description": "Pick up cylinders of different colors and align them inside a box in the order of the colors displayed on the single green line on the tabletop.", + "assets-used": ["cylinder/cylinder-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf + "reasons": "the execution code only has one goal, i.e. it will only move one cylinder on top of the box, which is not that interesting.", + "add_to_the_task_list": "False","] +} + +========= + +Please incorporate these feedbacks when you design new task! + diff --git a/prompts/topdown_task_generation_prompt/cliport_prompt_api_template.txt b/prompts/topdown_task_generation_prompt/cliport_prompt_api_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..daa346d38bbd0a8e03f307c1f6c34f577a1dcaa4 --- /dev/null +++ b/prompts/topdown_task_generation_prompt/cliport_prompt_api_template.txt @@ -0,0 +1,355 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some APIs that are defined. Please confirm that you understand these APIs. + +""" +class Task(): + """Base Task class.""" + + def __init__(self): + self.ee = Suction + self.mode = 'train' + self.sixdof = False + self.primitive = primitives.PickPlace() + self.oracle_cams = cameras.Oracle.CONFIG + + # Evaluation epsilons (for pose evaluation metric). + self.pos_eps = 0.01 + self.rot_eps = np.deg2rad(15) + + # Workspace bounds. + self.pix_size = 0.003125 + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]]) + self.zone_bounds = np.copy(self.bounds) + + self.goals = [] + self.lang_goals = [] + self.task_completed_desc = "task completed." + self.progress = 0 + self._rewards = 0 + self.assets_root = None + + def reset(self, env): + if not self.assets_root: + raise ValueError('assets_root must be set for task, ' + 'call set_assets_root().') + self.goals = [] + self.lang_goals = [] + self.progress = 0 # Task progression metric in range [0, 1]. + self._rewards = 0 # Cumulative returned rewards. + + # ------------------------------------------------------------------------- + # Oracle Agent + # ------------------------------------------------------------------------- + + def oracle(self, env): + """Oracle agent.""" + OracleAgent = collections.namedtuple('OracleAgent', ['act']) + + def act(obs, info): + """Calculate action.""" + + # Oracle uses perfect RGB-D orthographic images and segmentation masks. + _, hmap, obj_mask = self.get_true_image(env) + + # Unpack next goal step. + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] + + # Match objects to targets without replacement. + if not replace: + + # Modify a copy of the match matrix. + matches = matches.copy() + + # Ignore already matched objects. + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + if self.is_match(pose, targs[j], symmetry): + matches[i, :] = 0 + matches[:, j] = 0 + + # Get objects to be picked (prioritize farthest from nearest neighbor). + nn_dists = [] + nn_targets = [] + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + xyz, _ = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + if len(targets_i) > 0: + targets_xyz = np.float32([targs[j][0] for j in targets_i]) + dists = np.linalg.norm( + targets_xyz - np.float32(xyz).reshape(1, 3), axis=1) + nn = np.argmin(dists) + nn_dists.append(dists[nn]) + nn_targets.append(targets_i[nn]) + + # Handle ignored objects. + else: + nn_dists.append(0) + nn_targets.append(-1) + order = np.argsort(nn_dists)[::-1] + + # Filter out matched objects. + order = [i for i in order if nn_dists[i] > 0] + + pick_mask = None + for pick_i in order: + pick_mask = np.uint8(obj_mask == objs[pick_i][0]) + + # Erode to avoid picking on edges. + # pick_mask = cv2.erode(pick_mask, np.ones((3, 3), np.uint8)) + + if np.sum(pick_mask) > 0: + break + + # Trigger task reset if no object is visible. + if pick_mask is None or np.sum(pick_mask) == 0: + self.goals = [] + self.lang_goals = [] + print('Object for pick is not visible. Skipping demonstration.') + return + + # Get picking pose. + pick_prob = np.float32(pick_mask) + pick_pix = utils.sample_distribution(pick_prob) + # For "deterministic" demonstrations on insertion-easy, use this: + # pick_pix = (160,80) + pick_pos = utils.pix_to_xyz(pick_pix, hmap, + self.bounds, self.pix_size) + pick_pose = (np.asarray(pick_pos), np.asarray((0, 0, 0, 1))) + + # Get placing pose. + targ_pose = targs[nn_targets[pick_i]] + obj_pose = p.getBasePositionAndOrientation(objs[pick_i][0]) + if not self.sixdof: + obj_euler = utils.quatXYZW_to_eulerXYZ(obj_pose[1]) + obj_quat = utils.eulerXYZ_to_quatXYZW((0, 0, obj_euler[2])) + obj_pose = (obj_pose[0], obj_quat) + world_to_pick = utils.invert(pick_pose) + obj_to_pick = utils.multiply(world_to_pick, obj_pose) + pick_to_obj = utils.invert(obj_to_pick) + place_pose = utils.multiply(targ_pose, pick_to_obj) + + # Rotate end effector? + if not rotations: + place_pose = (place_pose[0], (0, 0, 0, 1)) + + place_pose = (np.asarray(place_pose[0]), np.asarray(place_pose[1])) + + return {'pose0': pick_pose, 'pose1': place_pose} + + return OracleAgent(act) + + # ------------------------------------------------------------------------- + # Reward Function and Task Completion Metrics + # ------------------------------------------------------------------------- + + def reward(self): + """Get delta rewards for current timestep. + + Returns: + A tuple consisting of the scalar (delta) reward, plus `extras` + dict which has extra task-dependent info from the process of + computing rewards that gives us finer-grained details. Use + `extras` for further data analysis. + """ + reward, info = 0, {} + + # Unpack next goal step. + objs, matches, targs, _, _, metric, params, max_reward = self.goals[0] + + # Evaluate by matching object poses. + if metric == 'pose': + step_reward = 0 + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + target_pose = targs[j] + if self.is_match(pose, target_pose, symmetry): + step_reward += max_reward / len(objs) + print(f"object {i} match with target {j} rew: {step_reward}") + break + + # Evaluate by measuring object intersection with zone. + elif metric == 'zone': + zone_pts, total_pts = 0, 0 + obj_pts, zones = params + for zone_idx, (zone_pose, zone_size) in enumerate(zones): + + # Count valid points in zone. + for obj_idx, obj_id in enumerate(obj_pts): + pts = obj_pts[obj_id] + obj_pose = p.getBasePositionAndOrientation(obj_id) + world_to_zone = utils.invert(zone_pose) + obj_to_zone = utils.multiply(world_to_zone, obj_pose) + pts = np.float32(utils.apply(obj_to_zone, pts)) + if len(zone_size) > 1: + valid_pts = np.logical_and.reduce([ + pts[0, :] > -zone_size[0] / 2, pts[0, :] < zone_size[0] / 2, + pts[1, :] > -zone_size[1] / 2, pts[1, :] < zone_size[1] / 2, + pts[2, :] < self.zone_bounds[2, 1]]) + + # if zone_idx == matches[obj_idx].argmax(): + zone_pts += np.sum(np.float32(valid_pts)) + total_pts += pts.shape[1] + step_reward = max_reward * (zone_pts / total_pts) + + # Get cumulative rewards and return delta. + reward = self.progress + step_reward - self._rewards + self._rewards = self.progress + step_reward + + # Move to next goal step if current goal step is complete. + if np.abs(max_reward - step_reward) < 0.01: + self.progress += max_reward # Update task progress. + self.goals.pop(0) + if len(self.lang_goals) > 0: + self.lang_goals.pop(0) + + return reward, info + + def done(self): + """Check if the task is done or has failed. + + Returns: + True if the episode should be considered a success, which we + use for measuring successes, which is particularly helpful for tasks + where one may get successes on the very last time step, e.g., getting + the cloth coverage threshold on the last alllowed action. + However, for bag-items-easy and bag-items-hard (which use the + 'bag-items' metric), it may be necessary to filter out demos that did + not attain sufficiently high reward in external code. Currently, this + is done in `main.py` and its ignore_this_demo() method. + """ + return (len(self.goals) == 0) or (self._rewards > 0.99) + # return zone_done or defs_done or goal_done + + # ------------------------------------------------------------------------- + # Environment Helper Functions + # ------------------------------------------------------------------------- + + def is_match(self, pose0, pose1, symmetry): + """Check if pose0 and pose1 match within a threshold.""" + + # Get translational error. + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) + dist_pos = np.linalg.norm(diff_pos) + + # Get rotational error around z-axis (account for symmetries). + diff_rot = 0 + if symmetry > 0: + rot0 = np.array(utils.quatXYZW_to_eulerXYZ(pose0[1]))[2] + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + diff_rot = np.abs(rot0 - rot1) % symmetry + if diff_rot > (symmetry / 2): + diff_rot = symmetry - diff_rot + + return (dist_pos < self.pos_eps) and (diff_rot < self.rot_eps) + + def get_random_pose(self, env, obj_size): + """Get random collision-free object pose within workspace bounds.""" + + # Get erosion size of object in pixels. + max_size = np.sqrt(obj_size[0] ** 2 + obj_size[1] ** 2) + erode_size = int(np.round(max_size / self.pix_size)) + + _, hmap, obj_mask = self.get_true_image(env) + + # Randomly sample an object pose within free-space pixels. + free = np.ones(obj_mask.shape, dtype=np.uint8) + for obj_ids in env.obj_ids.values(): + for obj_id in obj_ids: + free[obj_mask == obj_id] = 0 + free[0, :], free[:, 0], free[-1, :], free[:, -1] = 0, 0, 0, 0 + free = cv2.erode(free, np.ones((erode_size, erode_size), np.uint8)) + + # if np.sum(free) == 0: + # return None, None + + if np.sum(free) == 0: + # avoid returning None, None + # return None, None + pix = (obj_mask.shape[0] // 2, obj_mask.shape[1] // 2) + else: + pix = utils.sample_distribution(np.float32(free)) + pos = utils.pix_to_xyz(pix, hmap, self.bounds, self.pix_size) + pos = (pos[0], pos[1], obj_size[2] / 2) + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + return pos, rot + + def get_lang_goal(self): + if len(self.lang_goals) == 0: + return self.task_completed_desc + else: + return self.lang_goals[0] + + def get_reward(self): + return float(self._rewards) + + # ------------------------------------------------------------------------- + # Helper Functions + # ------------------------------------------------------------------------- + + def fill_template(self, template, replace): + """Read a file and replace key strings.""" + full_template_path = os.path.join(self.assets_root, template) + with open(full_template_path, 'r') as file: + fdata = file.read() + for field in replace: + for i in range(len(replace[field])): + fdata = fdata.replace(f'{field}{i}', str(replace[field][i])) + alphabet = string.ascii_lowercase + string.digits + rname = ''.join(random.choices(alphabet, k=16)) + tmpdir = tempfile.gettempdir() + template_filename = os.path.split(template)[-1] + fname = os.path.join(tmpdir, f'{template_filename}.{rname}') + with open(fname, 'w') as file: + file.write(fdata) + return fname + + def get_random_size(self, min_x, max_x, min_y, max_y, min_z, max_z): + """Get random box size.""" + size = np.random.rand(3) + size[0] = size[0] * (max_x - min_x) + min_x + size[1] = size[1] * (max_y - min_y) + min_y + size[2] = size[2] * (max_z - min_z) + min_z + return tuple(size) + + def color_random_brown(self, obj): + shade = np.random.rand() + 0.5 + color = np.float32([shade * 156, shade * 117, shade * 95, 255]) / 255 + p.changeVisualShape(obj, -1, rgbaColor=color) + + """"" + + # Environment Class + def add_object(self, urdf, pose, category='rigid'): + """List of (fixed, rigid, or deformable) objects in env.""" + fixed_base = 1 if category == 'fixed' else 0 + obj_id = pybullet_utils.load_urdf( + p, + os.path.join(self.assets_root, urdf), + pose[0], + pose[1], + useFixedBase=fixed_base) + self.obj_ids[category].append(obj_id) + return obj_id +""" + +========= +Note that the objects need to obey physics and not collide with each other, and the object goal poses need to be above the table with lower bound x=0.25, y=-0.5 and upper bound x=0.75, y=0.5. When there are multiple objects for a multi-step pick-and-place task, there are often multiple subgoals. Once the task and environment are generated, an agent with a pick and place primitive will follow the defined goal to accomplish the tasks. + +Additionally, make sure you understand and summarize the ``self.goals`` variables, which has a list of 8-tuple with (objs, matches, targ_poses, replace, rotations, metric, params, substep_max_reward, symmetries). +- objs (List of obj_id): object ID. +- matches (Binary Matrix): a binary matrix that denotes which object is matched with which target. This matrix has dimension len(objs) x len(targs). +- targ_poses (List of Poses [(translation, rotation)] ): a list of target poses of tuple (translation, rotation). +- replace (Boolean): whether each object can match with one unique target. This is important if we have one target and multiple objects. If it's set to be false, then any object matching with the target will satisfy. +- rotations (Boolean): whether the placement action has a rotation degree of freedom. +- metric (`pose` or `zone`): `pose` or `zone` that the object needs to be transported to. Example: `pose`. +- params (List of (zone_target, zone_size)): a list of (zone_target, zone_size) for each zone if the metric is `zone`. +- substep_max_reward (float): the total reward of matching all the objects with all the target poses. It is not dependent on the number of objects but dependent on the number of goals. +- symmetries: the radians that the object is symmetric around z axis. + diff --git a/prompts/topdown_task_generation_prompt/cliport_prompt_code_candidate_template.txt b/prompts/topdown_task_generation_prompt/cliport_prompt_code_candidate_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..52748b02a2e0b466f5c9bc341eda788332b2796a --- /dev/null +++ b/prompts/topdown_task_generation_prompt/cliport_prompt_code_candidate_template.txt @@ -0,0 +1,19 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + +""" +TASK_CODE_REFERENCE_TEMPLATE +""" + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. Use `add_goal()` multiple times to give step-by-step language subgoal and placement subgoal for the task. + +Note: +1. Use `make_piles` to create piles of small blocks. +2. Use `make_ropes` to create cables. +3. Us `self.primitive = primitives.push` and `self.ee = Spatula` to use spatula. +4. Do not use random pose or the initial pose for the target poses. Come up with the specified pose. +5. Do not use target poses that are not in the workspace bound `bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]])`. A good starting center point for the table is [0.5,0,0]. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE + + + diff --git a/prompts/topdown_task_generation_prompt/cliport_prompt_code_reference_selection_template.txt b/prompts/topdown_task_generation_prompt/cliport_prompt_code_reference_selection_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..dc3e57f92acf55463dc41c1e53b625fbc90ac441 --- /dev/null +++ b/prompts/topdown_task_generation_prompt/cliport_prompt_code_reference_selection_template.txt @@ -0,0 +1,7 @@ +Now I will provide you some reference code that might help you can write the code for the task "TASK_STRING_TEMPLATE". + + +TASK_CODE_LIST_TEMPLATE + + +Please pick 2 task python files that you would like to use as reference. Format them in a python list. diff --git a/prompts/topdown_task_generation_prompt/cliport_prompt_code_split_template.txt b/prompts/topdown_task_generation_prompt/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..d016ebeda12af159c07db94261b82e146adcdfcf --- /dev/null +++ b/prompts/topdown_task_generation_prompt/cliport_prompt_code_split_template.txt @@ -0,0 +1,257 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +""" +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # use `make_piles` to add pile of small blocks. + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((3, 3)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((3, 3)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) +""" + + + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. If you have only one goal, `step_max_reward` in `add_goal` should be 1. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. Use functions `make_piles` and `make_ropes` for creating piles and rope. To use spatula together with the push primitives, import the libraries +""" +from cliport.tasks import primitives; +from cliport.tasks.grippers import Spatula +""" +and then use `self.primitive = primitives.push` and `self.ee = Spatula`. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/topdown_task_generation_prompt/cliport_prompt_common_errors_template.txt b/prompts/topdown_task_generation_prompt/cliport_prompt_common_errors_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..7e375592f8a0634c9ab10557ea56da1e76cee833 --- /dev/null +++ b/prompts/topdown_task_generation_prompt/cliport_prompt_common_errors_template.txt @@ -0,0 +1,99 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some runtime errors that you do not want to make. Please confirm that you understand these runtime errors. + +""" +- environment.py, line 338, in info + pos, rot = p.getBasePositionAndOrientation(obj_id) +TypeError: an integer is required (got type NoneType) + +- task.py, line 118, in act + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] +IndexError: list index out of range + +- task.py, line 308, in is_match + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) +TypeError: 'float' object is not subscriptable + +- task.py", line 315, in is_match + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + +- utils.py", line 280, in quatXYZW_to_eulerXYZ + quaternion_wxyz = np.array([q[3], q[0], q[1], q[2]]) +IndexError: tuple index out of range + +- pallet_pose = self.get_random_pose(env, pallet_size) +pallet_surface_height = pallet_pose[0][2] +TypeError: 'NoneType' object is not subscriptable + +- No such file or directory: './cliport/environments/assets/circle/circle-template.urdf' + +- No such file or directory: './cliport/environments/assets/block/block-template.urdf' + +- task.py", line 308, in is_match + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) +IndexError: invalid index to scalar variable. + +-TypeError: get_random_size() missing 4 required positional arguments: 'min_y', 'max_y', 'min_z', and 'max_z' + +- task.py", line 195, in reward + obj_pts, zones = params +TypeError: cannot unpack non-iterable NoneType object + +- environment.py", line 230, in step + reward, info = self.task.reward() if action is not None else (0, {}) + File "task.py", line 200, in reward + pts = obj_pts[obj_id] +IndexError: arrays used as indices must be of integer (or boolean) type + +- environment.py", line 195, in reset + self.task.reset(self) + File "", line 38, in reset +TypeError: can only concatenate str (not "list") to str + +- environment.py", line 195, in reset + object_shape = np.random.choice(object_shapes) + in numpy.random.mtrand.RandomState.choice +ValueError: a must be 1-dimensional + +- No such file or directory: 'assets/box-template/box-template.urdf' + +- line 38, in reset.py +{'HALF': box_size / 2} +TypeError: unsupported operand type(s) for /: 'tuple' and 'int'. box_size is a tuple not a float. + +- line 38, in reset.py +IndexError: tuple index out of range +box_pose = (pallet_pose[0], pallet_pose[1], pallet_pose[2] + np.sum(box_sizes[:i+1])) + +- task.py", line 338, in fill_template + for i in range(len(replace[field])): +TypeError: object of type 'float' has no len(). + +- task.py", line 325, in get_random_pose + pos = (pos[0], pos[1], obj_size[2] / 2) +IndexError: tuple index out of range + +- task.py", line 206, in reward + for zone_idx, (zone_pose, zone_size) in enumerate(zones): +TypeError: 'NoneType' object is not iterable + +- task.py", +ball_pose = self.get_random_pose(env, ball_size) +ball_pose[0][2] += 0.02 +TypeError: 'tuple' object does not support item assignment +""" + + +You do not want to make mistakes such as +- using assets (urdfs) that do not exist +- use ambiguous language descriptions as goals. For instance, "place the colored blocks into the matching colored bowls" with one goal and sparse reward as the task instead of adding subgoal "place blue block into blue bowl" and give continuous reward. +- `matches` in the goal has wrong dimensions. It should have the same dimensions as number of objects (N) multiplied by the number of goal poses (M). Usually it is N by M. +- have vector dimension problem such as `np.random.choice(box_size)` or `box_size / 2` where `box_size` is a tuple and not an int +- make too large an object for stacking or make the task objects invisible for picking. +- accessing index out of bound `pallet_pose[2]` for `pallet_pose`. `pallet_pose=get_random_pose` returns a tuple (translation, rotation). It does not have 3rd component. Similarly accessing `container_pose[2]` or `box_pose[2]` would cause errors as well. Since it's a tuple, try to modify it in-place will also trigger errors. +- forget to replace str using `fill_template()` for urdfs with template such as `cylinder-template.urdf`. `ball-template.urdf`, `line-template.urf`. +- use `self.ee = Spatula()` as a function when doing pushing tasks, which is incorrect. It should be `self.ee = Spatula`. +- forget to compute target poses `targ_poses` for matching. Do not use object IDs for poses. +- change colors of complex objects such as `zone`. You can only change color of teomplate primitive such as `cylinder-template`. +- mistakenly use `random_pose` for target pose. Design target poses based on task objectives. +- set asset target poses such as `place_pos` at the wrong place near origin, it should be around the table center with [0.5,0,0]. +- forget to use functions `make_piles` and `make_ropes` for creating piles and rope. To use spatula together with the push primitives. diff --git a/prompts/topdown_task_generation_prompt/cliport_prompt_task.txt b/prompts/topdown_task_generation_prompt/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..650c496486b37b147c7a0c29c3fe93ad0afb9cbd --- /dev/null +++ b/prompts/topdown_task_generation_prompt/cliport_prompt_task.txt @@ -0,0 +1,89 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task `TARGET_TASK_NAME`. My goal is to design creative and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Please try to come up with tasks using only these assets. +""" +TASK_ASSET_PROMPT +""" + +There are certain rules on the asset usage. +1. Sweeping piles task must have small blocks `block/small.urdf` and zones `zone.urdf`. Only the piles can be swept in all assets +2. Insertion tasks must have `insertion/ell.urdf` and `insertion/fixture.urdf`. Only the fixture can be inserted in all assets. + + +========= +Here are some examples of good tasks. Try to be creative and high standard, and avoid overlapping with these tasks. + +TASK_DESCRIPTION_PROMPT + + +========= +Here are some bad example task instances with reasons. +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "box/box-template.urdf], +} +reasons: not interesting because it overlaps with the current task `put-block-in-bowl`. + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], +} +reasons: the language descriptions are too ambiguous. Navigation is also hard to complete. Also maze.urf does not exist. + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], +} +reasons: this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere. Similarly you cannot create task like `insert-ball-into-cylinder`. + +{ + "task-name": "ball-box-obstacle-course", + "task-description": "Navigate a ball through an obstacle course created by randomly placed boxes and finally place it inside a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: Navigate the ball is not related to tabletop manipulation tasks. + +{ + "task-name": "ball-in-box", + "task-description": "Use a cable to guide a ball into an open box.", + "assets-used": ["cable/cable.urdf", "ball/ball-template.urdf", "box/box-template.urdf"] +} +reasons: This task is too hard since it involves interaction of the cable and the ball and cannot be easily completed. + +{ + "task-name": "ball-in-container", + "task-description": "Use the spatula to lift a ball over a wall of boxes and drop it into a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: The only action primitives as pick and place. One cannot use a spatula to lift an object. + +{ + "task-name": "line-ball-sorting", + "task-description": "Move balls of different colors along a single green line, placing each ball in a designated colored box at the end of the line. The challenge includes precision in maintaining the ball on the line and the correct identification of the box color corresponding to each ball.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf"] +} +reasons: Piling or stacking balls are physically infeasible in the simulation. + + +{ + "task-name": "sweep-and-stack-blocks", + "task-description": "Sweep a pile of small red and blue blocks into two separate zones marked on the tabletop. Then pick up these blocks in each zone and stack them in two towers according to their colors, with the red tower higher than the blue.", + "assets-used": ["zone/zone.urdf", "block/small.urdf"] +} +reasons: Cannot do sweeping and stacking in the same task. + + +========= +Now let's design the task `TARGET_TASK_NAME`. Please describe the new task `TARGET_TASK_NAME` in natural languages in a clear and detailed way. Format the answer in a python dictionary with keys "task-name" and value type string with lower-case and separated by hyphens, "task-description" (one sentence and do not mention urdf paths) and value type string, and "assets-used" and value type list of strings. + +Note: +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. +- Blocks and boxes are easier to stack than cylinders or balls. Specifically, you can update dimensions of a "box/box-template.urdf". +- Try to use `box-template.urdf` for modifiable blocks instead of `block.urdf'. diff --git a/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_candidate_template.txt b/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_candidate_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..52748b02a2e0b466f5c9bc341eda788332b2796a --- /dev/null +++ b/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_candidate_template.txt @@ -0,0 +1,19 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + +""" +TASK_CODE_REFERENCE_TEMPLATE +""" + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. Use `add_goal()` multiple times to give step-by-step language subgoal and placement subgoal for the task. + +Note: +1. Use `make_piles` to create piles of small blocks. +2. Use `make_ropes` to create cables. +3. Us `self.primitive = primitives.push` and `self.ee = Spatula` to use spatula. +4. Do not use random pose or the initial pose for the target poses. Come up with the specified pose. +5. Do not use target poses that are not in the workspace bound `bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]])`. A good starting center point for the table is [0.5,0,0]. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE + + + diff --git a/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_reference_selection_template.txt b/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_reference_selection_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..4975ed0ccaabe2e319638af06f1ed0814fcc17e1 --- /dev/null +++ b/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_reference_selection_template.txt @@ -0,0 +1,7 @@ +Now I will provide you some reference code that might help you can write the code for the task "TASK_STRING_TEMPLATE". + + +TASK_CODE_LIST_TEMPLATE + + +Please pick 3 task python files that you would like to use as reference. Format them in a python list. diff --git a/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_split_template.txt b/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..a269b046b8b197e0dcd4abf2efcce0aa715fe637 --- /dev/null +++ b/prompts/topdown_task_generation_prompt_simple/cliport_prompt_code_split_template.txt @@ -0,0 +1,257 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +""" +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # use `make_piles` to add pile of small blocks. + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((3, 3)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((3, 3)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) +""" + + + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. If you have only one goal, `step_max_reward` in `add_goal` should be 1. Use functions `make_piles` and `make_ropes` for creating piles and rope. To use spatula together with the push primitives, import the libraries +""" +from cliport.tasks import primitives; +from cliport.tasks.grippers import Spatula +""" +and then use `self.primitive = primitives.push` and `self.ee = Spatula`. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/topdown_task_generation_prompt_simple/cliport_prompt_task.txt b/prompts/topdown_task_generation_prompt_simple/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..650c496486b37b147c7a0c29c3fe93ad0afb9cbd --- /dev/null +++ b/prompts/topdown_task_generation_prompt_simple/cliport_prompt_task.txt @@ -0,0 +1,89 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task `TARGET_TASK_NAME`. My goal is to design creative and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Please try to come up with tasks using only these assets. +""" +TASK_ASSET_PROMPT +""" + +There are certain rules on the asset usage. +1. Sweeping piles task must have small blocks `block/small.urdf` and zones `zone.urdf`. Only the piles can be swept in all assets +2. Insertion tasks must have `insertion/ell.urdf` and `insertion/fixture.urdf`. Only the fixture can be inserted in all assets. + + +========= +Here are some examples of good tasks. Try to be creative and high standard, and avoid overlapping with these tasks. + +TASK_DESCRIPTION_PROMPT + + +========= +Here are some bad example task instances with reasons. +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "box/box-template.urdf], +} +reasons: not interesting because it overlaps with the current task `put-block-in-bowl`. + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], +} +reasons: the language descriptions are too ambiguous. Navigation is also hard to complete. Also maze.urf does not exist. + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], +} +reasons: this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere. Similarly you cannot create task like `insert-ball-into-cylinder`. + +{ + "task-name": "ball-box-obstacle-course", + "task-description": "Navigate a ball through an obstacle course created by randomly placed boxes and finally place it inside a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: Navigate the ball is not related to tabletop manipulation tasks. + +{ + "task-name": "ball-in-box", + "task-description": "Use a cable to guide a ball into an open box.", + "assets-used": ["cable/cable.urdf", "ball/ball-template.urdf", "box/box-template.urdf"] +} +reasons: This task is too hard since it involves interaction of the cable and the ball and cannot be easily completed. + +{ + "task-name": "ball-in-container", + "task-description": "Use the spatula to lift a ball over a wall of boxes and drop it into a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: The only action primitives as pick and place. One cannot use a spatula to lift an object. + +{ + "task-name": "line-ball-sorting", + "task-description": "Move balls of different colors along a single green line, placing each ball in a designated colored box at the end of the line. The challenge includes precision in maintaining the ball on the line and the correct identification of the box color corresponding to each ball.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf"] +} +reasons: Piling or stacking balls are physically infeasible in the simulation. + + +{ + "task-name": "sweep-and-stack-blocks", + "task-description": "Sweep a pile of small red and blue blocks into two separate zones marked on the tabletop. Then pick up these blocks in each zone and stack them in two towers according to their colors, with the red tower higher than the blue.", + "assets-used": ["zone/zone.urdf", "block/small.urdf"] +} +reasons: Cannot do sweeping and stacking in the same task. + + +========= +Now let's design the task `TARGET_TASK_NAME`. Please describe the new task `TARGET_TASK_NAME` in natural languages in a clear and detailed way. Format the answer in a python dictionary with keys "task-name" and value type string with lower-case and separated by hyphens, "task-description" (one sentence and do not mention urdf paths) and value type string, and "assets-used" and value type list of strings. + +Note: +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. +- Blocks and boxes are easier to stack than cylinders or balls. Specifically, you can update dimensions of a "box/box-template.urdf". +- Try to use `box-template.urdf` for modifiable blocks instead of `block.urdf'. diff --git a/prompts/topdown_task_generation_prompt_simple_singleprompt/cliport_prompt_code_split_template.txt b/prompts/topdown_task_generation_prompt_simple_singleprompt/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..90b90d8653b3a61155f3a863ed2835652343811c --- /dev/null +++ b/prompts/topdown_task_generation_prompt_simple_singleprompt/cliport_prompt_code_split_template.txt @@ -0,0 +1,2 @@ + +Repeat the answer python code that you give in the previous chats. diff --git a/prompts/topdown_task_generation_prompt_simple_singleprompt/cliport_prompt_task.txt b/prompts/topdown_task_generation_prompt_simple_singleprompt/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..0ae636803276e3d099d19ad64be9a06638d0e29a --- /dev/null +++ b/prompts/topdown_task_generation_prompt_simple_singleprompt/cliport_prompt_task.txt @@ -0,0 +1,220 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task `TARGET_TASK_NAME`. My goal is to design creative and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + + +========= +Here are all the assets. Use only these assets in the task and code design. +""" +insertion/: +ell.urdf fixture.urdf + +bowl/: +bowl.urdf + +box/: +box-template.urdf + +stacking/: +block.urdf stand.urdf + +zone/: +zone.obj zone.urdf + +pallet/: +pallet.obj pallet.urdf + +ball/: +ball-template.urdf + +cylinder/: +cylinder-template.urdf + +bowl/: +bowl.urdf + +# assets not for picking +corner/: +corner-template.urdf + +line/: +single-green-line-template.urdf + +container/: +container-template.urdf +""" + + +There are certain rules on the asset usage. +1. Sweeping piles task must have small blocks `block/small.urdf` and zones `zone.urdf`. Only the piles can be swept in all assets +2. Insertion tasks must have `insertion/ell.urdf` and `insertion/fixture.urdf`. Only the fixture can be inserted in all assets. + + +========= +Here are some examples of good tasks. Try to be creative and high standard, and avoid overlapping with these tasks. + +TASK_DESCRIPTION_PROMPT + + + +========= +Now let's design the task `TARGET_TASK_NAME`. Please describe the new task `TARGET_TASK_NAME` in natural languages in a clear and detailed way. Format the answer in a python dictionary with keys "task-name" and value type string with lower-case and separated by hyphens, "task-description" (one sentence and do not mention urdf paths) and value type string, and "assets-used" and value type list of strings. + +Note: +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. + + +========= +Now I will provide you some reference code and you can write the code for the task. + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" + + +========= +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE + + diff --git a/prompts/vanilla_task_generation_prompt/cliport_prompt_api_template.txt b/prompts/vanilla_task_generation_prompt/cliport_prompt_api_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..9a2c4d8d1a32af3aa7affb1c8c773fa93fd36383 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt/cliport_prompt_api_template.txt @@ -0,0 +1,350 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some APIs that are defined. Please confirm that you understand these APIs. + +""" +class Task(): + """Base Task class.""" + + def __init__(self): + self.ee = Suction + self.mode = 'train' + self.sixdof = False + self.primitive = primitives.PickPlace() + self.oracle_cams = cameras.Oracle.CONFIG + + # Evaluation epsilons (for pose evaluation metric). + self.pos_eps = 0.01 + self.rot_eps = np.deg2rad(15) + + # Workspace bounds. + self.pix_size = 0.003125 + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]]) + self.zone_bounds = np.copy(self.bounds) + + self.goals = [] + self.lang_goals = [] + self.task_completed_desc = "task completed." + self.progress = 0 + self._rewards = 0 + self.assets_root = None + + def reset(self, env): + if not self.assets_root: + raise ValueError('assets_root must be set for task, ' + 'call set_assets_root().') + self.goals = [] + self.lang_goals = [] + self.progress = 0 # Task progression metric in range [0, 1]. + self._rewards = 0 # Cumulative returned rewards. + + # ------------------------------------------------------------------------- + # Oracle Agent + # ------------------------------------------------------------------------- + + def oracle(self, env): + """Oracle agent.""" + OracleAgent = collections.namedtuple('OracleAgent', ['act']) + + def act(obs, info): + """Calculate action.""" + + # Oracle uses perfect RGB-D orthographic images and segmentation masks. + _, hmap, obj_mask = self.get_true_image(env) + + # Unpack next goal step. + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] + + # Match objects to targets without replacement. + if not replace: + + # Modify a copy of the match matrix. + matches = matches.copy() + + # Ignore already matched objects. + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + if self.is_match(pose, targs[j], symmetry): + matches[i, :] = 0 + matches[:, j] = 0 + + # Get objects to be picked (prioritize farthest from nearest neighbor). + nn_dists = [] + nn_targets = [] + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + xyz, _ = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + if len(targets_i) > 0: + targets_xyz = np.float32([targs[j][0] for j in targets_i]) + dists = np.linalg.norm( + targets_xyz - np.float32(xyz).reshape(1, 3), axis=1) + nn = np.argmin(dists) + nn_dists.append(dists[nn]) + nn_targets.append(targets_i[nn]) + + # Handle ignored objects. + else: + nn_dists.append(0) + nn_targets.append(-1) + order = np.argsort(nn_dists)[::-1] + + # Filter out matched objects. + order = [i for i in order if nn_dists[i] > 0] + + pick_mask = None + for pick_i in order: + pick_mask = np.uint8(obj_mask == objs[pick_i][0]) + + # Erode to avoid picking on edges. + # pick_mask = cv2.erode(pick_mask, np.ones((3, 3), np.uint8)) + + if np.sum(pick_mask) > 0: + break + + # Trigger task reset if no object is visible. + if pick_mask is None or np.sum(pick_mask) == 0: + self.goals = [] + self.lang_goals = [] + print('Object for pick is not visible. Skipping demonstration.') + return + + # Get picking pose. + pick_prob = np.float32(pick_mask) + pick_pix = utils.sample_distribution(pick_prob) + # For "deterministic" demonstrations on insertion-easy, use this: + # pick_pix = (160,80) + pick_pos = utils.pix_to_xyz(pick_pix, hmap, + self.bounds, self.pix_size) + pick_pose = (np.asarray(pick_pos), np.asarray((0, 0, 0, 1))) + + # Get placing pose. + targ_pose = targs[nn_targets[pick_i]] + obj_pose = p.getBasePositionAndOrientation(objs[pick_i][0]) + if not self.sixdof: + obj_euler = utils.quatXYZW_to_eulerXYZ(obj_pose[1]) + obj_quat = utils.eulerXYZ_to_quatXYZW((0, 0, obj_euler[2])) + obj_pose = (obj_pose[0], obj_quat) + world_to_pick = utils.invert(pick_pose) + obj_to_pick = utils.multiply(world_to_pick, obj_pose) + pick_to_obj = utils.invert(obj_to_pick) + place_pose = utils.multiply(targ_pose, pick_to_obj) + + # Rotate end effector? + if not rotations: + place_pose = (place_pose[0], (0, 0, 0, 1)) + + place_pose = (np.asarray(place_pose[0]), np.asarray(place_pose[1])) + + return {'pose0': pick_pose, 'pose1': place_pose} + + return OracleAgent(act) + + # ------------------------------------------------------------------------- + # Reward Function and Task Completion Metrics + # ------------------------------------------------------------------------- + + def reward(self): + """Get delta rewards for current timestep. + + Returns: + A tuple consisting of the scalar (delta) reward, plus `extras` + dict which has extra task-dependent info from the process of + computing rewards that gives us finer-grained details. Use + `extras` for further data analysis. + """ + reward, info = 0, {} + + # Unpack next goal step. + objs, matches, targs, _, _, metric, params, max_reward = self.goals[0] + + # Evaluate by matching object poses. + if metric == 'pose': + step_reward = 0 + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + target_pose = targs[j] + if self.is_match(pose, target_pose, symmetry): + step_reward += max_reward / len(objs) + print(f"object {i} match with target {j} rew: {step_reward}") + break + + # Evaluate by measuring object intersection with zone. + elif metric == 'zone': + zone_pts, total_pts = 0, 0 + obj_pts, zones = params + for zone_idx, (zone_pose, zone_size) in enumerate(zones): + + # Count valid points in zone. + for obj_idx, obj_id in enumerate(obj_pts): + pts = obj_pts[obj_id] + obj_pose = p.getBasePositionAndOrientation(obj_id) + world_to_zone = utils.invert(zone_pose) + obj_to_zone = utils.multiply(world_to_zone, obj_pose) + pts = np.float32(utils.apply(obj_to_zone, pts)) + if len(zone_size) > 1: + valid_pts = np.logical_and.reduce([ + pts[0, :] > -zone_size[0] / 2, pts[0, :] < zone_size[0] / 2, + pts[1, :] > -zone_size[1] / 2, pts[1, :] < zone_size[1] / 2, + pts[2, :] < self.zone_bounds[2, 1]]) + + # if zone_idx == matches[obj_idx].argmax(): + zone_pts += np.sum(np.float32(valid_pts)) + total_pts += pts.shape[1] + step_reward = max_reward * (zone_pts / total_pts) + + # Get cumulative rewards and return delta. + reward = self.progress + step_reward - self._rewards + self._rewards = self.progress + step_reward + + # Move to next goal step if current goal step is complete. + if np.abs(max_reward - step_reward) < 0.01: + self.progress += max_reward # Update task progress. + self.goals.pop(0) + if len(self.lang_goals) > 0: + self.lang_goals.pop(0) + + return reward, info + + def done(self): + """Check if the task is done or has failed. + + Returns: + True if the episode should be considered a success, which we + use for measuring successes, which is particularly helpful for tasks + where one may get successes on the very last time step, e.g., getting + the cloth coverage threshold on the last alllowed action. + However, for bag-items-easy and bag-items-hard (which use the + 'bag-items' metric), it may be necessary to filter out demos that did + not attain sufficiently high reward in external code. Currently, this + is done in `main.py` and its ignore_this_demo() method. + """ + return (len(self.goals) == 0) or (self._rewards > 0.99) + # return zone_done or defs_done or goal_done + + # ------------------------------------------------------------------------- + # Environment Helper Functions + # ------------------------------------------------------------------------- + + def is_match(self, pose0, pose1, symmetry): + """Check if pose0 and pose1 match within a threshold.""" + + # Get translational error. + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) + dist_pos = np.linalg.norm(diff_pos) + + # Get rotational error around z-axis (account for symmetries). + diff_rot = 0 + if symmetry > 0: + rot0 = np.array(utils.quatXYZW_to_eulerXYZ(pose0[1]))[2] + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + diff_rot = np.abs(rot0 - rot1) % symmetry + if diff_rot > (symmetry / 2): + diff_rot = symmetry - diff_rot + + return (dist_pos < self.pos_eps) and (diff_rot < self.rot_eps) + + def get_random_pose(self, env, obj_size): + """Get random collision-free object pose within workspace bounds.""" + + # Get erosion size of object in pixels. + max_size = np.sqrt(obj_size[0] ** 2 + obj_size[1] ** 2) + erode_size = int(np.round(max_size / self.pix_size)) + + _, hmap, obj_mask = self.get_true_image(env) + + # Randomly sample an object pose within free-space pixels. + free = np.ones(obj_mask.shape, dtype=np.uint8) + for obj_ids in env.obj_ids.values(): + for obj_id in obj_ids: + free[obj_mask == obj_id] = 0 + free[0, :], free[:, 0], free[-1, :], free[:, -1] = 0, 0, 0, 0 + free = cv2.erode(free, np.ones((erode_size, erode_size), np.uint8)) + + # if np.sum(free) == 0: + # return None, None + + if np.sum(free) == 0: + # avoid returning None, None + # return None, None + pix = (obj_mask.shape[0] // 2, obj_mask.shape[1] // 2) + else: + pix = utils.sample_distribution(np.float32(free)) + pos = utils.pix_to_xyz(pix, hmap, self.bounds, self.pix_size) + pos = (pos[0], pos[1], obj_size[2] / 2) + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + return pos, rot + + def get_lang_goal(self): + if len(self.lang_goals) == 0: + return self.task_completed_desc + else: + return self.lang_goals[0] + + def get_reward(self): + return float(self._rewards) + + # ------------------------------------------------------------------------- + # Helper Functions + # ------------------------------------------------------------------------- + + def fill_template(self, template, replace): + """Read a file and replace key strings.""" + full_template_path = os.path.join(self.assets_root, template) + with open(full_template_path, 'r') as file: + fdata = file.read() + for field in replace: + for i in range(len(replace[field])): + fdata = fdata.replace(f'{field}{i}', str(replace[field][i])) + alphabet = string.ascii_lowercase + string.digits + rname = ''.join(random.choices(alphabet, k=16)) + tmpdir = tempfile.gettempdir() + template_filename = os.path.split(template)[-1] + fname = os.path.join(tmpdir, f'{template_filename}.{rname}') + with open(fname, 'w') as file: + file.write(fdata) + return fname + + def get_random_size(self, min_x, max_x, min_y, max_y, min_z, max_z): + """Get random box size.""" + size = np.random.rand(3) + size[0] = size[0] * (max_x - min_x) + min_x + size[1] = size[1] * (max_y - min_y) + min_y + size[2] = size[2] * (max_z - min_z) + min_z + return tuple(size) + + """"" + + # Environment Class + def add_object(self, urdf, pose, category='rigid'): + """List of (fixed, rigid, or deformable) objects in env.""" + fixed_base = 1 if category == 'fixed' else 0 + obj_id = pybullet_utils.load_urdf( + p, + os.path.join(self.assets_root, urdf), + pose[0], + pose[1], + useFixedBase=fixed_base) + self.obj_ids[category].append(obj_id) + return obj_id +""" + +========= +Note that the objects need to obey physics and not collide with each other, and the object goal poses need to be above the table with lower bound x=0.25, y=-0.5 and upper bound x=0.75, y=0.5. When there are multiple objects for a multi-step pick-and-place task, there are often multiple subgoals. Once the task and environment are generated, an agent with a pick and place primitive will follow the defined goal to accomplish the tasks. + +Additionally, make sure you understand and summarize the ``self.goals`` variables, which has a list of 8-tuple with (objs, matches, targ_poses, replace, rotations, metric, params, step_max_reward, symmetries). +- objs (List of obj_id): object ID. +- matches (Binary Matrix): a binary matrix that denotes which object is matched with which target. This matrix has dimension len(objs) x len(targs). +- targ_poses (List of Poses [(translation, rotation)] ): a list of target poses of tuple (translation, rotation). Don't pass in object IDs such as `bowls[i-1][0]` or `[stands[i][0]]`. +- replace (Boolean): whether each object can match with one unique target. This is important if we have one target and multiple objects. If it's set to be false, then any object matching with the target will satisfy. +- rotations (Boolean): whether the placement action has a rotation degree of freedom. +- metric (`pose` or `zone`): `pose` or `zone` that the object needs to be transported to. Example: `pose`. +- params (List of (zone_target, zone_size)): a list of (zone_target, zone_size) for each zone if the metric is `zone`. +- step_max_reward (float): subgoal reward threshold. +- symmetries: the radians that the object is symmetric around z axis. + diff --git a/prompts/vanilla_task_generation_prompt/cliport_prompt_code_split_template.txt b/prompts/vanilla_task_generation_prompt/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..f4c5b273dc100880a1291e8f7d6c6d32296f874e --- /dev/null +++ b/prompts/vanilla_task_generation_prompt/cliport_prompt_code_split_template.txt @@ -0,0 +1,252 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +""" +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # use `make_piles` to add pile of small blocks. + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((3, 3)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((3, 3)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) +""" + + + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. If you have only one goal, `step_max_reward` in `add_goal` should be 1. Use functions `make_piles` and `make_cables` for creating piles and cables. To use spatula together with the push primitives, import the libraries and then use `self.primitive = primitives.push` and `self.ee = Spatula`. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/vanilla_task_generation_prompt/cliport_prompt_common_errors_template.txt b/prompts/vanilla_task_generation_prompt/cliport_prompt_common_errors_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..c10ec825e3f65caa980fbafadf157cd208e56a08 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt/cliport_prompt_common_errors_template.txt @@ -0,0 +1,107 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some runtime errors that you do not want to make. Please confirm that you understand these runtime errors. + +""" +- environment.py, line 338, in info + pos, rot = p.getBasePositionAndOrientation(obj_id) +TypeError: an integer is required (got type NoneType) + +- task.py, line 118, in act + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] +IndexError: list index out of range + +- task.py, line 308, in is_match + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) +TypeError: 'float' object is not subscriptable + +- task.py", line 315, in is_match + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + +- utils.py", line 280, in quatXYZW_to_eulerXYZ + quaternion_wxyz = np.array([q[3], q[0], q[1], q[2]]) +IndexError: tuple index out of range + +- pallet_pose = self.get_random_pose(env, pallet_size) +pallet_surface_height = pallet_pose[0][2] +TypeError: 'NoneType' object is not subscriptable + +- No such file or directory: './cliport/environments/assets/circle/circle-template.urdf' + +- No such file or directory: './cliport/environments/assets/block/block-template.urdf' + +- task.py", line 308, in is_match + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) +IndexError: invalid index to scalar variable. + +- generated_task.py", line 41, in reset + utils.COLORS['green'], utils.COLORS['blue'], utils.COLORS['indigo'], +KeyError: 'indigo' + +-TypeError: get_random_size() missing 4 required positional arguments: 'min_y', 'max_y', 'min_z', and 'max_z' + +- task.py", line 195, in reward + obj_pts, zones = params +TypeError: cannot unpack non-iterable NoneType object + +- environment.py", line 230, in step + reward, info = self.task.reward() if action is not None else (0, {}) + File "task.py", line 200, in reward + pts = obj_pts[obj_id] +IndexError: arrays used as indices must be of integer (or boolean) type + +- environment.py", line 195, in reset + self.task.reset(self) + File "", line 38, in reset +TypeError: can only concatenate str (not "list") to str + +- environment.py", line 195, in reset + object_shape = np.random.choice(object_shapes) + in numpy.random.mtrand.RandomState.choice +ValueError: a must be 1-dimensional + +- No such file or directory: 'assets/box-template/box-template.urdf' + +- line 38, in reset.py +{'HALF': box_size / 2} +TypeError: unsupported operand type(s) for /: 'tuple' and 'int'. box_size is a tuple not a float. + +- line 38, in reset.py +IndexError: tuple index out of range +box_pose = (pallet_pose[0], pallet_pose[1], pallet_pose[2] + np.sum(box_sizes[:i+1])) + +- task.py", line 338, in fill_template + for i in range(len(replace[field])): +TypeError: object of type 'float' has no len(). + +- task.py", line 325, in get_random_pose + pos = (pos[0], pos[1], obj_size[2] / 2) +IndexError: tuple index out of range + +- task.py", line 206, in reward + for zone_idx, (zone_pose, zone_size) in enumerate(zones): +TypeError: 'NoneType' object is not iterable + +- task.py", +ball_pose = self.get_random_pose(env, ball_size) +ball_pose[0][2] += 0.02 +TypeError: 'tuple' object does not support item assignment +""" + + +You do not want to make mistakes such as +- using assets (urdfs) that do not exist +- use `get_random_pose` or `add_object` without checking if they return None afterwards. Should skip these objects if these functions failed. +- designing goals or tasks that are impossible to finish +- use too sparse task reward. Should assign subgoal reward for each subgoal. I.e. the `step_max_reward` argument in `add_goal()` should be less than 1 for multistep tasks such as stacking. And `add_goal()` need to be called multiple times. +- use ambiguous language descriptions as goals. For instance, "place the colored blocks into the matching colored bowls" with one goal and sparse reward as the task instead of adding subgoal "place blue block into blue bowl" and give continuous reward. +- set the wrong number of subgoals (for example only set one goal) or total timesteps in a multi-step task +- forget to use `add_goal` funtion to add the task goal. +- `matches` in the goal has wrong dimensions. It should have the same dimensions as number of objects (N) multiplied by the number of goal poses (M). Usually it is N by M. +- have vector dimension problem such as `np.random.choice(box_size)` or `box_size / 2` where `box_size` is a tuple and not an int +- make too large an object for stacking or make the task objects invisible for picking. +- accessing index out of bound `pallet_pose[2]` for `pallet_pose`. `pallet_pose=get_random_pose` returns a tuple (translation, rotation). It does not have 3rd component. Similarly accessing `container_pose[2]` or `box_pose[2]` would cause errors as well. Since it's a tuple, try to modify it in-place will also trigger errors. +- forget to replace str using `fill_template()` for urdfs with template such as `cylinder-template.urdf`. `ball-template.urdf`, `line-template.urf`. +- forget to import libraries before using them such as `from cliport.tasks import primitives` and `from cliport.tasks.grippers import Spatula` +- divide tuple by int. This will cause syntax errors such as when you do `ball_size / 2` and `cylinder_size / 2` when these sizes are tuples. +- use `self.ee = Spatula()` as a function when doing pushing tasks, which is incorrect. It should be `self.ee = Spatula`. +- forget to compute target poses `targ_poses` for matching. +- change colors of complex objects such as `zone`. You can only change color of teomplate primitive such as `cylinder-template`. diff --git a/prompts/vanilla_task_generation_prompt/cliport_prompt_task.txt b/prompts/vanilla_task_generation_prompt/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..df002cf17db03983beb230a96f0790cdea789dd6 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt/cliport_prompt_task.txt @@ -0,0 +1,154 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design diverse and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Use only these assets in the task and code design. +""" +insertion/: +ell.urdf fixture.urdf + +bowl/: +bowl.urdf + +box/: +box-template.urdf + +stacking/: +block.urdf stand.urdf + +zone/: +zone.obj zone.urdf + +pallet/: +pallet.obj pallet.urdf + +ball/: +ball-template.urdf + +cylinder/: +cylinder-template.urdf + +bowl/: +bowl.urdf + +# assets not for picking +corner/: +corner-template.urdf + +line/: +single-green-line-template.urdf + +container/: +container-template.urdf +""" + +========= +Here are some examples of good tasks. Try to learn from these structures but avoid overlapping wiht them. + +{"assets-used": ["zone/zone.urdf", "block/small.urdf"], + "task-description": "Push piles of small objects into a target goal zone marked on the tabletop.", + "task-name": "sweeping-piles"} + +{"assets-used": ["bowl/bowl.urdf", "stacking/block.urdf"], + "task-description": "Place all blocks of a specified color in a bowl of specified color.", + "task-name": "put-block-in-bowl"} + +{"assets-used": ["insertion/ell.urdf", "insertion/fixture.urdf"], + "task-description": "pick up the L-shaped red block and place it into the L-shaped fixture.", + "task-name": "block-insertion"} + +{"assets-used": ["kitting/kit.urdf", "kitting/object-template.urdf"], + "task-description": "pick up different objects and arrange them on a board marked with corresponding silhouettes.", + "task-name": "assembling-kits"} + +{"assets-used": ["pallet/pallet.urdf", "box/box-template.urdf"], + "task-description": "pick up homogeneous fixed-sized boxes and stack them in transposed layers on the pallet.", + "task-name": "palletizing-boxes"} + +{"assets-used": ["stacking/stand.urdf", "stacking/block.urdf"], + "task-description": "sequentially stack 6 blocks into a pyramid of 3-2-1 with rainbow colored ordering.", + "task-name": "stack-block-pyramid"} + +{"assets-used": ["container/container-template.urdf", "box/box-template.urdf"], + "task-description": "pick up randomly sized boxes and place them tightly into a container.", + "task-name": "packing-boxes"} + +{"assets-used": ["bowl/bowl.urdf", "stacking/block.urdf"], + "task-description": "pick up the red blocks and place them into the green bowls amidst other objects.", + "task-name": "place-red-in-green"} + +{"assets-used": ["box/box-template.urdf", "corner/corner-template.urdf"], + "task-description": "pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop..", + "task-name": "align-box-corner"} + +{"assets-used": ["box/box-template.urdf", "corner/corner-template.urdf"], + "task-description": "pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop..", + "task-name": "align-box-corner"} + +========= +Here are some tasks that you have come up with before. Try to learn from these structures but avoid overlapping with these tasks. For instance, `bowl_ball_placement` and `sort_balls_in_bowls` are the same task. `pile_boxes_in_corner` and `stack_blocks_into_pallet` are similar tasks, `align-cylinder-in-corner` and `align-cylinder-corner` are similar. +PAST_TASKNAME_TEMPLATE + + +========= +Here are some bad example task instances with explanations. +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "box/box-template.urdf], +} +reasons: not interesting because it overlaps with the current task `put-block-in-bowl`. + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], +} +reasons: the language descriptions are too ambiguous. Navigation is also hard to complete. Also maze.urf does not exist. + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], +} +reasons: this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere. Similarly tasks like `insert-ball-into-cylinder` and `cylinder-box-insertion` are invalid. + +{ + "task-name": "ball-box-obstacle-course", + "task-description": "Navigate a ball through an obstacle course created by randomly placed boxes and finally place it inside a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: Navigate the ball is not related to tabletop manipulation tasks. + +{ + "task-name": "ball-in-box", + "task-description": "Use a cable to guide a ball into an open box.", + "assets-used": ["cable/cable.urdf", "ball/ball-template.urdf", "box/box-template.urdf"] +} +reasons: This task is too hard since it involves interaction of the cable and the ball and cannot be easily completed. + +{ + "task-name": "ball-in-container", + "task-description": "Use the spatula to lift a ball over a wall of boxes and drop it into a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: The only action primitives as pick and place. One cannot use a spatula to lift an object. + +{ + "task-name": "line-ball-sorting", + "task-description": "Move balls of different colors along a single green line, placing each ball in a designated colored box at the end of the line. The challenge includes precision in maintaining the ball on the line and the correct identification of the box color corresponding to each ball.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf"] +} +reasons: Piling or stacking balls are physically infeasible in the simulation. + + + +========= +Now please describe the new task in natural languages and explain its novelty and challenges. Format the answer in a python dictionary with keys "task-name" and value type string, "task-description" (one specific sentence) and value type string, and "assets-used" and value type list of strings. Note that + +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. + + + diff --git a/prompts/vanilla_task_generation_prompt/cliport_prompt_task_reflection.txt b/prompts/vanilla_task_generation_prompt/cliport_prompt_task_reflection.txt new file mode 100644 index 0000000000000000000000000000000000000000..49de7f356ed859ca85f292d794a24363a9a429e1 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt/cliport_prompt_task_reflection.txt @@ -0,0 +1,76 @@ + + +Do you think your task is sufficently interesting to be added as a new task for future task given that we already have the following task name and descriptions? Moreover, does the simulation code achieve the goal and the language descriptions in the task? Be as rigorous and high-standard as possible. + +Reminder: +your task: +TASK_STRING_TEMPLATE + +TASK_CODE_TEMPLATE + +current task list: +CURRENT_TASK_NAME_TEMPLATE + +========= +Reply explain your reasons and then say True or False, formatted in a python dictionary, do not miss commas or add extra spaces. Here are some examples. + +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "yellow-bowl.urdf", "box/box-template.urdf], + "reasons": "not interesting because it overlaps with the current task `put-block-in-bowl`" + "add_to_the_task_list": "False", +} + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], + "reasons": "the language descriptions are too ambiguous. Navigation is also hard to complete." + "add_to_the_task_list": "False", +} + +{ + "task-name": "sort-blocks-by-zone", + "task-description": "Sort different colored blocks into their corresponding colored zones marked on the tabletop.", + "assets-used": ["zone/zone.urdf", "stacking/block.urdf"], + "reasons": "the task is not covered in the current list and is an interesting combination of zone and block objects." + "add_to_the_task_list": "True", +} + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], + "reasons": "this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere.", + "add_to_the_task_list": "False", +} + +{ + "task-name": "arrange-blocks-on-pallet", + "task-description": "arrange the blocks on the pallet in the order: red, orange, yellow, green, blue, and purple.", + "assets-used": ["stacking/block.urdf", "pallet/pallelt.urdf"], + "reasons": "this task overlaps with `arrange-boxes-on-pallet` by merely changing the blocks to boxes.", + "add_to_the_task_list": "False", +} + +{ + "task-name": "cylinder-color-alignment", + "task-description": "Pick up cylinders of different colors and align them inside a box in the order of the colors displayed on the single green line on the tabletop.", + "assets-used": ["cylinder/cylinder-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf + "reasons": "the execution code only has one goal, i.e. it will only move one cylinder on top of the box, which is not that interesting.", + "add_to_the_task_list": "False","] +} + +{ + "task-name": "build-bridge", + "task-description": "Construct a bridge using two yellow blocks and three blue blocks. Firstly, place the two yellow blocks on each of the two bases parallel to each other with a fair amount of space in between. Then, place the blue block horizontally on top of the yellow blocks.", + "assets-used": ["block/block.urdf", "ball/ball-template.urdf"] + "reasons": "this task is an interesting and long-horizon task for pick and place primitives. Training manipulation agent with this skill will be a useful building block for next skills.", + "add_to_the_task_list": "True", +} + +========= + +Please incorporate these feedbacks when you design new task! + diff --git a/prompts/vanilla_task_generation_prompt_simple/cliport_prompt_code_split_template.txt b/prompts/vanilla_task_generation_prompt_simple/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..2659f9448731d77855319238069c068ac4be1665 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple/cliport_prompt_code_split_template.txt @@ -0,0 +1,252 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +""" +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # use `make_piles` to add pile of small blocks. + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self): + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((3, 3)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((3, 3)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) +""" + + + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. If you have only one goal, `step_max_reward` in `add_goal` should be 1. Comment the code liberally to explain what each piece does and why it's written that way. Use functions `make_piles` and `make_cables` for creating piles and cables. To use spatula together with the push primitives, import the libraries and then use `self.primitive = primitives.push` and `self.ee = Spatula`. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/vanilla_task_generation_prompt_simple/cliport_prompt_task.txt b/prompts/vanilla_task_generation_prompt_simple/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..df002cf17db03983beb230a96f0790cdea789dd6 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple/cliport_prompt_task.txt @@ -0,0 +1,154 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design diverse and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Use only these assets in the task and code design. +""" +insertion/: +ell.urdf fixture.urdf + +bowl/: +bowl.urdf + +box/: +box-template.urdf + +stacking/: +block.urdf stand.urdf + +zone/: +zone.obj zone.urdf + +pallet/: +pallet.obj pallet.urdf + +ball/: +ball-template.urdf + +cylinder/: +cylinder-template.urdf + +bowl/: +bowl.urdf + +# assets not for picking +corner/: +corner-template.urdf + +line/: +single-green-line-template.urdf + +container/: +container-template.urdf +""" + +========= +Here are some examples of good tasks. Try to learn from these structures but avoid overlapping wiht them. + +{"assets-used": ["zone/zone.urdf", "block/small.urdf"], + "task-description": "Push piles of small objects into a target goal zone marked on the tabletop.", + "task-name": "sweeping-piles"} + +{"assets-used": ["bowl/bowl.urdf", "stacking/block.urdf"], + "task-description": "Place all blocks of a specified color in a bowl of specified color.", + "task-name": "put-block-in-bowl"} + +{"assets-used": ["insertion/ell.urdf", "insertion/fixture.urdf"], + "task-description": "pick up the L-shaped red block and place it into the L-shaped fixture.", + "task-name": "block-insertion"} + +{"assets-used": ["kitting/kit.urdf", "kitting/object-template.urdf"], + "task-description": "pick up different objects and arrange them on a board marked with corresponding silhouettes.", + "task-name": "assembling-kits"} + +{"assets-used": ["pallet/pallet.urdf", "box/box-template.urdf"], + "task-description": "pick up homogeneous fixed-sized boxes and stack them in transposed layers on the pallet.", + "task-name": "palletizing-boxes"} + +{"assets-used": ["stacking/stand.urdf", "stacking/block.urdf"], + "task-description": "sequentially stack 6 blocks into a pyramid of 3-2-1 with rainbow colored ordering.", + "task-name": "stack-block-pyramid"} + +{"assets-used": ["container/container-template.urdf", "box/box-template.urdf"], + "task-description": "pick up randomly sized boxes and place them tightly into a container.", + "task-name": "packing-boxes"} + +{"assets-used": ["bowl/bowl.urdf", "stacking/block.urdf"], + "task-description": "pick up the red blocks and place them into the green bowls amidst other objects.", + "task-name": "place-red-in-green"} + +{"assets-used": ["box/box-template.urdf", "corner/corner-template.urdf"], + "task-description": "pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop..", + "task-name": "align-box-corner"} + +{"assets-used": ["box/box-template.urdf", "corner/corner-template.urdf"], + "task-description": "pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop..", + "task-name": "align-box-corner"} + +========= +Here are some tasks that you have come up with before. Try to learn from these structures but avoid overlapping with these tasks. For instance, `bowl_ball_placement` and `sort_balls_in_bowls` are the same task. `pile_boxes_in_corner` and `stack_blocks_into_pallet` are similar tasks, `align-cylinder-in-corner` and `align-cylinder-corner` are similar. +PAST_TASKNAME_TEMPLATE + + +========= +Here are some bad example task instances with explanations. +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "box/box-template.urdf], +} +reasons: not interesting because it overlaps with the current task `put-block-in-bowl`. + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], +} +reasons: the language descriptions are too ambiguous. Navigation is also hard to complete. Also maze.urf does not exist. + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], +} +reasons: this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere. Similarly tasks like `insert-ball-into-cylinder` and `cylinder-box-insertion` are invalid. + +{ + "task-name": "ball-box-obstacle-course", + "task-description": "Navigate a ball through an obstacle course created by randomly placed boxes and finally place it inside a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: Navigate the ball is not related to tabletop manipulation tasks. + +{ + "task-name": "ball-in-box", + "task-description": "Use a cable to guide a ball into an open box.", + "assets-used": ["cable/cable.urdf", "ball/ball-template.urdf", "box/box-template.urdf"] +} +reasons: This task is too hard since it involves interaction of the cable and the ball and cannot be easily completed. + +{ + "task-name": "ball-in-container", + "task-description": "Use the spatula to lift a ball over a wall of boxes and drop it into a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: The only action primitives as pick and place. One cannot use a spatula to lift an object. + +{ + "task-name": "line-ball-sorting", + "task-description": "Move balls of different colors along a single green line, placing each ball in a designated colored box at the end of the line. The challenge includes precision in maintaining the ball on the line and the correct identification of the box color corresponding to each ball.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf"] +} +reasons: Piling or stacking balls are physically infeasible in the simulation. + + + +========= +Now please describe the new task in natural languages and explain its novelty and challenges. Format the answer in a python dictionary with keys "task-name" and value type string, "task-description" (one specific sentence) and value type string, and "assets-used" and value type list of strings. Note that + +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. + + + diff --git a/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_api_template.txt b/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_api_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..9a2c4d8d1a32af3aa7affb1c8c773fa93fd36383 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_api_template.txt @@ -0,0 +1,350 @@ +Before writing the code for the task "TASK_NAME_TEMPLATE". Here are some APIs that are defined. Please confirm that you understand these APIs. + +""" +class Task(): + """Base Task class.""" + + def __init__(self): + self.ee = Suction + self.mode = 'train' + self.sixdof = False + self.primitive = primitives.PickPlace() + self.oracle_cams = cameras.Oracle.CONFIG + + # Evaluation epsilons (for pose evaluation metric). + self.pos_eps = 0.01 + self.rot_eps = np.deg2rad(15) + + # Workspace bounds. + self.pix_size = 0.003125 + self.bounds = np.array([[0.25, 0.75], [-0.5, 0.5], [0, 0.3]]) + self.zone_bounds = np.copy(self.bounds) + + self.goals = [] + self.lang_goals = [] + self.task_completed_desc = "task completed." + self.progress = 0 + self._rewards = 0 + self.assets_root = None + + def reset(self, env): + if not self.assets_root: + raise ValueError('assets_root must be set for task, ' + 'call set_assets_root().') + self.goals = [] + self.lang_goals = [] + self.progress = 0 # Task progression metric in range [0, 1]. + self._rewards = 0 # Cumulative returned rewards. + + # ------------------------------------------------------------------------- + # Oracle Agent + # ------------------------------------------------------------------------- + + def oracle(self, env): + """Oracle agent.""" + OracleAgent = collections.namedtuple('OracleAgent', ['act']) + + def act(obs, info): + """Calculate action.""" + + # Oracle uses perfect RGB-D orthographic images and segmentation masks. + _, hmap, obj_mask = self.get_true_image(env) + + # Unpack next goal step. + objs, matches, targs, replace, rotations, _, _, _ = self.goals[0] + + # Match objects to targets without replacement. + if not replace: + + # Modify a copy of the match matrix. + matches = matches.copy() + + # Ignore already matched objects. + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + if self.is_match(pose, targs[j], symmetry): + matches[i, :] = 0 + matches[:, j] = 0 + + # Get objects to be picked (prioritize farthest from nearest neighbor). + nn_dists = [] + nn_targets = [] + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + xyz, _ = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + if len(targets_i) > 0: + targets_xyz = np.float32([targs[j][0] for j in targets_i]) + dists = np.linalg.norm( + targets_xyz - np.float32(xyz).reshape(1, 3), axis=1) + nn = np.argmin(dists) + nn_dists.append(dists[nn]) + nn_targets.append(targets_i[nn]) + + # Handle ignored objects. + else: + nn_dists.append(0) + nn_targets.append(-1) + order = np.argsort(nn_dists)[::-1] + + # Filter out matched objects. + order = [i for i in order if nn_dists[i] > 0] + + pick_mask = None + for pick_i in order: + pick_mask = np.uint8(obj_mask == objs[pick_i][0]) + + # Erode to avoid picking on edges. + # pick_mask = cv2.erode(pick_mask, np.ones((3, 3), np.uint8)) + + if np.sum(pick_mask) > 0: + break + + # Trigger task reset if no object is visible. + if pick_mask is None or np.sum(pick_mask) == 0: + self.goals = [] + self.lang_goals = [] + print('Object for pick is not visible. Skipping demonstration.') + return + + # Get picking pose. + pick_prob = np.float32(pick_mask) + pick_pix = utils.sample_distribution(pick_prob) + # For "deterministic" demonstrations on insertion-easy, use this: + # pick_pix = (160,80) + pick_pos = utils.pix_to_xyz(pick_pix, hmap, + self.bounds, self.pix_size) + pick_pose = (np.asarray(pick_pos), np.asarray((0, 0, 0, 1))) + + # Get placing pose. + targ_pose = targs[nn_targets[pick_i]] + obj_pose = p.getBasePositionAndOrientation(objs[pick_i][0]) + if not self.sixdof: + obj_euler = utils.quatXYZW_to_eulerXYZ(obj_pose[1]) + obj_quat = utils.eulerXYZ_to_quatXYZW((0, 0, obj_euler[2])) + obj_pose = (obj_pose[0], obj_quat) + world_to_pick = utils.invert(pick_pose) + obj_to_pick = utils.multiply(world_to_pick, obj_pose) + pick_to_obj = utils.invert(obj_to_pick) + place_pose = utils.multiply(targ_pose, pick_to_obj) + + # Rotate end effector? + if not rotations: + place_pose = (place_pose[0], (0, 0, 0, 1)) + + place_pose = (np.asarray(place_pose[0]), np.asarray(place_pose[1])) + + return {'pose0': pick_pose, 'pose1': place_pose} + + return OracleAgent(act) + + # ------------------------------------------------------------------------- + # Reward Function and Task Completion Metrics + # ------------------------------------------------------------------------- + + def reward(self): + """Get delta rewards for current timestep. + + Returns: + A tuple consisting of the scalar (delta) reward, plus `extras` + dict which has extra task-dependent info from the process of + computing rewards that gives us finer-grained details. Use + `extras` for further data analysis. + """ + reward, info = 0, {} + + # Unpack next goal step. + objs, matches, targs, _, _, metric, params, max_reward = self.goals[0] + + # Evaluate by matching object poses. + if metric == 'pose': + step_reward = 0 + for i in range(len(objs)): + object_id, (symmetry, _) = objs[i] + pose = p.getBasePositionAndOrientation(object_id) + targets_i = np.argwhere(matches[i, :]).reshape(-1) + for j in targets_i: + target_pose = targs[j] + if self.is_match(pose, target_pose, symmetry): + step_reward += max_reward / len(objs) + print(f"object {i} match with target {j} rew: {step_reward}") + break + + # Evaluate by measuring object intersection with zone. + elif metric == 'zone': + zone_pts, total_pts = 0, 0 + obj_pts, zones = params + for zone_idx, (zone_pose, zone_size) in enumerate(zones): + + # Count valid points in zone. + for obj_idx, obj_id in enumerate(obj_pts): + pts = obj_pts[obj_id] + obj_pose = p.getBasePositionAndOrientation(obj_id) + world_to_zone = utils.invert(zone_pose) + obj_to_zone = utils.multiply(world_to_zone, obj_pose) + pts = np.float32(utils.apply(obj_to_zone, pts)) + if len(zone_size) > 1: + valid_pts = np.logical_and.reduce([ + pts[0, :] > -zone_size[0] / 2, pts[0, :] < zone_size[0] / 2, + pts[1, :] > -zone_size[1] / 2, pts[1, :] < zone_size[1] / 2, + pts[2, :] < self.zone_bounds[2, 1]]) + + # if zone_idx == matches[obj_idx].argmax(): + zone_pts += np.sum(np.float32(valid_pts)) + total_pts += pts.shape[1] + step_reward = max_reward * (zone_pts / total_pts) + + # Get cumulative rewards and return delta. + reward = self.progress + step_reward - self._rewards + self._rewards = self.progress + step_reward + + # Move to next goal step if current goal step is complete. + if np.abs(max_reward - step_reward) < 0.01: + self.progress += max_reward # Update task progress. + self.goals.pop(0) + if len(self.lang_goals) > 0: + self.lang_goals.pop(0) + + return reward, info + + def done(self): + """Check if the task is done or has failed. + + Returns: + True if the episode should be considered a success, which we + use for measuring successes, which is particularly helpful for tasks + where one may get successes on the very last time step, e.g., getting + the cloth coverage threshold on the last alllowed action. + However, for bag-items-easy and bag-items-hard (which use the + 'bag-items' metric), it may be necessary to filter out demos that did + not attain sufficiently high reward in external code. Currently, this + is done in `main.py` and its ignore_this_demo() method. + """ + return (len(self.goals) == 0) or (self._rewards > 0.99) + # return zone_done or defs_done or goal_done + + # ------------------------------------------------------------------------- + # Environment Helper Functions + # ------------------------------------------------------------------------- + + def is_match(self, pose0, pose1, symmetry): + """Check if pose0 and pose1 match within a threshold.""" + + # Get translational error. + diff_pos = np.float32(pose0[0][:2]) - np.float32(pose1[0][:2]) + dist_pos = np.linalg.norm(diff_pos) + + # Get rotational error around z-axis (account for symmetries). + diff_rot = 0 + if symmetry > 0: + rot0 = np.array(utils.quatXYZW_to_eulerXYZ(pose0[1]))[2] + rot1 = np.array(utils.quatXYZW_to_eulerXYZ(pose1[1]))[2] + diff_rot = np.abs(rot0 - rot1) % symmetry + if diff_rot > (symmetry / 2): + diff_rot = symmetry - diff_rot + + return (dist_pos < self.pos_eps) and (diff_rot < self.rot_eps) + + def get_random_pose(self, env, obj_size): + """Get random collision-free object pose within workspace bounds.""" + + # Get erosion size of object in pixels. + max_size = np.sqrt(obj_size[0] ** 2 + obj_size[1] ** 2) + erode_size = int(np.round(max_size / self.pix_size)) + + _, hmap, obj_mask = self.get_true_image(env) + + # Randomly sample an object pose within free-space pixels. + free = np.ones(obj_mask.shape, dtype=np.uint8) + for obj_ids in env.obj_ids.values(): + for obj_id in obj_ids: + free[obj_mask == obj_id] = 0 + free[0, :], free[:, 0], free[-1, :], free[:, -1] = 0, 0, 0, 0 + free = cv2.erode(free, np.ones((erode_size, erode_size), np.uint8)) + + # if np.sum(free) == 0: + # return None, None + + if np.sum(free) == 0: + # avoid returning None, None + # return None, None + pix = (obj_mask.shape[0] // 2, obj_mask.shape[1] // 2) + else: + pix = utils.sample_distribution(np.float32(free)) + pos = utils.pix_to_xyz(pix, hmap, self.bounds, self.pix_size) + pos = (pos[0], pos[1], obj_size[2] / 2) + theta = np.random.rand() * 2 * np.pi + rot = utils.eulerXYZ_to_quatXYZW((0, 0, theta)) + return pos, rot + + def get_lang_goal(self): + if len(self.lang_goals) == 0: + return self.task_completed_desc + else: + return self.lang_goals[0] + + def get_reward(self): + return float(self._rewards) + + # ------------------------------------------------------------------------- + # Helper Functions + # ------------------------------------------------------------------------- + + def fill_template(self, template, replace): + """Read a file and replace key strings.""" + full_template_path = os.path.join(self.assets_root, template) + with open(full_template_path, 'r') as file: + fdata = file.read() + for field in replace: + for i in range(len(replace[field])): + fdata = fdata.replace(f'{field}{i}', str(replace[field][i])) + alphabet = string.ascii_lowercase + string.digits + rname = ''.join(random.choices(alphabet, k=16)) + tmpdir = tempfile.gettempdir() + template_filename = os.path.split(template)[-1] + fname = os.path.join(tmpdir, f'{template_filename}.{rname}') + with open(fname, 'w') as file: + file.write(fdata) + return fname + + def get_random_size(self, min_x, max_x, min_y, max_y, min_z, max_z): + """Get random box size.""" + size = np.random.rand(3) + size[0] = size[0] * (max_x - min_x) + min_x + size[1] = size[1] * (max_y - min_y) + min_y + size[2] = size[2] * (max_z - min_z) + min_z + return tuple(size) + + """"" + + # Environment Class + def add_object(self, urdf, pose, category='rigid'): + """List of (fixed, rigid, or deformable) objects in env.""" + fixed_base = 1 if category == 'fixed' else 0 + obj_id = pybullet_utils.load_urdf( + p, + os.path.join(self.assets_root, urdf), + pose[0], + pose[1], + useFixedBase=fixed_base) + self.obj_ids[category].append(obj_id) + return obj_id +""" + +========= +Note that the objects need to obey physics and not collide with each other, and the object goal poses need to be above the table with lower bound x=0.25, y=-0.5 and upper bound x=0.75, y=0.5. When there are multiple objects for a multi-step pick-and-place task, there are often multiple subgoals. Once the task and environment are generated, an agent with a pick and place primitive will follow the defined goal to accomplish the tasks. + +Additionally, make sure you understand and summarize the ``self.goals`` variables, which has a list of 8-tuple with (objs, matches, targ_poses, replace, rotations, metric, params, step_max_reward, symmetries). +- objs (List of obj_id): object ID. +- matches (Binary Matrix): a binary matrix that denotes which object is matched with which target. This matrix has dimension len(objs) x len(targs). +- targ_poses (List of Poses [(translation, rotation)] ): a list of target poses of tuple (translation, rotation). Don't pass in object IDs such as `bowls[i-1][0]` or `[stands[i][0]]`. +- replace (Boolean): whether each object can match with one unique target. This is important if we have one target and multiple objects. If it's set to be false, then any object matching with the target will satisfy. +- rotations (Boolean): whether the placement action has a rotation degree of freedom. +- metric (`pose` or `zone`): `pose` or `zone` that the object needs to be transported to. Example: `pose`. +- params (List of (zone_target, zone_size)): a list of (zone_target, zone_size) for each zone if the metric is `zone`. +- step_max_reward (float): subgoal reward threshold. +- symmetries: the radians that the object is symmetric around z axis. + diff --git a/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_code_split_template.txt b/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..5fdb71d8ac99c8f95da16eb95d975328cea2eb5d --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_code_split_template.txt @@ -0,0 +1,252 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +""" +import numpy as np +from cliport.tasks import primitives +from cliport.tasks.grippers import Spatula +from cliport.tasks.task import Task +from cliport.utils import utils + + +class SweepingPiles(Task): + """Push piles of small objects into a target goal zone marked on the tabletop.""" + + def __init__(self): + super().__init__() + self.max_steps = 20 + self.lang_template = "push the pile of blocks into the green square" + self.task_completed_desc = "done sweeping." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add goal zone. + zone_size = (0.12, 0.12, 0) + zone_pose = self.get_random_pose(env, zone_size) + env.add_object('zone/zone.urdf', zone_pose, 'fixed') + + # use `make_piles` to add pile of small blocks. + obj_ids = self.make_piles(env) + + # Add goal + self.add_goal(objs=obj_ids, matches=np.ones((50, 1)), targ_poses=[zone_pose], replace=True, + rotations=False, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1) + self.lang_goals.append(self.lang_template) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + +class StackBlockPyramid(Task): + """Build a pyramid of colored blocks in a color sequence""" + + def __init__(self):If you have only one goal, `step_max_reward` in `add_goal` should be 1. + super().__init__() + self.max_steps = 12 + self.lang_template = "make the {row} row with {blocks}" + self.task_completed_desc = "done stacking block pyramid." + self.additional_reset() + + def reset(self, env): + super().reset(env) + + # Add base. + base_size = (0.05, 0.15, 0.005) + base_urdf = 'stacking/stand.urdf' + base_pose = self.get_random_pose(env, base_size) + env.add_object(base_urdf, base_pose, category='fixed') + + # Block colors. + colors = [ + utils.COLORS['purple'], utils.COLORS['blue'], utils.COLORS['green'], + utils.COLORS['yellow'], utils.COLORS['orange'], utils.COLORS['red'] + ] + + # Add blocks. + # x, y, z dimensions for the asset size + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + + objs = [] + for i in range(6): + block_pose = self.get_random_pose(env, block_size) + block_id = env.add_object(block_urdf, block_pose, color=colors[i]) + objs.append(block_id) + + # Associate placement locations for goals. + place_pos = [(0, -0.05, 0.03), (0, 0, 0.03), + (0, 0.05, 0.03), (0, -0.025, 0.08), + (0, 0.025, 0.08), (0, 0, 0.13)] + targs = [(utils.apply(base_pose, i), base_pose[1]) for i in place_pos] + + # Goal: blocks are stacked in a pyramid (bottom row: green, blue, purple). + self.add_goal(objs=objs[:3], matches=np.ones((3, 3)), targ_poses=targs[:3], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 2, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the green, blue and purple blocks", + row="bottom")) + + # Goal: blocks are stacked in a pyramid (middle row: yellow, orange). + self.add_goal(objs=objs[3:5], matches=np.ones((3, 3)), targ_poses=targs[3:5], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 3, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the yellow and orange blocks", + row="middle")) + + # Goal: blocks are stacked in a pyramid (top row: red). + self.add_goal(objs=objs[5:], matches=np.ones((3, 3)), targ_poses=targs[5:], replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1 / 6, symmetries=[np.pi/2]*3) + self.lang_goals.append(self.lang_template.format(blocks="the red block", + row="top")) +""" + + + +Do not use libraries, functions, and assets that you don't know. For each object, try to describe its color, size, category in the task first before you write the code. You do not need extra helper functions. Comment the code liberally to explain what each piece does and why it's written that way. If you have only one goal, `step_max_reward` in `add_goal` should be 1. Use functions `make_piles` and `make_cables` for creating piles and cables. To use spatula together with the push primitives, import the libraries and then use `self.primitive = primitives.push` and `self.ee = Spatula`. + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_task.txt b/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..df002cf17db03983beb230a96f0790cdea789dd6 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_api/cliport_prompt_task.txt @@ -0,0 +1,154 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design diverse and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Use only these assets in the task and code design. +""" +insertion/: +ell.urdf fixture.urdf + +bowl/: +bowl.urdf + +box/: +box-template.urdf + +stacking/: +block.urdf stand.urdf + +zone/: +zone.obj zone.urdf + +pallet/: +pallet.obj pallet.urdf + +ball/: +ball-template.urdf + +cylinder/: +cylinder-template.urdf + +bowl/: +bowl.urdf + +# assets not for picking +corner/: +corner-template.urdf + +line/: +single-green-line-template.urdf + +container/: +container-template.urdf +""" + +========= +Here are some examples of good tasks. Try to learn from these structures but avoid overlapping wiht them. + +{"assets-used": ["zone/zone.urdf", "block/small.urdf"], + "task-description": "Push piles of small objects into a target goal zone marked on the tabletop.", + "task-name": "sweeping-piles"} + +{"assets-used": ["bowl/bowl.urdf", "stacking/block.urdf"], + "task-description": "Place all blocks of a specified color in a bowl of specified color.", + "task-name": "put-block-in-bowl"} + +{"assets-used": ["insertion/ell.urdf", "insertion/fixture.urdf"], + "task-description": "pick up the L-shaped red block and place it into the L-shaped fixture.", + "task-name": "block-insertion"} + +{"assets-used": ["kitting/kit.urdf", "kitting/object-template.urdf"], + "task-description": "pick up different objects and arrange them on a board marked with corresponding silhouettes.", + "task-name": "assembling-kits"} + +{"assets-used": ["pallet/pallet.urdf", "box/box-template.urdf"], + "task-description": "pick up homogeneous fixed-sized boxes and stack them in transposed layers on the pallet.", + "task-name": "palletizing-boxes"} + +{"assets-used": ["stacking/stand.urdf", "stacking/block.urdf"], + "task-description": "sequentially stack 6 blocks into a pyramid of 3-2-1 with rainbow colored ordering.", + "task-name": "stack-block-pyramid"} + +{"assets-used": ["container/container-template.urdf", "box/box-template.urdf"], + "task-description": "pick up randomly sized boxes and place them tightly into a container.", + "task-name": "packing-boxes"} + +{"assets-used": ["bowl/bowl.urdf", "stacking/block.urdf"], + "task-description": "pick up the red blocks and place them into the green bowls amidst other objects.", + "task-name": "place-red-in-green"} + +{"assets-used": ["box/box-template.urdf", "corner/corner-template.urdf"], + "task-description": "pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop..", + "task-name": "align-box-corner"} + +{"assets-used": ["box/box-template.urdf", "corner/corner-template.urdf"], + "task-description": "pick up the randomly sized box and align one of its corners to the L-shaped marker on the tabletop..", + "task-name": "align-box-corner"} + +========= +Here are some tasks that you have come up with before. Try to learn from these structures but avoid overlapping with these tasks. For instance, `bowl_ball_placement` and `sort_balls_in_bowls` are the same task. `pile_boxes_in_corner` and `stack_blocks_into_pallet` are similar tasks, `align-cylinder-in-corner` and `align-cylinder-corner` are similar. +PAST_TASKNAME_TEMPLATE + + +========= +Here are some bad example task instances with explanations. +{ + "task_name": "sort-color-blocks", + "task_descriptions": "Pick up differently colored blocks and place them into separate bowls of matching color." + "assets-used": ["bowl.urdf", "box/box-template.urdf], +} +reasons: not interesting because it overlaps with the current task `put-block-in-bowl`. + +{ + "task-name": "guided-ball-maze", + "task-description": "Navigate a small ball through a maze by tilting the maze board to reach the target zone.", + "assets-used": ["zone-template.urdf", "square-template.urdf", "ball.urdf", "maze.urdf"], +} +reasons: the language descriptions are too ambiguous. Navigation is also hard to complete. Also maze.urf does not exist. + +{ + "task-name": "insert_cylinder_in_sphere", + "task-description": "Pick up the cylinder and insert it into the sphere with an opening on top.", + "assets-used": ["cylinder/cylinder-template.urdf", "sphere/sphere-template.urdf"], +} +reasons: this task does not make sense. The sphere does not have an opening on top, and you cannot insert a cylinder into a sphere. Similarly tasks like `insert-ball-into-cylinder` and `cylinder-box-insertion` are invalid. + +{ + "task-name": "ball-box-obstacle-course", + "task-description": "Navigate a ball through an obstacle course created by randomly placed boxes and finally place it inside a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: Navigate the ball is not related to tabletop manipulation tasks. + +{ + "task-name": "ball-in-box", + "task-description": "Use a cable to guide a ball into an open box.", + "assets-used": ["cable/cable.urdf", "ball/ball-template.urdf", "box/box-template.urdf"] +} +reasons: This task is too hard since it involves interaction of the cable and the ball and cannot be easily completed. + +{ + "task-name": "ball-in-container", + "task-description": "Use the spatula to lift a ball over a wall of boxes and drop it into a container.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "container/container-template.urdf"] +} +reasons: The only action primitives as pick and place. One cannot use a spatula to lift an object. + +{ + "task-name": "line-ball-sorting", + "task-description": "Move balls of different colors along a single green line, placing each ball in a designated colored box at the end of the line. The challenge includes precision in maintaining the ball on the line and the correct identification of the box color corresponding to each ball.", + "assets-used": ["ball/ball-template.urdf", "box/box-template.urdf", "line/single-green-line-template.urdf"] +} +reasons: Piling or stacking balls are physically infeasible in the simulation. + + + +========= +Now please describe the new task in natural languages and explain its novelty and challenges. Format the answer in a python dictionary with keys "task-name" and value type string, "task-description" (one specific sentence) and value type string, and "assets-used" and value type list of strings. Note that + +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. + + + diff --git a/prompts/vanilla_task_generation_prompt_simple_codeonly/cliport_prompt_code_split_template.txt b/prompts/vanilla_task_generation_prompt_simple_codeonly/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..04541377423b35f197fb056a1dd16d85aaef3aaa --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_codeonly/cliport_prompt_code_split_template.txt @@ -0,0 +1 @@ +Repeat the answer python code that you give in the previous chats. diff --git a/prompts/vanilla_task_generation_prompt_simple_codeonly/cliport_prompt_task.txt b/prompts/vanilla_task_generation_prompt_simple_codeonly/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..26668a81acfc4fd5ca1d5a694a27d900b96e17a7 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_codeonly/cliport_prompt_task.txt @@ -0,0 +1,195 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design diverse and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Use only these assets in the task and code design. +""" +insertion/: +ell.urdf fixture.urdf + +bowl/: +bowl.urdf + +box/: +box-template.urdf + +stacking/: +block.urdf stand.urdf + +zone/: +zone.obj zone.urdf + +pallet/: +pallet.obj pallet.urdf + +ball/: +ball-template.urdf + +cylinder/: +cylinder-template.urdf + +bowl/: +bowl.urdf + +# assets not for picking +corner/: +corner-template.urdf + +line/: +single-green-line-template.urdf + +container/: +container-template.urdf +""" + + +========= +Now I will provide you some reference code and you can write the code for the task. + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" + +========= +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. + diff --git a/prompts/vanilla_task_generation_prompt_simple_singleprompt/cliport_prompt_code_split_template.txt b/prompts/vanilla_task_generation_prompt_simple_singleprompt/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..04541377423b35f197fb056a1dd16d85aaef3aaa --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_singleprompt/cliport_prompt_code_split_template.txt @@ -0,0 +1 @@ +Repeat the answer python code that you give in the previous chats. diff --git a/prompts/vanilla_task_generation_prompt_simple_singleprompt/cliport_prompt_task.txt b/prompts/vanilla_task_generation_prompt_simple_singleprompt/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..c6c986544eae6600625c067ca77b67fe132d5c0c --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_singleprompt/cliport_prompt_task.txt @@ -0,0 +1,202 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design diverse and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Use only these assets in the task and code design. +""" +insertion/: +ell.urdf fixture.urdf + +bowl/: +bowl.urdf + +box/: +box-template.urdf + +stacking/: +block.urdf stand.urdf + +zone/: +zone.obj zone.urdf + +pallet/: +pallet.obj pallet.urdf + +ball/: +ball-template.urdf + +cylinder/: +cylinder-template.urdf + +bowl/: +bowl.urdf + +# assets not for picking +corner/: +corner-template.urdf + +line/: +single-green-line-template.urdf + +container/: +container-template.urdf +""" + + +========= +Now I will provide you some reference code and you can write the code for the task. + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" +========= +Now please describe the new task in natural languages and explain its novelty and challenges. Format the answer in a python dictionary with keys "task-name" and value type string, "task-description" (one specific sentence) and value type string, and "assets-used" and value type list of strings. Note that + +- Do not use assets that are not in the list above. +- Tasks that have more colors and shapes are interesting. +- Be as specific as possible about the number, shape, and color of each asset in the task descriptions. +- The task need to obey physics and remain feasible. + +========= +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. + diff --git a/prompts/vanilla_task_generation_prompt_simple_zeroshot/cliport_prompt_code_split_template.txt b/prompts/vanilla_task_generation_prompt_simple_zeroshot/cliport_prompt_code_split_template.txt new file mode 100644 index 0000000000000000000000000000000000000000..70bf10ee3b83d902769fb30ab7fe4732135b25fc --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_zeroshot/cliport_prompt_code_split_template.txt @@ -0,0 +1,148 @@ +Now I will provide you some reference code and you can write the code for the task "TASK_NAME_TEMPLATE". + + +""" +import os + +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils + + +class PackingShapes(Task): + """pick up randomly sized shapes and place them tightly into a container.""" + + def __init__(self): + super().__init__() + self.max_steps = 1 + self.homogeneous = False + + self.lang_template = "pack the {obj} in the brown box" + self.task_completed_desc = "done packing shapes." + self.additional_reset() + + + def reset(self, env): + super().reset(env) + + # Shape Names: + shapes = utils.assembling_kit_shapes + + n_objects = 5 + if self.mode == 'train': + obj_shapes = np.random.choice(self.train_set, n_objects, replace=False) + else: + if self.homogeneous: + obj_shapes = [np.random.choice(self.test_set, replace=False)] * n_objects + else: + obj_shapes = np.random.choice(self.test_set, n_objects, replace=False) + + # Shuffle colors to avoid always picking an object of the same color + colors, color_names = utils.get_colors(mode=self.mode) + + # Add container box. + zone_size = self.get_random_size(0.1, 0.15, 0.1, 0.15, 0.05, 0.05) + zone_pose = self.get_random_pose(env, zone_size) + container_template = 'container/container-template.urdf' + replace = {'DIM': zone_size, 'HALF': (zone_size[0] / 2, zone_size[1] / 2, zone_size[2] / 2)} + # IMPORTANT: REPLACE THE TEMPLATE URDF with `fill_template` + container_urdf = self.fill_template(container_template, replace) + env.add_object(container_urdf, zone_pose, 'fixed') + + # Add objects. + objects = [] + template = 'kitting/object-template.urdf' + for i in range(n_objects): + shape = obj_shapes[i] + + # x, y, z dimensions for the asset size + size = (0.08, 0.08, 0.02) + pose= self.get_random_pose(env, size) + fname = f'{shape:02d}.obj' + fname = os.path.join(self.assets_root, 'kitting', fname) + scale = [0.003, 0.003, 0.001] + replace = {'FNAME': (fname,), + 'SCALE': scale, + 'COLOR': colors[i]} + + # IMPORTANT: REPLACE THE TEMPLATE URDF + urdf = self.fill_template(template, replace) + block_id = env.add_object(urdf, pose) + objects.append(block_id) + + # Pick the first shape. + num_objects_to_pick = 1 + for i in range(num_objects_to_pick): + # IMPORTANT: Specify (obj_pts, [(zone_pose, zone_size)]) for target `zone`. obj_pts is a dict + self.add_goal(objs=[objects[i]], matches=np.int32([[1]]), targ_poses=[zone_pose], replace=False, + rotations=True, metric='zone', params=[(zone_pose, zone_size)], step_max_reward=1 / num_objects_to_pick) + + self.lang_goals.append(self.lang_template.format(obj=shapes[obj_shapes[i]])) +""" +""" +import numpy as np +from cliport.tasks.task import Task +from cliport.utils import utils +import pybullet as p + + +class PlaceRedInGreen(Task): + """pick up the red blocks and place them into the green bowls amidst other objects.""" + + def __init__(self): + super().__init__() + self.max_steps = 10 + self.lang_template = "put the red blocks in a green bowl" + self.task_completed_desc = "done placing blocks in bowls." + self.additional_reset() + + def reset(self, env): + super().reset(env) + n_bowls = np.random.randint(1, 4) + n_blocks = np.random.randint(1, n_bowls + 1) + + # Add bowls. + # x, y, z dimensions for the asset size + bowl_size = (0.12, 0.12, 0) + bowl_urdf = 'bowl/bowl.urdf' + bowl_poses = [] + for _ in range(n_bowls): + bowl_pose = self.get_random_pose(env, obj_size=bowl_size) + env.add_object(urdf=bowl_urdf, pose=bowl_pose, category='fixed') + bowl_poses.append(bowl_pose) + + # Add blocks. + # x, y, z dimensions for the asset size + blocks = [] + block_size = (0.04, 0.04, 0.04) + block_urdf = 'stacking/block.urdf' + for _ in range(n_blocks): + block_pose = self.get_random_pose(env, obj_size=block_size) + block_id = env.add_object(block_urdf, block_pose) + blocks.append(block_id) + + # Goal: each red block is in a different green bowl. + self.add_goal(objs=blocks, matches=np.ones((len(blocks), len(bowl_poses))), targ_poses=bowl_poses, replace=False, + rotations=True, metric='pose', params=None, step_max_reward=1) + self.lang_goals.append(self.lang_template) + + # Colors of distractor objects. + # IMPORTANT: RETRIEVE THE ACTUAL COLOR VALUES + bowl_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'green'] + block_colors = [utils.COLORS[c] for c in utils.COLORS if c != 'red'] + + # Add distractors. + n_distractors = 0 + while n_distractors < 6: + is_block = np.random.rand() > 0.5 + urdf = block_urdf if is_block else bowl_urdf + size = block_size if is_block else bowl_size + colors = block_colors if is_block else bowl_colors + pose = self.get_random_pose(env, obj_size=size) + color = colors[n_distractors % len(colors)] + + obj_id = env.add_object(urdf, pose, color=color) + n_distractors += 1 +""" + +Now write the code for the task "TASK_NAME_TEMPLATE" in python code block starting with ```python. Reminder: TASK_STRING_TEMPLATE diff --git a/prompts/vanilla_task_generation_prompt_simple_zeroshot/cliport_prompt_task.txt b/prompts/vanilla_task_generation_prompt_simple_zeroshot/cliport_prompt_task.txt new file mode 100644 index 0000000000000000000000000000000000000000..ea48623e33fb84c75932c4d7ab6b60572f409a05 --- /dev/null +++ b/prompts/vanilla_task_generation_prompt_simple_zeroshot/cliport_prompt_task.txt @@ -0,0 +1,45 @@ +You are an AI in robot simulation code and task design. I will provide you some example tasks, code implementation, and some guidelines for how to generate tasks and then you will help me generate a new task. My goal is to design diverse and feasible tasks for tabletop manipulation. I will first ask you to describe the task in natural languages and then will let you write the code for it. + +========= +Here are all the assets. Use only these assets in the task and code design. +""" +insertion/: +ell.urdf fixture.urdf + +bowl/: +bowl.urdf + +box/: +box-template.urdf + +stacking/: +block.urdf stand.urdf + +zone/: +zone.obj zone.urdf + +pallet/: +pallet.obj pallet.urdf + +ball/: +ball-template.urdf + +cylinder/: +cylinder-template.urdf + +bowl/: +bowl.urdf + +# assets not for picking +corner/: +corner-template.urdf + +line/: +single-green-line-template.urdf + +container/: +container-template.urdf +""" + +========= +Now please describe the new task in natural languages and explain its novelty and challenges. Format the answer in a python dictionary with keys "task-name" and value type string, "task-description" (one specific sentence) and value type string, and "assets-used" and value type list of strings. diff --git a/requirements.txt b/requirements.txt index 737d4c35a19d07bfa07bfd24beba0da0f1b2e3b4..171226fed3215e57325b5510aee3bf7d8473ed42 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,3 +1,29 @@ +absl-py +gym +numpy +pybullet +matplotlib +opencv-python +meshcat +scipy +scikit-image +torch +gradio +hydra-core +ftfy +torchvision +transforms3d +wandb +kornia +gym +pytorch_lightning==1.9.5 +transformers +meshcat +openai +seaborn +trimesh +rtree + numpy scipy shapely @@ -8,4 +34,5 @@ pybullet imageio==2.4.1 imageio-ffmpeg moviepy -omegaconf \ No newline at end of file +omegaconf + diff --git a/setup.py b/setup.py new file mode 100644 index 0000000000000000000000000000000000000000..77a408f0440655686eeea540c5568e9e3fa309ea --- /dev/null +++ b/setup.py @@ -0,0 +1,16 @@ +from setuptools import setup, find_packages + +setup( + name='cliport', + version='0.1.0', + packages=find_packages(), + include_package_data=True, + license=open('LICENSE').read(), + zip_safe=False, + description="CLIPort - What and Where Pathways for Robotic Manipulation.", + author='Mohit Shridhar', + author_email='mshr@cs.washington.edu', + url='https://cliport.github.io/', + # install_requires=[line for line in open('requirements.txt').readlines() if "@" not in line], + keywords=['CLIP', 'Vision Language Grounding', 'Robotics', 'Manipulation'], +) \ No newline at end of file